diff --git a/.gitignore b/.gitignore index 3480399..161366b 100755 --- a/.gitignore +++ b/.gitignore @@ -1,3 +1,4 @@ +*.csv .idea/ .DS_Store __pycache__ diff --git a/Dockerfile b/Dockerfile index e67d5d4..fbc9d9c 100644 --- a/Dockerfile +++ b/Dockerfile @@ -1,6 +1,6 @@ FROM continuumio/miniconda3 -ENTRYPOINT ["/bin/bash"] +#ENTRYPOINT ["/bin/bash"] ENV NVIDIA_VISIBLE_DEVICES all ENV NVIDIA_DRIVER_CAPABILITIES compute,utility @@ -12,10 +12,14 @@ RUN mkdir /fever/scripts VOLUME /fever/ +RUN bash scripts/download-glove.sh +RUN bash scripts/download-data.sh + ADD requirements.txt /fever/ ADD src /fever/src/ ADD config /fever/config/ ADD scripts /fever/scripts/ +ADD data /fever/data/ RUN apt-get update RUN apt-get install -y --no-install-recommends \ @@ -39,6 +43,9 @@ RUN conda create -q -n fever python=3.6 WORKDIR /fever/ RUN . activate fever -RUN conda install -y pytorch=0.3.1 torchvision -c pytorch +#RUN conda install pytorch torchvision -c pytorch +RUN conda install cython nltk scikit-learn RUN pip install -r requirements.txt RUN python src/scripts/prepare_nltk.py +ENV PYTHONPATH src +CMD ["python", "src/scripts/retrieval/ir.py --model data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file data/fever-data/dev.jsonl --out-file data/fever/dev.sentences.p5.s5.jsonl --mode dev --lmode WARNING"] \ No newline at end of file diff --git a/README.md b/README.md index f8daa7d..2899fae 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,78 @@ + +# UOFA- Fact Extraction and VERification +## Smart NER: replace tokens with NER tags but checking if they exists in the claim + +To run the the training and evaluation using the smartNER either just do `./run_all_train_test.sh` +or use these commands below +@server@jenny + +`rm -rf logs/` + +`PYTHONPATH=src python src/scripts/rte/da/train_da.py data/fever/fever.db config/fever_nn_ora_sent.json logs/da_nn_sent --cuda-device $CUDA_DEVICE` + +`mkdir -p data/models` + +`cp logs/da_nn_sent/model.tar.gz data/models/decomposable_attention.tar.gz` + +`PYTHONPATH=src python src/scripts/rte/da/eval_da.py data/fever/fever.db data/models/decomposable_attention.tar.gz data/fever/dev.ns.pages.p1.jsonl` + +This assumes that you are on the same folder. If your data folder is somewhere else, use this + +for training: +`PYTHONPATH=src python src/scripts/rte/da/train_da.py /net/kate/storage/work/mithunpaul/fever/my_fork/fever-baselines/data/fever/fever.db config/fever_nn_ora_sent.json logs/da_nn_sent --cuda-device $CUDA_DEVICE` +for dev: +`PYTHONPATH=src python src/scripts/rte/da/eval_da.py /net/kate/storage/work/mithunpaul/fever/my_fork/fever-baselines/data/fever/fever.db data/models/decomposable_attention.tar.gz /net/kate/storage/work/mithunpaul/fever/my_fork/fever-baselines/data/fever/dev.ns.pages.p1.jsonl` + + + + + + +`source activate fever` +`PYTHONPATH=src python src/scripts/rte/da/eval_da.py data/fever/fever.db data/models/decomposable_attention.tar.gz data/fever/dev.ns.pages.p1.jsonl` + # Fact Extraction and VERification + +- To annotate data once you have Docker you need to pull pyprocessors using :docker pull myedibleenso/processors-server:latest + +- Then run this image using: docker run -d -e _JAVA_OPTIONS="-Xmx3G" -p 127.0.0.1:8886:8888 --name procserv myedibleenso/processors-server + +note: the docker run command is for the very first time you create this container. Second time onwards use: docker start procserv + +- source activate fever + +## to run training from my_fork folder on jenny +`PYTHONPATH=src python src/scripts/retrieval/ir.py --db data/fever/fever.db --model data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file data/fever-data/train.jsonl --out-file data/fever/train.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode train --lmode WARNING` + + +## to run training from another folder on jenny +PYTHONPATH=src python src/scripts/retrieval/ir.py --db /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/fever.db --model /work/mithunpaul/fever/my_fork/fever-baselines/data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever-data/train.jsonl --out-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/train.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode train --lmode WARNING + +## to run training on a smaller data set from another folder on jenny +PYTHONPATH=src python src/scripts/retrieval/ir.py --db /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/fever.db +--model /work/mithunpaul/fever/my_fork/fever-baselines/data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever-data/train.jsonl --out-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/train.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode small --dynamic_cv True + + + ## To run our entailment trainer on training data alone : + +data_root="/work/mithunpaul/fever/my_fork/fever-baselines/data" + +## To run on dev + +`PYTHONPATH=src python src/scripts/retrieval/ir.py --db data/fever/fever.db --model data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file data/fever-data/dev.jsonl --out-file data/fever/dev.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode dev --lmode WARNING` + +## to run dev in a folder branch_myfork in server but feeding from same data fold +`PYTHONPATH=src python src/scripts/retrieval/ir.py --db /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/fever.db --model /work/mithunpaul/fever/my_fork/fever-baselines/data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever-data/dev.jsonl --out-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/dev.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode dev --lmode INFO` + +## to run testing +`PYTHONPATH=src python src/scripts/retrieval/ir.py --db /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/fever.db --model /work/mithunpaul/fever/my_fork/fever-baselines/data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever-data/dev.jsonl --out-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/dev.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode test --dynamic_cv True` + +## to run dev after running the nearest neighbors algo for not enough info class (note that this assumes that you have run the NEI code mentioned below by sheffield) +`PYTHONPATH=src python src/scripts/retrieval/ir.py --db /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/fever.db --model /work/mithunpaul/fever/my_fork/fever-baselines/data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/dev.ns.pages.p1.jsonl --out-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/dev.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode dev --lmode INFO` + + +## Copy of Instructions from sheffield :might not be updated. use their instructions [page](https://github.com/sheffieldnlp/fever-baselines#evaluation) This is the PyTorch implementation of the FEVER pipeline baseline described in the NAACL2018 paper: [FEVER: A large-scale dataset for Fact Extraction and VERification.]() > Unlike other tasks and despite recent interest, research in textual claim verification has been hindered by the lack of large-scale manually annotated datasets. In this paper we introduce a new publicly available dataset for verification against textual sources, FEVER: Fact Extraction and VERification. It consists of 185,441 claims generated by altering sentences extracted from Wikipedia and subsequently verified without knowledge of the sentence they were derived from. The claims are classified as Supported, Refuted or NotEnoughInfo by annotators achieving 0.6841 in Fleiss κ. For the first two classes, the annotators also recorded the sentence(s) forming the necessary evidence for their judgment. To characterize the challenge of the dataset presented, we develop a pipeline approach using both baseline and state-of-the-art components and compare it to suitably designed oracles. The best accuracy we achieve on labeling a claim accompanied by the correct evidence is 31.87%, while if we ignore the evidence we achieve 50.91%. Thus we believe that FEVER is a challenging testbed that will help stimulate progress on claim verification against textual sources diff --git a/alt_folder_runner.sh b/alt_folder_runner.sh new file mode 100755 index 0000000..b376de5 --- /dev/null +++ b/alt_folder_runner.sh @@ -0,0 +1,5 @@ +PYTHONPATH=src python src/scripts/retrieval/ir.py --db /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/fever.db --model /work/mithunpaul/fever/my_fork/fever-baselines/data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever-data/train.jsonl --out-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/train.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode train --lmode WARNING +PYTHONPATH=src python src/scripts/retrieval/ir.py --db /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/fever.db --model /work/mithunpaul/fever/my_fork/fever-baselines/data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever-data/dev.jsonl --out-file /work/mithunpaul/fever/my_fork/fever-baselines/data/fever/dev.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode dev --lmode WARNING + + + diff --git a/app.py b/app.py new file mode 100644 index 0000000..8cde782 --- /dev/null +++ b/app.py @@ -0,0 +1 @@ +print("hello world") diff --git a/combined_vector.pkl b/combined_vector.pkl new file mode 100644 index 0000000..ec23be1 Binary files /dev/null and b/combined_vector.pkl differ diff --git a/config/fever_nn_ora_sent.json b/config/fever_nn_ora_sent.json index d1d5e76..6a2f6e3 100644 --- a/config/fever_nn_ora_sent.json +++ b/config/fever_nn_ora_sent.json @@ -24,7 +24,7 @@ } }, "train_data_path": "data/fever/train.ns.pages.p1.jsonl", - "validation_data_path": "data/fever/dev.ns.pages.p1.jsonl", + //"validation_data_path": none, "model": { "type": "decomposable_attention", "text_field_embedder": { diff --git a/config/fever_nn_ora_sent_diff_folder.json b/config/fever_nn_ora_sent_diff_folder.json new file mode 100644 index 0000000..ed8225c --- /dev/null +++ b/config/fever_nn_ora_sent_diff_folder.json @@ -0,0 +1,83 @@ +{ + "dataset_reader": { + "type": "fever", + "sentence_level":true, + "token_indexers": { + "tokens": { + "type": "single_id", + "lowercase_tokens": true + } + }, + "wiki_tokenizer": { + "type":"word", + "word_splitter": { + "type": "just_spaces" + }, + "end_tokens":["@@END@@"] + }, + "claim_tokenizer": { + "type":"word", + "word_splitter": { + "type": "simple" + }, + "end_tokens":["@@END@@"] + } + }, + "train_data_path": "/net/kate/storage/work/mithunpaul/fever/my_fork/fever-baselines/data/fever/train.ns.pages.p1.jsonl", + //"validation_data_path": none, + "model": { + "type": "decomposable_attention", + "text_field_embedder": { + "tokens": { + "type": "embedding", + "projection_dim": 200, + "pretrained_file": "data/glove/glove.6B.300d.txt.gz", + "embedding_dim": 300, + "trainable": false + } + }, + "attend_feedforward": { + "input_dim": 200, + "num_layers": 2, + "hidden_dims": 200, + "activations": "relu", + "dropout": 0.2 + }, + "similarity_function": {"type": "dot_product"}, + "compare_feedforward": { + "input_dim": 400, + "num_layers": 2, + "hidden_dims": 200, + "activations": "relu", + "dropout": 0.2 + }, + "aggregate_feedforward": { + "input_dim": 400, + "num_layers": 2, + "hidden_dims": [200, 3], + "activations": ["relu", "linear"], + "dropout": [0.2, 0.0] + }, + "initializer": [ + [".*linear_layers.*weight", {"type": "xavier_normal"}], + [".*token_embedder_tokens\._projection.*weight", {"type": "xavier_normal"}] + ] + }, + "iterator": { + "type": "bucket", + "sorting_keys": [["premise", "num_tokens"], ["hypothesis", "num_tokens"]], + "batch_size": 32 + }, + + "trainer": { + "num_epochs": 140, + "patience": 20, + "cuda_device": 0, + "grad_clipping": 5.0, + "validation_metric": "+accuracy", + "no_tqdm": true, + "optimizer": { + "type": "adagrad" + } + } +} \ No newline at end of file diff --git a/config/fever_nn_ora_sent_same_folder.json b/config/fever_nn_ora_sent_same_folder.json new file mode 100644 index 0000000..6a2f6e3 --- /dev/null +++ b/config/fever_nn_ora_sent_same_folder.json @@ -0,0 +1,83 @@ +{ + "dataset_reader": { + "type": "fever", + "sentence_level":true, + "token_indexers": { + "tokens": { + "type": "single_id", + "lowercase_tokens": true + } + }, + "wiki_tokenizer": { + "type":"word", + "word_splitter": { + "type": "just_spaces" + }, + "end_tokens":["@@END@@"] + }, + "claim_tokenizer": { + "type":"word", + "word_splitter": { + "type": "simple" + }, + "end_tokens":["@@END@@"] + } + }, + "train_data_path": "data/fever/train.ns.pages.p1.jsonl", + //"validation_data_path": none, + "model": { + "type": "decomposable_attention", + "text_field_embedder": { + "tokens": { + "type": "embedding", + "projection_dim": 200, + "pretrained_file": "data/glove/glove.6B.300d.txt.gz", + "embedding_dim": 300, + "trainable": false + } + }, + "attend_feedforward": { + "input_dim": 200, + "num_layers": 2, + "hidden_dims": 200, + "activations": "relu", + "dropout": 0.2 + }, + "similarity_function": {"type": "dot_product"}, + "compare_feedforward": { + "input_dim": 400, + "num_layers": 2, + "hidden_dims": 200, + "activations": "relu", + "dropout": 0.2 + }, + "aggregate_feedforward": { + "input_dim": 400, + "num_layers": 2, + "hidden_dims": [200, 3], + "activations": ["relu", "linear"], + "dropout": [0.2, 0.0] + }, + "initializer": [ + [".*linear_layers.*weight", {"type": "xavier_normal"}], + [".*token_embedder_tokens\._projection.*weight", {"type": "xavier_normal"}] + ] + }, + "iterator": { + "type": "bucket", + "sorting_keys": [["premise", "num_tokens"], ["hypothesis", "num_tokens"]], + "batch_size": 32 + }, + + "trainer": { + "num_epochs": 140, + "patience": 20, + "cuda_device": 0, + "grad_clipping": 5.0, + "validation_metric": "+accuracy", + "no_tqdm": true, + "optimizer": { + "type": "adagrad" + } + } +} \ No newline at end of file diff --git a/log_fever.txt b/log_fever.txt new file mode 100644 index 0000000..e239345 --- /dev/null +++ b/log_fever.txt @@ -0,0 +1,28 @@ +10-07 13:17 root WARNING got inside uofa_dev +10-07 13:17 root INFO going to load combined vector from disk +10-07 13:17 root INFO done with generating feature vectors. Model loading and predicting next +10-07 13:17 root INFO shape of cv:(13332, 118) +10-07 13:17 root INFO number of rows in label list is is:13332 +10-07 13:17 root INFO above two must match +10-07 13:17 root INFO all value of combined_vector is:[[0.38095238 0.38095238 1. ... 0. 0. 0.82806861] + [0.05128205 0.05194805 0.8 ... 0. 0. 0.82942629] + [0.09756098 0.10810811 0.5 ... 0. 0. 0.76864988] + ... + [0.13333333 0.16666667 0.4 ... 0. 0. 0.65084118] + [0.22727273 0.25 0.71428571 ... 0. 0. 0.90638053] + [0.07317073 0.07692308 0.6 ... 0. 0. 0.6764158 ]] +10-07 13:17 root INFO going to predict... +10-07 13:17 root WARNING done testing. and the accuracy is: +10-07 13:17 root WARNING 59.4959495949595% +10-07 13:17 root INFO precision recall f1-score support + + 0.0 0.56 0.95 0.70 6666 + 1.0 0.82 0.24 0.38 6666 + + micro avg 0.59 0.59 0.59 13332 + macro avg 0.69 0.59 0.54 13332 +weighted avg 0.69 0.59 0.54 13332 + +10-07 13:17 root INFO [[6307 359] + [5041 1625]] +10-07 13:17 root INFO done with testing. going to exit diff --git a/model_trained.pkl b/model_trained.pkl new file mode 100644 index 0000000..323685b Binary files /dev/null and b/model_trained.pkl differ diff --git a/old_log.log b/old_log.log new file mode 100644 index 0000000..e69de29 diff --git a/paper/fever.tex b/paper/fever.tex new file mode 100644 index 0000000..11b868b --- /dev/null +++ b/paper/fever.tex @@ -0,0 +1 @@ +\documentclass[10pt,a4paper]{article} diff --git a/predicted_results.pkl b/predicted_results.pkl new file mode 100644 index 0000000..d1956c0 Binary files /dev/null and b/predicted_results.pkl differ diff --git a/pushgit.sh b/pushgit.sh new file mode 100755 index 0000000..9602878 --- /dev/null +++ b/pushgit.sh @@ -0,0 +1,5 @@ + +git add --all +git commit + +git push diff --git a/requirements.txt b/requirements.txt index 7076ebf..5f4383e 100644 --- a/requirements.txt +++ b/requirements.txt @@ -5,7 +5,7 @@ typing overrides tqdm nltk -allennlp==0.2.3 +#allennlp==0.2.3 pytz tensorboard-pytorch git+git://github.com/j6mes/drqa@parallel diff --git a/run_all_train_test.sh b/run_all_train_test.sh new file mode 100755 index 0000000..ff33250 --- /dev/null +++ b/run_all_train_test.sh @@ -0,0 +1,9 @@ +rm -rf logs/ +PYTHONPATH=src python src/scripts/rte/da/train_da.py data/fever/fever.db config/fever_nn_ora_sent.json logs/da_nn_sent --cuda-device $CUDA_DEVICE +mkdir -p data/models +cp logs/da_nn_sent/model.tar.gz data/models/decomposable_attention.tar.gz +PYTHONPATH=src python src/scripts/rte/da/eval_da.py data/fever/fever.db data/models/decomposable_attention.tar.gz data/fever/dev.ns.pages.p1.small100.jsonl + + + + diff --git a/runner.sh b/runner.sh new file mode 100755 index 0000000..2b47729 --- /dev/null +++ b/runner.sh @@ -0,0 +1,5 @@ +PYTHONPATH=src python src/scripts/retrieval/ir.py --db data/fever/fever.db --model data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file data/fever-data/train.jsonl --out-file data/fever/train.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode train --lmode WARNING + +PYTHONPATH=src python src/scripts/retrieval/ir.py --db data/fever/fever.db --model data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz --in-file data/fever-data/dev.jsonl --out-file data/fever/dev.sentences.p5.s5.jsonl --max-page 5 --max-sent 5 --mode dev --lmode INFO + + diff --git a/scripts/download-data.sh b/scripts/download-data.sh index cf44af9..f5cf4fb 100644 --- a/scripts/download-data.sh +++ b/scripts/download-data.sh @@ -1,6 +1,7 @@ #!/bin/bash mkdir -p data mkdir -p data/fever-data + wget -O data/fever-data/train.jsonl https://s3-eu-west-1.amazonaws.com/fever.public/train.jsonl wget -O data/fever-data/dev.jsonl https://s3-eu-west-1.amazonaws.com/fever.public/shared_task_dev.jsonl wget -O data/fever-data/test.jsonl https://s3-eu-west-1.amazonaws.com/fever.public/shared_task_test.jsonl diff --git a/src/common/__init__.pyc b/src/common/__init__.pyc new file mode 100644 index 0000000..8d7a48d Binary files /dev/null and b/src/common/__init__.pyc differ diff --git a/src/common/util/__init__.pyc b/src/common/util/__init__.pyc new file mode 100644 index 0000000..fbfb24a Binary files /dev/null and b/src/common/util/__init__.pyc differ diff --git a/src/common/util/log_helper.py b/src/common/util/log_helper.py index fe33892..35e9570 100644 --- a/src/common/util/log_helper.py +++ b/src/common/util/log_helper.py @@ -1,18 +1,27 @@ import logging class LogHelper(): handler = None + handler2 = None @staticmethod def setup(): + FORMAT = '[%(levelname)s] %(asctime)s - %(name)s - %(message)s' LogHelper.handler = logging.StreamHandler() - LogHelper.handler.setLevel(logging.DEBUG) + LogHelper.handler.setLevel(logging.WARNING) + LogHelper.handler.setFormatter(logging.Formatter(FORMAT)) + + LogHelper.handler2 = logging.FileHandler("old_log.log" ,mode='w') + LogHelper.handler2.setLevel(logging.DEBUG) LogHelper.handler.setFormatter(logging.Formatter(FORMAT)) - LogHelper.get_logger(LogHelper.__name__).info("Log Helper set up") + LogHelper.get_logger(LogHelper.__name__) + @staticmethod - def get_logger(name,level=logging.DEBUG): + def get_logger(name): l = logging.getLogger(name) - l.setLevel(level) + #l.setLevel(level) l.addHandler(LogHelper.handler) + l.addHandler(LogHelper.handler2) + return l diff --git a/src/common/util/log_helper.pyc b/src/common/util/log_helper.pyc new file mode 100644 index 0000000..1ac49bc Binary files /dev/null and b/src/common/util/log_helper.pyc differ diff --git a/src/logging.ini b/src/logging.ini new file mode 100644 index 0000000..4c8fca4 --- /dev/null +++ b/src/logging.ini @@ -0,0 +1,22 @@ +[loggers] +keys=root + +[handlers] +keys=consoleHandler + +[formatters] +keys=simpleFormatter + +[logger_root] +level=DEBUG +handlers=consoleHandler + +[handler_consoleHandler] +class=StreamHandler +level=DEBUG +formatter=simpleFormatter +args=(sys.stdout,) + +[formatter_simpleFormatter] +format=%(asctime)s - %(name)s - %(levelname)s - %(message)s +datefmt= \ No newline at end of file diff --git a/src/retrieval/read_claims.py b/src/retrieval/read_claims.py new file mode 100644 index 0000000..189bc4f --- /dev/null +++ b/src/retrieval/read_claims.py @@ -0,0 +1,436 @@ +from common.util.log_helper import LogHelper +from rte.mithun.ds import indiv_headline_body + +from processors import ProcessorsBaseAPI +from tqdm import tqdm +from processors import Document +import logging +from rte.mithun.trainer import UofaTrainTest +import numpy as np +import os,sys +from sklearn.metrics import accuracy_score, classification_report, confusion_matrix +from scorer.src.fever.scorer import fever_score +import json +from sklearn.externals import joblib + + +class UOFADataReader(): + def __init__(self): + self.ann_head_tr = "ann_head_tr.json" + self.ann_body_tr = "ann_body_tr.json" + self.ann_head_dev = "ann_head_dev.json" + self.ann_body_dev = "ann_body_dev.json" + self.logger = None + self.load_ann_corpus = True + self.predicted_results = "predicted_results.pkl" + self.snli_filename = 'snli_fever.json' + self.API = ProcessorsBaseAPI(hostname="127.0.0.1", port=8886, keep_alive=True) + self.obj_UofaTrainTest=UofaTrainTest() + + + + def read_claims_annotate(self,args,jlr,logger,method): + try: + my_file = Path(ann_head_tr) + #check if the file exists. if yes remove + if my_file.is_file(): + os.remove(ann_head_tr) + os.remove(ann_body_tr) + + except OSError: + logger.error("not able to find file") + + logger.debug("inside read_claims_annotate") + with open(args.in_file,"r") as f, open(args.out_file, "w+") as out_file: + all_claims = jlr.process(f) + obj_all_heads_bodies=[] + ver_count=0 + + + + + #DELETE THE FILE IF IT EXISTS every time before the loop + if os.path.exists(snli_filename): + append_write = 'w' # make a new file if not + with open(snli_filename, append_write) as outfile: + outfile.write("") + + + for index,claim_full in tqdm(enumerate(all_claims),total=len(all_claims),desc="annotation:"): + + logger.debug("entire claim_full is:") + logger.debug(claim_full) + claim=claim_full["claim"] + logger.debug("just claim alone is:") + logger.debug(claim) + x = indiv_headline_body() + evidences=claim_full["evidence"] + label=claim_full["label"] + + + + + #if not (label=="NOT ENOUGH INFO"): + + if label not in ['SUPPORTS', 'REFUTES','NOT ENOUGH INFO']: + print(f'BAD label: {label}') + sys.exit() + + ver_count=ver_count+1 + logger.debug("len(evidences)for this claim_full is:" + str(len(evidences))) + logger.debug("len(evidences[0])) for this claim_full is:" + str(len(evidences[0]))) + ev_claim=[] + pl_list=[] + if not (label == "NOT ENOUGH INFO"): + + #if len(evidences) is more, take that, else take evidences[0]- this is because they do chaining only if the evidences collectively support the claim. + if (len(evidences) >1): + for inside_ev in evidences: + evidence=inside_ev[0] + logger.debug(evidence) + page= evidence[2] + lineno= evidence[3] + tup=(page,lineno) + pl_list.append(tup) + logger.debug(page) + logger.debug(lineno) + sent=method.get_sentences_given_claim(page,logger,lineno) + ev_claim.append(sent) + logger.debug("tuple now is:"+str(pl_list)) + logger.debug("tuple after all evidences is:"+str(pl_list)) + logger.debug("unique tuple after all evidences is:"+str(set(pl_list))) + logger.debug("ev_claim before :"+str((ev_claim))) + logger.debug("ev_claim after:"+str(set(ev_claim))) + + #to get only unique sentences. i.e not repeated evidences + all_evidences=' '.join(set(ev_claim)) + + + + + logger.debug("all_evidences is:" + str((all_evidences))) + + logger.debug("found the len(evidences)>1") + + + + else : + for evidence in evidences[0]: + page=evidence[2] + lineno=evidence[3] + logger.debug(page) + logger.debug(lineno) + sent=method.get_sentences_given_claim(page,logger,lineno) + ev_claim.append(sent) + all_evidences=' '.join(ev_claim) + logger.debug("all_evidences is:" + str((all_evidences))) + + + #uncomment this is to annotate using pyprocessors + + self.annotate_and_save_doc(claim, all_evidences, index, API, ann_head_tr, ann_body_tr, logger) + + #this is convert data into a form to feed into attention model of allen nlp. + #write_snli_format(claim, all_evidences,logger,label) + + + + + return obj_all_heads_bodies + + + def print_cv(combined_vector,gold_labels_tr): + logging.debug(gold_labels_tr.shape) + logging.debug(combined_vector.shape) + x= np.column_stack([gold_labels_tr,combined_vector]) + np.savetxt("cv.csv", x, delimiter=",") + sys.exit(1) + + + def uofa_training(args,jlr,method,logger): + logger.warning("got inside uofatraining") + + #this code annotates the given file using pyprocessors. Run it only once in its lifetime. + tr_data=read_claims_annotate(args,jlr,logger,method) + logger.info( + "Finished writing annotated json to disk . going to quit. names of the files are:" + ann_head_tr + ";" + ann_body_tr) + sys.exit(1) + + gold_labels_tr =None + if(args.mode =="small"): + gold_labels_tr =get_gold_labels_small(args, jlr) + else: + gold_labels_tr = get_gold_labels(args, jlr) + + logging.info("number of rows in label list is is:" + str(len(gold_labels_tr))) + combined_vector = self.obj_UofaTrainTest.read_json_create_feat_vec(load_ann_corpus,args) + + logging.warning("done with generating feature vectors. Model training next") + logging.info("gold_labels_tr is:" + str(len(gold_labels_tr))) + logging.info("shape of cv:" + str(combined_vector.shape)) + logging.info("above two must match") + + self.obj_UofaTrainTest.do_training(combined_vector, gold_labels_tr) + + logging.warning("done with training. going to exit") + sys.exit(1) + + + + def uofa_testing(args,jlr,method,logger): + + + logger.warning("got inside uofa_testing") + gold_labels = get_gold_labels(args, jlr) + label_ev=get_gold_labels_evidence(args, jlr) + + + + + combined_vector= self.obj_UofaTrainTest.read_json_create_feat_vec(load_ann_corpus,args) + #print_cv(combined_vector, gold_labels) + logging.info("done with generating feature vectors. Model loading and predicting next") + logging.info("shape of cv:"+str(combined_vector.shape)) + logging.info("number of rows in label list is is:" + str(len(gold_labels))) + logging.info("above two must match") + assert(combined_vector.shape[0]==len(gold_labels)) + trained_model=self.obj_UofaTrainTest.load_model() + logging.debug("weights:") + #logging.debug(trained_model.coef_ ) + pred=self.obj_UofaTrainTest.do_testing(combined_vector,trained_model) + + + + logging.debug(str(pred)) + logging.debug("and golden labels are:") + logging.debug(str(gold_labels)) + logging.warning("done testing. and the accuracy is:") + acc=accuracy_score(gold_labels, pred)*100 + logging.warning(str(acc)+"%") + logging.info(classification_report(gold_labels, pred)) + logging.info(confusion_matrix(gold_labels, pred)) + + + + # get number of support vectors for each class + #logging.debug(trained_model.n_support_) + logging.info("done with testing. going to exit") + final_predictions=write_pred_str_disk(args,jlr,pred) + fever_score(final_predictions,label_ev) + sys.exit(1) + + def annotate_save_quit(self,test_data,logger): + + for i, d in tqdm(enumerate(test_data), total=len(test_data),desc="annotate_json:"): + annotate_and_save_doc(d, i, API, ann_head_tr, ann_body_tr,logger) + + + sys.exit(1) + + + #load predictions, convert it based on label and write it as string. + def write_pred_str_disk(args,jlr,pred): + logging.debug("here1"+str(args.out_file)) + final_predictions=[] + #pred=joblib.load(predicted_results) + with open(args.in_file,"r") as f: + ir = jlr.process(f) + logging.debug("here2"+str(len(ir))) + + for index,(p,q) in enumerate(zip(pred,ir)): + line=dict() + label="not enough info" + if(p==0): + label="supports" + else: + if(p==1): + label="refutes" + + line["id"]=q["id"] + line["predicted_label"]=label + line["predicted_evidence"]=q["predicted_sentences"] + logging.debug(q["id"]) + logging.debug(label) + logging.debug(q["predicted_sentences"]) + logging.debug(index) + + final_predictions.append(line) + + logging.info(len(final_predictions)) + + with open(args.pred_file, "w+") as out_file: + for x in final_predictions: + out_file.write(json.dumps(x)+"\n") + return final_predictions + + + def annotate_and_save_doc(self, headline,body, index, API, json_file_tr_annotated_headline,json_file_tr_annotated_body, + logger): + logger.debug("got inside annotate_and_save_doc") + logger.debug("headline:"+headline) + logger.debug("body:" + body) + doc1 = API.fastnlp.annotate(headline) + doc1.id=index + with open(json_file_tr_annotated_headline, "a") as out: + out.write(doc1.to_JSON()) + out.write("\n") + + + doc2 = API.fastnlp.annotate(body) + logger.debug(doc2) + doc2.id = index + + with open(json_file_tr_annotated_body, "a") as out: + out.write(doc2.to_JSON()) + out.write("\n") + + # print(f'doc1:{doc1}') + # #print(f'doc1.lemmas:{doc1.lemmas}') + # #print(f'doc1.entities:{doc1.entities}') + # print(f'doc1.sentences[0]:{doc1.sentences[0]}') + # print(f'doc1.sentences[0].lemmas:{doc1.sentences[0].lemmas}') + # print(f'doc1.sentences[0].entities:{doc1.sentences[0].entities}') + + return doc1,doc2 + + + def write_snli_format(headline,body,logger,label): + + logger.debug("got inside write_snli_format") + #dictionary to dump to json for allennlp format + snli={"annotator_labels": [""], + "captionID": "", + "gold_label": label, + "pairID": "", + "sentence1": headline, + "sentence1_binary_parse": "", + "sentence1_parse": "", + "sentence2": body, + "sentence2_binary_parse": "", + "sentence2_parse": "" + } + + logger.debug("headline:"+headline) + logger.debug("body:" + body) + + if os.path.exists(snli_filename): + append_write = 'a' # append if already exists + else: + append_write = 'w' # make a new file if not + + + with open(snli_filename, append_write) as outfile: + json.dump(snli, outfile) + outfile.write("\n") + + + return + + def get_gold_labels(args,jlr): + labels = np.array([[]]) + + with open(args.in_file,"r") as f, open(args.out_file, "w+") as out_file: + all_claims = jlr.process(f) + for index,claim_full in tqdm(enumerate(all_claims),total=len(all_claims),desc="get_gold_labels:"): + label=claim_full["label"] + if (label == "SUPPORTS"): + labels = np.append(labels, 0) + else: + if (label == "REFUTES"): + labels = np.append(labels, 1) + # else: + # if (label=="NOT ENOUGH INFO"): + # labels = np.append(labels, 2) + + return labels + + def get_gold_labels_evidence(args,jlr): + evidences=[] + with open(args.in_file,"r") as f: + all_claims = jlr.process(f) + gold=dict() + for index,claim_full in tqdm(enumerate(all_claims),total=len(all_claims),desc="get_gold_labels_ev:"): + label=claim_full["label"] + if not (label.lower()=="NOT ENOUGH INFO"): + gold["label"]=label + gold["evidence"]=claim_full["evidence"] + evidences.append(gold) + + return evidences + + def get_claim_evidence_sans_NEI(args,jlr): + claims=[] + evidences=[] + + with open(args.in_file,"r") as f: + all_claims = jlr.process(f) + gold=dict() + for index,claim_full in tqdm(enumerate(all_claims),total=len(all_claims),desc="get_gold_labels_ev:"): + label=claim_full["label"] + if not (label.lower()=="NOT ENOUGH INFO"): + gold["label"]=label + gold["evidence"]=claim_full["evidence"] + evidences.append(gold) + claims.append(claim_full) + + return claims,evidences + + def get_gold_labels_small(args,jlr): + labels = np.array([[]]) + + counter=0 + with open(args.in_file,"r") as f, open(args.out_file, "w+") as out_file: + all_claims = jlr.process(f) + for index,claim_full in tqdm(enumerate(all_claims),total=len(all_claims),desc="get_gold_labels:"): + counter+=1 + label=claim_full["label"] + if (label == "SUPPORTS"): + labels = np.append(labels, 0) + else: + if (label == "REFUTES"): + labels = np.append(labels, 1) + else: + if (label=="NOT ENOUGH INFO"): + labels = np.append(labels, 2) + logging.debug(index) + if (counter==10): + return labels + return labels + + + def uofa_dev(args, jlr, method, logger): + + + gold_labels = get_gold_labels(args, jlr) + logging.warning("got inside uofa_dev") + + # #for annotation: you will probably run this only once in your lifetime. + # tr_data = read_claims_annotate(args, jlr, logger, method) + # logger.info( + # "Finished writing annotated json to disk . going to quit. names of the files are:" + ann_head_tr + ";" + ann_body_tr) + # sys.exit(1) + combined_vector= self.obj_UofaTrainTest.read_json_create_feat_vec(load_ann_corpus,args) + #print_cv(combined_vector, gold_labels) + logging.info("done with generating feature vectors. Model loading and predicting next") + logging.info("shape of cv:"+str(combined_vector.shape)) + logging.info("number of rows in label list is is:" + str(len(gold_labels))) + logging.info("above two must match") + trained_model=self.obj_UofaTrainTest.load_model() + logging.debug("weights:") + #logging.debug(trained_model.coef_ ) + pred=self.obj_UofaTrainTest.do_testing(combined_vector,trained_model) + logging.debug(str(pred)) + logging.debug("and golden labels are:") + logging.debug(str(gold_labels)) + logging.warning("done testing. and the accuracy is:") + acc=accuracy_score(gold_labels, pred)*100 + logging.warning(str(acc)+"%") + logging.info(classification_report(gold_labels, pred)) + logging.info(confusion_matrix(gold_labels, pred)) + + + + # get number of support vectors for each class + #logging.debug(trained_model.n_support_) + logging.info("done with testing. going to exit") + sys.exit(1) diff --git a/src/retrieval/top_n.py b/src/retrieval/top_n.py index 833caf4..11d8a19 100644 --- a/src/retrieval/top_n.py +++ b/src/retrieval/top_n.py @@ -1,12 +1,14 @@ -import math +import math,sys from .retrieval_method import RetrievalMethod from drqa import retriever from drqascripts.retriever.build_tfidf_lines import OnlineTfidfDocRanker +from common.util.log_helper import LogHelper class TopNDocsTopNSents(RetrievalMethod): + class RankArgs: def __init__(self): self.ngram = 2 @@ -35,14 +37,30 @@ def tf_idf_sim(self, claim, lines, freqs=None): ret_lines[-1]["score"] = scores[idx] return ret_lines + LogHelper.setup() + logger = LogHelper.get_logger(__name__) + + + def get_sentences_given_claim(self,page,logger,line_no): + lines = self.db.get_doc_lines(page) + lines = [line.split("\t")[1] if len(line.split("\t")[1]) > 1 else "" for line in + lines.split("\n")] + sent=lines[line_no] + return sent + def get_sentences_for_claim(self,claim_text,include_text=False): + #given a claim get a bunch of documents that might be relevant for it pages = self.get_docs_for_claim(claim_text) sorted_p = list(sorted(pages, reverse=True, key=lambda elem: elem[1])) pages = [p[0] for p in sorted_p[:self.n_docs]] p_lines = [] for page in pages: + logger.info("page:"+page) + #query the db and get the list of sentences in a given wikipedia page lines = self.db.get_doc_lines(page) + logger.info(lines) + sys.exit(1) lines = [line.split("\t")[1] if len(line.split("\t")[1]) > 1 else "" for line in lines.split("\n")] @@ -51,6 +69,8 @@ def get_sentences_for_claim(self,claim_text,include_text=False): lines = [] for p_line in p_lines: + logger.info("value of sentence in p_line is:"+p_line[0]) + sys.exit(1) lines.append({ "sentence": p_line[0], "page": p_line[1], diff --git a/src/rte/mithun/__init__.py b/src/rte/mithun/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/src/rte/mithun/ds.py b/src/rte/mithun/ds.py new file mode 100644 index 0000000..00eb333 --- /dev/null +++ b/src/rte/mithun/ds.py @@ -0,0 +1,19 @@ +class indiv_headline_body(object): + def __init__(self): + self.headline = "" + self.body = "" + self.body_id = 0 + self.predicted_stance = 0 + self.gold_stance = 0 + self.confidence = 1 + self.unique_tuple_id=0 + self.agree_lstm=0.0 + self.disagree_lstm = 0.0 + self.discuss_lstm = 0.0 + self.unrelated_lstm = 0.0 + + +class pyproc_doc(object): + def __init__(self): + self.lemmas = "" + self.tags = "" diff --git a/src/rte/mithun/log.py b/src/rte/mithun/log.py new file mode 100644 index 0000000..9805ee7 --- /dev/null +++ b/src/rte/mithun/log.py @@ -0,0 +1,38 @@ +import logging + +def setup_custom_logger(name, args): + log_mode=logging.DEBUG + + if(args.lmode=="DEBUG"): + log_mode = logging.DEBUG + else: + + if (args.lmode == "WARNING"): + log_mode = logging.WARNING + + else: + + if (args.lmode == "INFO"): + log_mode = logging.INFO + + else: + + if (args.lmode == "ERROR"): + log_mode = logging.ERROR + + logging.basicConfig(level=log_mode, + format='%(asctime)s %(name)-12s %(levelname)-8s %(message)s', + datefmt='%m-%d %H:%M', + filename='log_fever.txt', + filemode='w') + + logger = logging.getLogger(name) + '''critical, error > warning,info, debug''' + + ch=logging.StreamHandler() + ch.setLevel(logging.WARNING) + logging.getLogger('').addHandler(ch) + + + + return logger diff --git a/src/rte/mithun/proc_data.py b/src/rte/mithun/proc_data.py new file mode 100644 index 0000000..56b49e3 --- /dev/null +++ b/src/rte/mithun/proc_data.py @@ -0,0 +1,7 @@ +class PyProcDoc: + doc_id=0 + data=[] + + def __init__(self): + self.data = [] + self.doc_id=0 diff --git a/src/rte/mithun/trainer.py b/src/rte/mithun/trainer.py new file mode 100644 index 0000000..3491d17 --- /dev/null +++ b/src/rte/mithun/trainer.py @@ -0,0 +1,1506 @@ +from __future__ import division +import sys,logging +from sklearn import svm +from sklearn.metrics.pairwise import cosine_similarity +import tqdm +import os +import numpy as np +from tqdm import tqdm +from sklearn.externals import joblib +from processors import ProcessorsBaseAPI +import json +from nltk.corpus import wordnet +import itertools +from .proc_data import PyProcDoc + +import torchwordemb + + + +class UofaTrainTest(): + + + + def __init__(self): + + self.API = ProcessorsBaseAPI(hostname="127.0.0.1", port=8886, keep_alive=True) + self.n_cores = 2 + self.LABELS = ['SUPPORTS', 'REFUTES', 'NOT ENOUGH INFO'] + self.RELATED = self.LABELS[0:3] + self.annotated_only_lemmas = "ann_lemmas.json" + self.annotated_only_entities = "ann_entities.json" + self.annotated_only_tags = "ann_tags.json" + self.annotated_only_dep = "ann_deps.json" + self.annotated_words = "ann_words.json" + self.annotated_body_split_folder = "split_body/" + self.annotated_head_split_folder = "split_head/" + # pick based on which folder you are running from. if not on home folder: + self.data_root = "/work/mithunpaul/fever/my_fork/fever-baselines" + self.data_folder_train = self.data_root + "/data/fever-data-ann/train/" + self.data_folder_train_small = self.data_root + "/data/fever-data-ann/train_small/" + self.data_folder_dev = self.data_root + "/data/fever-data-ann/dev/" + self.data_folder_test = self.data_root + "/data/fever-data-ann/test/" + self.model_trained = "model_trained.pkl" + self.path_glove_server = "/data/nlp/corpora/glove/6B/glove.6B.300d.txt" + self.predicted_results = "predicted_results.pkl" + self.combined_vector_pkl = "combined_vector.pkl" + + + + def read_json_create_feat_vec(load_ann_corpus_tr,args): + + #just load feature vector alone. No dynamically adding new features + if (args.load_feat_vec==True): + logging.info("going to load combined vector from disk") + combined_vector = joblib.load(combined_vector_pkl) + + + + else: + logging.debug("load_feat_vec is falsse. going to generate features") + logging.debug("value of load_ann_corpus_tph2:" + str(load_ann_corpus_tr)) + + cwd=os.getcwd() + data_folder=None + if(args.mode=="dev"): + data_folder=data_folder_dev + else: + if(args.mode=="train"): + data_folder=data_folder_train + else: + if(args.mode=="small"): + data_folder=data_folder_train_small + else: + if (args.mode == "test"): + data_folder = data_folder_test + + + bf=data_folder_train+annotated_body_split_folder + bff=bf+annotated_only_lemmas + bft=bf+annotated_only_tags + bfd = bf + annotated_only_dep + bfw=bf+annotated_words + + hf=data_folder_train+annotated_head_split_folder + hff=hf+annotated_only_lemmas + hft=hf+annotated_only_tags + hfd=hf+annotated_only_dep + hfw=hf+annotated_words + + + logging.debug("hff:" + str(hff)) + logging.debug("bff:" + str(bff)) + logging.info("going to read heads_lemmas from disk:") + + heads_lemmas= read_json_with_id(hff) + bodies_lemmas = read_json_with_id(bff) + + heads_tags= read_json_with_id(hft) + bodies_tags = read_json_with_id(bft) + + heads_deps = read_json_deps(hfd) + bodies_deps = read_json_deps(bfd) + + + heads_words = read_json_with_id(hfw) + bodies_words = read_json_with_id(bfw) + + logging.debug("type of heads_deps is: " + str(type(heads_deps))) + logging.debug("size of heads_deps is: " + str(len(heads_deps))) + logging.debug("type of bodies_deps is: " + str(type(bodies_deps))) + logging.debug("size of bodies_deps is: " + str(len(bodies_deps))) + + + if not ((len(heads_lemmas) == len(bodies_lemmas))or (len(heads_tags) == len(bodies_tags)) or + (len(heads_deps) == len(bodies_deps)) ): + logging.debug("size of heads_lemmas and bodies_lemmas dont match. going to quit") + sys.exit(1) + + logging.info("going to load glove vectors...") + vocab, vec = torchwordemb.load_glove_text(path_glove_server) + + #if we are doing dynamic cv addition.make sure load cv is true and load that cv + if (args.dynamic_cv==True): + logging.info("going to load combined vector from disk") + logging.info("dynamic_cv=true, load_feat vec=true ") + combined_vector_old = joblib.load(combined_vector_pkl) + logging.info("shaped of combined_vector_old:"+str(combined_vector_old.shape)) + combined_vector = create_feature_vec_one_feature(heads_lemmas, bodies_lemmas, heads_tags, + bodies_tags,heads_deps,bodies_deps,heads_words, bodies_words,combined_vector_old,vocab,vec) + + else: + combined_vector = create_feature_vec(heads_lemmas, bodies_lemmas, heads_tags, + bodies_tags,heads_deps,bodies_deps,heads_words, bodies_words,vocab,vec) + + joblib.dump(combined_vector, combined_vector_pkl) + logging.info("done generating feature vectors.") + + + return combined_vector; + + def print_nonzero_cv(combined_vector): + # debug code: go through all the vectors last row and print the coordinates of non zero entries + + + c=0 + + logging.debug(" starting: combined vector"+str(combined_vector)) + while(c<20): + ns = np.nonzero(combined_vector[c]) + logging.debug(ns) + # for x in ns: + # + # for y in x: + # if(y not in(0,50,51)): + # logging.debug(x) + c = c + 1 + + sys.exit(1) + + + + + def do_training(combined_vector,gold_labels_tr): + logging.debug("going to train the classifier:") + #clf=svm.NuSVC() + + clf=svm.LinearSVC(random_state=1) + + clf.fit(combined_vector, gold_labels_tr.ravel()) + + file = model_trained + joblib.dump(clf, file) + logging.warning("weights:") + logging.warning(clf.coef_) + logging.debug("done saving model to disk") + + def load_model(): + model=joblib.load(model_trained) + return model; + + + + def do_testing(combined_vector,svm): + logging.info("all value of combined_vector is:"+str(combined_vector)) + logging.info("going to predict...") + p=svm.predict(combined_vector) + joblib.dump(p, predicted_results) + logging.debug("done with predictions") + return p + + + + + def print_missed(args,gold_labels): + if (args.mode == "dev"): + data_folder = data_folder_dev + else: + if (args.mode == "train"): + data_folder = data_folder_train + else: + if (args.mode == "small"): + data_folder = data_folder_train_small + else: + if (args.mode == "test"): + data_folder = data_folder_test + + bf = data_folder + annotated_body_split_folder + hf = data_folder + annotated_head_split_folder + hfw = hf + annotated_words + bfw = bf + annotated_words + heads_words = read_json_with_id(hfw) + bodies_words = read_json_with_id(bfw) + + pred=joblib.load(predicted_results) + + counter=0 + for a,b,c,d in zip(heads_words,bodies_words,pred,gold_labels): + + # logging.debug(c) + # logging.debug(d) + logging.debug("wrong predictions") + + gl="REFUTES" + pl="REFUTES" + + if(c==0): + pl="SUPPORTS" + + if (d == 0): + gl = "SUPPORTS" + + + if not (c==d): + + + counter=counter+1 + logging.debug (a.data) + logging.debug(b.data) + logging.debug("gold:"+str(gl)) + logging.debug("predicted:" + str(pl)) + + logging.debug("total wrongly predicted:" + str(counter)) + # + # def normalize_dummy(text): + # x = text.lower().translate(remove_punctuation_map) + # return x.split(" ") + + def create_feature_vec (self, heads_lemmas_obj_list, bodies_lemmas_obj_list, + heads_tags_obj_list, bodies_tags_obj_list, heads_deps_obj_list, bodies_deps_obj_list,heads_words_list, + bodies_words_list,vocab,vec): + word_overlap_vector = np.empty((0, 3), float) + hedging_words_vector = np.empty((0, 30), int) + refuting_value_head_matrix = np.empty((0, 19), int) + refuting_value_body_matrix = np.empty((0, 19), int) + noun_overlap_matrix = np.empty((0, 2), float) + vb_overlap_matrix = np.empty((0, 2), float) + ant_noun_overlap_matrix = np.empty((0, 2), float) + ant_adj_overlap_matrix = np.empty((0, 2), float) + ant_overlap_matrix = np.empty((0, 2), float) + polarity_matrix = np.empty((0, 4), float) + hedging_headline_matrix = np.empty((0, 30), int) + num_overlap_matrix = np.empty((0, 2), float) + emb_cos_sim_matrix = np.empty((0, 1), float) + + + + + counter=0 + #debug:find total number of sentences which had numbers, either in headline, body or both + num_o=0 + num_h=0 + num_b=0 + for (lemmatized_headline, lemmatized_body,tagged_headline,tagged_body,head_deps,body_deps,head_words,body_words) \ + in tqdm(zip(heads_lemmas_obj_list, bodies_lemmas_obj_list, heads_tags_obj_list, bodies_tags_obj_list, heads_deps_obj_list, + bodies_deps_obj_list,heads_words_list, bodies_words_list),total=len(bodies_tags_obj_list),desc="feat_gen:"): + + word_overlap_array, hedge_value_array, refuting_value_head,refuting_value_body, noun_overlap_array, verb_overlap_array, \ + antonym_overlap_array,num_overlap_array,hedge_headline_array,polarity_array,antonym_adj_overlap_array,emb_cosine_sim_array\ + = add_vectors\ + (lemmatized_headline, lemmatized_body, tagged_headline, tagged_body,head_deps, body_deps,head_words,body_words,vocab,vec) + + logging.debug("inside create_feature_vec. just received verb_overlap_array is =" + repr(verb_overlap_array)) + logging.debug(verb_overlap_array) + logging.debug("inside create_feature_vec. vb_overlap_matrix is =" + repr(vb_overlap_matrix)) + logging.debug("inside create_feature_vec. just received noun_overlap_array is =" + repr(noun_overlap_array)) + logging.debug("inside create_feature_vec. noun_overlap_matrix is =" + repr(noun_overlap_matrix)) + + word_overlap_vector = np.vstack([word_overlap_vector, word_overlap_array]) + hedging_words_vector = np.vstack([hedging_words_vector, hedge_value_array]) + refuting_value_head_matrix = np.vstack([refuting_value_head_matrix, refuting_value_head]) + refuting_value_body_matrix = np.vstack([refuting_value_body_matrix, refuting_value_body]) + noun_overlap_matrix = np.vstack([noun_overlap_matrix, noun_overlap_array]) + vb_overlap_matrix=np.vstack([vb_overlap_matrix, verb_overlap_array]) + ant_overlap_matrix = np.vstack([ant_overlap_matrix, antonym_overlap_array]) + hedging_headline_matrix = np.vstack([hedging_headline_matrix, hedge_headline_array]) + num_overlap_matrix = np.vstack([num_overlap_matrix, num_overlap_array]) + polarity_matrix= np.vstack([polarity_matrix, polarity_array]) + ant_adj_overlap_matrix = np.vstack([ant_adj_overlap_matrix, antonym_adj_overlap_array]) + ant_noun_overlap_matrix = np.vstack([ant_noun_overlap_matrix, antonym_overlap_array]) + emb_cos_sim_matrix = np.vstack([emb_cos_sim_matrix, emb_cosine_sim_array]) + + + + + + + logging.info(" word_overlap_vector is:" + str(word_overlap_vector)) + logging.info("refuting_value_head_matrix" + str(refuting_value_head_matrix)) + logging.info("noun_overlap_matrix is =" + str(noun_overlap_matrix)) + logging.info("shape noun_overlap_matrix is:" + str(noun_overlap_matrix.shape)) + logging.info("vb_overlap_matrix is =" + str(vb_overlap_matrix)) + logging.info("shape vb_overlap_matrix is:" + str(vb_overlap_matrix.shape)) + logging.info("num_overlap matrix is =" + str(num_overlap_matrix)) + logging.info("shape num_overlap_matrix is:" + str(num_overlap_matrix.shape)) + + + + #todebug + combined_vector_inside=None + + + combined_vector_inside = np.hstack( + [word_overlap_vector, hedging_words_vector, refuting_value_head_matrix, + noun_overlap_matrix, ant_overlap_matrix, polarity_matrix, ant_noun_overlap_matrix, + ant_adj_overlap_matrix, emb_cos_sim_matrix, vb_overlap_matrix, num_overlap_matrix]) + + # logging.info(" combined_vector is:" + str((combined_vector_inside[counter]))) + # logging.info("shape combined_vector is:" + str(combined_vector_inside.shape)) + # logging.info(" non zero elements in combined_vector is:" + str(np.nonzero(combined_vector_inside[counter]))) + + + + + + counter = counter + 1 + + + + + + + + logging.info("\ndone with all headline body.:") + logging.info("overall number count is:" + str(num_o)) + logging.info("headlines that have numbers is:" + str(num_h)) + logging.info("body that has numbers is:" + str(num_b)) + + + logging.info("shape of word_overlap_vector is:" + str(word_overlap_vector.shape)) + logging.info("shape of hedging_words_vector is:" + str(hedging_words_vector.shape)) + logging.info("shape of refuting_value_head_matrix is:" + str(refuting_value_head_matrix.shape)) + logging.info("shape of noun_overlap_matrix is:" + str(noun_overlap_matrix.shape)) + logging.info("shape of vb_overlap_matrix is:" + str(vb_overlap_matrix.shape)) + logging.info("shape num_overlap_matrix is:" + str(num_overlap_matrix.shape)) + + + + # all vectors + combined_vector = np.hstack([word_overlap_vector, hedging_words_vector, refuting_value_head_matrix,refuting_value_body_matrix,noun_overlap_matrix, + vb_overlap_matrix,ant_overlap_matrix,hedging_headline_matrix,num_overlap_matrix, + polarity_matrix, ant_adj_overlap_matrix,ant_noun_overlap_matrix, emb_cos_sim_matrix]) + + logging.info("shape combined_vector is:" + str(combined_vector.shape)) + return combined_vector + + + '''Overloaded version for: if and when you add a new feature, you won't have to go through feature creation of the previously existing features. Just load old ones, and + attach just the new one alone. Time saven.''' + def create_feature_vec_one_feature(heads_lemmas_obj_list, + bodies_lemmas_obj_list, heads_tags_obj_list, bodies_tags_obj_list, heads_deps_obj_list, + bodies_deps_obj_list,heads_words_list, bodies_words_list,combined_vector,vocab,vec): + logging.info("inside create_feature_vec overloaded") + + new_feature_matrix = np.empty((0, 1), float) + counter=0 + + + for (lemmatized_headline, lemmatized_body,tagged_headline,tagged_body,head_deps,body_deps,head_words,body_words) in \ + tqdm(zip(heads_lemmas_obj_list, bodies_lemmas_obj_list, heads_tags_obj_list, + bodies_tags_obj_list + , heads_deps_obj_list,bodies_deps_obj_list,heads_words_list, bodies_words_list),total=len(bodies_tags_obj_list), + desc="feat_gen_dynamic_cv:"): + + new_feature_array= add_vectors_one_feature (lemmatized_headline, lemmatized_body, + tagged_headline, tagged_body,head_deps, body_deps,head_words,body_words,vocab, vec) + + new_feature_matrix = np.vstack([new_feature_matrix, new_feature_array]) + + + logging.info("new_feature_matrix matrix is =" + str(new_feature_matrix)) + logging.info("shape new_feature_matrix is:" + str(new_feature_matrix.shape)) + + counter=counter+1 + + + + + logging.info("done with all headline body.:") + + + logging.info("shape combined_vector before stacking is:" + str(combined_vector.shape)) + + + combined_vector = np.hstack([combined_vector, new_feature_matrix]) + logging.info("shape combined_vector after stacking is:" + str(combined_vector.shape)) + + return combined_vector + + + '''overloaded version that will be used for generarting one feature at a time''' + def add_vectors_one_feature(lemmatized_headline_obj, lemmatized_body_obj, tagged_headline, tagged_body + , head_deps, body_deps, head_words, body_words,vocab, vec): + logging.info("inside add_vectors_one_feature ") + + + lemmatized_headline_data = lemmatized_headline_obj.data + lemmatized_body_data= lemmatized_body_obj.data + + #split everywhere based on space-i.e for word overlap etc etc.. + lemmatized_headline_data = lemmatized_headline_data.lower() + lemmatized_body_data = lemmatized_body_data.lower() + + doc_id_hl=lemmatized_headline_obj.doc_id + doc_id_bl=lemmatized_body_obj.doc_id + doc_id_ht=tagged_headline.doc_id + doc_id_bt=tagged_body.doc_id + doc_id_hd=head_deps.doc_id + doc_id_bd=body_deps.doc_id + doc_id_hw=head_words.doc_id + doc_id_bw=body_words.doc_id + + lemmatized_headline_split = lemmatized_headline_data.split(" ") + lemmatized_body_split = lemmatized_body_data.split(" ") + headline_pos_split = tagged_headline.data.split(" ") + body_pos_split = tagged_body.data.split(" ") + + logging.debug(doc_id_hl) + logging.debug(doc_id_bl) + logging.debug(doc_id_ht) + logging.debug(doc_id_bt) + logging.debug(doc_id_hd) + logging.debug(doc_id_bd) + logging.debug(doc_id_hw) + logging.debug(doc_id_bw) + + if not (doc_id_hl == doc_id_bl == doc_id_ht == doc_id_bt == doc_id_hd == doc_id_bd == doc_id_hw == doc_id_bw): + logging.error("all doc ids dont match going to quit") + sys.exit(1) + + logging.info(lemmatized_headline_data) + logging.info(lemmatized_body_data) + logging.debug(tagged_headline.data) + logging.debug(tagged_body.data) + logging.debug(head_deps.data) + logging.debug(body_deps.data) + logging.debug(head_words.data) + logging.debug(body_words.data) + + logging.debug(tagged_headline) + logging.debug(tagged_body) + logging.debug(headline_pos_split) + logging.debug(body_pos_split) + + + #remove stop words + stop_words = {'some', 'didn', 'itself', 'how', 'an', 'in', 'about', 'to', 'a', 'through', 've', 'ours', 'wouldn', + 'y', 'from', + 'weren', "you've", 'yourselves', 'ain', 'or', 'mustn', 'so', 'that', 'them', 'such', 'being', 'her', 'doesn', + 'if', 'of', 'by', 'for', 'shouldn', 'll', 'are', 'any', 'doing', 'my', 'just', 'hers', 'its', 'i', 'further', + 'myself', 'then', 'yours', 'the', 'there', "you're", 'can', 'ourselves', "you'll", 'with', 'as', 'him', "shan't", + 'own', 'than', 'aren', 'nor', 'you', 'at', 'mightn', 'hasn', 'am', 'shan', 'needn', 'this', 'having', 'hadn', + 'yourself', 'themselves', 'too', 'couldn', 'will', "aren't", "you'd", 'more', 'few', 'our', 'most', 'very', 'me', + 'into', 'their', 'those', 'wasn', 'all', 'here', 'been', 'your', 'on','isn','these', 'until', 'haven', 'we', + 'theirs', 'be', 'what', 'while', 'why', 'where', 'which', 'when', 'who','whom', 'his', 'they', 'she', 'himself', + 'herself', 'has', 'have', 'do','and','is' , "weren't",'were', 'did', "did n't", 'it', "won't", "doesn't", + 'had', "needn't", "wouldn't","that'll", "mightn't","hadn't","mustn't",'he',"don't","she's", "isn't","should've", + 'should', "shouldn't",'does',"couldn't","wasn't","haven't","hasn't",'was', "it's"} + + + lemmatized_headline_split_sw = [w for w in lemmatized_headline_split if not w in stop_words] + lemmatized_body_split_sw = [w for w in lemmatized_body_split if not w in stop_words] + + + + emb_overlap = embed_cosine_sim_features(lemmatized_headline_split_sw, lemmatized_body_split_sw,vocab, vec) + emb_overlap_array = np.array([emb_overlap]) + + + + + + return emb_overlap_array + + + + def add_vectors(self,lemmatized_headline_obj, lemmatized_body_obj, tagged_headline, tagged_body, head_deps, body_deps, + head_words, body_words,vocab,vec): + + + + lemmatized_headline_data = lemmatized_headline_obj.data + lemmatized_body_data= lemmatized_body_obj.data + + #split everywhere based on space-i.e for word overlap etc etc.. + lemmatized_headline_data = lemmatized_headline_data.lower() + lemmatized_body_data = lemmatized_body_data.lower() + + doc_id_hl=lemmatized_headline_obj.doc_id + doc_id_bl=lemmatized_body_obj.doc_id + doc_id_ht=tagged_headline.doc_id + doc_id_bt=tagged_body.doc_id + doc_id_hd=head_deps.doc_id + doc_id_bd=body_deps.doc_id + doc_id_hw=head_words.doc_id + doc_id_bw=body_words.doc_id + + lemmatized_headline_split = lemmatized_headline_data.split(" ") + lemmatized_body_split = lemmatized_body_data.split(" ") + headline_pos_split = tagged_headline.data.split(" ") + body_pos_split = tagged_body.data.split(" ") + + logging.debug(doc_id_hl) + logging.debug(doc_id_bl) + logging.debug(doc_id_ht) + logging.debug(doc_id_bt) + logging.debug(doc_id_hd) + logging.debug(doc_id_bd) + logging.debug(doc_id_hw) + logging.debug(doc_id_bw) + + if not (doc_id_hl == doc_id_bl == doc_id_ht == doc_id_bt == doc_id_hd == doc_id_bd == doc_id_hw == doc_id_bw): + logging.error("all doc ids dont match going to quit") + sys.exit(1) + + logging.info(lemmatized_headline_data) + logging.info(lemmatized_body_data) + logging.debug(tagged_headline.data) + logging.debug(tagged_body.data) + logging.debug(head_deps.data) + logging.debug(body_deps.data) + + + logging.debug(tagged_headline) + logging.debug(tagged_body) + logging.debug(headline_pos_split) + logging.debug(body_pos_split) + + + #remove stop words + stop_words = {'some', 'didn', 'itself', 'how', 'an', 'in', 'about', 'to', 'a', 'through', 've', 'ours', 'wouldn', + 'y', 'from', + 'weren', "you've", 'yourselves', 'ain', 'or', 'mustn', 'so', 'that', 'them', 'such', 'being', 'her', 'doesn', + 'if', 'of', 'by', 'for', 'shouldn', 'll', 'are', 'any', 'doing', 'my', 'just', 'hers', 'its', 'i', 'further', + 'myself', 'then', 'yours', 'the', 'there', "you're", 'can', 'ourselves', "you'll", 'with', 'as', 'him', "shan't", + 'own', 'than', 'aren', 'nor', 'you', 'at', 'mightn', 'hasn', 'am', 'shan', 'needn', 'this', 'having', 'hadn', + 'yourself', 'themselves', 'too', 'couldn', 'will', "aren't", "you'd", 'more', 'few', 'our', 'most', 'very', 'me', + 'into', 'their', 'those', 'wasn', 'all', 'here', 'been', 'your', 'on','isn','these', 'until', 'haven', 'we', + 'theirs', 'be', 'what', 'while', 'why', 'where', 'which', 'when', 'who','whom', 'his', 'they', 'she', 'himself', + 'herself', 'has', 'have', 'do','and','is' , "weren't",'were', 'did', "did n't", 'it', "won't", "doesn't", + 'had', "needn't", "wouldn't","that'll", "mightn't","hadn't","mustn't",'he',"don't","she's", "isn't","should've", + 'should', "shouldn't",'does',"couldn't","wasn't","haven't","hasn't",'was', "it's"} + + logging.debug(stop_words) + + lemmatized_headline_split_sw = [w for w in lemmatized_headline_split if not w in stop_words] + lemmatized_body_split_sw = [w for w in lemmatized_body_split if not w in stop_words] + + + logging.info("words before and after stopword split") + logging.info(head_words.data) + logging.info(body_words.data) + + logging.info(lemmatized_headline_split_sw) + logging.info(lemmatized_body_split_sw) + + + neg_vb = self.negated_verbs_count(lemmatized_headline_split, headline_pos_split, lemmatized_body_split, + body_pos_split, head_deps, body_deps, "VB", head_words,body_words) + neg_vb_array = np.array([neg_vb]) + + + + num_overlap = num_overlap_features(lemmatized_headline_split, headline_pos_split, lemmatized_body_split, + body_pos_split, "CD") + num_overlap_array = np.array([num_overlap]) + + + antonym_noun_overlap = antonym_overlap_features(lemmatized_headline_split_sw, headline_pos_split, lemmatized_body_split_sw, + body_pos_split, "NN") + antonym_noun_overlap_array = np.array([antonym_noun_overlap]) + + antonym_adj_overlap = antonym_overlap_features(lemmatized_headline_split, headline_pos_split, lemmatized_body_split, + body_pos_split, "NN") + antonym_adj_overlap_array = np.array([antonym_adj_overlap]) + + antonym_overlap = antonym_overlap_features(lemmatized_headline_split, headline_pos_split, lemmatized_body_split, + body_pos_split, "JJ") + antonym_overlap_array = np.array([antonym_overlap]) + + word_overlap = word_overlap_features(lemmatized_headline_split_sw, lemmatized_body_split_sw) + word_overlap_array = np.array([word_overlap]) + + hedge_value = hedging_features( lemmatized_body_split) + hedge_value_array = np.array([hedge_value]) + + hedge_headline = hedging_features(lemmatized_headline_split) + hedge_headline_array = np.array([hedge_headline]) + + refuting_value1 = refuting_features(lemmatized_headline_split) + refuting_value_head = np.array([refuting_value1]) + + refuting_value2 = refuting_features( lemmatized_body_split) + refuting_value_body = np.array([refuting_value2]) + + noun_overlap = pos_overlap_features(lemmatized_headline_split, headline_pos_split, lemmatized_body_split, body_pos_split, "NN") + noun_overlap_array = np.array([noun_overlap]) + + vb_overlap = pos_overlap_features(lemmatized_headline_split, headline_pos_split, lemmatized_body_split, + body_pos_split, "VB") + vb_overlap_array = np.array([vb_overlap]) + + + emb_overlap = embed_cosine_sim_features(lemmatized_headline_split_sw, lemmatized_body_split_sw,vocab, vec) + emb_overlap_array = np.array([emb_overlap]) + + return word_overlap_array,hedge_value_array,refuting_value_head,refuting_value_body,noun_overlap_array,vb_overlap_array\ + ,antonym_overlap_array,num_overlap_array,hedge_headline_array,neg_vb_array,\ + antonym_adj_overlap_array,emb_overlap_array + + + def word_overlap_features(clean_headline, clean_body): + + + features=[0,0,0] + inter=set(clean_headline).intersection(clean_body) + uni=set(clean_headline).union(clean_body) + overlap_noun_counter = len(inter) + + ratio_all_words=len(set(clean_headline).intersection(clean_body)) / float(len(set(clean_headline).union(clean_body))) + + noun_count_headline=len(set(clean_headline)) + noun_count_body=len(set(clean_body)) + + logging.info("inter:"+str(inter)) + logging.info("uni:"+str(uni)) + logging.info("overlap_noun_counter:"+str(overlap_noun_counter)) + logging.info("ratio_all_words:"+str(ratio_all_words)) + logging.info("noun_count_headline:"+str(noun_count_headline)) + logging.info("noun_count_body:"+str(noun_count_body)) + + + if (noun_count_body > 0 and noun_count_headline > 0): + ratio_pos_dir1 = overlap_noun_counter / (noun_count_body) + ratio_pos_dir2 = overlap_noun_counter / (noun_count_headline) + + if not ((ratio_pos_dir1==0) or (ratio_pos_dir2==0)): + logging.info("found overlap") + logging.info(str(ratio_pos_dir1)+";"+str((ratio_pos_dir2))) + + features = [ratio_all_words,ratio_pos_dir1, ratio_pos_dir2] + + logging.info("word overlap3 features:"+str(features)) + + return features + + def hedging_features(sent): + + + hedging_words = [ + 'allegedly', + 'reportedly', + 'argue', + 'argument', + 'believe', + 'belief', + 'conjecture', + 'consider', + 'hint', + 'hypothesis', + 'hypotheses', + 'hypothesize', + 'implication', + 'imply', + 'indicate', + 'predict', + 'prediction', + 'previous', + 'previously', + 'proposal', + 'propose', + 'question', + 'speculate', + 'speculation', + 'suggest', + 'suspect', + 'theorize', + 'theory', + 'think', + 'whether' + ] + + length_hedge=len(hedging_words) + hedging_body_vector = [0] * length_hedge + + + + for word in sent: + if word in hedging_words: + index=hedging_words.index(word) + hedging_body_vector[index]=1 + + + return hedging_body_vector + + + def refuting_features( sent): + + refuting_words = [ + 'fake', + 'fraud', + 'hoax', + 'false', + 'deny', + 'denies', + 'refute', + 'no', + 'neither', + 'nor', + 'not', + 'despite', + 'nope', + 'doubt', + 'doubts', + 'bogus', + 'debunk', + 'pranks', + 'retract', + + ] + + length_hedge=len(refuting_words) + refuting_body_vector = [0] * length_hedge + + for word in sent: + if word in refuting_words: + index=refuting_words.index(word) + refuting_body_vector[index]=1 + + + + return refuting_body_vector + + def pos_overlap_features(lemmatized_headline_split, headline_pos_split, lemmatized_body_split, body_pos_split, pos_in): + + logging.info("inside " + pos_in + " overlap") + h_nouns = [] + b_nouns = [] + + noun_count_headline = 0 + for word, pos in zip(lemmatized_headline_split, headline_pos_split): + logging.debug(str("pos:") + ";" + str((pos))) + logging.debug(str("word:") + ";" + str((word))) + + if pos.startswith(pos_in): + logging.debug("pos.startswith:"+str(pos_in)) + noun_count_headline = noun_count_headline + 1 + h_nouns.append(word) + + noun_count_body = 0 + for word, pos in zip(lemmatized_body_split, body_pos_split): + if pos.startswith(pos_in): + noun_count_body = noun_count_body + 1 + b_nouns.append(word) + + overlap = set(h_nouns).intersection(set(b_nouns)) + + overlap_noun_counter = len(overlap) + + features = [0, 0] + + + logging.info(str("h_nouns:") + ";" + str((h_nouns))) + logging.info(str("b_nouns:") + ";" + str((b_nouns))) + logging.info(str("overlap_pos_counter:") + ";" + str((overlap_noun_counter))) + logging.info(str("overlap:") + ";" + str((overlap))) + + + logging.debug(str("count_body:") + ";" + str((noun_count_body))) + logging.debug(str("count_headline:") + ";" + str((noun_count_headline))) + + + if (noun_count_body > 0 and noun_count_headline > 0): + ratio_pos_dir1 = overlap_noun_counter / (noun_count_body) + ratio_pos_dir2 = overlap_noun_counter / (noun_count_headline) + + if not ((ratio_pos_dir1==0) or (ratio_pos_dir2==0)): + logging.debug("found overlap") + logging.debug(str(ratio_pos_dir1)+";"+str((ratio_pos_dir2))) + + features = [ratio_pos_dir1, ratio_pos_dir2] + + + logging.info(str("features:") + ";" + str((features))) + + + + + + logging.debug("and value of features is:" + str((features))) + + return features + + #find positions where all verbs occur in headline. + def find_pos_positions(headline_pos_split,pos_in): + positions=[] + for index, pos in enumerate(headline_pos_split): + if pos.startswith(pos_in): + logging.debug("pos.startswith:" + str(pos_in)) + positions.append(index) + + return positions + + + + + # Finds count of verbs (or another POS) which are positive in text1 and negated in text2 + def count_different_polarity(text1_lemmas, text1_pos, text1_deps, text2_lemmas, text2_pos, text2_deps, pos_in): + #find all verbs in headline + text1_list= get_all_verbs(text1_lemmas,text1_pos,pos_in) + text2_list= get_all_verbs(text2_lemmas,text2_pos,pos_in) + positions_text1=given_verb_find_positions(text1_list, text1_lemmas) + positions_text2=given_verb_find_positions(text2_list, text2_lemmas) + + #for each of these verbs find which all are -ves and which all are positives in head itself + [verbs_negated_text1, verbs_positive_text1]=partition_by_polarity(positions_text1,text1_deps,text1_lemmas) + [verbs_negated_text2, verbs_positive_text2]=partition_by_polarity(positions_text2,text2_deps,text2_lemmas) + + pos_text1_neg_text2 = len(set(verbs_positive_text1).intersection(set(verbs_negated_text2))) + neg_text1_pos_text2 = len(set(verbs_negated_text1).intersection(set(verbs_positive_text2))) + + return [pos_text1_neg_text2, neg_text1_pos_text2] + + + + def count_same_polarity_both_texts(text1_lemmas, text1_pos, text1_deps, text2_lemmas, text2_pos, text2_deps, pos_in): + #for each -ve verb in head, find how many were negated in body also. if all were negated the feature denoting same polarity==0 + text1_list= get_all_verbs(text1_lemmas,text1_pos,pos_in) + text2_list = get_all_verbs(text2_lemmas, text2_pos, pos_in) + positions_text1=given_verb_find_positions(text1_list, text1_lemmas) + positions_text2=given_verb_find_positions(text2_list, text2_lemmas) + + #for each of these verbs find which all are -ves and which all are positives in head itself + [verbs_negated_text1, verbs_positive_text1]=partition_by_polarity(positions_text1,text1_deps,text1_lemmas) + [verbs_negated_text2, verbs_positive_text2]=partition_by_polarity(positions_text2,text2_deps,text2_lemmas) + + neg_text1_neg_text2 = len(set(verbs_negated_text1).intersection(set(verbs_negated_text2))) + pos_text1_pos_text2 = len(set(verbs_positive_text1).intersection(set(verbs_positive_text2))) + return [neg_text1_neg_text2, pos_text1_pos_text2] + + + '''number of verbs in sentence one that were negated in sentence 2 + #find all verbs that occur in headline. + # then for each of these verbs, check if this verb occurs in the body. + # if it does then find the position of that verb in the body. then + # take that position value, go through dependency parse # and find if any of the leading edges go through "neg" + ''' + def negated_verbs_count(lemmatized_headline_split, headline_pos_split, lemmatized_body_split, body_pos_split, head_deps,body_deps,pos_in,head_words,body_words): + #+ve in head -ve in body=[1,0,0] + #-ve in head -ve in body=[0,0,1] + # #-ve in head +ve in body=[0,1,0] + pos_head_neg_body=0 + neg_head_pos_body=0 + neg_head_neg_body=0 + pos_head_pos_body=0 + + logging.info("inside negated_verbs_count") + # pos_text1_neg_text2, neg_text1_pos_text2 + [pos_head_neg_body, neg_head_pos_body] = count_different_polarity(lemmatized_headline_split, headline_pos_split, head_deps, + lemmatized_body_split, body_pos_split, body_deps, pos_in="VB") + + [neg_head_neg_body, pos_head_pos_body] = count_same_polarity_both_texts(lemmatized_headline_split, headline_pos_split, head_deps, + lemmatized_body_split, body_pos_split, body_deps, pos_in="VB") + + # first two are different poalrity counts, second two are same polarity counts + features = [pos_head_neg_body, neg_head_pos_body, neg_head_neg_body, pos_head_pos_body] + + # DEBUG + logging.info(head_words.data) + logging.info(body_words.data) + logging.info(lemmatized_headline_split) + logging.info(lemmatized_body_split) + logging.info(features) + + + # if pos_head_pos_body > 0: + # logging.info("pos_head_pos_body>0") + # sys.exit(1) + + + # if neg_head_pos_body > 0: + # logging.info("neg_head_pos_body>0") + # sys.exit(1) + # + # if pos_head_neg_body > 0: + # logging.info("pos_head_neg_body>0") + # sys.exit(1) + + # if neg_head_neg_body > 0: + # logging.info("neg_head_neg_body>0") + # sys.exit(1) + + + + + + return features + + + '''given positions of verbs find how many of them are negated in the given sentence + inputs: + array/list of verb positions int[] + dependency parse of the sentence + ''' + # def get_neg_count(vb_positions, sent_deps, lemmatized_sent_split): + # vb_list=get_neg_list(vb_positions, sent_deps, lemmatized_sent_split) + # logging.debug("vb_list:"+str(vb_list)) + # return len(vb_list) + + + '''given positions of verbs find which all were negated in the given sentence + inputs: + outputs: + return two lists, the verbs that are negated and those that are not + ''' + def partition_by_polarity(vb_positions, sent_deps,lemmatized_sent_split): + vb_count_list_negated=[] + # take that position value, go through dependency parse # and find if any of the leading edges go through "neg" + if(len(vb_positions)>0): + logging.debug(vb_positions) + for p in vb_positions: + logging.debug(p) + for edges in sent_deps.data: + #list [Dict] + logging.debug(edges) + dest = edges["destination"] + src = edges["source"] + rel = edges["relation"] + logging.debug(src) + logging.debug(rel) + logging.debug(dest) + + if (p==src): + if (rel=="neg"): + logging.debug("found a verb having negative edge") + logging.debug(src) + logging.debug(rel) + logging.debug(dest) + # and find if any of the leading edges go through "neg"-add it as a feature + vb_count_list_negated.append(lemmatized_sent_split[p]) + vb_count_list_positive = [lemmatized_sent_split[p] for p in vb_positions if lemmatized_sent_split[p] not in vb_count_list_negated] + return vb_count_list_negated, vb_count_list_positive + + + '''given a list of verbs find all the positions if and where they occur in the given sentence''' + def given_verb_find_positions(verb_list, lemmatized_sent): + vb_positions_body=[] + for vb_head in verb_list: + for index,word2 in enumerate(lemmatized_sent): + if (vb_head==word2): + vb_positions_body.append(index) + return vb_positions_body + + # find all verbs that occur in a given sentence. + def get_all_verbs(lemmatized_headline_split, headline_pos_split,pos_in): + verb_head_list = [] + for word1, pos in zip(lemmatized_headline_split, headline_pos_split): + if pos.startswith(pos_in): + verb_head_list.append(word1) + return verb_head_list + + #number of nouns in sentence 2 that were antonyms of anyword in sentence 1 and vice versa + def antonym_overlap_features(lemmatized_headline_split, headline_pos_split, lemmatized_body_split, body_pos_split, pos_in): + + logging.info("inside " + pos_in + " antonyms") + logging.info("lemmatized_headline_split " +str(lemmatized_headline_split)) + logging.info("lemmatized_headline_split " + str(lemmatized_body_split)) + h_nouns = [] + b_nouns = [] + h_nouns_antonyms=[] + b_nouns_antonyms = [] + + noun_count_headline = 0 + for word1, pos in zip(lemmatized_headline_split, headline_pos_split): + logging.debug(str("pos:") + str((pos))) + logging.debug(str("word:") + str((word1))) + if pos.startswith(pos_in): + logging.debug("pos.startswith:"+str(pos_in)) + noun_count_headline = noun_count_headline + 1 + h_nouns.append(word1) + ant_h_list=get_ant(word1) + logging.debug(ant_h_list) + if(len(ant_h_list)>0): + logging.debug("ant_h_list:") + logging.debug(ant_h_list) + h_nouns_antonyms.append(ant_h_list) + + + + + noun_count_body = 0 + for word2, pos in zip(lemmatized_body_split, body_pos_split): + logging.debug(str("pos:") + str((pos))) + logging.debug(str("word:") + str((word2))) + if pos.startswith(pos_in): + noun_count_body = noun_count_body + 1 + b_nouns.append(word2) + ant_b_list = get_ant(word2) + if (len(ant_b_list) > 0): + logging.debug("ant_b_list:") + logging.debug(ant_b_list) + b_nouns_antonyms.append(ant_b_list) + + + + + overlap_dir1=0 + overlap_dir2=0 + + #number of nouns in evidence that were antonyms of any word in claim + if(len(h_nouns_antonyms)>0): + + logging.info(("len h_nouns_antonyms")) + logging.info(len(h_nouns_antonyms)) + flatten_h = list(itertools.chain.from_iterable(h_nouns_antonyms)) + logging.info(" flatten_h1:" + str((flatten_h))) + logging.info(str("b_nouns:") + ";" + str((b_nouns))) + overlap = set(flatten_h).intersection(set(b_nouns)) + + if(len(overlap)>0): + logging.info("found overlap1") + logging.info(overlap) + overlap_dir1 = len(overlap) + + #vice versa + if (len(b_nouns_antonyms) > 0): + + logging.info(("len b_nouns_antonyms")) + logging.info(len(b_nouns_antonyms)) + flatten_b = list(itertools.chain.from_iterable(b_nouns_antonyms)) + logging.info(" flatten_b:" + str((flatten_b))) + logging.info(str("h_nouns:") + ";" + str((h_nouns))) + overlap2 = set(flatten_b).intersection(set(h_nouns)) + + if (len(overlap2) > 0): + logging.info("found overlap2") + logging.info(overlap2) + overlap_dir2 = len(overlap2) + + + features = [overlap_dir1, overlap_dir2] + logging.debug(str("features_ant:") + str((features))) + + + return features + + + def read_json_deps(self, json_file): + logging.debug("inside read_json_deps") + l = [] + + py_proc_doc_list=[] + + with open(json_file) as f: + for eachline in (f): + obj_doc=PyProcDoc() + d = json.loads(eachline) + a=d["data"] + b = d["doc_id"] + obj_doc.doc_id=b + for e in a: + edges=e["edges"] + obj_doc.data=edges + + py_proc_doc_list.append(obj_doc) + + return py_proc_doc_list + + + def read_json_with_id(self,json_file): + logging.debug("inside read_json_deps") + + py_proc_doc_list=[] + + with open(json_file) as f: + for eachline in (f): + obj_doc=PyProcDoc() + d = json.loads(eachline) + a=d["data"] + just_lemmas=' '.join(str(r) for v in a for r in v) + obj_doc.data=just_lemmas + b = d["doc_id"] + obj_doc.doc_id=b + py_proc_doc_list.append(obj_doc) + + return py_proc_doc_list + + + def read_json(self, json_file): + l = [] + counter=0 + with open(json_file) as f: + for eachline in (f): + d = json.loads(eachline) + a=d["data"] + just_lemmas=' '.join(str(r) for v in a for r in v) + l.append(just_lemmas) + counter = counter + 1 + return l + + def get_sum_vector_embedding(vocab,vec, sent): + sum = None + very_first_time=True; + + for index, x in (enumerate(sent)): + if (x in vocab): + logging.info("index:"+str(index)) + logging.info("x:" + str(x)) + emb = vec[vocab[x]] + logging.info(emb.shape) + q = emb.numpy() + logging.info(q.shape) + if (very_first_time): + sum=q + logging.debug(sum) + very_first_time=False + else: + logging.debug(q) + sum = sum + q + logging.info(sum.shape) + logging.debug(sum) + + return sum + + def embed_cosine_sim_features(lemmatized_headline_split_sw, lemmatized_body_split_sw,vocab, vec): + logging.info(" got inside embed_cosine_sim_features ") + + + sum_h=get_sum_vector_embedding(vocab,vec,lemmatized_headline_split_sw) + sum_b = get_sum_vector_embedding(vocab, vec, lemmatized_body_split_sw) + + + logging.debug(" lemmatized_headline_split_sw vector ") + logging.debug(str((lemmatized_headline_split_sw))) + logging.debug(" lemmatized_body_split_sw vector ") + logging.debug(str((lemmatized_body_split_sw))) + + + logging.debug(" size vector for body is ") + logging.debug(str(len(sum_b))) + + logging.debug(" size vector for head is ") + logging.debug(str(len(sum_h))) + + + + sum_h_r= sum_h.reshape(1,-1) + sum_b_r = sum_b.reshape(1,-1) + + c=cosine_similarity(sum_h_r,sum_b_r) + logging.debug(" cosine:"+str(c[0][0])) + + logging.debug(" size of vector for headline is ") + logging.debug(str((sum_h.shape))) + logging.debug(" size vector for body is ") + logging.debug(str((sum_b.shape))) + + features=[c[0][0]] + return features + + + #Of all the numbers/digits are mentioned in headline. how many are mentioned in body + def num_overlap_features(lemmatized_headline_split, headline_pos_split, lemmatized_body_split, body_pos_split, pos_in): + + logging.info("inside " + pos_in + " features") + logging.info("lemmatized_headline_split " +str(lemmatized_headline_split)) + logging.info("lemmatized_headline_split " + str(lemmatized_body_split)) + h_numbers = [] + b_numbers = [] + h_nouns_antonyms=[] + b_nouns_antonyms = [] + overall=False + hc=False + bc=False + + count_headline = 0 + for word1, pos in zip(lemmatized_headline_split, headline_pos_split): + logging.debug(str("pos:") + str((pos))) + logging.debug(str("word:") + str((word1))) + if pos.startswith(pos_in): + overall=True + hc=True + logging.debug("pos.startswith:"+str(pos_in)) + count_headline = count_headline + 1 + h_numbers.append(word1) + + + count_body = 0 + for word2, pos in zip(lemmatized_body_split, body_pos_split): + logging.debug(str("pos:") + str((pos))) + logging.debug(str("word:") + str((word2))) + if pos.startswith(pos_in): + overall=True + bc=True + count_body = count_body + 1 + b_numbers.append(word2) + + + + + overlap_intersection = set(h_numbers).intersection(set(b_numbers)) + overlap_diff = set(h_numbers).difference(set(b_numbers)) + + + features = [len(overlap_intersection), len(overlap_diff)] + logging.debug(str("features_ant:") + str((features))) + + + + return features + + + + def get_ant(word): + antonyms = [] + + for syn in wordnet.synsets(word): + for l in syn.lemmas(): + if l.antonyms(): + antonyms.append(l.antonyms()[0].name()) + + return antonyms + + def convert_NER_form_all_data(self,heads_entities, bodies_entities, heads_lemmas, + bodies_lemmas, heads_words, bodies_words, labels_no_nei): + + instances=[] + + for he, be, hl, bl, hw, bw, lbl in (zip(heads_entities, bodies_entities, heads_lemmas, + bodies_lemmas, heads_words, bodies_words, labels_no_nei)): + + premise,hypothesis= self.convert_SMARTNER_form_per_sent(self, he, be, hl, bl, hw, bw) + instances.append((premise,hypothesis,lbl)) + + return (instances) + + +#EXPECTS ALL THESE TO BE AN ARRAY. SPLIT ON SPACE IF YOU HAVENT he, be, hl, bl, hw, bw + def convert_SMARTNER_form_per_sent(self, claims_ner_list, evidence_ner_list, hl, bl, claims_words_list, evidence_words_list): + + + neutered_headline = [] + neutered_body = [] + # print(f"he:{claims_ner_list}") + # print(f"be:{evidence_ner_list}") + # print(f"hl:{hl}") + # print(f"bl:{bl}") + + + + ev_claim = "c" + + neutered_headline, dict_tokenner_newner_claims, dict_newner_token = self.collapse_both(claims_words_list, + claims_ner_list, + ev_claim) + # print("new_sent_after_collapse="+str(new_sent)) + # print("dict_newner_token is:" + str(dict_newner_token)) + + #print(claims_words_list) + # print("new_sent_after_collapse") + # print(new_sent_after_collapse) + + ev_claim = "e" + new_sent_after_collapse, dict_tokenner_newner_evidence, dict_newner_token_ev = self.collapse_both( + evidence_words_list, evidence_ner_list, ev_claim) + # print("dict_newner_token is:" + str(dict_newner_token)) + + # print("new_sent_after_collapse") + # print(new_sent_after_collapse) + #print(evidence_words_list) + neutered_body= self.check_exists_in_claim(new_sent_after_collapse, dict_tokenner_newner_evidence, dict_newner_token_ev, + dict_tokenner_newner_claims) + + #print("done") + + premise = " ".join(neutered_body) + hypothesis = " ".join(neutered_headline) + # print(premise) + # print(hypothesis) + + + return (premise, hypothesis) + + + def convert_NER_form_per_sent_plain_NER(self,he, be, hl, bl, hw, bw): + + + neutered_headline = [] + neutered_body = [] + # print(f"he:{he}") + # print(f"be:{be}") + # print(f"hl:{hl}") + # print(f"bl:{bl}") + # print(f"hw:{hw}") + + #print(f"he is of type {type(he)}") + + for hee, hll, hww in zip(he, hl, hw): + + # if no NER tag exists, use the lemma itself, else use the NER tag + if (hee == 'O'): + neutered_headline.append(hww) + # if NER tag exists use the NER tag + else: + neutered_headline.append(hee) + + for bee, bll, bww in zip(be, bl, bw): + + # if no NER tag exists, use the lemma itself, else use the NER tag + if (bee == 'O'): + neutered_body.append(bww) + # if NER tag exists use the NER tag + else: + neutered_body.append(bee) + + premise = " ".join(neutered_headline) + hypothesis = " ".join(neutered_body) + + + return (premise, hypothesis) + + + + + def get_new_name(self,prev, unique_new_ners, curr_ner, dict_tokenner_newner, curr_word, new_sent, ev_claim, full_name, unique_new_tokens,dict_newner_token): + prev_ner_tag=prev[0] + new_nertag_i="" + full_name_c=" ".join(full_name) + + + if(full_name_c in unique_new_tokens.keys()): + + new_nertag_i = unique_new_tokens[full_name_c] + + else: + + + + if(prev_ner_tag in unique_new_ners.keys()): + old_index=unique_new_ners[prev_ner_tag] + new_index=old_index+1 + unique_new_ners[prev_ner_tag]=new_index + new_nertag_i=prev_ner_tag+"-"+ev_claim + str(new_index) + unique_new_tokens[full_name_c] = new_nertag_i + + else: + unique_new_ners[prev_ner_tag] = 1 + new_nertag_i = prev_ner_tag + "-" + ev_claim + "1" + unique_new_tokens[full_name_c] = new_nertag_i + + + if not ((full_name_c ,prev[0]) in dict_tokenner_newner): + dict_tokenner_newner[full_name_c ,prev[0]]=new_nertag_i + else: + dict_tokenner_newner[full_name_c, prev[0]] = new_nertag_i + + dict_newner_token[new_nertag_i]=full_name_c + + new_sent.append(new_nertag_i) + + + full_name = [] + prev=[] + if(curr_ner!="O"): + prev.append(curr_ner) + + + + + + return prev, dict_tokenner_newner, new_sent, full_name,unique_new_ners,unique_new_tokens,dict_newner_token + + def check_exists_in_claim(self,new_ev_sent_after_collapse, dict_tokenner_newner_evidence, dict_newner_token_ev, dict_tokenner_newner_claims): + + combined_sent=[] + + + for ev_new_ner_value in new_ev_sent_after_collapse: + #while parsig through the new evidence sentence you might encounter a new NER tag (eg: PER-E1). find its corresponding string value Eg: "tolkein" + if ev_new_ner_value in dict_newner_token_ev.keys(): + + #find its corresponding string value Eg: "tolkein" + token=dict_newner_token_ev[ev_new_ner_value] + + token_split=set(token.split(" ")) + #print(token_split) + + found_intersection=False + for tup in dict_tokenner_newner_claims.keys(): + name_cl = tup[0] + ner_cl=tup[1] + name_cl_split = set(name_cl.split(" ")) + # print("first value in tuples is") + # print(type(token_split)) + # print(type(name_cl_split)) + # + + # if (token_split.intersection(name_cl_split)): + if (token_split.issubset(name_cl_split) or name_cl_split.issubset(token_split)): + #print("name exists") + + + # also confirm that NER value also matches. This is to avoid john amsterdam PER overlapping with AMSTERDAM LOC + actual_ner_tag="" + for k, v in dict_tokenner_newner_evidence.items(): + + if (ev_new_ner_value == v): + + # print(new_ner_value) + # print(k, v) + actual_ner_tag=k[1] + #print("the value of actual_ner_tag is:"+str(actual_ner_tag)) + + break + + #now check if this NER tag in evidence also matches with that in claims + if(actual_ner_tag==ner_cl): + + val_claim = dict_tokenner_newner_claims[tup] + combined_sent.append(val_claim) + found_intersection=True + + if not (found_intersection): + combined_sent.append(ev_new_ner_value) + new_ner="" + #get the evidence's PER-E1 like value + for k,v in dict_tokenner_newner_evidence.items(): + #print(k,v) + if(ev_new_ner_value==v): + new_ner=k[1] + + dict_tokenner_newner_claims[token, new_ner] = ev_new_ner_value + + + + else: + combined_sent.append(ev_new_ner_value) + + + return combined_sent + + + + + + + + def collapse_both(self,claims_words_list,claims_ner_list,ev_claim): + dict_newner_token={} + dict_tokenner_newner={} + unique_new_tokens = {} + unique_new_ners = {} + prev = [] + new_sent = [] + + + full_name = [] + prev_counter = 0 + + for index, (curr_ner, curr_word) in enumerate(zip(claims_ner_list, claims_words_list)): + #print("unique_new_ners is:" + str(unique_new_ners)) + if (curr_ner == "O"): + + if (len(prev) == 0): + new_sent.append(curr_word) + else: + + prev, dict_tokenner_newner, new_sent, full_name,unique_new_ners,unique_new_tokens,dict_newner_token = self.get_new_name(prev, unique_new_ners, curr_ner, + dict_tokenner_newner, curr_word, + new_sent, ev_claim, full_name,unique_new_tokens,dict_newner_token) + new_sent.append(curr_word) + else: + if (len(prev) == 0): + prev.append(curr_ner) + full_name.append(curr_word) + else: + if (prev[(len(prev) - 1)] == curr_ner): + prev.append(curr_ner) + full_name.append(curr_word) + else: + prev, dict_tokenner_newner, new_sent, full_name,unique_new_ners,unique_new_tokens,dict_newner_token = self.get_new_name( + prev, unique_new_ners, curr_ner, + dict_tokenner_newner, curr_word, + new_sent, ev_claim, full_name,unique_new_tokens,dict_newner_token) + + return new_sent, dict_tokenner_newner,dict_newner_token + diff --git a/src/rte/parikh/reader.py b/src/rte/parikh/reader.py index f64667b..bbed563 100644 --- a/src/rte/parikh/reader.py +++ b/src/rte/parikh/reader.py @@ -1,10 +1,11 @@ from typing import Dict -import json +import json,os import logging from overrides import overrides import tqdm - +import sys +from tqdm import tqdm as tq from allennlp.common import Params from allennlp.common.checks import ConfigurationError from allennlp.common.file_utils import cached_path @@ -17,8 +18,11 @@ from common.dataset.reader import JSONLineReader from common.util.random import SimpleRandom from retrieval.fever_doc_db import FeverDocDB +from retrieval.read_claims import UOFADataReader from rte.riedel.data import FEVERPredictions2Formatter, FEVERLabelSchema, FEVERGoldFormatter from common.dataset.data_set import DataSet as FEVERDataSet +from rte.mithun.trainer import UofaTrainTest + logger = logging.getLogger(__name__) # pylint: disable=invalid-name @@ -31,7 +35,7 @@ class FEVERReader(DatasetReader): "premise" and "hypothesis". Parameters - ---------- + ---------- tokenizer : ``Tokenizer``, optional (default=``WordTokenizer()``) We use this ``Tokenizer`` for both the premise and the hypothesis. See :class:`Tokenizer`. token_indexers : ``Dict[str, TokenIndexer]``, optional (default=``{"tokens": SingleIdTokenIndexer()}``) @@ -65,30 +69,175 @@ def get_doc_line(self,doc,line): return non_empty_lines[SimpleRandom.get_instance().next_rand(0,len(non_empty_lines)-1)] @overrides - def read(self, file_path: str): + def read(self, file_path: str, run_name, do_annotation_on_the_fly): + #logger.info("got inside read") + #logging.info("got inside read") + + instances = [] ds = FEVERDataSet(file_path,reader=self.reader, formatter=self.formatter) ds.read() + counter=0 + + objUOFADataReader = UOFADataReader() + + if (run_name == "train"): + print("run_name == train") + head_file = objUOFADataReader.ann_head_tr + body_file = objUOFADataReader.ann_body_tr + else: + if (run_name == "dev"): + print("run_name == dev") + head_file = objUOFADataReader.ann_head_dev + body_file = objUOFADataReader.ann_body_dev + + # do annotation on the fly using pyprocessors. i.e creating NER tags, POS Tags etc. + # This takes along time. so almost always we do it only once, and load it from disk + if(do_annotation_on_the_fly): + #print("do_annotation_on_the_fly == true") + # DELETE THE annotated file IF IT EXISTS every time before the loop + self.delete_if_exists(head_file) + self.delete_if_exists(body_file) + + for instance in tqdm.tqdm(ds.data): + counter=counter+1 + + if instance is None: + continue + + if not self._sentence_level: + pages = set(ev[0] for ev in instance["evidence"]) + premise = " ".join([self.db.get_doc_text(p) for p in pages]) + else: + lines = set([self.get_doc_line(d[0],d[1]) for d in instance['evidence']]) + premise = " ".join(lines) + + if len(premise.strip()) == 0: + premise = "" + + hypothesis = instance["claim"] + label = instance["label_text"] + + # if (label == "NOT ENOUGH INFO"): + # + # if (counter > 50): + + #print("hypothesis:" + hypothesis) + # print("premise:" + premise) + + premise_ann,hypothesis_ann =self.uofa_annotate(hypothesis, premise, counter,objUOFADataReader,head_file,body_file) - for instance in tqdm.tqdm(ds.data): - if instance is None: - continue + #print("hypothesis:" + hypothesis_ann) + #print("premise:" + premise_ann) - if not self._sentence_level: - pages = set(ev[0] for ev in instance["evidence"]) - premise = " ".join([self.db.get_doc_text(p) for p in pages]) + + + + + instances.append(self.text_to_instance(premise_ann, hypothesis_ann, label)) + + # replacing hypothesis with the annotated one-either load pre-annotated data + # from disk + else: + + print("(do_annotation=false):going to load annotated data from the disk. going to exit") + + + objUofaTrainTest = UofaTrainTest() + + if (run_name == "dev"): + print("run_name == dev") + data_folder = objUofaTrainTest.data_folder_dev else: - lines = set([self.get_doc_line(d[0],d[1]) for d in instance['evidence']]) - premise = " ".join(lines) + if (run_name == "train"): + print("run_name == train") + data_folder = objUofaTrainTest.data_folder_train + else: + if (run_name == "small"): + print("run_name == small") + data_folder = objUofaTrainTest.data_folder_train_small + else: + if (run_name == "test"): + print("run_name == test") + data_folder = objUofaTrainTest.data_folder_test + + bf = data_folder + objUofaTrainTest.annotated_body_split_folder + bfl = bf + objUofaTrainTest.annotated_only_lemmas + bfw = bf + objUofaTrainTest.annotated_words + bfe = bf + objUofaTrainTest.annotated_only_entities + + hf = data_folder + objUofaTrainTest.annotated_head_split_folder + hfl = hf + objUofaTrainTest.annotated_only_lemmas + hfw = hf + objUofaTrainTest.annotated_words + hfe = hf + objUofaTrainTest.annotated_only_entities + + #print(f"hfl:{hfl}") + #print(f"bfl:{bfl}") + #print("going to read annotated data from disk:") + + heads_lemmas = objUofaTrainTest.read_json(hfl) + bodies_lemmas = objUofaTrainTest.read_json(bfl) + heads_entities = objUofaTrainTest.read_json(hfe) + bodies_entities = objUofaTrainTest.read_json(bfe) + heads_words = objUofaTrainTest.read_json(hfw) + bodies_words = objUofaTrainTest.read_json(bfw) + + print(f"length of bodies_words:{len(bodies_words)}") + + counter=0 + for he, be, hl, bl, hw, bw,instance in\ + tq(zip(heads_entities, bodies_entities, heads_lemmas, + bodies_lemmas, + heads_words, + bodies_words,ds.data), + total=len(ds.data),desc="reading annotated data"): - if len(premise.strip()) == 0: - premise = "" + counter=counter+1 + + + + he_split= he.split(" ") + be_split = be.split(" ") + hl_split = hl.split(" ") + bl_split = bl.split(" ") + hw_split = hw.split(" ") + bw_split = bw.split(" ") + + # hypothesis == = claim = headline + # premise == = evidence = body + + premise_ann, hypothesis_ann = objUofaTrainTest.convert_SMARTNER_form_per_sent(he_split, be_split, hl_split, bl_split, hw_split, bw_split) + #premise_ann, hypothesis_ann = objUofaTrainTest.convert_NER_form_per_sent_plain_NER(he_split, be_split,hl_split, bl_split,hw_split, bw_split) + #print("value of the first premise and hypothesis after smart ner replacement is") + #print(premise_ann) + #print(hypothesis_ann) + + label = instance["label_text"] + + # if(label=="NOT ENOUGH INFO"): + # print(f"hw: {hw}") + # print(f"bw: {bw}") + # print(f"premise_ann: {premise_ann}") + # print(f"hypothesis_ann: {hypothesis_ann}") + # #print(f"label: {label}") + # sys.exit(1) + # + # + + + + + + + + + instances.append(self.text_to_instance(premise_ann, hypothesis_ann, label)) + + + print(f"after reading and converting training data to smart ner format. The length of the number of training data is:{len(instances)}") - hypothesis = instance["claim"] - label = instance["label_text"] - instances.append(self.text_to_instance(premise, hypothesis, label)) if not instances: raise ConfigurationError("No instances were read from the given filepath {}. " "Is the path correct?".format(file_path)) @@ -109,6 +258,46 @@ def text_to_instance(self, # type: ignore fields['label'] = LabelField(label) return Instance(fields) + + + def uofa_load_ann_disk(self,objUOFADataReader,run_name): + + + # print(f'premise:{premise}') + # print(f'hyp:{hyp}') + # sys.exit(1) + + + + # print(premise,hyp) + return premise, hyp + + def uofa_annotate(self, claim, evidence, index,objUOFADataReader,head_file,body_file): + doc1,doc2 = objUOFADataReader.annotate_and_save_doc\ + (claim, evidence, index, objUOFADataReader.API,head_file,body_file,logger) + + he=doc1._entities + hl=doc1.lemmas + hw=doc1.words + be = doc2._entities + bl = doc2.lemmas + bw = doc2.words + objUofaTrainTest=UofaTrainTest() + # print(f'{he}{hl}{hw}{be}{bl}{bw}') + #premise, hyp= objUofaTrainTest.convert_SMARTNER_form_per_sent(he, be, hl, bl, hw, bw) + premise, hyp = objUofaTrainTest.convert_NER_form_per_sent_plain_NER(he, be, hl, bl, hw, bw) + + + # print(premise,hyp) + return premise,hyp + + def delete_if_exists(self, name): + + if os.path.exists(name): + append_write = 'w' # make a new file if not + with open(name, append_write) as outfile: + outfile.write("") + @classmethod def from_params(cls, params: Params) -> 'FEVERReader': claim_tokenizer = Tokenizer.from_params(params.pop('claim_tokenizer', {})) diff --git a/src/scorer/LICENSE b/src/scorer/LICENSE new file mode 100644 index 0000000..5c304d1 --- /dev/null +++ b/src/scorer/LICENSE @@ -0,0 +1,201 @@ +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "{}" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright {yyyy} {name of copyright owner} + + 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. diff --git a/src/scorer/README.md b/src/scorer/README.md new file mode 100644 index 0000000..6dbb6b6 --- /dev/null +++ b/src/scorer/README.md @@ -0,0 +1,98 @@ +# FEVER Scorer + +[![Build Status](https://travis-ci.org/sheffieldnlp/fever-scorer.svg?branch=master)](https://travis-ci.org/sheffieldnlp/fever-scorer) + +Scoring function for the Fact Extraction and VERification shared task. Tested for Python 3.6 and 2.7. + +This scorer produces five outputs: + * The strict score considering the requirement for evidence (**primary scoring metric for shared task**) + * The label accuracy + * The macro-precision of the evidence for supported/refuted claims + * The macro-recall of the evidence supported/refuted claims where an instance is scored if and only if at least one complete evidence group is found + * The F1 score of the evidence, using the above metrics. + +The evidence is considered to be correct if there exists a complete list of actual evidence that is a subset of the predicted evidence. + +In the FEVER Shared Task, we will consider only only the first `5` sentences of predicted_evidence that the candidate system provies for scoring. This is configurable through the `max_evidence` parameter for the scorer. When too much evidence is provided. It is removed, without penalty. + +## Find out more + +Visit [http://fever.ai](http://fever.ai) to find out more about the shared task. + +## Example 1 +```python +from fever.scorer import fever_score + +instance1 = {"label": "REFUTES", "predicted_label": "REFUTES", "predicted_evidence": [ #is not strictly correct - missing (page2,2) + ["page1", 1] #page name, line number + ], + "evidence": + [ + [ + [None, None, "page1", 1], #[(ignored) annotation job, (ignored) internal id, page name, line number] + [None, None, "page2", 2], + ] + ] +} + +instance2 = {"label": "REFUTES", "predicted_label": "REFUTES", "predicted_evidence": [ + ["page1", 1], + ["page2", 2], + ["page3", 3] + ], + "evidence": + [ + [ + [None, None, "page1", 1], + [None, None, "page2", 2], + ] + ] +} + +predictions = [instance1, instance2] +strict_score, label_accuracy, precision, recall, f1 = fever_score(predictions) + +print(strict_score) #0.5 +print(label_accuracy) #1.0 +print(precision) #0.833 (first example scores 1, second example scores 2/3) +print(recall) #0.5 (first example scores 0, second example scores 1) +print(f1) #0.625 +``` + + + +## Example 2 - (e.g. blind test set) +```python +from fever.scorer import fever_score + +instance1 = {"predicted_label": "REFUTES", "predicted_evidence": [ #is not strictly correct - missing (page2,2) + ["page1", 1] #page name, line number +]} + +instance2 = {"predicted_label": "REFUTES", "predicted_evidence": [ + ["page1", 1], #page name, line number + ["page2", 2], + ["page3", 3] +]} + +actual = [ + {"label": "REFUTES", "evidence": + [ + [ + [None, None, "page1", 1], + [None, None, "page2", 2], + ] + ]}, + {"label": "REFUTES", "evidence": + [ + [ + [None, None, "page1", 1], + [None, None, "page2", 2], + ] + ]} +] + +predictions = [instance1, instance2] +strict_score, label_accuracy, precision, recall, f1 = fever_score(predictions,actual) + +``` diff --git a/src/scorer/__init__.py b/src/scorer/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/src/scorer/requirements.txt b/src/scorer/requirements.txt new file mode 100644 index 0000000..64c56a3 --- /dev/null +++ b/src/scorer/requirements.txt @@ -0,0 +1 @@ +six \ No newline at end of file diff --git a/src/scorer/setup.py b/src/scorer/setup.py new file mode 100644 index 0000000..4dd633c --- /dev/null +++ b/src/scorer/setup.py @@ -0,0 +1,24 @@ +from setuptools import setup, find_packages +import sys + + +with open('requirements.txt') as f: + reqs = f.read() + +reqs = reqs.strip().split('\n') + +install = [req for req in reqs if not req.startswith("git+git://")] +depends = [req.replace("git+git://","git+http://") for req in reqs if req.startswith("git+git://")] + +setup( + name='fever-scorer', + version='1.1.1', + description='Fact Extraction and VERification scorer', + long_description="readme", + license=license, + python_requires='>=3.6', + package_dir={'fever': 'src/fever'}, + packages=['fever'], + install_requires=install, + dependency_links=depends, +) diff --git a/src/scorer/src/fever/__init__.py b/src/scorer/src/fever/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/src/scorer/src/fever/scorer.py b/src/scorer/src/fever/scorer.py new file mode 100644 index 0000000..ecae63d --- /dev/null +++ b/src/scorer/src/fever/scorer.py @@ -0,0 +1,153 @@ +import six + +def check_predicted_evidence_format(instance): + if 'predicted_evidence' in instance.keys() and len(instance['predicted_evidence']): + assert all(isinstance(prediction, list) + for prediction in instance["predicted_evidence"]), \ + "Predicted evidence must be a list of (page,line) lists" + + assert all(len(prediction) == 2 + for prediction in instance["predicted_evidence"]), \ + "Predicted evidence must be a list of (page,line) lists" + + assert all(isinstance(prediction[0], six.string_types) + for prediction in instance["predicted_evidence"]), \ + "Predicted evidence must be a list of (page,line) lists" + + assert all(isinstance(prediction[1], int) + for prediction in instance["predicted_evidence"]), \ + "Predicted evidence must be a list of (page,line) lists" + + +def is_correct_label(instance): + return instance["label"].upper() == instance["predicted_label"].upper() + + +def is_strictly_correct(instance, max_evidence=None): + #Strict evidence matching is only for NEI class + check_predicted_evidence_format(instance) + + if instance["label"].upper() != "NOT ENOUGH INFO" and is_correct_label(instance): + assert 'predicted_evidence' in instance, "Predicted evidence must be provided for strict scoring" + + if max_evidence is None: + max_evidence = len(instance["predicted_evidence"]) + + + for evience_group in instance["evidence"]: + #Filter out the annotation ids. We just want the evidence page and line number + actual_sentences = [[e[2], e[3]] for e in evience_group] + #Only return true if an entire group of actual sentences is in the predicted sentences + if all([actual_sent in instance["predicted_evidence"][:max_evidence] for actual_sent in actual_sentences]): + return True + + #If the class is NEI, we don't score the evidence retrieval component + elif instance["label"].upper() == "NOT ENOUGH INFO" and is_correct_label(instance): + return True + + return False + + +def evidence_macro_precision(instance, max_evidence=None): + this_precision = 0.0 + this_precision_hits = 0.0 + + if instance["label"].upper() != "NOT ENOUGH INFO": + all_evi = [[e[2], e[3]] for eg in instance["evidence"] for e in eg if e[3] is not None] + + predicted_evidence = instance["predicted_evidence"] if max_evidence is None else \ + instance["predicted_evidence"][:max_evidence] + + for prediction in predicted_evidence: + if prediction in all_evi: + this_precision += 1.0 + this_precision_hits += 1.0 + + return (this_precision / this_precision_hits) if this_precision_hits > 0 else 1.0, 1.0 + + return 0.0, 0.0 + +def evidence_macro_recall(instance, max_evidence=None): + # We only want to score F1/Precision/Recall of recalled evidence for NEI claims + if instance["label"].upper() != "NOT ENOUGH INFO": + # If there's no evidence to predict, return 1 + if len(instance["evidence"]) == 0 or all([len(eg) == 0 for eg in instance]): + return 1.0, 1.0 + + predicted_evidence = instance["predicted_evidence"] if max_evidence is None else \ + instance["predicted_evidence"][:max_evidence] + + for evidence_group in instance["evidence"]: + evidence = [[e[2], e[3]] for e in evidence_group] + if all([item in predicted_evidence for item in evidence]): + # We only want to score complete groups of evidence. Incomplete groups are worthless. + return 1.0, 1.0 + return 0.0, 1.0 + return 0.0, 0.0 + + +# Micro is not used. This code is just included to demostrate our model of macro/micro +def evidence_micro_precision(instance): + this_precision = 0 + this_precision_hits = 0 + + # We only want to score Macro F1/Precision/Recall of recalled evidence for NEI claims + if instance["label"].upper() != "NOT ENOUGH INFO": + all_evi = [[e[2], e[3]] for eg in instance["evidence"] for e in eg if e[3] is not None] + + for prediction in instance["predicted_evidence"]: + if prediction in all_evi: + this_precision += 1.0 + this_precision_hits += 1.0 + + return this_precision, this_precision_hits + + +def fever_score(predictions,actual=None, max_evidence=5): + correct = 0 + strict = 0 + + macro_precision = 0 + macro_precision_hits = 0 + + macro_recall = 0 + macro_recall_hits = 0 + + for idx,instance in enumerate(predictions): + assert 'predicted_evidence' in instance.keys(), 'evidence must be provided for the prediction' + + #If it's a blind test set, we need to copy in the values from the actual data + if 'evidence' not in instance or 'label' not in instance: + assert actual is not None, 'in blind evaluation mode, actual data must be provided' + assert len(actual) == len(predictions), 'actual data and predicted data length must match' + assert 'evidence' in actual[idx].keys(), 'evidence must be provided for the actual evidence' + instance['evidence'] = actual[idx]['evidence'] + instance['label'] = actual[idx]['label'] + + assert 'evidence' in instance.keys(), 'gold evidence must be provided' + + if is_correct_label(instance): + correct += 1.0 + + if is_strictly_correct(instance, max_evidence): + strict+=1.0 + + macro_prec = evidence_macro_precision(instance, max_evidence) + macro_precision += macro_prec[0] + macro_precision_hits += macro_prec[1] + + macro_rec = evidence_macro_recall(instance, max_evidence) + macro_recall += macro_rec[0] + macro_recall_hits += macro_rec[1] + + total = len(predictions) + + strict_score = strict / total + acc_score = correct / total + + pr = (macro_precision / macro_precision_hits) if macro_precision_hits > 0 else 1.0 + rec = (macro_recall / macro_recall_hits) if macro_recall_hits > 0 else 0.0 + + f1 = 2.0 * pr * rec / (pr + rec) + + return strict_score, acc_score, pr, rec, f1 \ No newline at end of file diff --git a/src/scorer/tests/actual.jsonl b/src/scorer/tests/actual.jsonl new file mode 100644 index 0000000..b799cf0 --- /dev/null +++ b/src/scorer/tests/actual.jsonl @@ -0,0 +1,9999 @@ +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108548, null, null, null]]], "all_evidence": [[108548, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227768, null, null, null]]], "all_evidence": [[227768, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289914, 283015, "Soul_Food_-LRB-film-RRB-", 0]], [[291259, 284217, "Soul_Food_-LRB-film-RRB-", 0]], [[293412, 285960, "Soul_Food_-LRB-film-RRB-", 0]], [[337212, 322620, "Soul_Food_-LRB-film-RRB-", 0]], [[337214, 322622, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[289914, 283015, "Soul_Food_-LRB-film-RRB-", 0], [291259, 284217, "Soul_Food_-LRB-film-RRB-", 0], [293412, 285960, "Soul_Food_-LRB-film-RRB-", 0], [337212, 322620, "Soul_Food_-LRB-film-RRB-", 0], [337214, 322622, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191656, null, null, null], [191657, null, null, null]]], "all_evidence": [[191656, null, null, null], [191657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131371, 146144, "Telemundo", 0]], [[131371, 146148, "Telemundo", 1]], [[131371, 146150, "Telemundo", 4], [131371, 146150, "Hispanic_and_Latino_Americans", 0]], [[131371, 146151, "Telemundo", 5]]], "all_evidence": [[131371, 146144, "Telemundo", 0], [131371, 146148, "Telemundo", 1], [131371, 146150, "Telemundo", 4], [131371, 146150, "Hispanic_and_Latino_Americans", 0], [131371, 146151, "Telemundo", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107201, 120581, "Damon_Albarn", 17]]], "all_evidence": [[107201, 120581, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210946, 218608, "Mogadishu", 0]]], "all_evidence": [[210946, 218608, "Mogadishu", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260471, 258880, "Savages_-LRB-2012_film-RRB-", 3]], [[260473, 258882, "Savages_-LRB-2012_film-RRB-", 3]]], "all_evidence": [[260471, 258880, "Savages_-LRB-2012_film-RRB-", 3], [260473, 258882, "Savages_-LRB-2012_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227658, null, null, null]]], "all_evidence": [[227658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127089, 141573, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[127089, 141573, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163853, null, null, null]]], "all_evidence": [[163853, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129277, null, null, null]]], "all_evidence": [[129277, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241287, 242825, "Cretaceous", 8]], [[241288, 242826, "Cretaceous", 8]], [[241288, 242827, "Cretaceous", 9]], [[241289, 242828, "Cretaceous", 8]], [[241289, 242829, "Cretaceous", 9]]], "all_evidence": [[241287, 242825, "Cretaceous", 8], [241288, 242826, "Cretaceous", 8], [241288, 242827, "Cretaceous", 9], [241289, 242828, "Cretaceous", 8], [241289, 242829, "Cretaceous", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70477, 81355, "Murda_Beatz", 0]]], "all_evidence": [[70477, 81355, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123414, 137856, "Nicholas_Brody", 1]], [[123414, 137857, "Nicholas_Brody", 4], [123414, 137857, "Carrie_Mathison", 0], [123414, 137857, "Carrie_Mathison", 2]]], "all_evidence": [[123414, 137856, "Nicholas_Brody", 1], [123414, 137857, "Nicholas_Brody", 4], [123414, 137857, "Carrie_Mathison", 0], [123414, 137857, "Carrie_Mathison", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34332, 41652, "Charles_Manson", 17]]], "all_evidence": [[34332, 41652, "Charles_Manson", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108145, 121668, "Sean_Penn", 5]], [[108145, 121669, "Sean_Penn", 7]]], "all_evidence": [[108145, 121668, "Sean_Penn", 5], [108145, 121669, "Sean_Penn", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193413, null, null, null]]], "all_evidence": [[193413, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174591, null, null, null]]], "all_evidence": [[174591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241397, 242933, "Brad_Wilk", 4]]], "all_evidence": [[241397, 242933, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225477, 230125, "The_Millers", 1]]], "all_evidence": [[225477, 230125, "The_Millers", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87844, null, null, null]]], "all_evidence": [[87844, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184145, 196092, "Edgar_Wright", 0]], [[184145, 196093, "Edgar_Wright", 1]], [[184145, 196094, "Edgar_Wright", 2]], [[184145, 196095, "Edgar_Wright", 5]], [[184145, 196096, "Edgar_Wright", 6]], [[184145, 196097, "Edgar_Wright", 7]]], "all_evidence": [[184145, 196092, "Edgar_Wright", 0], [184145, 196093, "Edgar_Wright", 1], [184145, 196094, "Edgar_Wright", 2], [184145, 196095, "Edgar_Wright", 5], [184145, 196096, "Edgar_Wright", 6], [184145, 196097, "Edgar_Wright", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126507, 140905, "Ann_Richards", 0]], [[126507, 140906, "Ann_Richards", 1]], [[126507, 140907, "Ann_Richards", 2]]], "all_evidence": [[126507, 140905, "Ann_Richards", 0], [126507, 140906, "Ann_Richards", 1], [126507, 140907, "Ann_Richards", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194302, 204692, "Drake_Bell", 18]]], "all_evidence": [[194302, 204692, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291669, 284579, "Janet_Leigh", 0]], [[291669, 284580, "Janet_Leigh", 12]], [[293770, 286206, "Janet_Leigh", 0]], [[293770, 286207, "Janet_Leigh", 12]], [[293772, 286208, "Janet_Leigh", 0]], [[293774, 286210, "Janet_Leigh", 0]], [[338247, 323476, "Janet_Leigh", 0]]], "all_evidence": [[291669, 284579, "Janet_Leigh", 0], [291669, 284580, "Janet_Leigh", 12], [293770, 286206, "Janet_Leigh", 0], [293770, 286207, "Janet_Leigh", 12], [293772, 286208, "Janet_Leigh", 0], [293774, 286210, "Janet_Leigh", 0], [338247, 323476, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232009, 235299, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232009, 235299, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218175, 224531, "Bermuda_Triangle", 0]]], "all_evidence": [[218175, 224531, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48378, null, null, null]]], "all_evidence": [[48378, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231200, null, null, null]]], "all_evidence": [[231200, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290501, 283534, "Advertising", 3]], [[291880, 284756, "Advertising", 0]], [[293924, 286336, "Advertising", 0]], [[293924, 286337, "Advertising", 3]], [[338610, 323711, "Advertising", 0]], [[338745, 323825, "Advertising", 0]], [[338745, 323826, "Advertising", 3]]], "all_evidence": [[290501, 283534, "Advertising", 3], [291880, 284756, "Advertising", 0], [293924, 286336, "Advertising", 0], [293924, 286337, "Advertising", 3], [338610, 323711, "Advertising", 0], [338745, 323825, "Advertising", 0], [338745, 323826, "Advertising", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170950, 184494, "Hot_Right_Now", 0]]], "all_evidence": [[170950, 184494, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255480, null, null, null]]], "all_evidence": [[255480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271152, 267092, "Giada_at_Home", 1], [271152, 267092, "Food_Network", 0]]], "all_evidence": [[271152, 267092, "Giada_at_Home", 1], [271152, 267092, "Food_Network", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168831, 182535, "Harold_Macmillan", 0]]], "all_evidence": [[168831, 182535, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81170, 92990, "Aristotle", 2]]], "all_evidence": [[81170, 92990, "Aristotle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146245, 161224, "David_Packouz", 0]]], "all_evidence": [[146245, 161224, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68484, 79345, "Magic_Johnson", 1]], [[68484, 79346, "Magic_Johnson", 3]], [[68484, 79347, "Magic_Johnson", 5]]], "all_evidence": [[68484, 79345, "Magic_Johnson", 1], [68484, 79346, "Magic_Johnson", 3], [68484, 79347, "Magic_Johnson", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122679, 136986, "Tenacious_D", 0]]], "all_evidence": [[122679, 136986, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72026, 83020, "James_VI_and_I", 10]]], "all_evidence": [[72026, 83020, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236619, 239062, "Marcus_Bentley", 0]], [[236620, 239063, "Marcus_Bentley", 0]]], "all_evidence": [[236619, 239062, "Marcus_Bentley", 0], [236620, 239063, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151645, 166384, "Saxony", 0]]], "all_evidence": [[151645, 166384, "Saxony", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125672, null, null, null], [125675, null, null, null]]], "all_evidence": [[125672, null, null, null], [125675, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245514, 246301, "Mel_B", 5]]], "all_evidence": [[245514, 246301, "Mel_B", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154544, 169259, "Noah_Cyrus", 4]]], "all_evidence": [[154544, 169259, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150114, 165059, "Mohra", 0]]], "all_evidence": [[150114, 165059, "Mohra", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103338, 116734, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [103338, 116734, "James_Taylor", 0]]], "all_evidence": [[103338, 116734, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [103338, 116734, "James_Taylor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92176, 104951, "Shane_Black", 0]], [[94868, 107842, "Shane_Black", 0]], [[96996, 110149, "Shane_Black", 0]], [[306640, 297263, "Shane_Black", 0]], [[306641, 297264, "Shane_Black", 0]]], "all_evidence": [[92176, 104951, "Shane_Black", 0], [94868, 107842, "Shane_Black", 0], [96996, 110149, "Shane_Black", 0], [306640, 297263, "Shane_Black", 0], [306641, 297264, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87789, null, null, null]]], "all_evidence": [[87789, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90417, null, null, null]]], "all_evidence": [[90417, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57952, 68182, "Augustus", 42]]], "all_evidence": [[57952, 68182, "Augustus", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88649, 101279, "Jennifer_Lopez", 4]], [[88663, 101293, "Jennifer_Lopez", 4]], [[88663, 101294, "Jennifer_Lopez", 7], [88663, 101294, "J.Lo_-LRB-album-RRB-", 17]], [[88663, 101295, "Jennifer_Lopez", 13], [88663, 101295, "Como_Ama_una_Mujer", 12]], [[88663, 101296, "Jennifer_Lopez", 14]]], "all_evidence": [[88649, 101279, "Jennifer_Lopez", 4], [88663, 101293, "Jennifer_Lopez", 4], [88663, 101294, "Jennifer_Lopez", 7], [88663, 101294, "J.Lo_-LRB-album-RRB-", 17], [88663, 101295, "Jennifer_Lopez", 13], [88663, 101295, "Como_Ama_una_Mujer", 12], [88663, 101296, "Jennifer_Lopez", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[273665, null, null, null]]], "all_evidence": [[273665, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142203, null, null, null]]], "all_evidence": [[142203, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37589, 45525, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[37589, 45525, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132541, null, null, null]]], "all_evidence": [[132541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200457, 209961, "Sancho_Panza", 0]], [[200480, 209981, "Sancho_Panza", 0]]], "all_evidence": [[200457, 209961, "Sancho_Panza", 0], [200480, 209981, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59918, 70316, "Magic_Johnson", 0]]], "all_evidence": [[59918, 70316, "Magic_Johnson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83211, 95159, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[83211, 95159, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43032, 51677, "Hedda_Gabler", 1]]], "all_evidence": [[43032, 51677, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56645, 66861, "Brazzers", 0]]], "all_evidence": [[56645, 66861, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30724, 37349, "Tim_Roth", 0]]], "all_evidence": [[30724, 37349, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169723, 183310, "Juventus_F.C.", 1]]], "all_evidence": [[169723, 183310, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214290, 221372, "Ernest_Medina", 3]]], "all_evidence": [[214290, 221372, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79931, null, null, null]]], "all_evidence": [[79931, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270524, 266550, "Jenna_Jameson", 3]]], "all_evidence": [[270524, 266550, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270825, 266809, "New_Orleans_Pelicans", 0], [270825, 266809, "New_Orleans_Pelicans", 1]]], "all_evidence": [[270825, 266809, "New_Orleans_Pelicans", 0], [270825, 266809, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174537, null, null, null]]], "all_evidence": [[174537, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157269, 171839, "Starrcade", 0]], [[157275, 171845, "Starrcade", 0]], [[157275, 171846, "Starrcade", 5]]], "all_evidence": [[157269, 171839, "Starrcade", 0], [157275, 171845, "Starrcade", 0], [157275, 171846, "Starrcade", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123633, 138050, "Jack_Falahee", 0]]], "all_evidence": [[123633, 138050, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134526, 149420, "Seohyun", 0]]], "all_evidence": [[134526, 149420, "Seohyun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88672, 101304, "Steve_Wozniak", 5]]], "all_evidence": [[88672, 101304, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263235, 260964, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263235, 260964, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88547, 101161, "L.A._Reid", 1], [88547, 101161, "Arista_Records", 1]]], "all_evidence": [[88547, 101161, "L.A._Reid", 1], [88547, 101161, "Arista_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188651, 200108, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188651, 200108, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215802, 222580, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215802, 222580, "Holly_Hunter", 0]]], "all_evidence": [[215802, 222580, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215802, 222580, "Holly_Hunter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55738, 65784, "Taran_Killam", 0]]], "all_evidence": [[55738, 65784, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50596, 60132, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[50596, 60132, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[280553, null, null, null], [280866, null, null, null], [328395, null, null, null]]], "all_evidence": [[280553, null, null, null], [280866, null, null, null], [328395, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174042, 187227, "John_Dolmayan", 0]]], "all_evidence": [[174042, 187227, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238996, 240948, "Despicable_Me_2", 1], [238996, 240948, "Chris_Renaud_-LRB-animator-RRB-", 0]], [[239000, 240950, "Despicable_Me_2", 1], [239000, 240950, "Chris_Renaud_-LRB-animator-RRB-", 0], [239000, 240950, "Pierre_Coffin", 0]]], "all_evidence": [[238996, 240948, "Despicable_Me_2", 1], [238996, 240948, "Chris_Renaud_-LRB-animator-RRB-", 0], [239000, 240950, "Despicable_Me_2", 1], [239000, 240950, "Chris_Renaud_-LRB-animator-RRB-", 0], [239000, 240950, "Pierre_Coffin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272426, null, null, null]]], "all_evidence": [[272426, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97113, null, null, null]]], "all_evidence": [[97113, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184391, 196288, "Christa_McAuliffe", 4]]], "all_evidence": [[184391, 196288, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73014, null, null, null]]], "all_evidence": [[73014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97175, 110361, "Reign_Over_Me", 4]], [[97179, 110363, "Reign_Over_Me", 4], [97179, 110363, "Reign_Over_Me", 0]]], "all_evidence": [[97175, 110361, "Reign_Over_Me", 4], [97179, 110363, "Reign_Over_Me", 4], [97179, 110363, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60099, 70515, "Colin_Kaepernick", 0]]], "all_evidence": [[60099, 70515, "Colin_Kaepernick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96482, 109652, "Sheryl_Lee", 1]], [[96482, 109653, "Sheryl_Lee", 5]], [[96482, 109654, "Sheryl_Lee", 6]], [[96482, 109655, "Sheryl_Lee", 7], [96482, 109655, "Cafe\u0301_Society_-LRB-film-RRB-", 0]], [[96491, 109666, "Sheryl_Lee", 5], [96491, 109666, "Backbeat_-LRB-film-RRB-", 0]], [[96491, 109667, "Sheryl_Lee", 6]], [[96498, 109671, "Sheryl_Lee", 1]], [[96498, 109672, "Sheryl_Lee", 5], [96498, 109672, "Mother_Night_-LRB-film-RRB-", 9], [96498, 109672, "Mother_Night_-LRB-film-RRB-", 0], [96498, 109672, "Backbeat_-LRB-film-RRB-", 2], [96498, 109672, "Backbeat_-LRB-film-RRB-", 0]], [[96498, 109673, "Sheryl_Lee", 6]], [[96498, 109674, "Sheryl_Lee", 7], [96498, 109674, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[96482, 109652, "Sheryl_Lee", 1], [96482, 109653, "Sheryl_Lee", 5], [96482, 109654, "Sheryl_Lee", 6], [96482, 109655, "Sheryl_Lee", 7], [96482, 109655, "Cafe\u0301_Society_-LRB-film-RRB-", 0], [96491, 109666, "Sheryl_Lee", 5], [96491, 109666, "Backbeat_-LRB-film-RRB-", 0], [96491, 109667, "Sheryl_Lee", 6], [96498, 109671, "Sheryl_Lee", 1], [96498, 109672, "Sheryl_Lee", 5], [96498, 109672, "Mother_Night_-LRB-film-RRB-", 9], [96498, 109672, "Mother_Night_-LRB-film-RRB-", 0], [96498, 109672, "Backbeat_-LRB-film-RRB-", 2], [96498, 109672, "Backbeat_-LRB-film-RRB-", 0], [96498, 109673, "Sheryl_Lee", 6], [96498, 109674, "Sheryl_Lee", 7], [96498, 109674, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199073, 208752, "Matteo_Renzi", 0]]], "all_evidence": [[199073, 208752, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274540, null, null, null], [274545, null, null, null], [322729, null, null, null], [323685, null, null, null], [323691, null, null, null], [323694, null, null, null]]], "all_evidence": [[274540, null, null, null], [274545, null, null, null], [322729, null, null, null], [323685, null, null, null], [323691, null, null, null], [323694, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77491, 88936, "Hindu_Kush", 5]]], "all_evidence": [[77491, 88936, "Hindu_Kush", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118262, 132098, "Same_Old_Love", 0]], [[118262, 132099, "Same_Old_Love", 20]]], "all_evidence": [[118262, 132098, "Same_Old_Love", 0], [118262, 132099, "Same_Old_Love", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48908, 58231, "Heart", 18]]], "all_evidence": [[48908, 58231, "Heart", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255999, 255303, "Weekly_Idol", 1]]], "all_evidence": [[255999, 255303, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42349, 50953, "Heavy_metal_music", 0]]], "all_evidence": [[42349, 50953, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218184, 224536, "Bermuda_Triangle", 0]]], "all_evidence": [[218184, 224536, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120574, null, null, null]]], "all_evidence": [[120574, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168755, 182455, "Topman", 1]]], "all_evidence": [[168755, 182455, "Topman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84694, 96909, "Wales", 16]]], "all_evidence": [[84694, 96909, "Wales", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21057, 25849, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[21057, 25849, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123742, 138131, "YouTube", 0]]], "all_evidence": [[123742, 138131, "YouTube", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25294, 31192, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[25294, 31192, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228481, 232658, "Stripes_-LRB-film-RRB-", 1], [228481, 232658, "Conrad_Dunn", 1]]], "all_evidence": [[228481, 232658, "Stripes_-LRB-film-RRB-", 1], [228481, 232658, "Conrad_Dunn", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88763, null, null, null]]], "all_evidence": [[88763, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240278, null, null, null], [246472, null, null, null], [319332, null, null, null], [320486, null, null, null], [320491, null, null, null]]], "all_evidence": [[240278, null, null, null], [246472, null, null, null], [319332, null, null, null], [320486, null, null, null], [320491, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266026, 263129, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266026, 263129, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217668, 224160, "Asylum_Records", 0]]], "all_evidence": [[217668, 224160, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77131, 88550, "Trollhunters", 0]]], "all_evidence": [[77131, 88550, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54306, 64302, "Armenian_Genocide", 0]]], "all_evidence": [[54306, 64302, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236629, 239069, "Marcus_Bentley", 0]]], "all_evidence": [[236629, 239069, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26608, 32656, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[26608, 32656, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199493, 209166, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199493, 209166, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172664, null, null, null], [172666, null, null, null]]], "all_evidence": [[172664, null, null, null], [172666, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147203, 162193, "The_dress", 5]]], "all_evidence": [[147203, 162193, "The_dress", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153174, 167931, "Bruce_Shand", 0]]], "all_evidence": [[153174, 167931, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150237, 165164, "Advertising", 0]]], "all_evidence": [[150237, 165164, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127823, 142516, "Alexandra_Daddario", 0]]], "all_evidence": [[127823, 142516, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142300, 157496, "The_Others_-LRB-2001_film-RRB-", 5]]], "all_evidence": [[142300, 157496, "The_Others_-LRB-2001_film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266592, null, null, null]]], "all_evidence": [[266592, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194316, 204706, "Drake_Bell", 18], [194316, 204706, "A_Reminder", 0]]], "all_evidence": [[194316, 204706, "Drake_Bell", 18], [194316, 204706, "A_Reminder", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142216, 157426, "14th_Dalai_Lama", 10]]], "all_evidence": [[142216, 157426, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164085, 178319, "Telemundo", 0]]], "all_evidence": [[164085, 178319, "Telemundo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251909, 251688, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251909, 251688, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79457, 91179, "Caroline_Kennedy", 0]]], "all_evidence": [[79457, 91179, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215823, 222597, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5]]], "all_evidence": [[215823, 222597, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191686, 202504, "Anne_Rice", 5]]], "all_evidence": [[191686, 202504, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67440, 78263, "Stephen_Hillenburg", 4]]], "all_evidence": [[67440, 78263, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258093, 256972, "Monk", 0]]], "all_evidence": [[258093, 256972, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64286, 75032, "The_Mod_Squad", 0]]], "all_evidence": [[64286, 75032, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152988, 167749, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]]], "all_evidence": [[152988, 167749, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158054, null, null, null]]], "all_evidence": [[158054, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40628, 48858, "Arizona", 0]]], "all_evidence": [[40628, 48858, "Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197250, 207330, "Smriti_Mandhana", 0]], [[197283, 207360, "Smriti_Mandhana", 0]]], "all_evidence": [[197250, 207330, "Smriti_Mandhana", 0], [197283, 207360, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60722, 71207, "Emma_Watson", 0]], [[60722, 71208, "Emma_Watson", 1]]], "all_evidence": [[60722, 71207, "Emma_Watson", 0], [60722, 71208, "Emma_Watson", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277062, null, null, null], [278807, null, null, null], [278823, null, null, null], [326842, null, null, null]]], "all_evidence": [[277062, null, null, null], [278807, null, null, null], [278823, null, null, null], [326842, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207706, 215921, "Congressional_Space_Medal_of_Honor", 9], [207706, 215921, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207706, 215921, "Congressional_Space_Medal_of_Honor", 9], [207706, 215921, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47551, 56755, "Saw_-LRB-franchise-RRB-", 8]]], "all_evidence": [[47551, 56755, "Saw_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147218, 162204, "Faroe_Islands", 9]]], "all_evidence": [[147218, 162204, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240857, 242458, "Down_with_Love", 0]]], "all_evidence": [[240857, 242458, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239378, null, null, null]]], "all_evidence": [[239378, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28463, null, null, null]]], "all_evidence": [[28463, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110774, 124442, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[110774, 124442, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24130, 29854, "Colombiana", 0]]], "all_evidence": [[24130, 29854, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194096, 204508, "Rick_Yune", 2]], [[194098, 204509, "Rick_Yune", 2]]], "all_evidence": [[194096, 204508, "Rick_Yune", 2], [194098, 204509, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155776, null, null, null]]], "all_evidence": [[155776, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268059, null, null, null], [268060, null, null, null]]], "all_evidence": [[268059, null, null, null], [268060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234493, 237357, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234493, 237357, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25236, 31126, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[25236, 31126, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182707, null, null, null]]], "all_evidence": [[182707, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254090, null, null, null], [255756, null, null, null], [320177, null, null, null], [320970, null, null, null], [320972, null, null, null], [320975, null, null, null]]], "all_evidence": [[254090, null, null, null], [255756, null, null, null], [320177, null, null, null], [320970, null, null, null], [320972, null, null, null], [320975, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218157, null, null, null]]], "all_evidence": [[218157, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270766, 266771, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270766, 266771, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211984, 219591, "Saturn_Corporation", 0]]], "all_evidence": [[211984, 219591, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83804, 95829, "John_Dolmayan", 0]]], "all_evidence": [[83804, 95829, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24846, null, null, null]]], "all_evidence": [[24846, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15484, null, null, null], [16197, null, null, null], [302171, null, null, null], [303953, null, null, null], [304229, null, null, null]]], "all_evidence": [[15484, null, null, null], [16197, null, null, null], [302171, null, null, null], [303953, null, null, null], [304229, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151958, 166727, "Human_brain", 25]]], "all_evidence": [[151958, 166727, "Human_brain", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144493, 159516, "T2_Trainspotting", 0]], [[144493, 159517, "T2_Trainspotting", 2]]], "all_evidence": [[144493, 159516, "T2_Trainspotting", 0], [144493, 159517, "T2_Trainspotting", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282192, 276408, "AMGTV", 0]], [[282204, 276417, "AMGTV", 0]], [[284199, 278052, "AMGTV", 0]], [[330187, 316812, "AMGTV", 0]], [[330189, 316814, "AMGTV", 0]], [[330190, 316815, "AMGTV", 0]], [[330192, 316817, "AMGTV", 0]], [[330193, 316818, "AMGTV", 4]]], "all_evidence": [[282192, 276408, "AMGTV", 0], [282204, 276417, "AMGTV", 0], [284199, 278052, "AMGTV", 0], [330187, 316812, "AMGTV", 0], [330189, 316814, "AMGTV", 0], [330190, 316815, "AMGTV", 0], [330192, 316817, "AMGTV", 0], [330193, 316818, "AMGTV", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94507, null, null, null]]], "all_evidence": [[94507, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193403, 203922, "Don_Bradman", 20]]], "all_evidence": [[193403, 203922, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132966, 147855, "Margaret_Thatcher", 8]]], "all_evidence": [[132966, 147855, "Margaret_Thatcher", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69806, null, null, null]]], "all_evidence": [[69806, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231455, null, null, null]]], "all_evidence": [[231455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190764, 201725, "Alice_Cooper", 0]]], "all_evidence": [[190764, 201725, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177247, 190106, "EA_Black_Box", 0]]], "all_evidence": [[177247, 190106, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12900, 16076, "Naples", 34], [12900, 16076, "Herculaneum", 0]], [[18727, 22962, "Naples", 34]], [[20342, 24902, "Naples", 34]], [[299151, 290521, "Naples", 34]], [[301220, 292337, "Naples", 34], [301220, 292337, "Herculaneum", 0]]], "all_evidence": [[12900, 16076, "Naples", 34], [12900, 16076, "Herculaneum", 0], [18727, 22962, "Naples", 34], [20342, 24902, "Naples", 34], [299151, 290521, "Naples", 34], [301220, 292337, "Naples", 34], [301220, 292337, "Herculaneum", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123677, null, null, null]]], "all_evidence": [[123677, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154955, null, null, null]]], "all_evidence": [[154955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147072, 162068, "Harold_Macmillan", 0]]], "all_evidence": [[147072, 162068, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243714, null, null, null], [243715, null, null, null]]], "all_evidence": [[243714, null, null, null], [243715, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213716, 220875, "Finding_Dory", 1], [213716, 220875, "Andrew_Stanton", 0]]], "all_evidence": [[213716, 220875, "Finding_Dory", 1], [213716, 220875, "Andrew_Stanton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149477, 164445, "Morse_code", 23]], [[149481, 164448, "Morse_code", 0]], [[149481, 164449, "Morse_code", 23]]], "all_evidence": [[149477, 164445, "Morse_code", 23], [149481, 164448, "Morse_code", 0], [149481, 164449, "Morse_code", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87646, null, null, null]]], "all_evidence": [[87646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168001, 181758, "Hindu_Kush", 0]], [[168001, 181759, "Hindu_Kush", 5]], [[168001, 181760, "Hindu_Kush", 6]]], "all_evidence": [[168001, 181758, "Hindu_Kush", 0], [168001, 181759, "Hindu_Kush", 5], [168001, 181760, "Hindu_Kush", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225940, null, null, null]]], "all_evidence": [[225940, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180971, null, null, null]]], "all_evidence": [[180971, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41043, 49356, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]], "all_evidence": [[41043, 49356, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66322, null, null, null]]], "all_evidence": [[66322, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163440, null, null, null]]], "all_evidence": [[163440, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182110, 194375, "Bessie_Smith", 0]]], "all_evidence": [[182110, 194375, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90750, 103466, "Speech_recognition", 2], [90750, 103466, "Linguistics", 0]]], "all_evidence": [[90750, 103466, "Speech_recognition", 2], [90750, 103466, "Linguistics", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199910, 209548, "Anne_Sullivan", 0]], [[199911, 209549, "Anne_Sullivan", 0]]], "all_evidence": [[199910, 209548, "Anne_Sullivan", 0], [199911, 209549, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148724, 163767, "Aleister_Crowley", 0]]], "all_evidence": [[148724, 163767, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150789, 165643, "Poldark_-LRB-2015_TV_series-RRB-", 0]]], "all_evidence": [[150789, 165643, "Poldark_-LRB-2015_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62836, 73489, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[62836, 73489, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93690, null, null, null]]], "all_evidence": [[93690, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163739, 177988, "Tatum_O'Neal", 6]], [[163742, 177991, "Tatum_O'Neal", 6]]], "all_evidence": [[163739, 177988, "Tatum_O'Neal", 6], [163742, 177991, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101224, 114468, "Sean_Penn", 5]], [[101224, 114469, "Sean_Penn", 6]], [[101224, 114470, "Sean_Penn", 7]], [[101224, 114471, "Sean_Penn", 8]], [[101224, 114472, "Sean_Penn", 11]]], "all_evidence": [[101224, 114468, "Sean_Penn", 5], [101224, 114469, "Sean_Penn", 6], [101224, 114470, "Sean_Penn", 7], [101224, 114471, "Sean_Penn", 8], [101224, 114472, "Sean_Penn", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21895, 26891, "History_of_Earth", 10]]], "all_evidence": [[21895, 26891, "History_of_Earth", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74699, 85927, "Nuuk", 0]]], "all_evidence": [[74699, 85927, "Nuuk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100442, 113733, "How_to_Train_Your_Dragon_2", 0]]], "all_evidence": [[100442, 113733, "How_to_Train_Your_Dragon_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240841, 242442, "Down_with_Love", 0]], [[240846, 242447, "Down_with_Love", 0]]], "all_evidence": [[240841, 242442, "Down_with_Love", 0], [240846, 242447, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70779, null, null, null]]], "all_evidence": [[70779, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228484, 232660, "Stripes_-LRB-film-RRB-", 0], [228484, 232660, "Bill_Murray", 1]], [[228488, 232665, "Stripes_-LRB-film-RRB-", 1]], [[228488, 232666, "Stripes_-LRB-film-RRB-", 0]], [[228488, 232667, "Stripes_-LRB-film-RRB-", 2]], [[228502, 232686, "Stripes_-LRB-film-RRB-", 0]], [[228502, 232687, "Stripes_-LRB-film-RRB-", 1]], [[228502, 232688, "Stripes_-LRB-film-RRB-", 2]], [[228503, 232689, "Stripes_-LRB-film-RRB-", 0]], [[228503, 232690, "Stripes_-LRB-film-RRB-", 1]], [[228503, 232691, "Stripes_-LRB-film-RRB-", 2]]], "all_evidence": [[228484, 232660, "Stripes_-LRB-film-RRB-", 0], [228484, 232660, "Bill_Murray", 1], [228488, 232665, "Stripes_-LRB-film-RRB-", 1], [228488, 232666, "Stripes_-LRB-film-RRB-", 0], [228488, 232667, "Stripes_-LRB-film-RRB-", 2], [228502, 232686, "Stripes_-LRB-film-RRB-", 0], [228502, 232687, "Stripes_-LRB-film-RRB-", 1], [228502, 232688, "Stripes_-LRB-film-RRB-", 2], [228503, 232689, "Stripes_-LRB-film-RRB-", 0], [228503, 232690, "Stripes_-LRB-film-RRB-", 1], [228503, 232691, "Stripes_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111456, null, null, null]]], "all_evidence": [[111456, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135177, 150102, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[135177, 150102, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146525, 161509, "University_of_Mississippi", 4]], [[146526, 161510, "University_of_Mississippi", 4]]], "all_evidence": [[146525, 161509, "University_of_Mississippi", 4], [146526, 161510, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129314, 144064, "The_Mighty_Ducks", 1], [129314, 144064, "The_Mighty_Ducks", 0]]], "all_evidence": [[129314, 144064, "The_Mighty_Ducks", 1], [129314, 144064, "The_Mighty_Ducks", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191998, 202760, "Johanna_Braddy", 3]], [[191998, 202761, "Johanna_Braddy", 4], [191998, 202761, "Quantico_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191998, 202760, "Johanna_Braddy", 3], [191998, 202761, "Johanna_Braddy", 4], [191998, 202761, "Quantico_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39795, 47878, "Martin_Van_Buren", 1]], [[39795, 47879, "Martin_Van_Buren", 12]], [[39795, 47880, "Martin_Van_Buren", 14]]], "all_evidence": [[39795, 47878, "Martin_Van_Buren", 1], [39795, 47879, "Martin_Van_Buren", 12], [39795, 47880, "Martin_Van_Buren", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69591, null, null, null]]], "all_evidence": [[69591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24705, 30504, "Michigan", 0]], [[24705, 30505, "Michigan", 2]], [[24705, 30506, "Michigan", 8], [24705, 30506, "U.S._state", 0]]], "all_evidence": [[24705, 30504, "Michigan", 0], [24705, 30505, "Michigan", 2], [24705, 30506, "Michigan", 8], [24705, 30506, "U.S._state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88176, 100777, "T2_Trainspotting", 0]]], "all_evidence": [[88176, 100777, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239618, null, null, null]]], "all_evidence": [[239618, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70457, 81325, "Penguin_Books", 2]]], "all_evidence": [[70457, 81325, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141494, 156682, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[141494, 156682, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181060, null, null, null]]], "all_evidence": [[181060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246592, 247071, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246592, 247071, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72335, null, null, null]]], "all_evidence": [[72335, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35296, null, null, null]]], "all_evidence": [[35296, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40228, null, null, null]]], "all_evidence": [[40228, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139388, 154425, "Trollhunters", 0]], [[141763, 157018, "Trollhunters", 0]], [[143760, 158844, "Trollhunters", 0]], [[311012, 301035, "Trollhunters", 0]], [[311014, 301036, "Trollhunters", 0]]], "all_evidence": [[139388, 154425, "Trollhunters", 0], [141763, 157018, "Trollhunters", 0], [143760, 158844, "Trollhunters", 0], [311012, 301035, "Trollhunters", 0], [311014, 301036, "Trollhunters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136787, null, null, null]]], "all_evidence": [[136787, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179384, 191948, "Sophia_Bush", 2]]], "all_evidence": [[179384, 191948, "Sophia_Bush", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86407, 98809, "Rupert_Murdoch", 3]]], "all_evidence": [[86407, 98809, "Rupert_Murdoch", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225914, null, null, null]]], "all_evidence": [[225914, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158355, 172972, "Gal_Gadot", 4]]], "all_evidence": [[158355, 172972, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147498, 162506, "Creedence_Clearwater_Revival", 0]], [[147498, 162507, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[147498, 162506, "Creedence_Clearwater_Revival", 0], [147498, 162507, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163863, null, null, null]]], "all_evidence": [[163863, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257328, null, null, null]]], "all_evidence": [[257328, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75530, null, null, null]]], "all_evidence": [[75530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27930, 34229, "CONCACAF_Champions_League", 0]]], "all_evidence": [[27930, 34229, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45968, 54909, "Mary_of_Teck", 12]]], "all_evidence": [[45968, 54909, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242086, 243569, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[242086, 243569, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62395, 73004, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[62395, 73004, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116198, null, null, null]]], "all_evidence": [[116198, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225592, 230229, "The_Cincinnati_Kid", 0]], [[225592, 230230, "The_Cincinnati_Kid", 6]], [[225592, 230231, "The_Cincinnati_Kid", 7]], [[225592, 230232, "The_Cincinnati_Kid", 8]], [[317993, 307002, "The_Cincinnati_Kid", 0]], [[318003, 307013, "The_Cincinnati_Kid", 0]], [[318003, 307014, "The_Cincinnati_Kid", 7]], [[318003, 307015, "The_Cincinnati_Kid", 6], [318003, 307015, "Steve_McQueen", 3]], [[318003, 307016, "The_Cincinnati_Kid", 8]], [[319660, 308351, "The_Cincinnati_Kid", 0]]], "all_evidence": [[225592, 230229, "The_Cincinnati_Kid", 0], [225592, 230230, "The_Cincinnati_Kid", 6], [225592, 230231, "The_Cincinnati_Kid", 7], [225592, 230232, "The_Cincinnati_Kid", 8], [317993, 307002, "The_Cincinnati_Kid", 0], [318003, 307013, "The_Cincinnati_Kid", 0], [318003, 307014, "The_Cincinnati_Kid", 7], [318003, 307015, "The_Cincinnati_Kid", 6], [318003, 307015, "Steve_McQueen", 3], [318003, 307016, "The_Cincinnati_Kid", 8], [319660, 308351, "The_Cincinnati_Kid", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241694, 243215, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241694, 243215, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146101, 161098, "Francis_I_of_France", 0]]], "all_evidence": [[146101, 161098, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43626, 52266, "Peking_University", 0]]], "all_evidence": [[43626, 52266, "Peking_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112209, 126031, "Lemmy", 2]]], "all_evidence": [[112209, 126031, "Lemmy", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144032, 159112, "Global_warming", 15]]], "all_evidence": [[144032, 159112, "Global_warming", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186097, 198005, "Baz_Luhrmann", 2]]], "all_evidence": [[186097, 198005, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196591, 206693, "Michael_Vick", 0]]], "all_evidence": [[196591, 206693, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91806, null, null, null]]], "all_evidence": [[91806, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27495, 33681, "Folklore", 1]]], "all_evidence": [[27495, 33681, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243125, 244403, "First_Motion_Picture_Unit", 1]]], "all_evidence": [[243125, 244403, "First_Motion_Picture_Unit", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157214, null, null, null]]], "all_evidence": [[157214, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110380, 123992, "Humphrey_Bogart", 16]]], "all_evidence": [[110380, 123992, "Humphrey_Bogart", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194120, 204527, "Rick_Yune", 2]]], "all_evidence": [[194120, 204527, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69615, 80448, "Trollhunters", 0]]], "all_evidence": [[69615, 80448, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71688, 82660, "Shane_McMahon", 14]], [[71688, 82661, "Shane_McMahon", 15]], [[71688, 82662, "Shane_McMahon", 16]]], "all_evidence": [[71688, 82660, "Shane_McMahon", 14], [71688, 82661, "Shane_McMahon", 15], [71688, 82662, "Shane_McMahon", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190486, null, null, null]]], "all_evidence": [[190486, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176273, 189211, "Angelsberg", 0]]], "all_evidence": [[176273, 189211, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213736, 220893, "Finding_Dory", 1]]], "all_evidence": [[213736, 220893, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259724, 258277, "Hanford_Site", 23]]], "all_evidence": [[259724, 258277, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159658, null, null, null]]], "all_evidence": [[159658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268064, 264717, "Kentucky", 11]]], "all_evidence": [[268064, 264717, "Kentucky", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99565, 112672, "Kelly_Preston", 3]]], "all_evidence": [[99565, 112672, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296583, 288392, "Kesha", 0]], [[298202, 289742, "Kesha", 0]], [[343462, 327240, "Kesha", 0]]], "all_evidence": [[296583, 288392, "Kesha", 0], [298202, 289742, "Kesha", 0], [343462, 327240, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96033, null, null, null]]], "all_evidence": [[96033, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150562, 165438, "Starrcade", 6]]], "all_evidence": [[150562, 165438, "Starrcade", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95944, 109020, "Veeru_Devgan", 0]]], "all_evidence": [[95944, 109020, "Veeru_Devgan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111977, 125794, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[111977, 125794, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91600, null, null, null]]], "all_evidence": [[91600, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246593, 247072, "Excuse_My_French_-LRB-album-RRB-", 0]], [[246601, 247082, "Excuse_My_French_-LRB-album-RRB-", 0], [246601, 247082, "French_Montana", 0]]], "all_evidence": [[246593, 247072, "Excuse_My_French_-LRB-album-RRB-", 0], [246601, 247082, "Excuse_My_French_-LRB-album-RRB-", 0], [246601, 247082, "French_Montana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50298, 59872, "Floppy_disk", 0]]], "all_evidence": [[50298, 59872, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183437, null, null, null]]], "all_evidence": [[183437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58468, 68752, "Horse", 2]]], "all_evidence": [[58468, 68752, "Horse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211586, 219253, "Forceps", 0]]], "all_evidence": [[211586, 219253, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250350, 250361, "The_Closer", 8]]], "all_evidence": [[250350, 250361, "The_Closer", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69661, null, null, null]]], "all_evidence": [[69661, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52443, 62408, "Mud_-LRB-2012_film-RRB-", 1], [52443, 62408, "Matthew_McConaughey", 0]], [[52443, 62409, "Mud_-LRB-2012_film-RRB-", 0]]], "all_evidence": [[52443, 62408, "Mud_-LRB-2012_film-RRB-", 1], [52443, 62408, "Matthew_McConaughey", 0], [52443, 62409, "Mud_-LRB-2012_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19745, 24278, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[19745, 24278, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80636, 92481, "Men_in_Black_II", 0]], [[80636, 92482, "Men_in_Black_II", 1]]], "all_evidence": [[80636, 92481, "Men_in_Black_II", 0], [80636, 92482, "Men_in_Black_II", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68877, 79690, "Mount_Rushmore", 1]]], "all_evidence": [[68877, 79690, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23825, null, null, null]]], "all_evidence": [[23825, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163426, null, null, null]]], "all_evidence": [[163426, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138518, 153575, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[138518, 153575, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122198, null, null, null]]], "all_evidence": [[122198, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239247, 241167, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239248, 241168, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239247, 241167, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239248, 241168, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166724, null, null, null]]], "all_evidence": [[166724, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218841, 225026, "Mani_Ratnam", 1]]], "all_evidence": [[218841, 225026, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109208, 122894, "Lincoln\u2013Douglas_debates", 14]]], "all_evidence": [[109208, 122894, "Lincoln\u2013Douglas_debates", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247268, 247587, "Easy_A", 0]]], "all_evidence": [[247268, 247587, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191665, 202483, "Anne_Rice", 0]], [[191676, 202493, "Anne_Rice", 0]], [[191677, 202494, "Anne_Rice", 0]]], "all_evidence": [[191665, 202483, "Anne_Rice", 0], [191676, 202493, "Anne_Rice", 0], [191677, 202494, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137531, 152427, "Camden,_New_Jersey", 0], [137531, 152427, "City", 0]], [[137531, 152428, "Camden,_New_Jersey", 2], [137531, 152428, "City", 0]], [[137531, 152429, "Camden,_New_Jersey", 26], [137531, 152429, "City", 0]], [[140147, 155157, "Camden,_New_Jersey", 0]], [[310819, 300830, "Camden,_New_Jersey", 0]]], "all_evidence": [[137531, 152427, "Camden,_New_Jersey", 0], [137531, 152427, "City", 0], [137531, 152428, "Camden,_New_Jersey", 2], [137531, 152428, "City", 0], [137531, 152429, "Camden,_New_Jersey", 26], [137531, 152429, "City", 0], [140147, 155157, "Camden,_New_Jersey", 0], [310819, 300830, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122139, null, null, null]]], "all_evidence": [[122139, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58142, 68354, "Bret_Easton_Ellis", 20]]], "all_evidence": [[58142, 68354, "Bret_Easton_Ellis", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60893, 71349, "Lincoln\u2013Douglas_debates", 22]], [[60893, 71350, "Lincoln\u2013Douglas_debates", 27], [60893, 71350, "Quincy,_Illinois", 0]]], "all_evidence": [[60893, 71349, "Lincoln\u2013Douglas_debates", 22], [60893, 71350, "Lincoln\u2013Douglas_debates", 27], [60893, 71350, "Quincy,_Illinois", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257101, 256149, "Homer_Hickam", 2]]], "all_evidence": [[257101, 256149, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141171, null, null, null], [141264, null, null, null]]], "all_evidence": [[141171, null, null, null], [141264, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110809, 124467, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [110809, 124467, "Park_Hae-jin", 0], [110809, 124467, "Park_Hae-jin", 1], [110809, 124467, "Kim_Go-eun", 0], [110809, 124467, "Kim_Go-eun", 1], [110809, 124467, "Kim_Go-eun", 7], [110809, 124467, "Seo_Kang-joon", 0], [110809, 124467, "Seo_Kang-joon", 1], [110809, 124467, "Lee_Sung-kyung", 0], [110809, 124467, "Lee_Sung-kyung", 1]]], "all_evidence": [[110809, 124467, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [110809, 124467, "Park_Hae-jin", 0], [110809, 124467, "Park_Hae-jin", 1], [110809, 124467, "Kim_Go-eun", 0], [110809, 124467, "Kim_Go-eun", 1], [110809, 124467, "Kim_Go-eun", 7], [110809, 124467, "Seo_Kang-joon", 0], [110809, 124467, "Seo_Kang-joon", 1], [110809, 124467, "Lee_Sung-kyung", 0], [110809, 124467, "Lee_Sung-kyung", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25084, null, null, null]]], "all_evidence": [[25084, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68605, 79468, "Chris_Kyle", 0]], [[68605, 79469, "Chris_Kyle", 8]]], "all_evidence": [[68605, 79468, "Chris_Kyle", 0], [68605, 79469, "Chris_Kyle", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241389, 242928, "Brad_Wilk", 4]]], "all_evidence": [[241389, 242928, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180009, 192537, "Janelle_Mona\u0301e", 0], [180009, 192537, "Atlantic_Records", 0]], [[180016, 192542, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[180009, 192537, "Janelle_Mona\u0301e", 0], [180009, 192537, "Atlantic_Records", 0], [180016, 192542, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160325, null, null, null]]], "all_evidence": [[160325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131161, 145916, "Winter's_Tale_-LRB-novel-RRB-", 0], [131161, 145916, "Mark_Helprin", 0]]], "all_evidence": [[131161, 145916, "Winter's_Tale_-LRB-novel-RRB-", 0], [131161, 145916, "Mark_Helprin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128971, null, null, null]]], "all_evidence": [[128971, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64320, null, null, null], [303480, null, null, null], [305334, null, null, null]]], "all_evidence": [[64320, null, null, null], [303480, null, null, null], [305334, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89860, 102560, "Aaron_Burr", 0]], [[89860, 102561, "Aaron_Burr", 4]], [[89860, 102562, "Aaron_Burr", 8]], [[89860, 102563, "Aaron_Burr", 5]], [[89860, 102564, "Aaron_Burr", 1]], [[89860, 102565, "Aaron_Burr", 9]], [[89860, 102566, "Aaron_Burr", 10]], [[89860, 102567, "Aaron_Burr", 14]], [[89860, 102568, "Aaron_Burr", 13]], [[89860, 102569, "Aaron_Burr", 15]], [[89860, 102570, "Aaron_Burr", 16]], [[89860, 102571, "Aaron_Burr", 17]], [[89860, 102572, "Aaron_Burr", 18]]], "all_evidence": [[89860, 102560, "Aaron_Burr", 0], [89860, 102561, "Aaron_Burr", 4], [89860, 102562, "Aaron_Burr", 8], [89860, 102563, "Aaron_Burr", 5], [89860, 102564, "Aaron_Burr", 1], [89860, 102565, "Aaron_Burr", 9], [89860, 102566, "Aaron_Burr", 10], [89860, 102567, "Aaron_Burr", 14], [89860, 102568, "Aaron_Burr", 13], [89860, 102569, "Aaron_Burr", 15], [89860, 102570, "Aaron_Burr", 16], [89860, 102571, "Aaron_Burr", 17], [89860, 102572, "Aaron_Burr", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43173, 51809, "Soyuz_-LRB-spacecraft-RRB-", 0]], [[43173, 51810, "Soyuz_-LRB-spacecraft-RRB-", 1]]], "all_evidence": [[43173, 51809, "Soyuz_-LRB-spacecraft-RRB-", 0], [43173, 51810, "Soyuz_-LRB-spacecraft-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207651, 215884, "Steve_Ditko", 3]]], "all_evidence": [[207651, 215884, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80298, 92095, "Rage_Against_the_Machine", 17]], [[80298, 92096, "Rage_Against_the_Machine", 18]]], "all_evidence": [[80298, 92095, "Rage_Against_the_Machine", 17], [80298, 92096, "Rage_Against_the_Machine", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213163, 220500, "Tata_Motors", 13]]], "all_evidence": [[213163, 220500, "Tata_Motors", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163728, 177966, "Vietnam", 0]], [[163728, 177967, "Vietnam", 1]], [[163728, 177968, "Vietnam", 2]], [[163728, 177969, "Vietnam", 3]], [[163728, 177970, "Vietnam", 6]], [[163728, 177971, "Vietnam", 7]], [[163728, 177972, "Vietnam", 8]], [[163728, 177973, "Vietnam", 9]], [[163728, 177974, "Vietnam", 10]], [[163728, 177975, "Vietnam", 12], [163728, 177975, "North_Vietnam", 0]], [[163728, 177976, "Vietnam", 11], [163728, 177976, "Vietnam_War", 0]]], "all_evidence": [[163728, 177966, "Vietnam", 0], [163728, 177967, "Vietnam", 1], [163728, 177968, "Vietnam", 2], [163728, 177969, "Vietnam", 3], [163728, 177970, "Vietnam", 6], [163728, 177971, "Vietnam", 7], [163728, 177972, "Vietnam", 8], [163728, 177973, "Vietnam", 9], [163728, 177974, "Vietnam", 10], [163728, 177975, "Vietnam", 12], [163728, 177975, "North_Vietnam", 0], [163728, 177976, "Vietnam", 11], [163728, 177976, "Vietnam_War", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255579, null, null, null]]], "all_evidence": [[255579, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181833, 194108, "Bhagat_Singh", 0]]], "all_evidence": [[181833, 194108, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51880, 61719, "Aparshakti_Khurana", 2], [51880, 61719, "Dangal_-LRB-film-RRB-", 0]]], "all_evidence": [[51880, 61719, "Aparshakti_Khurana", 2], [51880, 61719, "Dangal_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164151, null, null, null]]], "all_evidence": [[164151, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268399, 264989, "Danielle_Cormack", 0]], [[268399, 264990, "Danielle_Cormack", 1]], [[268399, 264991, "Danielle_Cormack", 2]], [[268399, 264992, "Danielle_Cormack", 4]], [[268399, 264993, "Danielle_Cormack", 3]]], "all_evidence": [[268399, 264989, "Danielle_Cormack", 0], [268399, 264990, "Danielle_Cormack", 1], [268399, 264991, "Danielle_Cormack", 2], [268399, 264992, "Danielle_Cormack", 4], [268399, 264993, "Danielle_Cormack", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175690, 188682, "Rob_Sheridan", 0]]], "all_evidence": [[175690, 188682, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40422, 48640, "David_Spade", 2]]], "all_evidence": [[40422, 48640, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44620, 53299, "Angela_Bassett", 0]], [[44620, 53300, "Angela_Bassett", 16]]], "all_evidence": [[44620, 53299, "Angela_Bassett", 0], [44620, 53300, "Angela_Bassett", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203378, 212410, "Artpop", 13]], [[203378, 212411, "Artpop", 15]]], "all_evidence": [[203378, 212410, "Artpop", 13], [203378, 212411, "Artpop", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247509, 247799, "Stadium_Arcadium", 6]], [[247509, 247800, "Stadium_Arcadium", 3], [247509, 247800, "Hump_de_Bump", 1]]], "all_evidence": [[247509, 247799, "Stadium_Arcadium", 6], [247509, 247800, "Stadium_Arcadium", 3], [247509, 247800, "Hump_de_Bump", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37343, 45240, "Margaret_Thatcher", 3]]], "all_evidence": [[37343, 45240, "Margaret_Thatcher", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50945, 60673, "Duff_McKagan", 11]], [[50945, 60674, "Duff_McKagan", 12]]], "all_evidence": [[50945, 60673, "Duff_McKagan", 11], [50945, 60674, "Duff_McKagan", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298811, null, null, null], [298818, null, null, null], [300893, null, null, null], [344864, null, null, null], [344866, null, null, null]]], "all_evidence": [[298811, null, null, null], [298818, null, null, null], [300893, null, null, null], [344864, null, null, null], [344866, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221832, null, null, null]]], "all_evidence": [[221832, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260670, 259007, "Valencia", 0]]], "all_evidence": [[260670, 259007, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190743, 201709, "Buffy_Summers", 3]]], "all_evidence": [[190743, 201709, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168888, 182601, "Make_It_or_Break_It", 9]]], "all_evidence": [[168888, 182601, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123990, 138327, "Speech_recognition", 0], [123990, 138327, "Interdisciplinarity", 5]]], "all_evidence": [[123990, 138327, "Speech_recognition", 0], [123990, 138327, "Interdisciplinarity", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22840, 28137, "San_Diego_Comic-Con", 1]]], "all_evidence": [[22840, 28137, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142277, 157476, "Fist_of_Legend", 0]]], "all_evidence": [[142277, 157476, "Fist_of_Legend", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122294, null, null, null]]], "all_evidence": [[122294, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63305, 74036, "Rachel_Green", 1]], [[63305, 74037, "Rachel_Green", 2], [63305, 74037, "Monica_Geller", 1]], [[63305, 74038, "Rachel_Green", 7]], [[63305, 74039, "Rachel_Green", 9]], [[63305, 74040, "Rachel_Green", 20]], [[63305, 74041, "Rachel_Green", 21]]], "all_evidence": [[63305, 74036, "Rachel_Green", 1], [63305, 74037, "Rachel_Green", 2], [63305, 74037, "Monica_Geller", 1], [63305, 74038, "Rachel_Green", 7], [63305, 74039, "Rachel_Green", 9], [63305, 74040, "Rachel_Green", 20], [63305, 74041, "Rachel_Green", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258719, 257480, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258719, 257480, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158177, null, null, null]]], "all_evidence": [[158177, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203191, null, null, null]]], "all_evidence": [[203191, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148202, null, null, null]]], "all_evidence": [[148202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242995, 244279, "St._Anger", 0]]], "all_evidence": [[242995, 244279, "St._Anger", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50248, null, null, null]]], "all_evidence": [[50248, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92388, 105143, "Lithuanians", 0]]], "all_evidence": [[92388, 105143, "Lithuanians", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175594, 188597, "Daag_-LRB-1973_film-RRB-", 0]]], "all_evidence": [[175594, 188597, "Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80336, null, null, null]]], "all_evidence": [[80336, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196586, 206690, "Michael_Vick", 0]]], "all_evidence": [[196586, 206690, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271164, 267100, "Giada_at_Home", 1]]], "all_evidence": [[271164, 267100, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86397, 98802, "Ashley_Cole", 0]]], "all_evidence": [[86397, 98802, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190008, null, null, null]]], "all_evidence": [[190008, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231467, null, null, null]]], "all_evidence": [[231467, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253624, null, null, null], [255318, null, null, null], [255788, null, null, null], [320034, null, null, null], [320919, null, null, null], [320923, null, null, null]]], "all_evidence": [[253624, null, null, null], [255318, null, null, null], [255788, null, null, null], [320034, null, null, null], [320919, null, null, null], [320923, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151854, 166616, "Rhythm_Nation", 23]]], "all_evidence": [[151854, 166616, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208601, null, null, null]]], "all_evidence": [[208601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15237, 18989, "Carlos_Santana", 0], [15237, 18989, "Carlos_Santana", 2], [15237, 18989, "Carlos_Santana", 3]]], "all_evidence": [[15237, 18989, "Carlos_Santana", 0], [15237, 18989, "Carlos_Santana", 2], [15237, 18989, "Carlos_Santana", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57982, 68216, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[57983, 68217, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[57982, 68216, "The_Gifted_-LRB-TV_series-RRB-", 0], [57983, 68217, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45143, null, null, null]]], "all_evidence": [[45143, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88042, 100582, "Annette_Badland", 1]], [[88060, 100594, "Annette_Badland", 1]]], "all_evidence": [[88042, 100582, "Annette_Badland", 1], [88060, 100594, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45737, null, null, null]]], "all_evidence": [[45737, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210307, 218078, "Southpaw_-LRB-film-RRB-", 0], [210307, 218078, "Sports_film", 0]], [[210322, 218091, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210307, 218078, "Southpaw_-LRB-film-RRB-", 0], [210307, 218078, "Sports_film", 0], [210322, 218091, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268482, null, null, null]]], "all_evidence": [[268482, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63139, null, null, null]]], "all_evidence": [[63139, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229597, 233519, "Albert_S._Ruddy", 0]]], "all_evidence": [[229597, 233519, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21215, 26068, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[21215, 26068, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199243, 208970, "Syracuse,_New_York", 2]], [[199244, 208971, "Syracuse,_New_York", 2]]], "all_evidence": [[199243, 208970, "Syracuse,_New_York", 2], [199244, 208971, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53591, null, null, null]]], "all_evidence": [[53591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104943, 118363, "Liverpool", 19]], [[108021, 121526, "Liverpool", 0], [108021, 121526, "North_West_England", 0]], [[109868, 123468, "Liverpool", 0]], [[109868, 123469, "Liverpool", 1]], [[308069, 298544, "Liverpool", 0], [308069, 298544, "North_West_England", 0]], [[309445, 299675, "Liverpool", 0], [309445, 299675, "North_West_England", 0], [309445, 299675, "England", 0], [309445, 299675, "United_Kingdom", 0]], [[309450, 299678, "Liverpool", 0]], [[309450, 299679, "Liverpool", 1]]], "all_evidence": [[104943, 118363, "Liverpool", 19], [108021, 121526, "Liverpool", 0], [108021, 121526, "North_West_England", 0], [109868, 123468, "Liverpool", 0], [109868, 123469, "Liverpool", 1], [308069, 298544, "Liverpool", 0], [308069, 298544, "North_West_England", 0], [309445, 299675, "Liverpool", 0], [309445, 299675, "North_West_England", 0], [309445, 299675, "England", 0], [309445, 299675, "United_Kingdom", 0], [309450, 299678, "Liverpool", 0], [309450, 299679, "Liverpool", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241383, 242926, "Brad_Wilk", 4]]], "all_evidence": [[241383, 242926, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26625, 32679, "The_Bassoon_King", 0]]], "all_evidence": [[26625, 32679, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140058, 155064, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[140058, 155064, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108648, 122327, "Ron_Weasley", 1]]], "all_evidence": [[108648, 122327, "Ron_Weasley", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67435, 78258, "Stephen_Hillenburg", 4]]], "all_evidence": [[67435, 78258, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54756, 64749, "Stephen_Colbert", 1]]], "all_evidence": [[54756, 64749, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24100, null, null, null]]], "all_evidence": [[24100, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34223, null, null, null]]], "all_evidence": [[34223, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21034, 25827, "Sidse_Babett_Knudsen", 0]], [[22733, 28037, "Sidse_Babett_Knudsen", 0]], [[23864, 29536, "Sidse_Babett_Knudsen", 0]], [[301526, 292625, "Sidse_Babett_Knudsen", 0]], [[302550, 293537, "Sidse_Babett_Knudsen", 0]], [[304469, 295281, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[21034, 25827, "Sidse_Babett_Knudsen", 0], [22733, 28037, "Sidse_Babett_Knudsen", 0], [23864, 29536, "Sidse_Babett_Knudsen", 0], [301526, 292625, "Sidse_Babett_Knudsen", 0], [302550, 293537, "Sidse_Babett_Knudsen", 0], [304469, 295281, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229598, null, null, null]]], "all_evidence": [[229598, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216107, null, null, null]]], "all_evidence": [[216107, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211602, null, null, null]]], "all_evidence": [[211602, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114578, null, null, null]]], "all_evidence": [[114578, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18907, 23152, "Horse", 3]]], "all_evidence": [[18907, 23152, "Horse", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67243, null, null, null]]], "all_evidence": [[67243, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270827, 266810, "New_Orleans_Pelicans", 1], [270827, 266810, "Western_Conference_-LRB-NBA-RRB-", 20], [270827, 266810, "Western_Conference_-LRB-NBA-RRB-", 21]]], "all_evidence": [[270827, 266810, "New_Orleans_Pelicans", 1], [270827, 266810, "Western_Conference_-LRB-NBA-RRB-", 20], [270827, 266810, "Western_Conference_-LRB-NBA-RRB-", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34465, 41793, "Quran", 0]], [[34465, 41794, "Quran", 2]], [[34465, 41795, "Quran", 1]], [[34465, 41796, "Quran", 18]]], "all_evidence": [[34465, 41793, "Quran", 0], [34465, 41794, "Quran", 2], [34465, 41795, "Quran", 1], [34465, 41796, "Quran", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229550, null, null, null]]], "all_evidence": [[229550, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165186, 179320, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[165186, 179320, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221646, null, null, null]]], "all_evidence": [[221646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66021, 76877, "Blue_Jasmine", 1]]], "all_evidence": [[66021, 76877, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170219, 183778, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[170219, 183778, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130355, null, null, null]]], "all_evidence": [[130355, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55197, null, null, null], [55199, null, null, null], [55201, null, null, null]]], "all_evidence": [[55197, null, null, null], [55199, null, null, null], [55201, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135965, 150798, "Bethany_Hamilton", 2], [135965, 150798, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[135965, 150798, "Bethany_Hamilton", 2], [135965, 150798, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228483, 232659, "Stripes_-LRB-film-RRB-", 1]], [[228489, 232668, "Stripes_-LRB-film-RRB-", 0], [228489, 232668, "Bill_Murray", 0]], [[228489, 232669, "Stripes_-LRB-film-RRB-", 1], [228489, 232669, "Conrad_Dunn", 0]], [[228489, 232670, "Stripes_-LRB-film-RRB-", 2], [228489, 232670, "Bill_Paxton", 0]], [[228578, 232746, "Stripes_-LRB-film-RRB-", 0], [228578, 232746, "Bill_Murray", 0], [228578, 232746, "Bill_Murray", 1], [228578, 232746, "Bill_Murray", 3], [228578, 232746, "Bill_Murray", 6], [228578, 232746, "Bill_Murray", 7], [228578, 232746, "Bill_Murray", 10], [228578, 232746, "Harold_Ramis", 0], [228578, 232746, "Harold_Ramis", 1], [228578, 232746, "Harold_Ramis", 2], [228578, 232746, "Harold_Ramis", 3], [228578, 232746, "Harold_Ramis", 4], [228578, 232746, "Harold_Ramis", 9], [228578, 232746, "Ivan_Reitman", 0], [228578, 232746, "Ivan_Reitman", 1], [228578, 232746, "John_Candy", 0], [228578, 232746, "John_Candy", 1], [228578, 232746, "John_Candy", 2], [228578, 232746, "John_Candy", 6], [228578, 232746, "P._J._Soles", 0], [228578, 232746, "P._J._Soles", 2], [228578, 232746, "Sean_Young", 0], [228578, 232746, "Warren_Oates", 0], [228578, 232746, "Warren_Oates", 1], [228578, 232746, "Warren_Oates", 2]], [[228578, 232747, "Stripes_-LRB-film-RRB-", 1], [228578, 232747, "Conrad_Dunn", 0], [228578, 232747, "Conrad_Dunn", 1], [228578, 232747, "Conrad_Dunn", 2], [228578, 232747, "Conrad_Dunn", 3], [228578, 232747, "Conrad_Dunn", 4], [228578, 232747, "Conrad_Dunn", 5], [228578, 232747, "John_Diehl", 0], [228578, 232747, "John_Diehl", 1], [228578, 232747, "John_Diehl", 4], [228578, 232747, "John_Diehl", 5], [228578, 232747, "John_Larroquette", 0], [228578, 232747, "John_Larroquette", 1], [228578, 232747, "John_Larroquette", 2], [228578, 232747, "Judge_Reinhold", 0]], [[228578, 232748, "Stripes_-LRB-film-RRB-", 2], [228578, 232748, "Bill_Paxton", 0], [228578, 232748, "Bill_Paxton", 2], [228578, 232748, "Bill_Paxton", 3], [228578, 232748, "Dave_Thomas_-LRB-actor-RRB-", 0], [228578, 232748, "Dave_Thomas_-LRB-actor-RRB-", 1], [228578, 232748, "Joe_Flaherty", 0], [228578, 232748, "Joe_Flaherty", 1], [228578, 232748, "Timothy_Busfield", 0], [228578, 232748, "Timothy_Busfield", 1], [228578, 232748, "Timothy_Busfield", 2], [228578, 232748, "Timothy_Busfield", 3]]], "all_evidence": [[228483, 232659, "Stripes_-LRB-film-RRB-", 1], [228489, 232668, "Stripes_-LRB-film-RRB-", 0], [228489, 232668, "Bill_Murray", 0], [228489, 232669, "Stripes_-LRB-film-RRB-", 1], [228489, 232669, "Conrad_Dunn", 0], [228489, 232670, "Stripes_-LRB-film-RRB-", 2], [228489, 232670, "Bill_Paxton", 0], [228578, 232746, "Stripes_-LRB-film-RRB-", 0], [228578, 232746, "Bill_Murray", 0], [228578, 232746, "Bill_Murray", 1], [228578, 232746, "Bill_Murray", 3], [228578, 232746, "Bill_Murray", 6], [228578, 232746, "Bill_Murray", 7], [228578, 232746, "Bill_Murray", 10], [228578, 232746, "Harold_Ramis", 0], [228578, 232746, "Harold_Ramis", 1], [228578, 232746, "Harold_Ramis", 2], [228578, 232746, "Harold_Ramis", 3], [228578, 232746, "Harold_Ramis", 4], [228578, 232746, "Harold_Ramis", 9], [228578, 232746, "Ivan_Reitman", 0], [228578, 232746, "Ivan_Reitman", 1], [228578, 232746, "John_Candy", 0], [228578, 232746, "John_Candy", 1], [228578, 232746, "John_Candy", 2], [228578, 232746, "John_Candy", 6], [228578, 232746, "P._J._Soles", 0], [228578, 232746, "P._J._Soles", 2], [228578, 232746, "Sean_Young", 0], [228578, 232746, "Warren_Oates", 0], [228578, 232746, "Warren_Oates", 1], [228578, 232746, "Warren_Oates", 2], [228578, 232747, "Stripes_-LRB-film-RRB-", 1], [228578, 232747, "Conrad_Dunn", 0], [228578, 232747, "Conrad_Dunn", 1], [228578, 232747, "Conrad_Dunn", 2], [228578, 232747, "Conrad_Dunn", 3], [228578, 232747, "Conrad_Dunn", 4], [228578, 232747, "Conrad_Dunn", 5], [228578, 232747, "John_Diehl", 0], [228578, 232747, "John_Diehl", 1], [228578, 232747, "John_Diehl", 4], [228578, 232747, "John_Diehl", 5], [228578, 232747, "John_Larroquette", 0], [228578, 232747, "John_Larroquette", 1], [228578, 232747, "John_Larroquette", 2], [228578, 232747, "Judge_Reinhold", 0], [228578, 232748, "Stripes_-LRB-film-RRB-", 2], [228578, 232748, "Bill_Paxton", 0], [228578, 232748, "Bill_Paxton", 2], [228578, 232748, "Bill_Paxton", 3], [228578, 232748, "Dave_Thomas_-LRB-actor-RRB-", 0], [228578, 232748, "Dave_Thomas_-LRB-actor-RRB-", 1], [228578, 232748, "Joe_Flaherty", 0], [228578, 232748, "Joe_Flaherty", 1], [228578, 232748, "Timothy_Busfield", 0], [228578, 232748, "Timothy_Busfield", 1], [228578, 232748, "Timothy_Busfield", 2], [228578, 232748, "Timothy_Busfield", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139783, 154783, "2016_Tour_de_France", 0]]], "all_evidence": [[139783, 154783, "2016_Tour_de_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36402, 43993, "Bad_Romance", 12]]], "all_evidence": [[36402, 43993, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161292, 175781, "Marjorie_Gross", 0]]], "all_evidence": [[161292, 175781, "Marjorie_Gross", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194828, 205184, "Manmohan_Singh", 1]]], "all_evidence": [[194828, 205184, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[291272, null, null, null], [293429, null, null, null], [337243, null, null, null]]], "all_evidence": [[291272, null, null, null], [293429, null, null, null], [337243, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144555, null, null, null]]], "all_evidence": [[144555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183971, 195951, "Dan_O'Bannon", 0]], [[183972, 195952, "Dan_O'Bannon", 0]], [[183975, 195954, "Dan_O'Bannon", 0]]], "all_evidence": [[183971, 195951, "Dan_O'Bannon", 0], [183972, 195952, "Dan_O'Bannon", 0], [183975, 195954, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269619, null, null, null]]], "all_evidence": [[269619, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129958, 144661, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[129958, 144661, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155813, null, null, null]]], "all_evidence": [[155813, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181787, 194036, "Martin_Van_Buren", 1]], [[181787, 194037, "Martin_Van_Buren", 12]]], "all_evidence": [[181787, 194036, "Martin_Van_Buren", 1], [181787, 194037, "Martin_Van_Buren", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124774, 139114, "Tim_McGraw", 13]]], "all_evidence": [[124774, 139114, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111799, 125622, "Gal_Gadot", 4]]], "all_evidence": [[111799, 125622, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87269, 99771, "Ashton_Kutcher", 8], [87269, 99771, "What_Happens_in_Vegas", 0]]], "all_evidence": [[87269, 99771, "Ashton_Kutcher", 8], [87269, 99771, "What_Happens_in_Vegas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127015, 141515, "Eva_Green", 2]], [[127015, 141517, "Eva_Green", 1]]], "all_evidence": [[127015, 141515, "Eva_Green", 2], [127015, 141517, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34164, 41438, "I_Kissed_a_Girl", 0]]], "all_evidence": [[34164, 41438, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223872, null, null, null]]], "all_evidence": [[223872, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214284, null, null, null]]], "all_evidence": [[214284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268053, 264711, "Kentucky", 11]]], "all_evidence": [[268053, 264711, "Kentucky", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188656, 200114, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188656, 200114, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173300, 186559, "Paramore", 0]]], "all_evidence": [[173300, 186559, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185750, null, null, null]]], "all_evidence": [[185750, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98887, 111975, "The_Good_Wife", 13]]], "all_evidence": [[98887, 111975, "The_Good_Wife", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255591, null, null, null]]], "all_evidence": [[255591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238546, 240543, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]], [[238546, 240544, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 6]], [[238546, 240545, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 7]], [[238546, 240546, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 8]], [[238546, 240547, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 9], [238546, 240547, "Academy_Awards", 0]]], "all_evidence": [[238546, 240543, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0], [238546, 240544, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 6], [238546, 240545, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 7], [238546, 240546, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 8], [238546, 240547, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 9], [238546, 240547, "Academy_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227777, 232138, "Tilda_Swinton", 0]]], "all_evidence": [[227777, 232138, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162278, null, null, null]]], "all_evidence": [[162278, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154307, 169069, "Basildon", 0]]], "all_evidence": [[154307, 169069, "Basildon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239922, 241602, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239922, 241602, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42847, 51473, "In_the_End", 6]]], "all_evidence": [[42847, 51473, "In_the_End", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275010, null, null, null], [277663, null, null, null], [277664, null, null, null], [324083, null, null, null], [324085, null, null, null]]], "all_evidence": [[275010, null, null, null], [277663, null, null, null], [277664, null, null, null], [324083, null, null, null], [324085, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152645, null, null, null]]], "all_evidence": [[152645, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150171, null, null, null]]], "all_evidence": [[150171, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115491, 129346, "Peking_University", 1]]], "all_evidence": [[115491, 129346, "Peking_University", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48912, null, null, null]]], "all_evidence": [[48912, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[283952, 277882, "Basildon", 0]], [[285045, 278765, "Basildon", 0]], [[329750, 316468, "Basildon", 0]], [[329763, 316473, "Basildon", 0]], [[329763, 316474, "Basildon", 3], [329763, 316474, "Central_London", 0]], [[329763, 316475, "Basildon", 4], [329763, 316475, "Billericay", 0]], [[329763, 316476, "Basildon", 5], [329763, 316476, "Pitsea", 0]], [[329763, 316477, "Basildon", 6], [329763, 316477, "Borough_of_Basildon", 0]], [[329763, 316478, "Basildon", 9]], [[329763, 316479, "Basildon", 13], [329763, 316479, "Central_London", 0]]], "all_evidence": [[283952, 277882, "Basildon", 0], [285045, 278765, "Basildon", 0], [329750, 316468, "Basildon", 0], [329763, 316473, "Basildon", 0], [329763, 316474, "Basildon", 3], [329763, 316474, "Central_London", 0], [329763, 316475, "Basildon", 4], [329763, 316475, "Billericay", 0], [329763, 316476, "Basildon", 5], [329763, 316476, "Pitsea", 0], [329763, 316477, "Basildon", 6], [329763, 316477, "Borough_of_Basildon", 0], [329763, 316478, "Basildon", 9], [329763, 316479, "Basildon", 13], [329763, 316479, "Central_London", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31425, 38137, "Riverdale_-LRB-2017_TV_series-RRB-", 2]], [[31425, 38138, "Riverdale_-LRB-2017_TV_series-RRB-", 0]], [[31425, 38139, "Riverdale_-LRB-2017_TV_series-RRB-", 6]]], "all_evidence": [[31425, 38137, "Riverdale_-LRB-2017_TV_series-RRB-", 2], [31425, 38138, "Riverdale_-LRB-2017_TV_series-RRB-", 0], [31425, 38139, "Riverdale_-LRB-2017_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181056, 193350, "Poldark_-LRB-2015_TV_series-RRB-", 6]]], "all_evidence": [[181056, 193350, "Poldark_-LRB-2015_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32758, null, null, null]]], "all_evidence": [[32758, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135232, 150151, "Qui-Gon_Jinn", 0]]], "all_evidence": [[135232, 150151, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214288, 221370, "Kenneth_Lonergan", 0], [214288, 221370, "Pacific_Rim_-LRB-film-RRB-", 0]]], "all_evidence": [[214288, 221370, "Kenneth_Lonergan", 0], [214288, 221370, "Pacific_Rim_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194711, 205084, "Middle-earth", 0]]], "all_evidence": [[194711, 205084, "Middle-earth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102622, null, null, null]]], "all_evidence": [[102622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72313, 83336, "Saxony", 0]], [[72313, 83337, "Saxony", 4]]], "all_evidence": [[72313, 83336, "Saxony", 0], [72313, 83337, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292885, 285563, "Jose\u0301_Ferrer", 0]], [[292888, 285564, "Jose\u0301_Ferrer", 0]], [[292888, 285565, "Jose\u0301_Ferrer", 4]], [[295480, 287593, "Jose\u0301_Ferrer", 0]], [[341024, 325488, "Jose\u0301_Ferrer", 0]], [[341024, 325489, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[292885, 285563, "Jose\u0301_Ferrer", 0], [292888, 285564, "Jose\u0301_Ferrer", 0], [292888, 285565, "Jose\u0301_Ferrer", 4], [295480, 287593, "Jose\u0301_Ferrer", 0], [341024, 325488, "Jose\u0301_Ferrer", 0], [341024, 325489, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[252356, null, null, null]]], "all_evidence": [[252356, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71653, 82637, "House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[71653, 82637, "House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169002, 182688, "Ingushetia", 5]]], "all_evidence": [[169002, 182688, "Ingushetia", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214300, null, null, null]]], "all_evidence": [[214300, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205351, 213954, "Dub_music", 0]]], "all_evidence": [[205351, 213954, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185746, 197515, "French_Indochina", 3]]], "all_evidence": [[185746, 197515, "French_Indochina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269609, null, null, null]]], "all_evidence": [[269609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101314, 114548, "Mud_-LRB-2012_film-RRB-", 1], [101314, 114548, "Tye_Sheridan", 0], [101314, 114548, "Matthew_McConaughey", 0], [101314, 114548, "Jacob_Lofland", 0], [101314, 114548, "Sam_Shepard", 0], [101314, 114548, "Reese_Witherspoon", 0]]], "all_evidence": [[101314, 114548, "Mud_-LRB-2012_film-RRB-", 1], [101314, 114548, "Tye_Sheridan", 0], [101314, 114548, "Matthew_McConaughey", 0], [101314, 114548, "Jacob_Lofland", 0], [101314, 114548, "Sam_Shepard", 0], [101314, 114548, "Reese_Witherspoon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212204, null, null, null]]], "all_evidence": [[212204, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137417, 152301, "Renato_Balestra", 3]]], "all_evidence": [[137417, 152301, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193382, null, null, null]]], "all_evidence": [[193382, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231442, 234943, "Diwali", 2]]], "all_evidence": [[231442, 234943, "Diwali", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191670, 202487, "Anne_Rice", 5]]], "all_evidence": [[191670, 202487, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153283, 168034, "West_Ham_United_F.C.", 0]]], "all_evidence": [[153283, 168034, "West_Ham_United_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132089, null, null, null], [310621, null, null, null]]], "all_evidence": [[132089, null, null, null], [310621, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176578, null, null, null]]], "all_evidence": [[176578, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110630, 124282, "James_Jones_-LRB-basketball_player-RRB-", 17]]], "all_evidence": [[110630, 124282, "James_Jones_-LRB-basketball_player-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194713, 205086, "Middle-earth", 0]], [[194713, 205087, "Middle-earth", 10]]], "all_evidence": [[194713, 205086, "Middle-earth", 0], [194713, 205087, "Middle-earth", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290375, 283414, "Sandra_Bullock", 17]], [[291736, 284635, "Sandra_Bullock", 17]], [[293832, 286254, "Sandra_Bullock", 17]], [[338329, 323531, "Sandra_Bullock", 17]], [[338337, 323537, "Sandra_Bullock", 17]], [[338361, 323555, "Sandra_Bullock", 17]]], "all_evidence": [[290375, 283414, "Sandra_Bullock", 17], [291736, 284635, "Sandra_Bullock", 17], [293832, 286254, "Sandra_Bullock", 17], [338329, 323531, "Sandra_Bullock", 17], [338337, 323537, "Sandra_Bullock", 17], [338361, 323555, "Sandra_Bullock", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30658, null, null, null]]], "all_evidence": [[30658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225778, 230361, "The_Millers", 4]]], "all_evidence": [[225778, 230361, "The_Millers", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161821, 176242, "Star_Trek-COLON-_Discovery", 0]], [[161821, 176243, "Star_Trek-COLON-_Discovery", 1]], [[161821, 176244, "Star_Trek-COLON-_Discovery", 6], [161821, 176244, "Sonequa_Martin-Green", 3]]], "all_evidence": [[161821, 176242, "Star_Trek-COLON-_Discovery", 0], [161821, 176243, "Star_Trek-COLON-_Discovery", 1], [161821, 176244, "Star_Trek-COLON-_Discovery", 6], [161821, 176244, "Sonequa_Martin-Green", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76023, 87315, "Rhythm_Nation", 23]]], "all_evidence": [[76023, 87315, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62799, 73448, "Carlos_Santana", 0]], [[62799, 73449, "Carlos_Santana", 4], [62799, 73449, "Santana_-LRB-band-RRB-", 0]]], "all_evidence": [[62799, 73448, "Carlos_Santana", 0], [62799, 73449, "Carlos_Santana", 4], [62799, 73449, "Santana_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223854, 228775, "Yandex", 9]]], "all_evidence": [[223854, 228775, "Yandex", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229592, null, null, null]]], "all_evidence": [[229592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132499, null, null, null]]], "all_evidence": [[132499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67148, 77944, "Pharrell_Williams", 4]]], "all_evidence": [[67148, 77944, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141230, 156433, "Yara_Shahidi", 0]], [[141230, 156434, "Yara_Shahidi", 1]]], "all_evidence": [[141230, 156433, "Yara_Shahidi", 0], [141230, 156434, "Yara_Shahidi", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39164, 47161, "Miranda_Otto", 1]]], "all_evidence": [[39164, 47161, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19885, 24429, "English_people", 6]]], "all_evidence": [[19885, 24429, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52615, 62574, "Noah_Cyrus", 4]], [[52620, 62578, "Noah_Cyrus", 4]]], "all_evidence": [[52615, 62574, "Noah_Cyrus", 4], [52620, 62578, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96727, 109880, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[96727, 109880, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82756, 94605, "Carlos_Santana", 0]]], "all_evidence": [[82756, 94605, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228779, 232897, "Albert_S._Ruddy", 0]]], "all_evidence": [[228779, 232897, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255479, 254931, "Private_Lives", 0]]], "all_evidence": [[255479, 254931, "Private_Lives", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258112, null, null, null]]], "all_evidence": [[258112, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154768, 169531, "Trevor_Griffiths", 0], [154768, 169531, "Ancoats", 0]]], "all_evidence": [[154768, 169531, "Trevor_Griffiths", 0], [154768, 169531, "Ancoats", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223451, 228453, "Jackpot_-LRB-2013_film-RRB-", 1]], [[227116, 231524, "Jackpot_-LRB-2013_film-RRB-", 1]], [[229865, 233692, "Jackpot_-LRB-2013_film-RRB-", 1]], [[318088, 307061, "Jackpot_-LRB-2013_film-RRB-", 1]], [[318089, 307062, "Jackpot_-LRB-2013_film-RRB-", 1]], [[318096, 307067, "Jackpot_-LRB-2013_film-RRB-", 1]]], "all_evidence": [[223451, 228453, "Jackpot_-LRB-2013_film-RRB-", 1], [227116, 231524, "Jackpot_-LRB-2013_film-RRB-", 1], [229865, 233692, "Jackpot_-LRB-2013_film-RRB-", 1], [318088, 307061, "Jackpot_-LRB-2013_film-RRB-", 1], [318089, 307062, "Jackpot_-LRB-2013_film-RRB-", 1], [318096, 307067, "Jackpot_-LRB-2013_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210870, null, null, null]]], "all_evidence": [[210870, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238991, null, null, null]]], "all_evidence": [[238991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264395, 261857, "Brubaker", 0]]], "all_evidence": [[264395, 261857, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230048, 233805, "Jeong_Hyeong-don", 0]], [[230049, 233806, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230048, 233805, "Jeong_Hyeong-don", 0], [230049, 233806, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93625, null, null, null]]], "all_evidence": [[93625, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251504, 251346, "Miracle_at_St._Anna", 2], [251504, 251346, "Tuscany", 0]]], "all_evidence": [[251504, 251346, "Miracle_at_St._Anna", 2], [251504, 251346, "Tuscany", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266025, 263128, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266025, 263128, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137077, 151904, "Black_Canary", 0]]], "all_evidence": [[137077, 151904, "Black_Canary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228747, 232856, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228747, 232857, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228752, 232862, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228752, 232863, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1]], [[228752, 232864, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228752, 232865, "Girl_-LRB-Pharrell_Williams_album-RRB-", 8]], [[228752, 232866, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9]], [[228752, 232867, "Girl_-LRB-Pharrell_Williams_album-RRB-", 11]], [[228757, 232871, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228757, 232872, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1]], [[228757, 232873, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228757, 232874, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9]], [[228757, 232875, "Girl_-LRB-Pharrell_Williams_album-RRB-", 11]]], "all_evidence": [[228747, 232856, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228747, 232857, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228752, 232862, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228752, 232863, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1], [228752, 232864, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228752, 232865, "Girl_-LRB-Pharrell_Williams_album-RRB-", 8], [228752, 232866, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228752, 232867, "Girl_-LRB-Pharrell_Williams_album-RRB-", 11], [228757, 232871, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228757, 232872, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1], [228757, 232873, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228757, 232874, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228757, 232875, "Girl_-LRB-Pharrell_Williams_album-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149501, 164467, "Jackpot_-LRB-2013_film-RRB-", 1]]], "all_evidence": [[149501, 164467, "Jackpot_-LRB-2013_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162075, null, null, null]]], "all_evidence": [[162075, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76311, null, null, null]]], "all_evidence": [[76311, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144004, 159079, "Craig_David", 5]]], "all_evidence": [[144004, 159079, "Craig_David", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116790, 130677, "Stanley_Williams", 0]]], "all_evidence": [[116790, 130677, "Stanley_Williams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238514, 240515, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238514, 240515, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255551, 254985, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255551, 254985, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59407, 69791, "Ingushetia", 5], [59407, 69791, "Chechen-Ingush_Autonomous_Soviet_Socialist_Republic", 0]]], "all_evidence": [[59407, 69791, "Ingushetia", 5], [59407, 69791, "Chechen-Ingush_Autonomous_Soviet_Socialist_Republic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42126, null, null, null]]], "all_evidence": [[42126, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258106, null, null, null]]], "all_evidence": [[258106, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227660, null, null, null]]], "all_evidence": [[227660, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289803, null, null, null], [291193, null, null, null], [293334, null, null, null], [337030, null, null, null], [337042, null, null, null]]], "all_evidence": [[289803, null, null, null], [291193, null, null, null], [293334, null, null, null], [337030, null, null, null], [337042, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191493, 202338, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191493, 202338, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159593, 174090, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[159593, 174090, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239896, 241583, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239896, 241583, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230041, 233800, "Jeong_Hyeong-don", 0]], [[230042, 233801, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230041, 233800, "Jeong_Hyeong-don", 0], [230042, 233801, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296487, 288322, "Edgar_Wright", 0]], [[296488, 288323, "Edgar_Wright", 0]], [[298090, 289645, "Edgar_Wright", 0]], [[343372, 327181, "Edgar_Wright", 0]], [[343438, 327223, "Edgar_Wright", 0]]], "all_evidence": [[296487, 288322, "Edgar_Wright", 0], [296488, 288323, "Edgar_Wright", 0], [298090, 289645, "Edgar_Wright", 0], [343372, 327181, "Edgar_Wright", 0], [343438, 327223, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99928, null, null, null]]], "all_evidence": [[99928, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153715, 168571, "Bones_-LRB-TV_series-RRB-", 0]], [[153715, 168572, "Bones_-LRB-TV_series-RRB-", 5]], [[153715, 168573, "Bones_-LRB-TV_series-RRB-", 1]], [[153715, 168574, "Bones_-LRB-TV_series-RRB-", 12]]], "all_evidence": [[153715, 168571, "Bones_-LRB-TV_series-RRB-", 0], [153715, 168572, "Bones_-LRB-TV_series-RRB-", 5], [153715, 168573, "Bones_-LRB-TV_series-RRB-", 1], [153715, 168574, "Bones_-LRB-TV_series-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116943, 130838, "Civilization_IV", 12]]], "all_evidence": [[116943, 130838, "Civilization_IV", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81301, null, null, null]]], "all_evidence": [[81301, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245095, null, null, null]]], "all_evidence": [[245095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45972, 54913, "Match_Point", 0]]], "all_evidence": [[45972, 54913, "Match_Point", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25456, 31383, "Billie_Joe_Armstrong", 4]], [[300016, 291327, "Billie_Joe_Armstrong", 4]]], "all_evidence": [[25456, 31383, "Billie_Joe_Armstrong", 4], [300016, 291327, "Billie_Joe_Armstrong", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30300, null, null, null]]], "all_evidence": [[30300, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270842, 266822, "New_Orleans_Pelicans", 1]]], "all_evidence": [[270842, 266822, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259612, 258176, "French_Resistance", 6]]], "all_evidence": [[259612, 258176, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35929, 43482, "Rob_Sheridan", 0]]], "all_evidence": [[35929, 43482, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211415, null, null, null]]], "all_evidence": [[211415, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232011, null, null, null]]], "all_evidence": [[232011, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68717, null, null, null]]], "all_evidence": [[68717, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233065, null, null, null]]], "all_evidence": [[233065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138525, 153581, "Lincoln\u2013Douglas_debates", 12]], [[138525, 153582, "Lincoln\u2013Douglas_debates", 14]], [[138525, 153583, "Lincoln\u2013Douglas_debates", 16]], [[138525, 153584, "Lincoln\u2013Douglas_debates", 18]], [[138525, 153585, "Lincoln\u2013Douglas_debates", 22]], [[138525, 153586, "Lincoln\u2013Douglas_debates", 24]], [[138525, 153587, "Lincoln\u2013Douglas_debates", 20]]], "all_evidence": [[138525, 153581, "Lincoln\u2013Douglas_debates", 12], [138525, 153582, "Lincoln\u2013Douglas_debates", 14], [138525, 153583, "Lincoln\u2013Douglas_debates", 16], [138525, 153584, "Lincoln\u2013Douglas_debates", 18], [138525, 153585, "Lincoln\u2013Douglas_debates", 22], [138525, 153586, "Lincoln\u2013Douglas_debates", 24], [138525, 153587, "Lincoln\u2013Douglas_debates", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65060, 75937, "Eva_Green", 1]]], "all_evidence": [[65060, 75937, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89033, 101705, "Republic_of_Macedonia", 2]], [[89033, 101706, "Republic_of_Macedonia", 6]]], "all_evidence": [[89033, 101705, "Republic_of_Macedonia", 2], [89033, 101706, "Republic_of_Macedonia", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157120, 171674, "Tim_McGraw", 13], [157120, 171674, "The_Blind_Side_-LRB-film-RRB-", 0]]], "all_evidence": [[157120, 171674, "Tim_McGraw", 13], [157120, 171674, "The_Blind_Side_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148296, 163307, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[148296, 163307, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268402, 264996, "Danielle_Cormack", 0]]], "all_evidence": [[268402, 264996, "Danielle_Cormack", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132961, 147851, "Floppy_disk", 0]]], "all_evidence": [[132961, 147851, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59964, 70372, "Seohyun", 0]]], "all_evidence": [[59964, 70372, "Seohyun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37730, 45662, "Morse_code", 16]]], "all_evidence": [[37730, 45662, "Morse_code", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180051, null, null, null]]], "all_evidence": [[180051, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216062, null, null, null], [216073, null, null, null]]], "all_evidence": [[216062, null, null, null], [216073, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123389, 137838, "The_Daily_Show", 0]], [[123389, 137839, "The_Daily_Show", 2]]], "all_evidence": [[123389, 137838, "The_Daily_Show", 0], [123389, 137839, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100307, 113569, "Jose\u0301_Ferrer", 0]]], "all_evidence": [[100307, 113569, "Jose\u0301_Ferrer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198057, 208000, "Dave_Gibbons", 0]]], "all_evidence": [[198057, 208000, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217680, 224171, "Asylum_Records", 0]]], "all_evidence": [[217680, 224171, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296477, 288314, "Dan_O'Bannon", 0]], [[298092, 289646, "Dan_O'Bannon", 0]], [[300217, 291471, "Dan_O'Bannon", 0]], [[343219, 327040, "Dan_O'Bannon", 0]], [[343228, 327053, "Dan_O'Bannon", 0]]], "all_evidence": [[296477, 288314, "Dan_O'Bannon", 0], [298092, 289646, "Dan_O'Bannon", 0], [300217, 291471, "Dan_O'Bannon", 0], [343219, 327040, "Dan_O'Bannon", 0], [343228, 327053, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54210, null, null, null]]], "all_evidence": [[54210, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52436, null, null, null]]], "all_evidence": [[52436, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183425, 195425, "Guatemala", 16]]], "all_evidence": [[183425, 195425, "Guatemala", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88437, null, null, null]]], "all_evidence": [[88437, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99674, null, null, null]]], "all_evidence": [[99674, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140068, null, null, null]]], "all_evidence": [[140068, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211386, 219106, "Don_Hall_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[211386, 219106, "Don_Hall_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49192, 58517, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[49192, 58517, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202992, 212120, "Christian_Gottlob_Neefe", 0], [202992, 212120, "Composer", 0]]], "all_evidence": [[202992, 212120, "Christian_Gottlob_Neefe", 0], [202992, 212120, "Composer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114969, 128677, "DNA_-LRB-Little_Mix_album-RRB-", 0]], [[114969, 128678, "DNA_-LRB-Little_Mix_album-RRB-", 3]], [[114969, 128679, "DNA_-LRB-Little_Mix_album-RRB-", 4]], [[114969, 128680, "DNA_-LRB-Little_Mix_album-RRB-", 17]]], "all_evidence": [[114969, 128677, "DNA_-LRB-Little_Mix_album-RRB-", 0], [114969, 128678, "DNA_-LRB-Little_Mix_album-RRB-", 3], [114969, 128679, "DNA_-LRB-Little_Mix_album-RRB-", 4], [114969, 128680, "DNA_-LRB-Little_Mix_album-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214251, 221327, "Kenneth_Lonergan", 0]]], "all_evidence": [[214251, 221327, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52678, 62640, "Vietnam", 0]], [[52678, 62641, "Vietnam", 1]]], "all_evidence": [[52678, 62640, "Vietnam", 0], [52678, 62641, "Vietnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55655, 65697, "Lou_Gehrig", 0]], [[55655, 65698, "Lou_Gehrig", 15]]], "all_evidence": [[55655, 65697, "Lou_Gehrig", 0], [55655, 65698, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66434, 77280, "Daag_-LRB-1973_film-RRB-", 0]]], "all_evidence": [[66434, 77280, "Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123679, 138088, "Croatia", 21]]], "all_evidence": [[123679, 138088, "Croatia", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243825, null, null, null], [246288, null, null, null], [319289, null, null, null], [320459, null, null, null], [320460, null, null, null]]], "all_evidence": [[243825, null, null, null], [246288, null, null, null], [319289, null, null, null], [320459, null, null, null], [320460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174485, 187686, "Nestor_Carbonell", 1]]], "all_evidence": [[174485, 187686, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113878, null, null, null]]], "all_evidence": [[113878, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166107, 180042, "Augustus", 10]], [[166107, 180043, "Augustus", 41]]], "all_evidence": [[166107, 180042, "Augustus", 10], [166107, 180043, "Augustus", 41]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96255, 109400, "Byron_Howard", 1], [96255, 109400, "Bolt_-LRB-2008_film-RRB-", 0]], [[96255, 109401, "Byron_Howard", 2], [96255, 109401, "Zootopia", 2], [96255, 109401, "Zootopia", 0]]], "all_evidence": [[96255, 109400, "Byron_Howard", 1], [96255, 109400, "Bolt_-LRB-2008_film-RRB-", 0], [96255, 109401, "Byron_Howard", 2], [96255, 109401, "Zootopia", 2], [96255, 109401, "Zootopia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180259, 192788, "The_Bahamas", 0], [180259, 192788, "Lucayan_Archipelago", 0]], [[182019, 194302, "The_Bahamas", 0]], [[314190, 303614, "The_Bahamas", 0], [314190, 303614, "Archipelagic_state", 0]]], "all_evidence": [[180259, 192788, "The_Bahamas", 0], [180259, 192788, "Lucayan_Archipelago", 0], [182019, 194302, "The_Bahamas", 0], [314190, 303614, "The_Bahamas", 0], [314190, 303614, "Archipelagic_state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161860, 176284, "Janet_Leigh", 0]]], "all_evidence": [[161860, 176284, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91805, 104603, "Sora_-LRB-Kingdom_Hearts-RRB-", 1]], [[91805, 104604, "Sora_-LRB-Kingdom_Hearts-RRB-", 3]], [[91805, 104605, "Sora_-LRB-Kingdom_Hearts-RRB-", 6]], [[91805, 104606, "Sora_-LRB-Kingdom_Hearts-RRB-", 7]], [[91805, 104607, "Sora_-LRB-Kingdom_Hearts-RRB-", 10]]], "all_evidence": [[91805, 104603, "Sora_-LRB-Kingdom_Hearts-RRB-", 1], [91805, 104604, "Sora_-LRB-Kingdom_Hearts-RRB-", 3], [91805, 104605, "Sora_-LRB-Kingdom_Hearts-RRB-", 6], [91805, 104606, "Sora_-LRB-Kingdom_Hearts-RRB-", 7], [91805, 104607, "Sora_-LRB-Kingdom_Hearts-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13776, 17249, "Stanley_Williams", 0]], [[13776, 17250, "Stanley_Williams", 1]], [[13785, 17271, "Stanley_Williams", 0], [13785, 17271, "Conviction", 0]]], "all_evidence": [[13776, 17249, "Stanley_Williams", 0], [13776, 17250, "Stanley_Williams", 1], [13785, 17271, "Stanley_Williams", 0], [13785, 17271, "Conviction", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20581, 25207, "Sleipnir", 0]]], "all_evidence": [[20581, 25207, "Sleipnir", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104372, null, null, null]]], "all_evidence": [[104372, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[294711, 286932, "X-Men-COLON-_Apocalypse", 2]], [[339263, 324270, "X-Men-COLON-_Apocalypse", 6]], [[339271, 324278, "X-Men-COLON-_Apocalypse", 2]], [[339402, 324373, "X-Men-COLON-_Apocalypse", 2]], [[339407, 324383, "X-Men-COLON-_Apocalypse", 2]]], "all_evidence": [[294711, 286932, "X-Men-COLON-_Apocalypse", 2], [339263, 324270, "X-Men-COLON-_Apocalypse", 6], [339271, 324278, "X-Men-COLON-_Apocalypse", 2], [339402, 324373, "X-Men-COLON-_Apocalypse", 2], [339407, 324383, "X-Men-COLON-_Apocalypse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26150, null, null, null]]], "all_evidence": [[26150, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32190, null, null, null], [32204, null, null, null]]], "all_evidence": [[32190, null, null, null], [32204, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196617, null, null, null]]], "all_evidence": [[196617, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111471, 125126, "XHamster", 6], [111471, 125126, "The_Sex_Factor", 0]]], "all_evidence": [[111471, 125126, "XHamster", 6], [111471, 125126, "The_Sex_Factor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124202, 138547, "Kelly_Preston", 3]]], "all_evidence": [[124202, 138547, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72662, null, null, null]]], "all_evidence": [[72662, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156277, null, null, null]]], "all_evidence": [[156277, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225792, null, null, null]]], "all_evidence": [[225792, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47906, null, null, null]]], "all_evidence": [[47906, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225916, 230489, "Roland_Emmerich", 3]]], "all_evidence": [[225916, 230489, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80132, 91927, "Mary_of_Teck", 12]]], "all_evidence": [[80132, 91927, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203716, null, null, null]]], "all_evidence": [[203716, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54748, 64742, "Highway_to_Heaven", 0]]], "all_evidence": [[54748, 64742, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179342, 191887, "Beaverton,_Oregon", 0]], [[179342, 191888, "Beaverton,_Oregon", 4]]], "all_evidence": [[179342, 191887, "Beaverton,_Oregon", 0], [179342, 191888, "Beaverton,_Oregon", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250362, null, null, null]]], "all_evidence": [[250362, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149838, 164765, "Duane_Chapman", 0]]], "all_evidence": [[149838, 164765, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115349, 129180, "Tool_-LRB-band-RRB-", 0]]], "all_evidence": [[115349, 129180, "Tool_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48775, 58091, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[48775, 58091, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272432, null, null, null]]], "all_evidence": [[272432, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[343714, 327428, "Baz_Luhrmann", 2]], [[343714, 327429, "Baz_Luhrmann", 0]]], "all_evidence": [[343714, 327428, "Baz_Luhrmann", 2], [343714, 327429, "Baz_Luhrmann", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[281353, 275764, "Rachel_Green", 0]], [[281353, 275765, "Rachel_Green", 1]], [[281354, 275766, "Rachel_Green", 0]], [[281354, 275767, "Rachel_Green", 1]]], "all_evidence": [[281353, 275764, "Rachel_Green", 0], [281353, 275765, "Rachel_Green", 1], [281354, 275766, "Rachel_Green", 0], [281354, 275767, "Rachel_Green", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116465, null, null, null]]], "all_evidence": [[116465, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67575, null, null, null]]], "all_evidence": [[67575, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138846, null, null, null]]], "all_evidence": [[138846, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23036, 28378, "Harold_Macmillan", 0]]], "all_evidence": [[23036, 28378, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140215, 155235, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[140215, 155236, "Marvel_vs._Capcom-COLON-_Infinite", 11]]], "all_evidence": [[140215, 155235, "Marvel_vs._Capcom-COLON-_Infinite", 1], [140215, 155236, "Marvel_vs._Capcom-COLON-_Infinite", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29002, 35378, "Murda_Beatz", 0]]], "all_evidence": [[29002, 35378, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282931, 277051, "The_Mighty_Ducks", 1]], [[284838, 278562, "The_Mighty_Ducks", 1]], [[285571, 279187, "The_Mighty_Ducks", 1]], [[331348, 317846, "The_Mighty_Ducks", 1]], [[332213, 318605, "The_Mighty_Ducks", 1]]], "all_evidence": [[282931, 277051, "The_Mighty_Ducks", 1], [284838, 278562, "The_Mighty_Ducks", 1], [285571, 279187, "The_Mighty_Ducks", 1], [331348, 317846, "The_Mighty_Ducks", 1], [332213, 318605, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221650, null, null, null]]], "all_evidence": [[221650, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53256, 63228, "The_Bahamas", 0]]], "all_evidence": [[53256, 63228, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84002, 96126, "Henry_II_of_France", 0]], [[84002, 96127, "Henry_II_of_France", 13], [84002, 96127, "Italian_War_of_1551\u201359", 0]]], "all_evidence": [[84002, 96126, "Henry_II_of_France", 0], [84002, 96127, "Henry_II_of_France", 13], [84002, 96127, "Italian_War_of_1551\u201359", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72355, 83415, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[72355, 83415, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123133, null, null, null]]], "all_evidence": [[123133, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104583, null, null, null], [104613, null, null, null]]], "all_evidence": [[104583, null, null, null], [104613, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210338, 218101, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210338, 218101, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223855, 228776, "Yandex", 0]]], "all_evidence": [[223855, 228776, "Yandex", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28100, 34396, "Penguin_Books", 2]]], "all_evidence": [[28100, 34396, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239611, 241391, "Polynesian_languages", 6]], [[239612, 241392, "Polynesian_languages", 6]], [[239627, 241403, "Polynesian_languages", 5], [239627, 241403, "Polynesian_languages", 6]]], "all_evidence": [[239611, 241391, "Polynesian_languages", 6], [239612, 241392, "Polynesian_languages", 6], [239627, 241403, "Polynesian_languages", 5], [239627, 241403, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81987, null, null, null]]], "all_evidence": [[81987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81938, 93727, "14th_Dalai_Lama", 10]]], "all_evidence": [[81938, 93727, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98512, null, null, null], [100696, null, null, null], [307711, null, null, null]]], "all_evidence": [[98512, null, null, null], [100696, null, null, null], [307711, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190061, 201191, "Andrew_Kevin_Walker", 1]], [[195995, 206141, "Andrew_Kevin_Walker", 0]], [[314977, 304254, "Andrew_Kevin_Walker", 0]], [[314977, 304255, "Andrew_Kevin_Walker", 1]], [[314980, 304257, "Andrew_Kevin_Walker", 0]], [[314981, 304258, "Andrew_Kevin_Walker", 0]], [[314981, 304259, "Andrew_Kevin_Walker", 1]]], "all_evidence": [[190061, 201191, "Andrew_Kevin_Walker", 1], [195995, 206141, "Andrew_Kevin_Walker", 0], [314977, 304254, "Andrew_Kevin_Walker", 0], [314977, 304255, "Andrew_Kevin_Walker", 1], [314980, 304257, "Andrew_Kevin_Walker", 0], [314981, 304258, "Andrew_Kevin_Walker", 0], [314981, 304259, "Andrew_Kevin_Walker", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135867, 150705, "Beaverton,_Oregon", 9]]], "all_evidence": [[135867, 150705, "Beaverton,_Oregon", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227048, 231471, "Bea_Arthur", 0]]], "all_evidence": [[227048, 231471, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120820, 135125, "Henry_II_of_France", 13]]], "all_evidence": [[120820, 135125, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149798, null, null, null]]], "all_evidence": [[149798, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234508, null, null, null]]], "all_evidence": [[234508, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84231, null, null, null]]], "all_evidence": [[84231, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292631, 285378, "Hush_-LRB-2016_film-RRB-", 2]], [[294639, 286882, "Hush_-LRB-2016_film-RRB-", 2]], [[295224, 287371, "Hush_-LRB-2016_film-RRB-", 0]], [[340497, 325131, "Hush_-LRB-2016_film-RRB-", 2]], [[340760, 325327, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[292631, 285378, "Hush_-LRB-2016_film-RRB-", 2], [294639, 286882, "Hush_-LRB-2016_film-RRB-", 2], [295224, 287371, "Hush_-LRB-2016_film-RRB-", 0], [340497, 325131, "Hush_-LRB-2016_film-RRB-", 2], [340760, 325327, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29302, 35747, "Tatum_O'Neal", 6]]], "all_evidence": [[29302, 35747, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210909, 218555, "Mogadishu", 0]], [[210909, 218556, "Mogadishu", 1]], [[210909, 218557, "Mogadishu", 5]], [[210910, 218558, "Mogadishu", 0]], [[210910, 218559, "Mogadishu", 1]], [[210910, 218560, "Mogadishu", 5]]], "all_evidence": [[210909, 218555, "Mogadishu", 0], [210909, 218556, "Mogadishu", 1], [210909, 218557, "Mogadishu", 5], [210910, 218558, "Mogadishu", 0], [210910, 218559, "Mogadishu", 1], [210910, 218560, "Mogadishu", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291416, 284347, "I_Kissed_a_Girl", 0]], [[293542, 286044, "I_Kissed_a_Girl", 0]], [[337541, 322904, "I_Kissed_a_Girl", 0]], [[337545, 322907, "I_Kissed_a_Girl", 0]], [[337546, 322908, "I_Kissed_a_Girl", 0]], [[337553, 322919, "I_Kissed_a_Girl", 0]]], "all_evidence": [[291416, 284347, "I_Kissed_a_Girl", 0], [293542, 286044, "I_Kissed_a_Girl", 0], [337541, 322904, "I_Kissed_a_Girl", 0], [337545, 322907, "I_Kissed_a_Girl", 0], [337546, 322908, "I_Kissed_a_Girl", 0], [337553, 322919, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77078, null, null, null]]], "all_evidence": [[77078, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26494, 32528, "Prescott,_Arizona", 0]]], "all_evidence": [[26494, 32528, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56690, 66913, "L.A._Reid", 1]]], "all_evidence": [[56690, 66913, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266038, 263140, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266038, 263140, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118526, 132379, "Saw_-LRB-franchise-RRB-", 8]]], "all_evidence": [[118526, 132379, "Saw_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228739, null, null, null]]], "all_evidence": [[228739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182566, 194779, "Bessie_Smith", 0]], [[182567, 194780, "Bessie_Smith", 0]]], "all_evidence": [[182566, 194779, "Bessie_Smith", 0], [182567, 194780, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147272, 162266, "Chile", 0]]], "all_evidence": [[147272, 162266, "Chile", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145507, 160518, "Sidse_Babett_Knudsen", 0]], [[148496, 163512, "Sidse_Babett_Knudsen", 0]], [[311317, 301327, "Sidse_Babett_Knudsen", 0]], [[312904, 302631, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[145507, 160518, "Sidse_Babett_Knudsen", 0], [148496, 163512, "Sidse_Babett_Knudsen", 0], [311317, 301327, "Sidse_Babett_Knudsen", 0], [312904, 302631, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103209, null, null, null]]], "all_evidence": [[103209, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123027, 137304, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[123027, 137304, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143823, 158895, "Stan_Beeman", 0]], [[143823, 158896, "Stan_Beeman", 1], [143823, 158896, "Noah_Emmerich", 2]], [[143823, 158897, "Stan_Beeman", 2], [143823, 158897, "Elizabeth_Jennings_-LRB-The_Americans-RRB-", 0]]], "all_evidence": [[143823, 158895, "Stan_Beeman", 0], [143823, 158896, "Stan_Beeman", 1], [143823, 158896, "Noah_Emmerich", 2], [143823, 158897, "Stan_Beeman", 2], [143823, 158897, "Elizabeth_Jennings_-LRB-The_Americans-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25098, null, null, null], [250564, null, null, null], [299845, null, null, null]]], "all_evidence": [[25098, null, null, null], [250564, null, null, null], [299845, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177727, null, null, null], [179928, null, null, null], [181612, null, null, null]]], "all_evidence": [[177727, null, null, null], [179928, null, null, null], [181612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155072, 169778, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[155072, 169778, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25457, 31384, "Kuching", 0]]], "all_evidence": [[25457, 31384, "Kuching", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246629, 247101, "Excuse_My_French_-LRB-album-RRB-", 0]], [[246638, 247109, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246629, 247101, "Excuse_My_French_-LRB-album-RRB-", 0], [246638, 247109, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137229, 152054, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[137229, 152054, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251698, 251511, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251698, 251511, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103688, null, null, null]]], "all_evidence": [[103688, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271139, 267081, "Giada_at_Home", 1]]], "all_evidence": [[271139, 267081, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81326, null, null, null]]], "all_evidence": [[81326, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245467, null, null, null]]], "all_evidence": [[245467, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28774, null, null, null]]], "all_evidence": [[28774, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151907, null, null, null]]], "all_evidence": [[151907, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239914, 241597, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239914, 241597, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283439, null, null, null], [287594, null, null, null], [332461, null, null, null]]], "all_evidence": [[283439, null, null, null], [287594, null, null, null], [332461, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228800, 232909, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228800, 232910, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228800, 232911, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228800, 232911, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]], [[228800, 232912, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [228800, 232912, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 0], [228800, 232912, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 2]], [[228800, 232913, "Girl_-LRB-Pharrell_Williams_album-RRB-", 12], [228800, 232913, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]]], "all_evidence": [[228800, 232909, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228800, 232910, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228800, 232911, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228800, 232911, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0], [228800, 232912, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [228800, 232912, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 0], [228800, 232912, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 2], [228800, 232913, "Girl_-LRB-Pharrell_Williams_album-RRB-", 12], [228800, 232913, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232005, null, null, null]]], "all_evidence": [[232005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15316, 19103, "David_Packouz", 0]]], "all_evidence": [[15316, 19103, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197410, 207456, "Lalla_Ward", 0]]], "all_evidence": [[197410, 207456, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79674, 91418, "Rachel_Green", 1]], [[79674, 91419, "Rachel_Green", 4], [79674, 91419, "List_of_Friends_characters", 0]], [[79674, 91420, "Rachel_Green", 2], [79674, 91420, "Monica_Geller", 1]], [[79674, 91421, "Rachel_Green", 9], [79674, 91421, "Friends", 0]], [[79674, 91422, "Rachel_Green", 13], [79674, 91422, "Friends_-LRB-season_10-RRB-", 0]]], "all_evidence": [[79674, 91418, "Rachel_Green", 1], [79674, 91419, "Rachel_Green", 4], [79674, 91419, "List_of_Friends_characters", 0], [79674, 91420, "Rachel_Green", 2], [79674, 91420, "Monica_Geller", 1], [79674, 91421, "Rachel_Green", 9], [79674, 91421, "Friends", 0], [79674, 91422, "Rachel_Green", 13], [79674, 91422, "Friends_-LRB-season_10-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50060, 59582, "Wish_Upon", 0]]], "all_evidence": [[50060, 59582, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75724, 86984, "Pearl_Jam", 8]], [[75724, 86985, "Pearl_Jam", 13]], [[75724, 86986, "Pearl_Jam", 14]]], "all_evidence": [[75724, 86984, "Pearl_Jam", 8], [75724, 86985, "Pearl_Jam", 13], [75724, 86986, "Pearl_Jam", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160718, 175255, "John_Krasinski", 1]]], "all_evidence": [[160718, 175255, "John_Krasinski", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258108, 256980, "Monk", 0], [258108, 256980, "Asceticism", 0]]], "all_evidence": [[258108, 256980, "Monk", 0], [258108, 256980, "Asceticism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156640, 171237, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[156640, 171237, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86331, 98737, "YouTube", 15]]], "all_evidence": [[86331, 98737, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119446, 133454, "Ingushetia", 5]]], "all_evidence": [[119446, 133454, "Ingushetia", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182691, null, null, null]]], "all_evidence": [[182691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81748, 93518, "Bloods", 1], [81748, 93518, "Bloods", 0]]], "all_evidence": [[81748, 93518, "Bloods", 1], [81748, 93518, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101557, 114788, "Yara_Shahidi", 0]]], "all_evidence": [[101557, 114788, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63852, 74573, "Ashley_Cole", 0]]], "all_evidence": [[63852, 74573, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71829, 82829, "Topman", 0]], [[71829, 82830, "Topman", 1]], [[71829, 82831, "Topman", 3]]], "all_evidence": [[71829, 82829, "Topman", 0], [71829, 82830, "Topman", 1], [71829, 82831, "Topman", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127758, 142413, "Blade_Runner_2049", 0]], [[127758, 142414, "Blade_Runner_2049", 1], [127758, 142414, "Blade_Runner", 0]], [[127758, 142415, "Blade_Runner_2049", 2]], [[127758, 142416, "Blade_Runner_2049", 4]]], "all_evidence": [[127758, 142413, "Blade_Runner_2049", 0], [127758, 142414, "Blade_Runner_2049", 1], [127758, 142414, "Blade_Runner", 0], [127758, 142415, "Blade_Runner_2049", 2], [127758, 142416, "Blade_Runner_2049", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143810, 158887, "Chrysler_Building", 1]]], "all_evidence": [[143810, 158887, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172468, null, null, null]]], "all_evidence": [[172468, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282885, null, null, null], [282888, null, null, null], [284801, null, null, null], [332193, null, null, null]]], "all_evidence": [[282885, null, null, null], [282888, null, null, null], [284801, null, null, null], [332193, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189739, null, null, null], [189742, null, null, null]]], "all_evidence": [[189739, null, null, null], [189742, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76095, null, null, null]]], "all_evidence": [[76095, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30043, null, null, null]]], "all_evidence": [[30043, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260497, null, null, null], [260530, null, null, null]]], "all_evidence": [[260497, null, null, null], [260530, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164154, null, null, null]]], "all_evidence": [[164154, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179468, 192044, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [179468, 192044, "Rock_Band_3", 0]]], "all_evidence": [[179468, 192044, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [179468, 192044, "Rock_Band_3", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121301, null, null, null]]], "all_evidence": [[121301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190752, 201716, "Alice_Cooper", 0]]], "all_evidence": [[190752, 201716, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203321, null, null, null]]], "all_evidence": [[203321, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34768, 42152, "Horse", 3]]], "all_evidence": [[34768, 42152, "Horse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104520, 117940, "Juventus_F.C.", 1], [104520, 117940, "Juventus_Stadium", 0]]], "all_evidence": [[104520, 117940, "Juventus_F.C.", 1], [104520, 117940, "Juventus_Stadium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176557, 189509, "Margaret_Thatcher", 0], [176557, 189509, "Leader_of_the_Conservative_Party_-LRB-UK-RRB-", 0]]], "all_evidence": [[176557, 189509, "Margaret_Thatcher", 0], [176557, 189509, "Leader_of_the_Conservative_Party_-LRB-UK-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164322, null, null, null]]], "all_evidence": [[164322, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163973, 178227, "Uranium-235", 6]]], "all_evidence": [[163973, 178227, "Uranium-235", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124462, null, null, null]]], "all_evidence": [[124462, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37117, 44816, "Kuching", 0]], [[37117, 44817, "Kuching", 15]], [[37117, 44818, "Kuching", 2], [37117, 44818, "Sarawak_River", 0]], [[37117, 44819, "Kuching", 20]], [[37117, 44820, "Kuching", 21]], [[37117, 44821, "Kuching", 1], [37117, 44821, "Kuching_Division", 0]], [[37117, 44822, "Kuching", 16]], [[37117, 44823, "Kuching", 19], [37117, 44823, "Sarawak", 0], [37117, 44823, "Sarawak", 2]]], "all_evidence": [[37117, 44816, "Kuching", 0], [37117, 44817, "Kuching", 15], [37117, 44818, "Kuching", 2], [37117, 44818, "Sarawak_River", 0], [37117, 44819, "Kuching", 20], [37117, 44820, "Kuching", 21], [37117, 44821, "Kuching", 1], [37117, 44821, "Kuching_Division", 0], [37117, 44822, "Kuching", 16], [37117, 44823, "Kuching", 19], [37117, 44823, "Sarawak", 0], [37117, 44823, "Sarawak", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85053, 97334, "Pharrell_Williams", 4]]], "all_evidence": [[85053, 97334, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72828, 83912, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[72828, 83912, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30582, null, null, null]]], "all_evidence": [[30582, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265423, null, null, null], [321671, null, null, null]]], "all_evidence": [[265423, null, null, null], [321671, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135842, null, null, null]]], "all_evidence": [[135842, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260716, 259037, "Valencia", 0]]], "all_evidence": [[260716, 259037, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27295, 33438, "Global_warming", 15]]], "all_evidence": [[27295, 33438, "Global_warming", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199936, 209576, "Anne_Sullivan", 0]]], "all_evidence": [[199936, 209576, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239218, null, null, null], [239221, null, null, null]]], "all_evidence": [[239218, null, null, null], [239221, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178526, 191108, "AMGTV", 0]]], "all_evidence": [[178526, 191108, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201141, 210595, "The_Endless_River", 0]]], "all_evidence": [[201141, 210595, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76124, 87421, "Angelsberg", 0]]], "all_evidence": [[76124, 87421, "Angelsberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186113, null, null, null]]], "all_evidence": [[186113, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199129, 208803, "Entourage_-LRB-film-RRB-", 0]], [[199129, 208804, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199129, 208803, "Entourage_-LRB-film-RRB-", 0], [199129, 208804, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223837, null, null, null]]], "all_evidence": [[223837, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64019, 74724, "Luke_Cage", 6], [64019, 74724, "Luke_Cage", 7]]], "all_evidence": [[64019, 74724, "Luke_Cage", 6], [64019, 74724, "Luke_Cage", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157752, 172345, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[157752, 172345, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64862, 75719, "The_dress", 0]]], "all_evidence": [[64862, 75719, "The_dress", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229583, 233504, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[229583, 233504, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118034, 131892, "Damon_Albarn", 17]]], "all_evidence": [[118034, 131892, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89665, null, null, null]]], "all_evidence": [[89665, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198064, 208006, "Dave_Gibbons", 2], [198064, 208006, "2000_AD_-LRB-comics-RRB-", 0]]], "all_evidence": [[198064, 208006, "Dave_Gibbons", 2], [198064, 208006, "2000_AD_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74761, null, null, null]]], "all_evidence": [[74761, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118617, 132469, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[118617, 132469, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114350, null, null, null]]], "all_evidence": [[114350, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63848, null, null, null], [63849, null, null, null]]], "all_evidence": [[63848, null, null, null], [63849, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244333, 245360, "Matthew_Gray_Gubler", 0]], [[244333, 245361, "Matthew_Gray_Gubler", 1]], [[244333, 245362, "Matthew_Gray_Gubler", 2]], [[246834, 247273, "Matthew_Gray_Gubler", 0]], [[246834, 247274, "Matthew_Gray_Gubler", 1]], [[246834, 247275, "Matthew_Gray_Gubler", 2]], [[247514, 247803, "Matthew_Gray_Gubler", 0]], [[319372, 308091, "Matthew_Gray_Gubler", 0]], [[320546, 309103, "Matthew_Gray_Gubler", 0]], [[320546, 309104, "Matthew_Gray_Gubler", 1]], [[320546, 309105, "Matthew_Gray_Gubler", 2]], [[320547, 309106, "Matthew_Gray_Gubler", 0]], [[320547, 309107, "Matthew_Gray_Gubler", 1]], [[320547, 309108, "Matthew_Gray_Gubler", 2]]], "all_evidence": [[244333, 245360, "Matthew_Gray_Gubler", 0], [244333, 245361, "Matthew_Gray_Gubler", 1], [244333, 245362, "Matthew_Gray_Gubler", 2], [246834, 247273, "Matthew_Gray_Gubler", 0], [246834, 247274, "Matthew_Gray_Gubler", 1], [246834, 247275, "Matthew_Gray_Gubler", 2], [247514, 247803, "Matthew_Gray_Gubler", 0], [319372, 308091, "Matthew_Gray_Gubler", 0], [320546, 309103, "Matthew_Gray_Gubler", 0], [320546, 309104, "Matthew_Gray_Gubler", 1], [320546, 309105, "Matthew_Gray_Gubler", 2], [320547, 309106, "Matthew_Gray_Gubler", 0], [320547, 309107, "Matthew_Gray_Gubler", 1], [320547, 309108, "Matthew_Gray_Gubler", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165698, 179711, "Scotty_Moore", 0]]], "all_evidence": [[165698, 179711, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160879, null, null, null]]], "all_evidence": [[160879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227035, 231462, "Bea_Arthur", 0]], [[227036, 231463, "Bea_Arthur", 0]]], "all_evidence": [[227035, 231462, "Bea_Arthur", 0], [227036, 231463, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235722, null, null, null]]], "all_evidence": [[235722, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196587, null, null, null]]], "all_evidence": [[196587, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230047, null, null, null]]], "all_evidence": [[230047, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228548, null, null, null]]], "all_evidence": [[228548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89836, 102541, "Bloods", 1], [89836, 102541, "Crips", 4]]], "all_evidence": [[89836, 102541, "Bloods", 1], [89836, 102541, "Crips", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243006, 244291, "St._Anger", 0]], [[243006, 244292, "St._Anger", 18], [243006, 244292, "St._Anger_-LRB-song-RRB-", 1]]], "all_evidence": [[243006, 244291, "St._Anger", 0], [243006, 244292, "St._Anger", 18], [243006, 244292, "St._Anger_-LRB-song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89988, null, null, null]]], "all_evidence": [[89988, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186115, null, null, null]]], "all_evidence": [[186115, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126734, 141177, "Make_It_or_Break_It", 0]]], "all_evidence": [[126734, 141177, "Make_It_or_Break_It", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148508, null, null, null]]], "all_evidence": [[148508, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169499, 183127, "Raees_-LRB-film-RRB-", 1], [169499, 183127, "Shah_Rukh_Khan", 0]]], "all_evidence": [[169499, 183127, "Raees_-LRB-film-RRB-", 1], [169499, 183127, "Shah_Rukh_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80404, 92238, "Neil_Diamond", 0]]], "all_evidence": [[80404, 92238, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212190, null, null, null]]], "all_evidence": [[212190, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222214, 227597, "Oscar_De_La_Hoya", 0]], [[222214, 227598, "Oscar_De_La_Hoya", 8]]], "all_evidence": [[222214, 227597, "Oscar_De_La_Hoya", 0], [222214, 227598, "Oscar_De_La_Hoya", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21441, 26335, "State_of_Palestine", 1]]], "all_evidence": [[21441, 26335, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96588, 109748, "Rob_Sheridan", 0]]], "all_evidence": [[96588, 109748, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98032, null, null, null]]], "all_evidence": [[98032, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128007, 142693, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[128007, 142693, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73797, 85041, "Colin_Kaepernick", 5], [73797, 85041, "2012_San_Francisco_49ers_season", 0]]], "all_evidence": [[73797, 85041, "Colin_Kaepernick", 5], [73797, 85041, "2012_San_Francisco_49ers_season", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82739, null, null, null]]], "all_evidence": [[82739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235595, 238206, "Natural_Born_Killers", 5]]], "all_evidence": [[235595, 238206, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42829, 51461, "Tottenham_Hotspur_F.C.", 7]]], "all_evidence": [[42829, 51461, "Tottenham_Hotspur_F.C.", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176815, null, null, null]]], "all_evidence": [[176815, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166142, 180079, "Qui-Gon_Jinn", 0]]], "all_evidence": [[166142, 180079, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191472, 202327, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191472, 202327, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115151, 128927, "Fred_Armisen", 0]]], "all_evidence": [[115151, 128927, "Fred_Armisen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[297084, 288773, "Philip_Glass", 0]], [[297084, 288774, "Philip_Glass", 1]], [[297084, 288775, "Philip_Glass", 4]], [[297084, 288776, "Philip_Glass", 9]], [[298767, 290175, "Philip_Glass", 0]], [[298767, 290176, "Philip_Glass", 1]], [[298767, 290177, "Philip_Glass", 4]], [[298767, 290178, "Philip_Glass", 5]], [[298767, 290179, "Philip_Glass", 9]], [[298767, 290180, "Philip_Glass", 10]], [[300848, 291930, "Philip_Glass", 4]], [[300848, 291931, "Philip_Glass", 10]], [[300848, 291932, "Philip_Glass", 9]], [[344698, 328157, "Philip_Glass", 0]], [[344698, 328158, "Philip_Glass", 1]], [[344698, 328159, "Philip_Glass", 4]], [[344698, 328160, "Philip_Glass", 5]], [[344698, 328161, "Philip_Glass", 8]], [[344698, 328162, "Philip_Glass", 9]], [[344698, 328163, "Philip_Glass", 10]], [[344699, 328164, "Philip_Glass", 1]], [[344702, 328165, "Philip_Glass", 4]], [[344704, 328166, "Philip_Glass", 0]], [[344704, 328167, "Philip_Glass", 1]], [[344704, 328168, "Philip_Glass", 4]], [[344704, 328169, "Philip_Glass", 5]]], "all_evidence": [[297084, 288773, "Philip_Glass", 0], [297084, 288774, "Philip_Glass", 1], [297084, 288775, "Philip_Glass", 4], [297084, 288776, "Philip_Glass", 9], [298767, 290175, "Philip_Glass", 0], [298767, 290176, "Philip_Glass", 1], [298767, 290177, "Philip_Glass", 4], [298767, 290178, "Philip_Glass", 5], [298767, 290179, "Philip_Glass", 9], [298767, 290180, "Philip_Glass", 10], [300848, 291930, "Philip_Glass", 4], [300848, 291931, "Philip_Glass", 10], [300848, 291932, "Philip_Glass", 9], [344698, 328157, "Philip_Glass", 0], [344698, 328158, "Philip_Glass", 1], [344698, 328159, "Philip_Glass", 4], [344698, 328160, "Philip_Glass", 5], [344698, 328161, "Philip_Glass", 8], [344698, 328162, "Philip_Glass", 9], [344698, 328163, "Philip_Glass", 10], [344699, 328164, "Philip_Glass", 1], [344702, 328165, "Philip_Glass", 4], [344704, 328166, "Philip_Glass", 0], [344704, 328167, "Philip_Glass", 1], [344704, 328168, "Philip_Glass", 4], [344704, 328169, "Philip_Glass", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120176, 134353, "Battle_of_France", 0]]], "all_evidence": [[120176, 134353, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257098, 256147, "Homer_Hickam", 2]]], "all_evidence": [[257098, 256147, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92769, 105634, "Connie_Nielsen", 0]]], "all_evidence": [[92769, 105634, "Connie_Nielsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170617, 184157, "Vietnam", 1]]], "all_evidence": [[170617, 184157, "Vietnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107125, 120500, "Miranda_Otto", 1]]], "all_evidence": [[107125, 120500, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46314, null, null, null]]], "all_evidence": [[46314, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279609, null, null, null], [281295, null, null, null], [283449, null, null, null]]], "all_evidence": [[279609, null, null, null], [281295, null, null, null], [283449, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232783, null, null, null]]], "all_evidence": [[232783, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208605, 216603, "Wentworth_Miller", 2]]], "all_evidence": [[208605, 216603, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61931, 72414, "Seohyun", 0]], [[61931, 72415, "Seohyun", 2]], [[61931, 72416, "Seohyun", 3]]], "all_evidence": [[61931, 72414, "Seohyun", 0], [61931, 72415, "Seohyun", 2], [61931, 72416, "Seohyun", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232781, null, null, null]]], "all_evidence": [[232781, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126611, 141008, "Ed_Wood_-LRB-film-RRB-", 1]], [[128020, 142720, "Ed_Wood_-LRB-film-RRB-", 1]], [[130071, 144814, "Ed_Wood_-LRB-film-RRB-", 1]], [[308939, 299223, "Ed_Wood_-LRB-film-RRB-", 1]], [[310593, 300639, "Ed_Wood_-LRB-film-RRB-", 1]]], "all_evidence": [[126611, 141008, "Ed_Wood_-LRB-film-RRB-", 1], [128020, 142720, "Ed_Wood_-LRB-film-RRB-", 1], [130071, 144814, "Ed_Wood_-LRB-film-RRB-", 1], [308939, 299223, "Ed_Wood_-LRB-film-RRB-", 1], [310593, 300639, "Ed_Wood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198028, 207975, "Syracuse,_New_York", 2]]], "all_evidence": [[198028, 207975, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38401, 46351, "Derek_Hough", 6], [38401, 46351, "Make_Your_Move_-LRB-film-RRB-", 0], [38401, 46351, "Make_Your_Move_-LRB-film-RRB-", 1]]], "all_evidence": [[38401, 46351, "Derek_Hough", 6], [38401, 46351, "Make_Your_Move_-LRB-film-RRB-", 0], [38401, 46351, "Make_Your_Move_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189741, null, null, null], [189744, null, null, null]]], "all_evidence": [[189741, null, null, null], [189744, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184127, null, null, null]]], "all_evidence": [[184127, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90998, 103670, "Shawn_Carlson", 0]]], "all_evidence": [[90998, 103670, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91403, null, null, null]]], "all_evidence": [[91403, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184000, 195973, "Dan_O'Bannon", 0]]], "all_evidence": [[184000, 195973, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196612, 206722, "Michael_Vick", 0]]], "all_evidence": [[196612, 206722, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261936, null, null, null], [321483, null, null, null], [322577, null, null, null]]], "all_evidence": [[261936, null, null, null], [321483, null, null, null], [322577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25499, 31430, "Rachel_Green", 0]]], "all_evidence": [[25499, 31430, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196592, null, null, null]]], "all_evidence": [[196592, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186392, 198210, "Robert_Lopez", 1]]], "all_evidence": [[186392, 198210, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64752, 75583, "San_Diego_Comic-Con", 1]]], "all_evidence": [[64752, 75583, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179987, 192522, "Taylor_Lautner", 4]]], "all_evidence": [[179987, 192522, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57551, 67781, "Carlos_Santana", 0]], [[57551, 67782, "Carlos_Santana", 4]]], "all_evidence": [[57551, 67781, "Carlos_Santana", 0], [57551, 67782, "Carlos_Santana", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79952, 91699, "The_100_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[79952, 91699, "The_100_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25285, 31182, "14th_Dalai_Lama", 0], [25285, 31182, "Dalai_Lama", 0]]], "all_evidence": [[25285, 31182, "14th_Dalai_Lama", 0], [25285, 31182, "Dalai_Lama", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201138, 210591, "The_Endless_River", 0]], [[201138, 210592, "The_Endless_River", 2]]], "all_evidence": [[201138, 210591, "The_Endless_River", 0], [201138, 210592, "The_Endless_River", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56550, 66742, "Bret_Easton_Ellis", 20], [56550, 66742, "The_Canyons_-LRB-film-RRB-", 0]]], "all_evidence": [[56550, 66742, "Bret_Easton_Ellis", 20], [56550, 66742, "The_Canyons_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25643, 31563, "Human_trafficking", 0]]], "all_evidence": [[25643, 31563, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188648, null, null, null]]], "all_evidence": [[188648, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266040, 263142, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266040, 263142, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210890, null, null, null]]], "all_evidence": [[210890, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292116, 284955, "Tim_Roth", 0]], [[294131, 286486, "Tim_Roth", 0]], [[294784, 286993, "Tim_Roth", 0]], [[294784, 286994, "Tim_Roth", 8]], [[294785, 286995, "Tim_Roth", 0]], [[339457, 324418, "Tim_Roth", 0]]], "all_evidence": [[292116, 284955, "Tim_Roth", 0], [294131, 286486, "Tim_Roth", 0], [294784, 286993, "Tim_Roth", 0], [294784, 286994, "Tim_Roth", 8], [294785, 286995, "Tim_Roth", 0], [339457, 324418, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188644, null, null, null]]], "all_evidence": [[188644, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186101, null, null, null]]], "all_evidence": [[186101, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147917, null, null, null]]], "all_evidence": [[147917, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[297423, 289083, "Lockheed_Martin", 0]], [[297423, 289084, "Lockheed_Martin", 7]], [[341849, 326123, "Lockheed_Martin", 0]], [[341853, 326126, "Lockheed_Martin", 0]], [[341854, 326127, "Lockheed_Martin", 0]]], "all_evidence": [[297423, 289083, "Lockheed_Martin", 0], [297423, 289084, "Lockheed_Martin", 7], [341849, 326123, "Lockheed_Martin", 0], [341853, 326126, "Lockheed_Martin", 0], [341854, 326127, "Lockheed_Martin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110982, 124649, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[110982, 124649, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208035, 216188, "Franchising", 8]]], "all_evidence": [[208035, 216188, "Franchising", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173064, null, null, null]]], "all_evidence": [[173064, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216113, null, null, null], [216118, null, null, null]]], "all_evidence": [[216113, null, null, null], [216118, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281687, null, null, null], [283777, null, null, null]]], "all_evidence": [[281687, null, null, null], [283777, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15927, 19800, "Nuuk", 1]], [[15927, 19801, "Nuuk", 4]]], "all_evidence": [[15927, 19800, "Nuuk", 1], [15927, 19801, "Nuuk", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186369, null, null, null]]], "all_evidence": [[186369, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270534, 266559, "Jenna_Jameson", 3]]], "all_evidence": [[270534, 266559, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106129, 119532, "Global_warming", 13]]], "all_evidence": [[106129, 119532, "Global_warming", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57137, 67367, "Justine_Bateman", 0]]], "all_evidence": [[57137, 67367, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40206, 48376, "Heart", 19]]], "all_evidence": [[40206, 48376, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153583, 168421, "Tatum_O'Neal", 3]], [[153583, 168422, "Tatum_O'Neal", 6]]], "all_evidence": [[153583, 168421, "Tatum_O'Neal", 3], [153583, 168422, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227812, null, null, null]]], "all_evidence": [[227812, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21811, 26810, "Stephen_Hillenburg", 4]]], "all_evidence": [[21811, 26810, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169821, null, null, null]]], "all_evidence": [[169821, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238957, 240913, "Despicable_Me_2", 1]]], "all_evidence": [[238957, 240913, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283020, null, null, null], [284916, null, null, null], [285658, null, null, null], [331485, null, null, null]]], "all_evidence": [[283020, null, null, null], [284916, null, null, null], [285658, null, null, null], [331485, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199931, 209570, "Anne_Sullivan", 0]], [[199931, 209571, "Anne_Sullivan", 2]], [[199934, 209573, "Anne_Sullivan", 0]], [[199934, 209574, "Anne_Sullivan", 2]]], "all_evidence": [[199931, 209570, "Anne_Sullivan", 0], [199931, 209571, "Anne_Sullivan", 2], [199934, 209573, "Anne_Sullivan", 0], [199934, 209574, "Anne_Sullivan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56542, null, null, null]]], "all_evidence": [[56542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268270, 264876, "Soul_Food_-LRB-film-RRB-", 0]], [[270218, 266312, "Soul_Food_-LRB-film-RRB-", 0]], [[271337, 267246, "Soul_Food_-LRB-film-RRB-", 0]], [[321832, 310217, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[268270, 264876, "Soul_Food_-LRB-film-RRB-", 0], [270218, 266312, "Soul_Food_-LRB-film-RRB-", 0], [271337, 267246, "Soul_Food_-LRB-film-RRB-", 0], [321832, 310217, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55903, 65991, "Neil_Diamond", 0]], [[55903, 65992, "Neil_Diamond", 2]], [[55903, 65993, "Neil_Diamond", 3]], [[55903, 65994, "Neil_Diamond", 6]]], "all_evidence": [[55903, 65991, "Neil_Diamond", 0], [55903, 65992, "Neil_Diamond", 2], [55903, 65993, "Neil_Diamond", 3], [55903, 65994, "Neil_Diamond", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57959, null, null, null]]], "all_evidence": [[57959, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211997, null, null, null]]], "all_evidence": [[211997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110649, 124307, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[110649, 124307, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194800, null, null, null]]], "all_evidence": [[194800, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172881, 186145, "Psych", 6]]], "all_evidence": [[172881, 186145, "Psych", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210215, 218006, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]], "all_evidence": [[210215, 218006, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235571, 238191, "Natural_Born_Killers", 5]]], "all_evidence": [[235571, 238191, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225790, null, null, null]]], "all_evidence": [[225790, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163565, 177826, "CONCACAF_Champions_League", 0]], [[163566, 177827, "CONCACAF_Champions_League", 0]]], "all_evidence": [[163565, 177826, "CONCACAF_Champions_League", 0], [163566, 177827, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42520, 51169, "Paramore", 0]]], "all_evidence": [[42520, 51169, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266935, null, null, null], [267626, null, null, null], [321745, null, null, null], [323047, null, null, null]]], "all_evidence": [[266935, null, null, null], [267626, null, null, null], [321745, null, null, null], [323047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183419, 195421, "Guatemala", 16]]], "all_evidence": [[183419, 195421, "Guatemala", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154970, null, null, null]]], "all_evidence": [[154970, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127372, 141925, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[127372, 141925, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50059, 59581, "Colombiana", 0]]], "all_evidence": [[50059, 59581, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253951, null, null, null]]], "all_evidence": [[253951, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65347, null, null, null]]], "all_evidence": [[65347, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225645, 230269, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225646, 230270, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225645, 230269, "Ian_Brennan_-LRB-writer-RRB-", 0], [225646, 230270, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205299, 213895, "Invasion_literature", 3]]], "all_evidence": [[205299, 213895, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76513, 87813, "Stephen_Hillenburg", 4]]], "all_evidence": [[76513, 87813, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257338, 256357, "Calcaneal_spur", 1]]], "all_evidence": [[257338, 256357, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279690, null, null, null], [281390, null, null, null], [328067, null, null, null], [329046, null, null, null]]], "all_evidence": [[279690, null, null, null], [281390, null, null, null], [328067, null, null, null], [329046, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216568, 223258, "Mani_Ratnam", 0]], [[216568, 223259, "Mani_Ratnam", 1]], [[216568, 223260, "Mani_Ratnam", 2]], [[216568, 223261, "Mani_Ratnam", 10]], [[216568, 223262, "Mani_Ratnam", 11], [216568, 223262, "Nayakan", 0]], [[216568, 223263, "Mani_Ratnam", 12], [216568, 223263, "Roja", 0]], [[216568, 223264, "Mani_Ratnam", 15]], [[216569, 223265, "Mani_Ratnam", 1]], [[216569, 223266, "Mani_Ratnam", 8], [216569, 223266, "Pallavi_Anu_Pallavi", 0]], [[216569, 223267, "Mani_Ratnam", 10], [216569, 223267, "Mouna_Ragam", 0]], [[216569, 223268, "Mani_Ratnam", 11], [216569, 223268, "Nayakan", 0]], [[216569, 223269, "Mani_Ratnam", 12], [216569, 223269, "Bombay_-LRB-film-RRB-", 0]], [[216569, 223270, "Mani_Ratnam", 15]]], "all_evidence": [[216568, 223258, "Mani_Ratnam", 0], [216568, 223259, "Mani_Ratnam", 1], [216568, 223260, "Mani_Ratnam", 2], [216568, 223261, "Mani_Ratnam", 10], [216568, 223262, "Mani_Ratnam", 11], [216568, 223262, "Nayakan", 0], [216568, 223263, "Mani_Ratnam", 12], [216568, 223263, "Roja", 0], [216568, 223264, "Mani_Ratnam", 15], [216569, 223265, "Mani_Ratnam", 1], [216569, 223266, "Mani_Ratnam", 8], [216569, 223266, "Pallavi_Anu_Pallavi", 0], [216569, 223267, "Mani_Ratnam", 10], [216569, 223267, "Mouna_Ragam", 0], [216569, 223268, "Mani_Ratnam", 11], [216569, 223268, "Nayakan", 0], [216569, 223269, "Mani_Ratnam", 12], [216569, 223269, "Bombay_-LRB-film-RRB-", 0], [216569, 223270, "Mani_Ratnam", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245244, 246106, "Efraim_Diveroli", 6]]], "all_evidence": [[245244, 246106, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110206, null, null, null]]], "all_evidence": [[110206, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218296, 224608, "Eva_Mendes", 0]]], "all_evidence": [[218296, 224608, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209769, 217561, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]], [[209769, 217562, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]], "all_evidence": [[209769, 217561, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1], [209769, 217562, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107652, null, null, null]]], "all_evidence": [[107652, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231482, 234967, "Diwali", 0]], [[231483, 234968, "Diwali", 0]]], "all_evidence": [[231482, 234967, "Diwali", 0], [231483, 234968, "Diwali", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216059, null, null, null]]], "all_evidence": [[216059, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231179, 234710, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231179, 234710, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269549, null, null, null]]], "all_evidence": [[269549, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[264406, null, null, null], [264409, null, null, null]]], "all_evidence": [[264406, null, null, null], [264409, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223881, null, null, null]]], "all_evidence": [[223881, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28309, 34624, "White_House_Press_Secretary", 0]]], "all_evidence": [[28309, 34624, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203004, 212129, "Christian_Gottlob_Neefe", 0]], [[203007, 212132, "Christian_Gottlob_Neefe", 0], [203007, 212132, "Composer", 0]]], "all_evidence": [[203004, 212129, "Christian_Gottlob_Neefe", 0], [203007, 212132, "Christian_Gottlob_Neefe", 0], [203007, 212132, "Composer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239226, 241143, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239228, 241144, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239230, 241146, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239231, 241147, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239226, 241143, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239228, 241144, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239230, 241146, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239231, 241147, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226476, 231039, "Eighth_Doctor", 0]], [[226476, 231040, "Eighth_Doctor", 4]], [[226476, 231041, "Eighth_Doctor", 6]], [[226476, 231042, "Eighth_Doctor", 5]]], "all_evidence": [[226476, 231039, "Eighth_Doctor", 0], [226476, 231040, "Eighth_Doctor", 4], [226476, 231041, "Eighth_Doctor", 6], [226476, 231042, "Eighth_Doctor", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139707, 154714, "Microbiologist", 14]]], "all_evidence": [[139707, 154714, "Microbiologist", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190808, null, null, null]]], "all_evidence": [[190808, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162157, 176491, "Due_Date", 2]]], "all_evidence": [[162157, 176491, "Due_Date", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199065, null, null, null]]], "all_evidence": [[199065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91073, 103756, "Hindu_Kush", 0]], [[91073, 103757, "Hindu_Kush", 2]], [[91073, 103758, "Hindu_Kush", 5]], [[91073, 103759, "Hindu_Kush", 14]]], "all_evidence": [[91073, 103756, "Hindu_Kush", 0], [91073, 103757, "Hindu_Kush", 2], [91073, 103758, "Hindu_Kush", 5], [91073, 103759, "Hindu_Kush", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65587, 76462, "Hedda_Gabler", 1]]], "all_evidence": [[65587, 76462, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34114, 41369, "Trollhunters", 0]], [[34114, 41370, "Trollhunters", 3]], [[34114, 41371, "Trollhunters", 5]], [[34114, 41372, "Trollhunters", 6]]], "all_evidence": [[34114, 41369, "Trollhunters", 0], [34114, 41370, "Trollhunters", 3], [34114, 41371, "Trollhunters", 5], [34114, 41372, "Trollhunters", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53749, 63750, "John_Deighton", 15]]], "all_evidence": [[53749, 63750, "John_Deighton", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106095, 119478, "Luis_Fonsi", 0]]], "all_evidence": [[106095, 119478, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90210, 102914, "Heavy_metal_music", 0]]], "all_evidence": [[90210, 102914, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87053, 99548, "Off_the_Wall", 14]]], "all_evidence": [[87053, 99548, "Off_the_Wall", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126727, null, null, null]]], "all_evidence": [[126727, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[271163, null, null, null]]], "all_evidence": [[271163, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49027, 58366, "David_Spade", 2]]], "all_evidence": [[49027, 58366, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116518, 130400, "Shane_McMahon", 0]], [[116518, 130401, "Shane_McMahon", 4]], [[116518, 130402, "Shane_McMahon", 10]]], "all_evidence": [[116518, 130400, "Shane_McMahon", 0], [116518, 130401, "Shane_McMahon", 4], [116518, 130402, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152381, 167182, "Joe_Rogan", 7]]], "all_evidence": [[152381, 167182, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237007, null, null, null]]], "all_evidence": [[237007, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113838, 127701, "Kellyanne_Conway", 4]]], "all_evidence": [[113838, 127701, "Kellyanne_Conway", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66819, null, null, null]]], "all_evidence": [[66819, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64362, null, null, null]]], "all_evidence": [[64362, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225647, 230271, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225648, 230272, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225647, 230271, "Ian_Brennan_-LRB-writer-RRB-", 0], [225648, 230272, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157051, 171607, "South_African_Communist_Party", 2]], [[157057, 171611, "South_African_Communist_Party", 0]]], "all_evidence": [[157051, 171607, "South_African_Communist_Party", 2], [157057, 171611, "South_African_Communist_Party", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43537, null, null, null]]], "all_evidence": [[43537, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60732, 71219, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[60732, 71219, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269613, 265893, "Richard_Dawkins", 16]], [[269616, 265895, "Richard_Dawkins", 16]]], "all_evidence": [[269613, 265893, "Richard_Dawkins", 16], [269616, 265895, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23102, 28447, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[23102, 28447, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178334, null, null, null]]], "all_evidence": [[178334, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189896, 201081, "Mickey_Rourke", 13]]], "all_evidence": [[189896, 201081, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134062, null, null, null]]], "all_evidence": [[134062, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175091, 188146, "Viola_Davis", 6]]], "all_evidence": [[175091, 188146, "Viola_Davis", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203331, 212373, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203331, 212373, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112059, null, null, null], [112061, null, null, null]]], "all_evidence": [[112059, null, null, null], [112061, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55904, 65995, "Neil_Diamond", 0]], [[55904, 65996, "Neil_Diamond", 1]], [[55904, 65997, "Neil_Diamond", 2]], [[55904, 65998, "Neil_Diamond", 3]], [[55904, 65999, "Neil_Diamond", 6]], [[55904, 66000, "Neil_Diamond", 8]], [[55905, 66001, "Neil_Diamond", 0]], [[55905, 66002, "Neil_Diamond", 1]], [[55905, 66003, "Neil_Diamond", 2]], [[55905, 66004, "Neil_Diamond", 3]], [[55905, 66005, "Neil_Diamond", 6]], [[55905, 66006, "Neil_Diamond", 8]]], "all_evidence": [[55904, 65995, "Neil_Diamond", 0], [55904, 65996, "Neil_Diamond", 1], [55904, 65997, "Neil_Diamond", 2], [55904, 65998, "Neil_Diamond", 3], [55904, 65999, "Neil_Diamond", 6], [55904, 66000, "Neil_Diamond", 8], [55905, 66001, "Neil_Diamond", 0], [55905, 66002, "Neil_Diamond", 1], [55905, 66003, "Neil_Diamond", 2], [55905, 66004, "Neil_Diamond", 3], [55905, 66005, "Neil_Diamond", 6], [55905, 66006, "Neil_Diamond", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144552, 159565, "Saw_-LRB-franchise-RRB-", 0]], [[144552, 159566, "Saw_-LRB-franchise-RRB-", 19]], [[311155, 301177, "Saw_-LRB-franchise-RRB-", 0]]], "all_evidence": [[144552, 159565, "Saw_-LRB-franchise-RRB-", 0], [144552, 159566, "Saw_-LRB-franchise-RRB-", 19], [311155, 301177, "Saw_-LRB-franchise-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181119, 193402, "Floppy_disk", 0]]], "all_evidence": [[181119, 193402, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161122, null, null, null]]], "all_evidence": [[161122, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257076, null, null, null]]], "all_evidence": [[257076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199090, 208771, "Entourage_-LRB-film-RRB-", 0]], [[199090, 208772, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199090, 208771, "Entourage_-LRB-film-RRB-", 0], [199090, 208772, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255558, 254991, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255558, 254991, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160190, 174703, "Julianne_Moore", 5], [160190, 174703, "As_the_World_Turns", 1]]], "all_evidence": [[160190, 174703, "Julianne_Moore", 5], [160190, 174703, "As_the_World_Turns", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238953, 240909, "Despicable_Me_2", 1]]], "all_evidence": [[238953, 240909, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248562, 248720, "In_a_Lonely_Place", 1]]], "all_evidence": [[248562, 248720, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165106, 179259, "Kesha", 0]]], "all_evidence": [[165106, 179259, "Kesha", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273660, 269029, "Working_animal", 0]]], "all_evidence": [[273660, 269029, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35921, 43471, "You_Belong_with_Me", 0]], [[35921, 43472, "You_Belong_with_Me", 1]]], "all_evidence": [[35921, 43471, "You_Belong_with_Me", 0], [35921, 43472, "You_Belong_with_Me", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251689, null, null, null], [251690, null, null, null]]], "all_evidence": [[251689, null, null, null], [251690, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79669, 91415, "Sean_Penn", 5]]], "all_evidence": [[79669, 91415, "Sean_Penn", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164583, null, null, null], [164587, null, null, null]]], "all_evidence": [[164583, null, null, null], [164587, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283024, null, null, null], [284918, null, null, null], [285654, null, null, null], [331479, null, null, null], [332273, null, null, null]]], "all_evidence": [[283024, null, null, null], [284918, null, null, null], [285654, null, null, null], [331479, null, null, null], [332273, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223623, null, null, null]]], "all_evidence": [[223623, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126692, 141123, "Paramore", 0]], [[126692, 141124, "Paramore", 8], [126692, 141124, "Paramore", 9]], [[126692, 141125, "Paramore", 4]], [[126694, 141127, "Paramore", 0]]], "all_evidence": [[126692, 141123, "Paramore", 0], [126692, 141124, "Paramore", 8], [126692, 141124, "Paramore", 9], [126692, 141125, "Paramore", 4], [126694, 141127, "Paramore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172369, 185691, "Heart", 19]]], "all_evidence": [[172369, 185691, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216102, 222815, "CHiPs_-LRB-film-RRB-", 0]], [[216102, 222816, "CHiPs_-LRB-film-RRB-", 1]], [[216102, 222817, "CHiPs_-LRB-film-RRB-", 5]]], "all_evidence": [[216102, 222815, "CHiPs_-LRB-film-RRB-", 0], [216102, 222816, "CHiPs_-LRB-film-RRB-", 1], [216102, 222817, "CHiPs_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154538, null, null, null]]], "all_evidence": [[154538, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20800, 25490, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[168025, 181791, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[20800, 25490, "Mirny_-LRB-sloop-of-war-RRB-", 0], [168025, 181791, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255970, 255281, "Weekly_Idol", 1], [255970, 255281, "Weekly_Idol", 0]]], "all_evidence": [[255970, 255281, "Weekly_Idol", 1], [255970, 255281, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95437, null, null, null]]], "all_evidence": [[95437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239005, 240954, "Despicable_Me_2", 1]]], "all_evidence": [[239005, 240954, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254362, 254054, "DJ_Quik", 0]]], "all_evidence": [[254362, 254054, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147118, 162105, "Dakota_Fanning", 0]], [[147118, 162106, "Dakota_Fanning", 10]], [[147118, 162107, "Dakota_Fanning", 11]]], "all_evidence": [[147118, 162105, "Dakota_Fanning", 0], [147118, 162106, "Dakota_Fanning", 10], [147118, 162107, "Dakota_Fanning", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237605, 239820, "Dakota_Fanning", 6]], [[237606, 239821, "Dakota_Fanning", 6]]], "all_evidence": [[237605, 239820, "Dakota_Fanning", 6], [237606, 239821, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125242, 139577, "French_Indochina", 0]]], "all_evidence": [[125242, 139577, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266022, 263125, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266022, 263125, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208049, 216198, "Franchising", 8]]], "all_evidence": [[208049, 216198, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95806, 108865, "Lemmy", 2]]], "all_evidence": [[95806, 108865, "Lemmy", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26644, 32707, "Croatia", 28]]], "all_evidence": [[26644, 32707, "Croatia", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91317, 104027, "Make_It_or_Break_It", 9]]], "all_evidence": [[91317, 104027, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31895, null, null, null]]], "all_evidence": [[31895, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49031, null, null, null]]], "all_evidence": [[49031, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228681, 232818, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228684, 232820, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]], "all_evidence": [[228681, 232818, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228684, 232820, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37866, 45783, "Mike_Huckabee", 7]]], "all_evidence": [[37866, 45783, "Mike_Huckabee", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81024, 92873, "Martin_Van_Buren", 0]]], "all_evidence": [[81024, 92873, "Martin_Van_Buren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255965, 255278, "Weekly_Idol", 1]]], "all_evidence": [[255965, 255278, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177961, null, null, null]]], "all_evidence": [[177961, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292892, null, null, null], [297189, null, null, null], [340992, null, null, null]]], "all_evidence": [[292892, null, null, null], [297189, null, null, null], [340992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78270, 89794, "Francis_I_of_France", 0]]], "all_evidence": [[78270, 89794, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64033, 74736, "Kendall_Jenner", 4]], [[64033, 74737, "Kendall_Jenner", 5]]], "all_evidence": [[64033, 74736, "Kendall_Jenner", 4], [64033, 74737, "Kendall_Jenner", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95946, 109022, "T2_Trainspotting", 0]]], "all_evidence": [[95946, 109022, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238993, 240946, "Despicable_Me_2", 1]]], "all_evidence": [[238993, 240946, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34285, 41573, "Tenacious_D", 0]]], "all_evidence": [[34285, 41573, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26676, 32736, "Ashton_Kutcher", 8]]], "all_evidence": [[26676, 32736, "Ashton_Kutcher", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88907, null, null, null]]], "all_evidence": [[88907, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104889, 118300, "Psych", 2]]], "all_evidence": [[104889, 118300, "Psych", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134391, null, null, null]]], "all_evidence": [[134391, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245492, 246284, "Mel_B", 0]], [[245492, 246285, "Mel_B", 1]]], "all_evidence": [[245492, 246284, "Mel_B", 0], [245492, 246285, "Mel_B", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45260, 54013, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[45260, 54013, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246618, 247094, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246618, 247094, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98118, 111243, "In_the_End", 0]]], "all_evidence": [[98118, 111243, "In_the_End", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227041, null, null, null]]], "all_evidence": [[227041, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39689, 47766, "I_Kissed_a_Girl", 0]]], "all_evidence": [[39689, 47766, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237500, 239705, "North_Vietnam", 0]]], "all_evidence": [[237500, 239705, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145931, 160943, "Annette_Badland", 1]], [[145932, 160944, "Annette_Badland", 1]]], "all_evidence": [[145931, 160943, "Annette_Badland", 1], [145932, 160944, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269604, null, null, null]]], "all_evidence": [[269604, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216055, null, null, null]]], "all_evidence": [[216055, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211981, null, null, null]]], "all_evidence": [[211981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114177, 127985, "Saw_-LRB-franchise-RRB-", 2], [114177, 127985, "Saw_-LRB-2004_film-RRB-", 5]]], "all_evidence": [[114177, 127985, "Saw_-LRB-franchise-RRB-", 2], [114177, 127985, "Saw_-LRB-2004_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86430, 98837, "Duff_McKagan", 0]]], "all_evidence": [[86430, 98837, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166011, null, null, null]]], "all_evidence": [[166011, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199127, 208802, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199127, 208802, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113976, 127810, "Due_Date", 2]]], "all_evidence": [[113976, 127810, "Due_Date", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20130, null, null, null]]], "all_evidence": [[20130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56442, 66651, "Margaret_Thatcher", 0]], [[56442, 66652, "Margaret_Thatcher", 1]], [[56442, 66653, "Margaret_Thatcher", 3]], [[56442, 66654, "Margaret_Thatcher", 9]], [[56442, 66655, "Margaret_Thatcher", 20]]], "all_evidence": [[56442, 66651, "Margaret_Thatcher", 0], [56442, 66652, "Margaret_Thatcher", 1], [56442, 66653, "Margaret_Thatcher", 3], [56442, 66654, "Margaret_Thatcher", 9], [56442, 66655, "Margaret_Thatcher", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37697, 45625, "Prescott,_Arizona", 0]], [[37697, 45626, "Prescott,_Arizona", 2]]], "all_evidence": [[37697, 45625, "Prescott,_Arizona", 0], [37697, 45626, "Prescott,_Arizona", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27990, 34286, "English_people", 6]]], "all_evidence": [[27990, 34286, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35499, 43013, "Despacito", 11]], [[35499, 43014, "Despacito", 12]], [[35499, 43015, "Despacito", 14]]], "all_evidence": [[35499, 43013, "Despacito", 11], [35499, 43014, "Despacito", 12], [35499, 43015, "Despacito", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211430, null, null, null]]], "all_evidence": [[211430, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162343, 176657, "Henry_II_of_France", 15]]], "all_evidence": [[162343, 176657, "Henry_II_of_France", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152948, 167715, "Billboard_Dad", 0]]], "all_evidence": [[152948, 167715, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102625, 115889, "Global_warming", 13]]], "all_evidence": [[102625, 115889, "Global_warming", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73076, 84273, "Luis_Fonsi", 0]]], "all_evidence": [[73076, 84273, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141461, 156659, "Daggering", 0]]], "all_evidence": [[141461, 156659, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94809, 107774, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[94809, 107774, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88863, null, null, null]]], "all_evidence": [[88863, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36706, 44333, "Trevor_Griffiths", 0]]], "all_evidence": [[36706, 44333, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160500, 175006, "Charles_Manson", 0]]], "all_evidence": [[160500, 175006, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102269, 115548, "Billboard_Dad", 0], [102269, 115548, "Alan_Metter", 1]]], "all_evidence": [[102269, 115548, "Billboard_Dad", 0], [102269, 115548, "Alan_Metter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142436, 157622, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[142436, 157622, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69702, 80565, "Papua_-LRB-province-RRB-", 0], [69702, 80565, "Western_New_Guinea", 0]]], "all_evidence": [[69702, 80565, "Papua_-LRB-province-RRB-", 0], [69702, 80565, "Western_New_Guinea", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48933, 58266, "Eric_Church", 0]], [[48933, 58267, "Eric_Church", 2], [48933, 58267, "Two_Pink_Lines", 0], [48933, 58267, "Guys_Like_Me", 0]], [[48933, 58268, "Eric_Church", 5], [48933, 58268, "Smoke_a_Little_Smoke", 0], [48933, 58268, "Love_Your_Love_the_Most", 0], [48933, 58268, "Hell_on_the_Heart", 0]], [[48933, 58269, "Eric_Church", 6], [48933, 58269, "Drink_in_My_Hand", 0], [48933, 58269, "Springsteen_-LRB-song-RRB-", 0], [48933, 58269, "Like_Jesus_Does", 0]], [[48933, 58270, "Eric_Church", 7], [48933, 58270, "The_Only_Way_I_Know", 0]], [[48933, 58271, "Eric_Church", 9], [48933, 58271, "Give_Me_Back_My_Hometown", 0], [48933, 58271, "Cold_One", 0], [48933, 58271, "Like_a_Wrecking_Ball", 0], [48933, 58271, "Talladega_-LRB-song-RRB-", 0]], [[48933, 58272, "Eric_Church", 10], [48933, 58272, "Give_Me_Back_My_Hometown", 0], [48933, 58272, "Talladega_-LRB-song-RRB-", 0]], [[48933, 58273, "Eric_Church", 11], [48933, 58273, "Raise_'Em_Up", 0]]], "all_evidence": [[48933, 58266, "Eric_Church", 0], [48933, 58267, "Eric_Church", 2], [48933, 58267, "Two_Pink_Lines", 0], [48933, 58267, "Guys_Like_Me", 0], [48933, 58268, "Eric_Church", 5], [48933, 58268, "Smoke_a_Little_Smoke", 0], [48933, 58268, "Love_Your_Love_the_Most", 0], [48933, 58268, "Hell_on_the_Heart", 0], [48933, 58269, "Eric_Church", 6], [48933, 58269, "Drink_in_My_Hand", 0], [48933, 58269, "Springsteen_-LRB-song-RRB-", 0], [48933, 58269, "Like_Jesus_Does", 0], [48933, 58270, "Eric_Church", 7], [48933, 58270, "The_Only_Way_I_Know", 0], [48933, 58271, "Eric_Church", 9], [48933, 58271, "Give_Me_Back_My_Hometown", 0], [48933, 58271, "Cold_One", 0], [48933, 58271, "Like_a_Wrecking_Ball", 0], [48933, 58271, "Talladega_-LRB-song-RRB-", 0], [48933, 58272, "Eric_Church", 10], [48933, 58272, "Give_Me_Back_My_Hometown", 0], [48933, 58272, "Talladega_-LRB-song-RRB-", 0], [48933, 58273, "Eric_Church", 11], [48933, 58273, "Raise_'Em_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155322, 170012, "Colin_Kaepernick", 0]], [[155322, 170013, "Colin_Kaepernick", 1]], [[155322, 170014, "Colin_Kaepernick", 2]], [[155322, 170015, "Colin_Kaepernick", 6]], [[155323, 170016, "Colin_Kaepernick", 0]], [[155323, 170017, "Colin_Kaepernick", 1]], [[155323, 170018, "Colin_Kaepernick", 2]], [[155323, 170019, "Colin_Kaepernick", 6]]], "all_evidence": [[155322, 170012, "Colin_Kaepernick", 0], [155322, 170013, "Colin_Kaepernick", 1], [155322, 170014, "Colin_Kaepernick", 2], [155322, 170015, "Colin_Kaepernick", 6], [155323, 170016, "Colin_Kaepernick", 0], [155323, 170017, "Colin_Kaepernick", 1], [155323, 170018, "Colin_Kaepernick", 2], [155323, 170019, "Colin_Kaepernick", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196599, null, null, null]]], "all_evidence": [[196599, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211446, null, null, null]]], "all_evidence": [[211446, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148244, null, null, null]]], "all_evidence": [[148244, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69043, 79841, "Touchscreen", 9]]], "all_evidence": [[69043, 79841, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80393, 92225, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[80393, 92225, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236600, null, null, null]]], "all_evidence": [[236600, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188642, 200095, "Veeram_-LRB-2014_film-RRB-", 0]], [[188642, 200096, "Veeram_-LRB-2014_film-RRB-", 3]]], "all_evidence": [[188642, 200095, "Veeram_-LRB-2014_film-RRB-", 0], [188642, 200096, "Veeram_-LRB-2014_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84621, 96809, "Charles_Manson", 0]]], "all_evidence": [[84621, 96809, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263222, 260957, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263222, 260957, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225931, null, null, null]]], "all_evidence": [[225931, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254366, null, null, null]]], "all_evidence": [[254366, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235708, null, null, null]]], "all_evidence": [[235708, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[291926, null, null, null], [293947, null, null, null], [338676, null, null, null], [338706, null, null, null]]], "all_evidence": [[291926, null, null, null], [293947, null, null, null], [338676, null, null, null], [338706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210245, 218038, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]], "all_evidence": [[210245, 218038, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107026, 120410, "Hedda_Gabler", 1]]], "all_evidence": [[107026, 120410, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120358, 134572, "University_of_Mississippi", 4]]], "all_evidence": [[120358, 134572, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139451, 154495, "Humphrey_Bogart", 0]], [[139451, 154497, "Humphrey_Bogart", 10], [139451, 154497, "Casablanca_-LRB-film-RRB-", 0]]], "all_evidence": [[139451, 154495, "Humphrey_Bogart", 0], [139451, 154497, "Humphrey_Bogart", 10], [139451, 154497, "Casablanca_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156376, 170975, "Ashton_Kutcher", 8], [156376, 170975, "No_Strings_Attached_-LRB-film-RRB-", 0]]], "all_evidence": [[156376, 170975, "Ashton_Kutcher", 8], [156376, 170975, "No_Strings_Attached_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159392, 173943, "Yara_Shahidi", 0]]], "all_evidence": [[159392, 173943, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140934, 156084, "The_Mighty_Ducks", 1]]], "all_evidence": [[140934, 156084, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194764, null, null, null]]], "all_evidence": [[194764, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128275, 142988, "Sam_Claflin", 0]], [[128275, 142989, "Sam_Claflin", 1], [128275, 142989, "Me_Before_You_-LRB-film-RRB-", 1]]], "all_evidence": [[128275, 142988, "Sam_Claflin", 0], [128275, 142989, "Sam_Claflin", 1], [128275, 142989, "Me_Before_You_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87032, 99528, "A_Milli", 0]]], "all_evidence": [[87032, 99528, "A_Milli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216080, null, null, null]]], "all_evidence": [[216080, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71042, 81923, "Beaverton,_Oregon", 0]]], "all_evidence": [[71042, 81923, "Beaverton,_Oregon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198835, 208546, "The_King_and_I", 1]]], "all_evidence": [[198835, 208546, "The_King_and_I", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155467, 170139, "Republic_of_Macedonia", 1]]], "all_evidence": [[155467, 170139, "Republic_of_Macedonia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286411, null, null, null], [288155, null, null, null], [334246, null, null, null]]], "all_evidence": [[286411, null, null, null], [288155, null, null, null], [334246, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15913, 19778, "Craig_David", 0]], [[15913, 19779, "Craig_David", 5]], [[15913, 19780, "Craig_David", 2]]], "all_evidence": [[15913, 19778, "Craig_David", 0], [15913, 19779, "Craig_David", 5], [15913, 19780, "Craig_David", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150204, 165120, "Aarhus", 0]]], "all_evidence": [[150204, 165120, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[295936, 287930, "David_Packouz", 0], [295936, 287930, "Arms_industry", 0]], [[297447, 289099, "David_Packouz", 0]], [[297558, 289187, "David_Packouz", 0]], [[297558, 289188, "David_Packouz", 3], [297558, 289188, "Efraim_Diveroli", 3]], [[297558, 289189, "David_Packouz", 7]], [[297558, 289190, "David_Packouz", 8]], [[341897, 326154, "David_Packouz", 0]], [[341997, 326212, "David_Packouz", 0]], [[341997, 326213, "David_Packouz", 5]]], "all_evidence": [[295936, 287930, "David_Packouz", 0], [295936, 287930, "Arms_industry", 0], [297447, 289099, "David_Packouz", 0], [297558, 289187, "David_Packouz", 0], [297558, 289188, "David_Packouz", 3], [297558, 289188, "Efraim_Diveroli", 3], [297558, 289189, "David_Packouz", 7], [297558, 289190, "David_Packouz", 8], [341897, 326154, "David_Packouz", 0], [341997, 326212, "David_Packouz", 0], [341997, 326213, "David_Packouz", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216070, null, null, null]]], "all_evidence": [[216070, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85237, 97518, "Damon_Albarn", 17]]], "all_evidence": [[85237, 97518, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166097, 180027, "Charles_Manson", 0]]], "all_evidence": [[166097, 180027, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83266, null, null, null]]], "all_evidence": [[83266, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141124, null, null, null]]], "all_evidence": [[141124, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136623, null, null, null]]], "all_evidence": [[136623, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81697, null, null, null]]], "all_evidence": [[81697, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162084, 176432, "Prowler_-LRB-comics-RRB-", 1]], [[162085, 176433, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[162084, 176432, "Prowler_-LRB-comics-RRB-", 1], [162085, 176433, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120170, 134343, "Knocked_Up", 0]]], "all_evidence": [[120170, 134343, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147825, 162849, "Wish_Upon", 0]]], "all_evidence": [[147825, 162849, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87873, null, null, null]]], "all_evidence": [[87873, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103304, 116677, "Rabies", 0]], [[103304, 116678, "Rabies", 4]], [[103304, 116679, "Rabies", 12]], [[103304, 116680, "Rabies", 16]], [[103304, 116681, "Rabies", 22]], [[103304, 116682, "Rabies", 34]]], "all_evidence": [[103304, 116677, "Rabies", 0], [103304, 116678, "Rabies", 4], [103304, 116679, "Rabies", 12], [103304, 116680, "Rabies", 16], [103304, 116681, "Rabies", 22], [103304, 116682, "Rabies", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241394, 242932, "Brad_Wilk", 4]]], "all_evidence": [[241394, 242932, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196620, 206726, "Michael_Vick", 0]], [[196620, 206727, "Michael_Vick", 3], [196620, 206727, "Michael_Vick", 6]]], "all_evidence": [[196620, 206726, "Michael_Vick", 0], [196620, 206727, "Michael_Vick", 3], [196620, 206727, "Michael_Vick", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259455, 258028, "Libya", 0]]], "all_evidence": [[259455, 258028, "Libya", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109879, 123483, "XHamster", 6], [109879, 123483, "Pornographic_film_actor", 0]]], "all_evidence": [[109879, 123483, "XHamster", 6], [109879, 123483, "Pornographic_film_actor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258105, null, null, null]]], "all_evidence": [[258105, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91956, 104742, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[91956, 104742, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75961, 87241, "Battle_of_France", 0]]], "all_evidence": [[75961, 87241, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226451, null, null, null]]], "all_evidence": [[226451, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202990, 212119, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[202990, 212119, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142625, null, null, null]]], "all_evidence": [[142625, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112223, 126055, "Lou_Gehrig", 15]]], "all_evidence": [[112223, 126055, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137760, 152692, "Starrcade", 0]]], "all_evidence": [[137760, 152692, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64103, 74808, "Annette_Badland", 1]]], "all_evidence": [[64103, 74808, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154625, null, null, null], [154629, null, null, null]]], "all_evidence": [[154625, null, null, null], [154629, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196606, null, null, null]]], "all_evidence": [[196606, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107307, null, null, null]]], "all_evidence": [[107307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289999, 283080, "Rachel_Green", 0]], [[291331, 284271, "Rachel_Green", 0]], [[291331, 284272, "Rachel_Green", 1]], [[293485, 285999, "Rachel_Green", 0]], [[337405, 322776, "Rachel_Green", 0]], [[337405, 322777, "Rachel_Green", 14]], [[337413, 322783, "Rachel_Green", 0]]], "all_evidence": [[289999, 283080, "Rachel_Green", 0], [291331, 284271, "Rachel_Green", 0], [291331, 284272, "Rachel_Green", 1], [293485, 285999, "Rachel_Green", 0], [337405, 322776, "Rachel_Green", 0], [337405, 322777, "Rachel_Green", 14], [337413, 322783, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60774, null, null, null]]], "all_evidence": [[60774, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118772, null, null, null]]], "all_evidence": [[118772, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203209, 212290, "Fabian_Nicieza", 0]]], "all_evidence": [[203209, 212290, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235589, 238201, "Natural_Born_Killers", 5]]], "all_evidence": [[235589, 238201, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144921, 159926, "Human_trafficking", 0]]], "all_evidence": [[144921, 159926, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50854, 60582, "Steve_Wozniak", 5]]], "all_evidence": [[50854, 60582, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284058, null, null, null], [329877, null, null, null], [329881, null, null, null]]], "all_evidence": [[284058, null, null, null], [329877, null, null, null], [329881, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279474, 274072, "Chrysler_Building", 1]], [[279474, 274073, "Chrysler_Building", 4]], [[279474, 274074, "Chrysler_Building", 5]], [[279474, 274075, "Chrysler_Building", 6]], [[279474, 274076, "Chrysler_Building", 7]], [[281201, 275605, "Chrysler_Building", 1], [281201, 275605, "Chrysler_Building", 0]], [[281201, 275606, "Chrysler_Building", 4]], [[281204, 275608, "Chrysler_Building", 1]], [[281204, 275609, "Chrysler_Building", 4]], [[281204, 275610, "Chrysler_Building", 5]], [[281204, 275611, "Chrysler_Building", 7]], [[327782, 314981, "Chrysler_Building", 1]], [[328829, 315807, "Chrysler_Building", 1]], [[328833, 315811, "Chrysler_Building", 1]]], "all_evidence": [[279474, 274072, "Chrysler_Building", 1], [279474, 274073, "Chrysler_Building", 4], [279474, 274074, "Chrysler_Building", 5], [279474, 274075, "Chrysler_Building", 6], [279474, 274076, "Chrysler_Building", 7], [281201, 275605, "Chrysler_Building", 1], [281201, 275605, "Chrysler_Building", 0], [281201, 275606, "Chrysler_Building", 4], [281204, 275608, "Chrysler_Building", 1], [281204, 275609, "Chrysler_Building", 4], [281204, 275610, "Chrysler_Building", 5], [281204, 275611, "Chrysler_Building", 7], [327782, 314981, "Chrysler_Building", 1], [328829, 315807, "Chrysler_Building", 1], [328833, 315811, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21311, 26181, "John_Dolmayan", 0]]], "all_evidence": [[21311, 26181, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237952, null, null, null]]], "all_evidence": [[237952, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264583, 262007, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[264583, 262007, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139004, null, null, null]]], "all_evidence": [[139004, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253948, null, null, null]]], "all_evidence": [[253948, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250337, null, null, null]]], "all_evidence": [[250337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55170, 65208, "Starrcade", 0]]], "all_evidence": [[55170, 65208, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65501, 76377, "Republic_of_Macedonia", 1]]], "all_evidence": [[65501, 76377, "Republic_of_Macedonia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178851, 191401, "Qui-Gon_Jinn", 0]], [[178852, 191402, "Qui-Gon_Jinn", 0]]], "all_evidence": [[178851, 191401, "Qui-Gon_Jinn", 0], [178852, 191402, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218553, null, null, null]]], "all_evidence": [[218553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51894, 61730, "Seohyun", 0]]], "all_evidence": [[51894, 61730, "Seohyun", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95301, null, null, null]]], "all_evidence": [[95301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242978, 244234, "St._Anger", 0]], [[242979, 244235, "St._Anger", 0]]], "all_evidence": [[242978, 244234, "St._Anger", 0], [242979, 244235, "St._Anger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259600, 258165, "French_Resistance", 6]]], "all_evidence": [[259600, 258165, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154553, 169267, "Paramore", 0]], [[154553, 169268, "Paramore", 10], [154553, 169268, "Crushcrushcrush", 0], [154553, 169268, "Misery_Business", 0]], [[154553, 169269, "Paramore", 13], [154553, 169269, "Brand_New_Eyes", 0]], [[154553, 169270, "Paramore", 14], [154553, 169270, "The_Only_Exception", 0]], [[154553, 169271, "Paramore", 17], [154553, 169271, "Paramore_-LRB-album-RRB-", 0]], [[154553, 169272, "Paramore", 19], [154553, 169272, "Still_Into_You", 0]]], "all_evidence": [[154553, 169267, "Paramore", 0], [154553, 169268, "Paramore", 10], [154553, 169268, "Crushcrushcrush", 0], [154553, 169268, "Misery_Business", 0], [154553, 169269, "Paramore", 13], [154553, 169269, "Brand_New_Eyes", 0], [154553, 169270, "Paramore", 14], [154553, 169270, "The_Only_Exception", 0], [154553, 169271, "Paramore", 17], [154553, 169271, "Paramore_-LRB-album-RRB-", 0], [154553, 169272, "Paramore", 19], [154553, 169272, "Still_Into_You", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109748, 123350, "Rachel_Green", 1]]], "all_evidence": [[109748, 123350, "Rachel_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107084, 120460, "Chris_Kyle", 0]]], "all_evidence": [[107084, 120460, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201853, 211210, "Artpop", 13]], [[201853, 211211, "Artpop", 15]]], "all_evidence": [[201853, 211210, "Artpop", 13], [201853, 211211, "Artpop", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148988, null, null, null]]], "all_evidence": [[148988, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194751, 205119, "Manmohan_Singh", 1]]], "all_evidence": [[194751, 205119, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236089, null, null, null]]], "all_evidence": [[236089, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215851, 222610, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215851, 222610, "Holly_Hunter", 0], [215851, 222610, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]], "all_evidence": [[215851, 222610, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215851, 222610, "Holly_Hunter", 0], [215851, 222610, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201840, null, null, null]]], "all_evidence": [[201840, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12496, null, null, null], [12499, null, null, null], [12502, null, null, null]]], "all_evidence": [[12496, null, null, null], [12499, null, null, null], [12502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128043, 142752, "University_of_Mississippi", 4]]], "all_evidence": [[128043, 142752, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237479, 239686, "North_Vietnam", 0]]], "all_evidence": [[237479, 239686, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171820, null, null, null]]], "all_evidence": [[171820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54774, 64769, "TV_Choice", 1]]], "all_evidence": [[54774, 64769, "TV_Choice", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253978, null, null, null]]], "all_evidence": [[253978, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152831, 167592, "Republic_of_Macedonia", 1]], [[152831, 167593, "Republic_of_Macedonia", 3]], [[152831, 167594, "Republic_of_Macedonia", 7], [152831, 167594, "Albania", 0], [152831, 167594, "Bulgaria", 4], [152831, 167594, "Greece", 0], [152831, 167594, "Macedonia_-LRB-region-RRB-", 0], [152831, 167594, "Macedonia_-LRB-region-RRB-", 2]], [[152831, 167595, "Republic_of_Macedonia", 20], [152831, 167595, "Kingdom_of_Yugoslavia", 0]], [[152831, 167596, "Republic_of_Macedonia", 24]], [[152831, 167597, "Republic_of_Macedonia", 25]], [[152831, 167598, "Republic_of_Macedonia", 26]]], "all_evidence": [[152831, 167592, "Republic_of_Macedonia", 1], [152831, 167593, "Republic_of_Macedonia", 3], [152831, 167594, "Republic_of_Macedonia", 7], [152831, 167594, "Albania", 0], [152831, 167594, "Bulgaria", 4], [152831, 167594, "Greece", 0], [152831, 167594, "Macedonia_-LRB-region-RRB-", 0], [152831, 167594, "Macedonia_-LRB-region-RRB-", 2], [152831, 167595, "Republic_of_Macedonia", 20], [152831, 167595, "Kingdom_of_Yugoslavia", 0], [152831, 167596, "Republic_of_Macedonia", 24], [152831, 167597, "Republic_of_Macedonia", 25], [152831, 167598, "Republic_of_Macedonia", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[280530, null, null, null], [280873, null, null, null], [326914, null, null, null]]], "all_evidence": [[280530, null, null, null], [280873, null, null, null], [326914, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43772, null, null, null]]], "all_evidence": [[43772, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189871, 201065, "Mickey_Rourke", 13]]], "all_evidence": [[189871, 201065, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215838, null, null, null]]], "all_evidence": [[215838, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119499, 133521, "Joe_Walsh", 24]]], "all_evidence": [[119499, 133521, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228541, null, null, null]]], "all_evidence": [[228541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194693, 205069, "Middle-earth", 0]], [[194695, 205070, "Middle-earth", 0]]], "all_evidence": [[194693, 205069, "Middle-earth", 0], [194695, 205070, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58163, 68384, "Liam_Neeson", 11]]], "all_evidence": [[58163, 68384, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296182, 288115, "Joe_Rogan", 7]], [[297761, 289365, "Joe_Rogan", 7]], [[299896, 291233, "Joe_Rogan", 7]], [[299902, 291240, "Joe_Rogan", 7]], [[342476, 326497, "Joe_Rogan", 7], [342476, 326497, "Hardball_-LRB-1994_TV_series-RRB-", 0], [342476, 326497, "NewsRadio", 0], [342476, 326497, "NewsRadio", 1]]], "all_evidence": [[296182, 288115, "Joe_Rogan", 7], [297761, 289365, "Joe_Rogan", 7], [299896, 291233, "Joe_Rogan", 7], [299902, 291240, "Joe_Rogan", 7], [342476, 326497, "Joe_Rogan", 7], [342476, 326497, "Hardball_-LRB-1994_TV_series-RRB-", 0], [342476, 326497, "NewsRadio", 0], [342476, 326497, "NewsRadio", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119436, 133444, "Trevor_Griffiths", 0]], [[119437, 133445, "Trevor_Griffiths", 0]]], "all_evidence": [[119436, 133444, "Trevor_Griffiths", 0], [119437, 133445, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85191, 97473, "Same_Old_Love", 0]], [[85191, 97474, "Same_Old_Love", 9]]], "all_evidence": [[85191, 97473, "Same_Old_Love", 0], [85191, 97474, "Same_Old_Love", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234496, 237360, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234496, 237360, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231202, 234724, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231202, 234724, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29028, 35410, "Murda_Beatz", 0]]], "all_evidence": [[29028, 35410, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76370, 87663, "Civilization_IV", 12]]], "all_evidence": [[76370, 87663, "Civilization_IV", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74261, null, null, null]]], "all_evidence": [[74261, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37097, 44785, "John_Krasinski", 0]], [[37097, 44786, "John_Krasinski", 1]], [[37097, 44787, "John_Krasinski", 2]], [[37097, 44788, "John_Krasinski", 5], [37097, 44788, "Aloha_-LRB-film-RRB-", 1]], [[37097, 44789, "John_Krasinski", 6]]], "all_evidence": [[37097, 44785, "John_Krasinski", 0], [37097, 44786, "John_Krasinski", 1], [37097, 44787, "John_Krasinski", 2], [37097, 44788, "John_Krasinski", 5], [37097, 44788, "Aloha_-LRB-film-RRB-", 1], [37097, 44789, "John_Krasinski", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227003, 231439, "Barry_Van_Dyke", 0]]], "all_evidence": [[227003, 231439, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267308, 264033, "Southampton_F.C.", 0]]], "all_evidence": [[267308, 264033, "Southampton_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30328, 36922, "Black_Canary", 13]]], "all_evidence": [[30328, 36922, "Black_Canary", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36019, null, null, null]]], "all_evidence": [[36019, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215938, 222686, "Bradley_Fuller", 1]], [[215939, 222687, "Bradley_Fuller", 1]]], "all_evidence": [[215938, 222686, "Bradley_Fuller", 1], [215939, 222687, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177301, 190151, "Omar_Khadr", 3]]], "all_evidence": [[177301, 190151, "Omar_Khadr", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227623, null, null, null]]], "all_evidence": [[227623, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39033, 47020, "Mount_Rushmore", 1]]], "all_evidence": [[39033, 47020, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245245, null, null, null], [245256, null, null, null]]], "all_evidence": [[245245, null, null, null], [245256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[278944, 273600, "The_Mighty_Ducks", 1], [278944, 273600, "Jordan_Kerner", 0]], [[278945, 273601, "The_Mighty_Ducks", 1], [278945, 273601, "Jordan_Kerner", 0], [278945, 273601, "Walt_Disney_Pictures", 0]], [[328448, 315491, "The_Mighty_Ducks", 1], [328448, 315491, "Jordan_Kerner", 0], [328448, 315491, "Walt_Disney_Pictures", 0]]], "all_evidence": [[278944, 273600, "The_Mighty_Ducks", 1], [278944, 273600, "Jordan_Kerner", 0], [278945, 273601, "The_Mighty_Ducks", 1], [278945, 273601, "Jordan_Kerner", 0], [278945, 273601, "Walt_Disney_Pictures", 0], [328448, 315491, "The_Mighty_Ducks", 1], [328448, 315491, "Jordan_Kerner", 0], [328448, 315491, "Walt_Disney_Pictures", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179192, null, null, null]]], "all_evidence": [[179192, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208634, null, null, null]]], "all_evidence": [[208634, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235593, 238205, "Natural_Born_Killers", 5]]], "all_evidence": [[235593, 238205, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223631, 228600, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223631, 228600, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172099, null, null, null]]], "all_evidence": [[172099, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137398, 152280, "Aleister_Crowley", 0]]], "all_evidence": [[137398, 152280, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262054, 260106, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262054, 260106, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77331, null, null, null]]], "all_evidence": [[77331, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178323, 190907, "Carlos_Santana", 0]], [[178323, 190908, "Carlos_Santana", 2]], [[178323, 190909, "Carlos_Santana", 4]], [[178323, 190910, "Carlos_Santana", 5]]], "all_evidence": [[178323, 190907, "Carlos_Santana", 0], [178323, 190908, "Carlos_Santana", 2], [178323, 190909, "Carlos_Santana", 4], [178323, 190910, "Carlos_Santana", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239006, 240955, "Despicable_Me_2", 1], [239006, 240955, "Illumination_Entertainment", 0]]], "all_evidence": [[239006, 240955, "Despicable_Me_2", 1], [239006, 240955, "Illumination_Entertainment", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124423, 138790, "Liverpool", 13]]], "all_evidence": [[124423, 138790, "Liverpool", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111912, null, null, null]]], "all_evidence": [[111912, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227787, null, null, null]]], "all_evidence": [[227787, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230053, null, null, null]]], "all_evidence": [[230053, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209587, null, null, null]]], "all_evidence": [[209587, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200756, 210229, "Earl_Scruggs", 0]]], "all_evidence": [[200756, 210229, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114743, 128486, "Steve_Wozniak", 5]]], "all_evidence": [[114743, 128486, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281805, null, null, null], [283844, null, null, null], [284952, null, null, null], [329505, null, null, null], [329519, null, null, null]]], "all_evidence": [[281805, null, null, null], [283844, null, null, null], [284952, null, null, null], [329505, null, null, null], [329519, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19502, null, null, null]]], "all_evidence": [[19502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101269, 114509, "Jens_Stoltenberg", 4]]], "all_evidence": [[101269, 114509, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235848, 238447, "Blue_Jasmine", 1]], [[236553, 239001, "Blue_Jasmine", 1]], [[318645, 307515, "Blue_Jasmine", 1]]], "all_evidence": [[235848, 238447, "Blue_Jasmine", 1], [236553, 239001, "Blue_Jasmine", 1], [318645, 307515, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137024, null, null, null]]], "all_evidence": [[137024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102456, 115729, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[102456, 115729, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240795, 242407, "Glee.com", 1]]], "all_evidence": [[240795, 242407, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154517, 169224, "Prescott,_Arizona", 0]], [[154517, 169225, "Prescott,_Arizona", 1], [154517, 169225, "2010_United_States_Census", 0]], [[154517, 169226, "Prescott,_Arizona", 2], [154517, 169226, "Yavapai_County,_Arizona", 0]], [[154517, 169227, "Prescott,_Arizona", 8], [154517, 169227, "Prescott_Valley,_Arizona", 0]], [[154517, 169228, "Prescott,_Arizona", 11]], [[154517, 169229, "Prescott,_Arizona", 14], [154517, 169229, "Yavapai_County,_Arizona", 0]], [[154517, 169230, "Prescott,_Arizona", 3], [154517, 169230, "Arizona_Territory", 0]], [[154517, 169231, "Prescott,_Arizona", 9], [154517, 169231, "Wilhoit,_Arizona", 0]]], "all_evidence": [[154517, 169224, "Prescott,_Arizona", 0], [154517, 169225, "Prescott,_Arizona", 1], [154517, 169225, "2010_United_States_Census", 0], [154517, 169226, "Prescott,_Arizona", 2], [154517, 169226, "Yavapai_County,_Arizona", 0], [154517, 169227, "Prescott,_Arizona", 8], [154517, 169227, "Prescott_Valley,_Arizona", 0], [154517, 169228, "Prescott,_Arizona", 11], [154517, 169229, "Prescott,_Arizona", 14], [154517, 169229, "Yavapai_County,_Arizona", 0], [154517, 169230, "Prescott,_Arizona", 3], [154517, 169230, "Arizona_Territory", 0], [154517, 169231, "Prescott,_Arizona", 9], [154517, 169231, "Wilhoit,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209768, 217560, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209768, 217560, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206878, 215156, "Invasion_literature", 3]]], "all_evidence": [[206878, 215156, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266454, 263437, "Ludwig_van_Beethoven", 5]]], "all_evidence": [[266454, 263437, "Ludwig_van_Beethoven", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279681, null, null, null], [281399, null, null, null], [283552, null, null, null], [328079, null, null, null], [328085, null, null, null]]], "all_evidence": [[279681, null, null, null], [281399, null, null, null], [283552, null, null, null], [328079, null, null, null], [328085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191470, 202326, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191470, 202326, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19690, 24197, "Alexandra_Daddario", 0]]], "all_evidence": [[19690, 24197, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80941, null, null, null]]], "all_evidence": [[80941, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127792, 142461, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]], "all_evidence": [[127792, 142461, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42204, null, null, null]]], "all_evidence": [[42204, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240834, null, null, null], [240835, null, null, null]]], "all_evidence": [[240834, null, null, null], [240835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160998, 175453, "Brazzers", 0]]], "all_evidence": [[160998, 175453, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76799, 88156, "Shinji_Mikami", 0]], [[76799, 88157, "Shinji_Mikami", 2]], [[76799, 88158, "Shinji_Mikami", 3]], [[76799, 88159, "Shinji_Mikami", 4]], [[76799, 88160, "Shinji_Mikami", 5]], [[76799, 88161, "Shinji_Mikami", 6]], [[76799, 88162, "Shinji_Mikami", 8]]], "all_evidence": [[76799, 88156, "Shinji_Mikami", 0], [76799, 88157, "Shinji_Mikami", 2], [76799, 88158, "Shinji_Mikami", 3], [76799, 88159, "Shinji_Mikami", 4], [76799, 88160, "Shinji_Mikami", 5], [76799, 88161, "Shinji_Mikami", 6], [76799, 88162, "Shinji_Mikami", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59272, 69628, "X-Men-COLON-_Apocalypse", 0]]], "all_evidence": [[59272, 69628, "X-Men-COLON-_Apocalypse", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139702, null, null, null]]], "all_evidence": [[139702, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144788, 159808, "Noah_Cyrus", 0]], [[144789, 159809, "Noah_Cyrus", 0]]], "all_evidence": [[144788, 159808, "Noah_Cyrus", 0], [144789, 159809, "Noah_Cyrus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228801, null, null, null]]], "all_evidence": [[228801, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114680, 128423, "Colombiana", 0]]], "all_evidence": [[114680, 128423, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198606, 208401, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198606, 208401, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213754, 220902, "Finding_Dory", 1]]], "all_evidence": [[213754, 220902, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231172, 234706, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231172, 234706, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49052, 58394, "New_York_Knicks", 1]]], "all_evidence": [[49052, 58394, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121933, 136226, "Noah_Cyrus", 4]], [[121934, 136227, "Noah_Cyrus", 4]], [[121935, 136228, "Noah_Cyrus", 4]], [[121955, 136245, "Noah_Cyrus", 4]]], "all_evidence": [[121933, 136226, "Noah_Cyrus", 4], [121934, 136227, "Noah_Cyrus", 4], [121935, 136228, "Noah_Cyrus", 4], [121955, 136245, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[278881, null, null, null], [278882, null, null, null], [280542, null, null, null], [326945, null, null, null], [328387, null, null, null], [328388, null, null, null]]], "all_evidence": [[278881, null, null, null], [278882, null, null, null], [280542, null, null, null], [326945, null, null, null], [328387, null, null, null], [328388, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164024, 178269, "Daag_-LRB-1973_film-RRB-", 0]]], "all_evidence": [[164024, 178269, "Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62416, null, null, null]]], "all_evidence": [[62416, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208646, null, null, null]]], "all_evidence": [[208646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15789, 19651, "State_of_Palestine", 0]]], "all_evidence": [[15789, 19651, "State_of_Palestine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245434, null, null, null]]], "all_evidence": [[245434, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181129, 193411, "Life", 0]]], "all_evidence": [[181129, 193411, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121798, 136103, "Michelin_Guide", 0]]], "all_evidence": [[121798, 136103, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269553, 265853, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269553, 265853, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24509, null, null, null], [299641, null, null, null]]], "all_evidence": [[24509, null, null, null], [299641, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140352, null, null, null]]], "all_evidence": [[140352, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91587, 104344, "Starrcade", 0]], [[91587, 104345, "Starrcade", 10], [91587, 104345, "Turner_Broadcasting_System", 0]], [[91587, 104346, "Starrcade", 15], [91587, 104346, "Closed-circuit_television", 0]], [[91587, 104347, "Starrcade", 16], [91587, 104347, "Pay-per-view", 0]]], "all_evidence": [[91587, 104344, "Starrcade", 0], [91587, 104345, "Starrcade", 10], [91587, 104345, "Turner_Broadcasting_System", 0], [91587, 104346, "Starrcade", 15], [91587, 104346, "Closed-circuit_television", 0], [91587, 104347, "Starrcade", 16], [91587, 104347, "Pay-per-view", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87281, 99776, "Tottenham_Hotspur_F.C.", 7]]], "all_evidence": [[87281, 99776, "Tottenham_Hotspur_F.C.", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86876, 99335, "Colosseum", 0]]], "all_evidence": [[86876, 99335, "Colosseum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215916, 222667, "Bradley_Fuller", 0]]], "all_evidence": [[215916, 222667, "Bradley_Fuller", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126373, 140774, "Ingushetia", 5]]], "all_evidence": [[126373, 140774, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111136, 124794, "The_Daily_Show", 2]]], "all_evidence": [[111136, 124794, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130495, 145264, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[130495, 145264, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23454, 28900, "PacSun", 1]]], "all_evidence": [[23454, 28900, "PacSun", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176509, null, null, null]]], "all_evidence": [[176509, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122884, null, null, null]]], "all_evidence": [[122884, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93875, null, null, null]]], "all_evidence": [[93875, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48787, null, null, null]]], "all_evidence": [[48787, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168953, 182652, "Gin", 0]]], "all_evidence": [[168953, 182652, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53304, 63272, "TakePart", 0]]], "all_evidence": [[53304, 63272, "TakePart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215891, 222639, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5]]], "all_evidence": [[215891, 222639, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93420, 106371, "Scotty_Moore", 0]]], "all_evidence": [[93420, 106371, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29734, 36240, "Human_trafficking", 0], [29734, 36240, "Sexual_slavery", 0]]], "all_evidence": [[29734, 36240, "Human_trafficking", 0], [29734, 36240, "Sexual_slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80329, 92129, "Off_the_Wall", 0]], [[80329, 92130, "Off_the_Wall", 1]], [[80329, 92131, "Off_the_Wall", 10]]], "all_evidence": [[80329, 92129, "Off_the_Wall", 0], [80329, 92130, "Off_the_Wall", 1], [80329, 92131, "Off_the_Wall", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217685, 224177, "Asylum_Records", 0]]], "all_evidence": [[217685, 224177, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87711, null, null, null]]], "all_evidence": [[87711, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99893, 113089, "Psych", 0]]], "all_evidence": [[99893, 113089, "Psych", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258125, null, null, null]]], "all_evidence": [[258125, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189996, null, null, null]]], "all_evidence": [[189996, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67469, 78284, "Prescott,_Arizona", 0]]], "all_evidence": [[67469, 78284, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95475, 108485, "Kleshas_-LRB-Buddhism-RRB-", 0], [95475, 108485, "Buddhism", 0]]], "all_evidence": [[95475, 108485, "Kleshas_-LRB-Buddhism-RRB-", 0], [95475, 108485, "Buddhism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111481, 125215, "Faroe_Islands", 9]]], "all_evidence": [[111481, 125215, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254340, null, null, null]]], "all_evidence": [[254340, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26010, null, null, null], [300688, null, null, null]]], "all_evidence": [[26010, null, null, null], [300688, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45257, 54007, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[45257, 54007, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33000, null, null, null]]], "all_evidence": [[33000, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175288, 188279, "Aarhus", 0]]], "all_evidence": [[175288, 188279, "Aarhus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181063, null, null, null]]], "all_evidence": [[181063, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255168, 254659, "David_Packouz", 0]], [[255168, 254660, "David_Packouz", 3]], [[258681, 257449, "David_Packouz", 0]], [[321179, 309666, "David_Packouz", 0]], [[321181, 309668, "David_Packouz", 0]], [[321181, 309669, "David_Packouz", 8]], [[321183, 309670, "David_Packouz", 0]], [[321183, 309671, "David_Packouz", 3]], [[321183, 309672, "David_Packouz", 8]], [[321211, 309694, "David_Packouz", 3]], [[321211, 309695, "David_Packouz", 0]]], "all_evidence": [[255168, 254659, "David_Packouz", 0], [255168, 254660, "David_Packouz", 3], [258681, 257449, "David_Packouz", 0], [321179, 309666, "David_Packouz", 0], [321181, 309668, "David_Packouz", 0], [321181, 309669, "David_Packouz", 8], [321183, 309670, "David_Packouz", 0], [321183, 309671, "David_Packouz", 3], [321183, 309672, "David_Packouz", 8], [321211, 309694, "David_Packouz", 3], [321211, 309695, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172386, 185706, "Blade_Runner_2049", 1]]], "all_evidence": [[172386, 185706, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48764, 58077, "Duane_Chapman", 0]]], "all_evidence": [[48764, 58077, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73454, null, null, null], [78546, null, null, null], [305825, null, null, null], [305826, null, null, null], [305828, null, null, null], [305830, null, null, null], [305831, null, null, null], [305835, null, null, null], [305843, null, null, null]]], "all_evidence": [[73454, null, null, null], [78546, null, null, null], [305825, null, null, null], [305826, null, null, null], [305828, null, null, null], [305830, null, null, null], [305831, null, null, null], [305835, null, null, null], [305843, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271007, 266960, "New_Orleans_Pelicans", 1]]], "all_evidence": [[271007, 266960, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158694, null, null, null]]], "all_evidence": [[158694, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184131, null, null, null]]], "all_evidence": [[184131, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156974, null, null, null]]], "all_evidence": [[156974, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245246, 246107, "Efraim_Diveroli", 6]]], "all_evidence": [[245246, 246107, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141328, 156527, "Bret_Easton_Ellis", 20]]], "all_evidence": [[141328, 156527, "Bret_Easton_Ellis", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282437, 276613, "Duff_McKagan", 0]], [[284409, 278241, "Duff_McKagan", 0]], [[285328, 278986, "Duff_McKagan", 0]], [[330593, 317187, "Duff_McKagan", 0]], [[332069, 318484, "Duff_McKagan", 0]]], "all_evidence": [[282437, 276613, "Duff_McKagan", 0], [284409, 278241, "Duff_McKagan", 0], [285328, 278986, "Duff_McKagan", 0], [330593, 317187, "Duff_McKagan", 0], [332069, 318484, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[280715, null, null, null], [280980, null, null, null], [327357, null, null, null], [327362, null, null, null], [327524, null, null, null]]], "all_evidence": [[280715, null, null, null], [280980, null, null, null], [327357, null, null, null], [327362, null, null, null], [327524, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28199, 34501, "The_Good_Wife", 0], [28199, 34501, "The_Good_Wife_-LRB-2016_TV_series-RRB-", 0]]], "all_evidence": [[28199, 34501, "The_Good_Wife", 0], [28199, 34501, "The_Good_Wife_-LRB-2016_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15227, 18969, "Harold_Macmillan", 0]], [[15227, 18970, "Harold_Macmillan", 1], [15227, 18970, "Supermac_-LRB-cartoon-RRB-", 4]], [[15227, 18971, "Harold_Macmillan", 7]], [[15227, 18972, "Harold_Macmillan", 8]], [[15227, 18973, "Harold_Macmillan", 11]], [[15227, 18974, "Harold_Macmillan", 12]], [[15227, 18975, "Harold_Macmillan", 15]], [[15227, 18976, "Harold_Macmillan", 31]], [[15227, 18977, "Harold_Macmillan", 27]], [[15227, 18978, "Harold_Macmillan", 26]], [[15227, 18979, "Harold_Macmillan", 18], [15227, 18979, "United_Kingdom_general_election,_1959", 1]], [[19650, 24146, "Harold_Macmillan", 0]], [[19650, 24147, "Harold_Macmillan", 7]], [[19650, 24148, "Harold_Macmillan", 8]], [[19650, 24149, "Harold_Macmillan", 11]], [[19650, 24150, "Harold_Macmillan", 12]], [[19650, 24151, "Harold_Macmillan", 26]], [[19650, 24152, "Harold_Macmillan", 31]], [[24311, 30047, "Harold_Macmillan", 0]], [[24311, 30048, "Harold_Macmillan", 1], [24311, 30048, "Supermac_-LRB-cartoon-RRB-", 4]], [[24311, 30049, "Harold_Macmillan", 7]], [[24311, 30050, "Harold_Macmillan", 8]], [[24311, 30051, "Harold_Macmillan", 11]], [[24311, 30052, "Harold_Macmillan", 12]], [[24311, 30053, "Harold_Macmillan", 15]], [[24311, 30054, "Harold_Macmillan", 21]], [[24311, 30055, "Harold_Macmillan", 22]], [[24311, 30056, "Harold_Macmillan", 23]], [[24311, 30057, "Harold_Macmillan", 27]], [[24311, 30058, "Harold_Macmillan", 26]], [[24311, 30059, "Harold_Macmillan", 31]], [[299420, 290801, "Harold_Macmillan", 0]], [[299420, 290802, "Harold_Macmillan", 7]], [[299420, 290803, "Harold_Macmillan", 8]], [[299420, 290804, "Harold_Macmillan", 11]], [[299420, 290805, "Harold_Macmillan", 12]], [[299420, 290806, "Harold_Macmillan", 27]], [[299420, 290807, "Harold_Macmillan", 31]]], "all_evidence": [[15227, 18969, "Harold_Macmillan", 0], [15227, 18970, "Harold_Macmillan", 1], [15227, 18970, "Supermac_-LRB-cartoon-RRB-", 4], [15227, 18971, "Harold_Macmillan", 7], [15227, 18972, "Harold_Macmillan", 8], [15227, 18973, "Harold_Macmillan", 11], [15227, 18974, "Harold_Macmillan", 12], [15227, 18975, "Harold_Macmillan", 15], [15227, 18976, "Harold_Macmillan", 31], [15227, 18977, "Harold_Macmillan", 27], [15227, 18978, "Harold_Macmillan", 26], [15227, 18979, "Harold_Macmillan", 18], [15227, 18979, "United_Kingdom_general_election,_1959", 1], [19650, 24146, "Harold_Macmillan", 0], [19650, 24147, "Harold_Macmillan", 7], [19650, 24148, "Harold_Macmillan", 8], [19650, 24149, "Harold_Macmillan", 11], [19650, 24150, "Harold_Macmillan", 12], [19650, 24151, "Harold_Macmillan", 26], [19650, 24152, "Harold_Macmillan", 31], [24311, 30047, "Harold_Macmillan", 0], [24311, 30048, "Harold_Macmillan", 1], [24311, 30048, "Supermac_-LRB-cartoon-RRB-", 4], [24311, 30049, "Harold_Macmillan", 7], [24311, 30050, "Harold_Macmillan", 8], [24311, 30051, "Harold_Macmillan", 11], [24311, 30052, "Harold_Macmillan", 12], [24311, 30053, "Harold_Macmillan", 15], [24311, 30054, "Harold_Macmillan", 21], [24311, 30055, "Harold_Macmillan", 22], [24311, 30056, "Harold_Macmillan", 23], [24311, 30057, "Harold_Macmillan", 27], [24311, 30058, "Harold_Macmillan", 26], [24311, 30059, "Harold_Macmillan", 31], [299420, 290801, "Harold_Macmillan", 0], [299420, 290802, "Harold_Macmillan", 7], [299420, 290803, "Harold_Macmillan", 8], [299420, 290804, "Harold_Macmillan", 11], [299420, 290805, "Harold_Macmillan", 12], [299420, 290806, "Harold_Macmillan", 27], [299420, 290807, "Harold_Macmillan", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183979, 195955, "Dan_O'Bannon", 0]]], "all_evidence": [[183979, 195955, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290455, null, null, null]]], "all_evidence": [[290455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240856, 242457, "Down_with_Love", 0]]], "all_evidence": [[240856, 242457, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240263, 241910, "The_Sugarland_Express", 3]]], "all_evidence": [[240263, 241910, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11764, null, null, null], [15406, null, null, null], [16495, null, null, null], [19763, null, null, null], [162956, null, null, null], [177990, null, null, null], [186503, null, null, null], [189227, null, null, null], [213386, null, null, null], [216788, null, null, null], [221043, null, null, null], [225978, null, null, null], [232126, null, null, null], [234518, null, null, null], [250117, null, null, null], [256887, null, null, null], [261042, null, null, null], [270838, null, null, null], [273986, null, null, null], [296395, null, null, null], [298884, null, null, null], [300939, null, null, null], [316803, null, null, null], [330355, null, null, null]]], "all_evidence": [[11764, null, null, null], [15406, null, null, null], [16495, null, null, null], [19763, null, null, null], [162956, null, null, null], [177990, null, null, null], [186503, null, null, null], [189227, null, null, null], [213386, null, null, null], [216788, null, null, null], [221043, null, null, null], [225978, null, null, null], [232126, null, null, null], [234518, null, null, null], [250117, null, null, null], [256887, null, null, null], [261042, null, null, null], [270838, null, null, null], [273986, null, null, null], [296395, null, null, null], [298884, null, null, null], [300939, null, null, null], [316803, null, null, null], [330355, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205321, 213930, "Invasion_literature", 3]]], "all_evidence": [[205321, 213930, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61790, 72259, "Rabies", 0]]], "all_evidence": [[61790, 72259, "Rabies", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63115, null, null, null]]], "all_evidence": [[63115, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233060, 236063, "Saturn", 0]]], "all_evidence": [[233060, 236063, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225843, 230414, "Love_the_Way_You_Lie", 16]]], "all_evidence": [[225843, 230414, "Love_the_Way_You_Lie", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165945, null, null, null]]], "all_evidence": [[165945, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186120, 198029, "Baz_Luhrmann", 2]]], "all_evidence": [[186120, 198029, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64643, 75465, "Raees_-LRB-film-RRB-", 1], [64643, 75465, "Shah_Rukh_Khan", 0]]], "all_evidence": [[64643, 75465, "Raees_-LRB-film-RRB-", 1], [64643, 75465, "Shah_Rukh_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199064, 208748, "Matteo_Renzi", 0]]], "all_evidence": [[199064, 208748, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184333, null, null, null]]], "all_evidence": [[184333, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67354, null, null, null], [69520, null, null, null], [303735, null, null, null], [305457, null, null, null], [305459, null, null, null]]], "all_evidence": [[67354, null, null, null], [69520, null, null, null], [303735, null, null, null], [305457, null, null, null], [305459, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154503, null, null, null]]], "all_evidence": [[154503, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232014, 235302, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232014, 235302, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200742, 210213, "Earl_Scruggs", 0]]], "all_evidence": [[200742, 210213, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178073, 190709, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[178073, 190709, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120220, 134401, "AMGTV", 0]]], "all_evidence": [[120220, 134401, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135280, 150192, "Folklore", 1]]], "all_evidence": [[135280, 150192, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216051, 222770, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216051, 222770, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53006, 62949, "Highway_to_Heaven", 0]]], "all_evidence": [[53006, 62949, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42268, 50867, "Efraim_Diveroli", 0]]], "all_evidence": [[42268, 50867, "Efraim_Diveroli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257105, 256153, "Homer_Hickam", 2]]], "all_evidence": [[257105, 256153, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211610, 219269, "Forceps", 0]]], "all_evidence": [[211610, 219269, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214261, 221340, "Kenneth_Lonergan", 0]]], "all_evidence": [[214261, 221340, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209589, 217384, "Swordfish_-LRB-film-RRB-", 1]], [[209596, 217390, "Swordfish_-LRB-film-RRB-", 1], [209596, 217390, "Bank_robbery", 0], [209596, 217390, "Bank_robbery", 2]]], "all_evidence": [[209589, 217384, "Swordfish_-LRB-film-RRB-", 1], [209596, 217390, "Swordfish_-LRB-film-RRB-", 1], [209596, 217390, "Bank_robbery", 0], [209596, 217390, "Bank_robbery", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103273, 116646, "Saw_-LRB-franchise-RRB-", 8]]], "all_evidence": [[103273, 116646, "Saw_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132552, 147456, "Sidse_Babett_Knudsen", 0]], [[132552, 147457, "Sidse_Babett_Knudsen", 1]], [[132552, 147458, "Sidse_Babett_Knudsen", 4]], [[132552, 147459, "Sidse_Babett_Knudsen", 5]], [[132552, 147460, "Sidse_Babett_Knudsen", 6]], [[132552, 147461, "Sidse_Babett_Knudsen", 7], [132552, 147461, "After_the_Wedding", 0]], [[132552, 147462, "Sidse_Babett_Knudsen", 10]]], "all_evidence": [[132552, 147456, "Sidse_Babett_Knudsen", 0], [132552, 147457, "Sidse_Babett_Knudsen", 1], [132552, 147458, "Sidse_Babett_Knudsen", 4], [132552, 147459, "Sidse_Babett_Knudsen", 5], [132552, 147460, "Sidse_Babett_Knudsen", 6], [132552, 147461, "Sidse_Babett_Knudsen", 7], [132552, 147461, "After_the_Wedding", 0], [132552, 147462, "Sidse_Babett_Knudsen", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153531, 168355, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[153562, 168388, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[153562, 168389, "Kleshas_-LRB-Buddhism-RRB-", 1]]], "all_evidence": [[153531, 168355, "Kleshas_-LRB-Buddhism-RRB-", 0], [153562, 168388, "Kleshas_-LRB-Buddhism-RRB-", 0], [153562, 168389, "Kleshas_-LRB-Buddhism-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218414, 224706, "The_Hurt_Locker", 0]]], "all_evidence": [[218414, 224706, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174128, null, null, null]]], "all_evidence": [[174128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269548, 265851, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269548, 265851, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189869, null, null, null]]], "all_evidence": [[189869, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229600, null, null, null]]], "all_evidence": [[229600, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16787, 20796, "Renato_Balestra", 3]]], "all_evidence": [[16787, 20796, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74294, 85515, "Harold_Macmillan", 0]]], "all_evidence": [[74294, 85515, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115379, 129197, "Mick_Thomson", 1]]], "all_evidence": [[115379, 129197, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116155, 130066, "Quran", 0]]], "all_evidence": [[116155, 130066, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114673, 128416, "Sayyeshaa", 0]], [[114673, 128417, "Sayyeshaa", 1]]], "all_evidence": [[114673, 128416, "Sayyeshaa", 0], [114673, 128417, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161815, 176238, "Peking_University", 1]]], "all_evidence": [[161815, 176238, "Peking_University", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186367, 198183, "Robert_Lopez", 1]]], "all_evidence": [[186367, 198183, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145338, 160330, "Stephen_Colbert", 1]]], "all_evidence": [[145338, 160330, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180464, 192940, "Connie_Nielsen", 0]], [[180464, 192941, "Connie_Nielsen", 1]], [[180464, 192942, "Connie_Nielsen", 3]]], "all_evidence": [[180464, 192940, "Connie_Nielsen", 0], [180464, 192941, "Connie_Nielsen", 1], [180464, 192942, "Connie_Nielsen", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48846, 58163, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[48846, 58163, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153295, 168048, "You_Belong_with_Me", 0]], [[153295, 168049, "You_Belong_with_Me", 1]], [[153295, 168050, "You_Belong_with_Me", 2]], [[153295, 168051, "You_Belong_with_Me", 3]], [[153295, 168052, "You_Belong_with_Me", 4]], [[153295, 168053, "You_Belong_with_Me", 7]], [[153295, 168054, "You_Belong_with_Me", 8]], [[153295, 168055, "You_Belong_with_Me", 9]], [[153295, 168056, "You_Belong_with_Me", 11]], [[153295, 168057, "You_Belong_with_Me", 12]], [[153295, 168058, "You_Belong_with_Me", 15]], [[153295, 168059, "You_Belong_with_Me", 20]], [[153295, 168060, "You_Belong_with_Me", 21]]], "all_evidence": [[153295, 168048, "You_Belong_with_Me", 0], [153295, 168049, "You_Belong_with_Me", 1], [153295, 168050, "You_Belong_with_Me", 2], [153295, 168051, "You_Belong_with_Me", 3], [153295, 168052, "You_Belong_with_Me", 4], [153295, 168053, "You_Belong_with_Me", 7], [153295, 168054, "You_Belong_with_Me", 8], [153295, 168055, "You_Belong_with_Me", 9], [153295, 168056, "You_Belong_with_Me", 11], [153295, 168057, "You_Belong_with_Me", 12], [153295, 168058, "You_Belong_with_Me", 15], [153295, 168059, "You_Belong_with_Me", 20], [153295, 168060, "You_Belong_with_Me", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199488, 209163, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199488, 209163, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144501, null, null, null]]], "all_evidence": [[144501, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154120, 168895, "Tremont_Street_Subway", 2]], [[154120, 168896, "Tremont_Street_Subway", 5]], [[154120, 168897, "Tremont_Street_Subway", 6]]], "all_evidence": [[154120, 168895, "Tremont_Street_Subway", 2], [154120, 168896, "Tremont_Street_Subway", 5], [154120, 168897, "Tremont_Street_Subway", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[311592, 301526, "History_of_Earth", 25]]], "all_evidence": [[311592, 301526, "History_of_Earth", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237968, 240127, "Tamerlan_Tsarnaev", 0], [237968, 240127, "Tamerlan_Tsarnaev", 1]], [[237968, 240128, "Tamerlan_Tsarnaev", 8]], [[237968, 240129, "Tamerlan_Tsarnaev", 13]], [[237968, 240130, "Tamerlan_Tsarnaev", 14]]], "all_evidence": [[237968, 240127, "Tamerlan_Tsarnaev", 0], [237968, 240127, "Tamerlan_Tsarnaev", 1], [237968, 240128, "Tamerlan_Tsarnaev", 8], [237968, 240129, "Tamerlan_Tsarnaev", 13], [237968, 240130, "Tamerlan_Tsarnaev", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255969, null, null, null]]], "all_evidence": [[255969, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210887, null, null, null]]], "all_evidence": [[210887, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248544, 248705, "In_a_Lonely_Place", 1]]], "all_evidence": [[248544, 248705, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246287, 246831, "Easy_A", 0]]], "all_evidence": [[246287, 246831, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107662, null, null, null]]], "all_evidence": [[107662, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166010, 179968, "Qui-Gon_Jinn", 0]]], "all_evidence": [[166010, 179968, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201860, null, null, null], [201866, null, null, null]]], "all_evidence": [[201860, null, null, null], [201866, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162790, 177023, "Angela_Bassett", 0]], [[162791, 177024, "Angela_Bassett", 0]]], "all_evidence": [[162790, 177023, "Angela_Bassett", 0], [162791, 177024, "Angela_Bassett", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260713, 259036, "Valencia", 0]]], "all_evidence": [[260713, 259036, "Valencia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245097, null, null, null]]], "all_evidence": [[245097, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222209, 227589, "Oscar_De_La_Hoya", 0]], [[222209, 227590, "Oscar_De_La_Hoya", 13]], [[222209, 227591, "Oscar_De_La_Hoya", 8]], [[222209, 227592, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222209, 227589, "Oscar_De_La_Hoya", 0], [222209, 227590, "Oscar_De_La_Hoya", 13], [222209, 227591, "Oscar_De_La_Hoya", 8], [222209, 227592, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235592, 238204, "Natural_Born_Killers", 5]]], "all_evidence": [[235592, 238204, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91547, 104292, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[91547, 104292, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269562, 265861, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269562, 265861, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69298, 80077, "Sebastian_Stan", 2]]], "all_evidence": [[69298, 80077, "Sebastian_Stan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246640, null, null, null]]], "all_evidence": [[246640, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164870, 179062, "TakePart", 0], [164870, 179062, "Participant_Media", 0]]], "all_evidence": [[164870, 179062, "TakePart", 0], [164870, 179062, "Participant_Media", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112592, 126411, "San_Diego_Comic-Con", 1]]], "all_evidence": [[112592, 126411, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267306, null, null, null]]], "all_evidence": [[267306, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177826, 190534, "Harris_Jayaraj", 0]]], "all_evidence": [[177826, 190534, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238967, 240926, "Despicable_Me_2", 1]], [[238969, 240928, "Despicable_Me_2", 1]]], "all_evidence": [[238967, 240926, "Despicable_Me_2", 1], [238969, 240928, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109406, 123059, "Damon_Albarn", 4]]], "all_evidence": [[109406, 123059, "Damon_Albarn", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84640, 96848, "Hot_Right_Now", 0]]], "all_evidence": [[84640, 96848, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231972, null, null, null]]], "all_evidence": [[231972, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112384, null, null, null]]], "all_evidence": [[112384, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226526, null, null, null]]], "all_evidence": [[226526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264422, 261880, "Brubaker", 0]]], "all_evidence": [[264422, 261880, "Brubaker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154194, null, null, null]]], "all_evidence": [[154194, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237974, 240134, "Tamerlan_Tsarnaev", 1]], [[237974, 240135, "Tamerlan_Tsarnaev", 8]], [[237974, 240136, "Tamerlan_Tsarnaev", 9]], [[237974, 240137, "Tamerlan_Tsarnaev", 10]], [[237974, 240138, "Tamerlan_Tsarnaev", 13]], [[237974, 240139, "Tamerlan_Tsarnaev", 15]]], "all_evidence": [[237974, 240134, "Tamerlan_Tsarnaev", 1], [237974, 240135, "Tamerlan_Tsarnaev", 8], [237974, 240136, "Tamerlan_Tsarnaev", 9], [237974, 240137, "Tamerlan_Tsarnaev", 10], [237974, 240138, "Tamerlan_Tsarnaev", 13], [237974, 240139, "Tamerlan_Tsarnaev", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145268, 160270, "Bruce_Shand", 0]], [[148108, 163093, "Bruce_Shand", 0]], [[150454, 165337, "Bruce_Shand", 0]], [[311239, 301254, "Bruce_Shand", 0]], [[312839, 302573, "Bruce_Shand", 0]]], "all_evidence": [[145268, 160270, "Bruce_Shand", 0], [148108, 163093, "Bruce_Shand", 0], [150454, 165337, "Bruce_Shand", 0], [311239, 301254, "Bruce_Shand", 0], [312839, 302573, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82562, 94353, "Gordon_Ramsay", 13], [82562, 94353, "Forbes", 0]]], "all_evidence": [[82562, 94353, "Gordon_Ramsay", 13], [82562, 94353, "Forbes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157877, null, null, null]]], "all_evidence": [[157877, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246596, 247074, "Excuse_My_French_-LRB-album-RRB-", 0]], [[246596, 247075, "Excuse_My_French_-LRB-album-RRB-", 1]], [[246596, 247076, "Excuse_My_French_-LRB-album-RRB-", 2]], [[246596, 247077, "Excuse_My_French_-LRB-album-RRB-", 5]]], "all_evidence": [[246596, 247074, "Excuse_My_French_-LRB-album-RRB-", 0], [246596, 247075, "Excuse_My_French_-LRB-album-RRB-", 1], [246596, 247076, "Excuse_My_French_-LRB-album-RRB-", 2], [246596, 247077, "Excuse_My_French_-LRB-album-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125633, 140007, "Liam_Neeson", 11]]], "all_evidence": [[125633, 140007, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125230, 139567, "Bloods", 0]]], "all_evidence": [[125230, 139567, "Bloods", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178703, null, null, null]]], "all_evidence": [[178703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236587, null, null, null]]], "all_evidence": [[236587, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24848, 30689, "Brazzers", 0]], [[148441, 163462, "Brazzers", 0]], [[299799, 291176, "Brazzers", 0]]], "all_evidence": [[24848, 30689, "Brazzers", 0], [148441, 163462, "Brazzers", 0], [299799, 291176, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44498, null, null, null]]], "all_evidence": [[44498, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231195, 234720, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231195, 234720, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129964, 144665, "History_of_Earth", 19], [129964, 144665, "Miocene", 15]], [[129964, 144666, "History_of_Earth", 24], [129964, 144666, "Life", 1]], [[129964, 144667, "History_of_Earth", 31], [129964, 144667, "Life", 1], [129964, 144667, "Multicellular_organism", 3]], [[129964, 144668, "History_of_Earth", 32], [129964, 144668, "Life", 1]]], "all_evidence": [[129964, 144665, "History_of_Earth", 19], [129964, 144665, "Miocene", 15], [129964, 144666, "History_of_Earth", 24], [129964, 144666, "Life", 1], [129964, 144667, "History_of_Earth", 31], [129964, 144667, "Life", 1], [129964, 144667, "Multicellular_organism", 3], [129964, 144668, "History_of_Earth", 32], [129964, 144668, "Life", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199059, null, null, null]]], "all_evidence": [[199059, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254355, null, null, null]]], "all_evidence": [[254355, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149121, null, null, null]]], "all_evidence": [[149121, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103402, 116806, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[103402, 116806, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82635, 94450, "Saw_-LRB-franchise-RRB-", 0], [82635, 94450, "Media_franchise", 0]]], "all_evidence": [[82635, 94450, "Saw_-LRB-franchise-RRB-", 0], [82635, 94450, "Media_franchise", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201128, 210578, "The_Endless_River", 0]]], "all_evidence": [[201128, 210578, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158068, 172682, "Sayyeshaa", 1]]], "all_evidence": [[158068, 172682, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276084, null, null, null], [278380, null, null, null], [278381, null, null, null], [325420, null, null, null], [326272, null, null, null], [326273, null, null, null], [326277, null, null, null]]], "all_evidence": [[276084, null, null, null], [278380, null, null, null], [278381, null, null, null], [325420, null, null, null], [326272, null, null, null], [326273, null, null, null], [326277, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181689, 193927, "Arizona", 0]], [[181689, 193928, "Arizona", 1]], [[181689, 193929, "Arizona", 2]], [[181689, 193930, "Arizona", 3], [181689, 193930, "Phoenix,_Arizona", 0]], [[181689, 193932, "Arizona", 9]], [[181710, 193954, "Arizona", 0]], [[181710, 193955, "Arizona", 1], [181710, 193955, "Mountain_States", 6]], [[181710, 193956, "Arizona", 2]], [[181710, 193957, "Arizona", 3], [181710, 193957, "Phoenix,_Arizona", 0]], [[181710, 193958, "Arizona", 4]], [[181710, 193959, "Arizona", 9]], [[181710, 193960, "Arizona", 22], [181710, 193960, "State_songs_of_Arizona", 0]]], "all_evidence": [[181689, 193927, "Arizona", 0], [181689, 193928, "Arizona", 1], [181689, 193929, "Arizona", 2], [181689, 193930, "Arizona", 3], [181689, 193930, "Phoenix,_Arizona", 0], [181689, 193932, "Arizona", 9], [181710, 193954, "Arizona", 0], [181710, 193955, "Arizona", 1], [181710, 193955, "Mountain_States", 6], [181710, 193956, "Arizona", 2], [181710, 193957, "Arizona", 3], [181710, 193957, "Phoenix,_Arizona", 0], [181710, 193958, "Arizona", 4], [181710, 193959, "Arizona", 9], [181710, 193960, "Arizona", 22], [181710, 193960, "State_songs_of_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55341, 65396, "Billboard_Dad", 0]]], "all_evidence": [[55341, 65396, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239271, 241182, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239271, 241182, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203011, 212135, "Christian_Gottlob_Neefe", 0]], [[203011, 212136, "Christian_Gottlob_Neefe", 8]], [[203011, 212137, "Christian_Gottlob_Neefe", 9]]], "all_evidence": [[203011, 212135, "Christian_Gottlob_Neefe", 0], [203011, 212136, "Christian_Gottlob_Neefe", 8], [203011, 212137, "Christian_Gottlob_Neefe", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106071, 119435, "Flaked", 1]], [[106071, 119436, "Flaked", 2]]], "all_evidence": [[106071, 119435, "Flaked", 1], [106071, 119436, "Flaked", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83583, 95574, "Harris_Jayaraj", 0]]], "all_evidence": [[83583, 95574, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223838, 228763, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223838, 228763, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113718, null, null, null]]], "all_evidence": [[113718, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234918, null, null, null]]], "all_evidence": [[234918, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225922, 230498, "Roland_Emmerich", 3]], [[225923, 230499, "Roland_Emmerich", 3]]], "all_evidence": [[225922, 230498, "Roland_Emmerich", 3], [225923, 230499, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24685, 30480, "Fist_of_Legend", 2]], [[26133, 32147, "Fist_of_Legend", 2], [26133, 32147, "Fist_of_Fury", 0]], [[27636, 33848, "Fist_of_Legend", 2]], [[301581, 292691, "Fist_of_Legend", 2], [301581, 292691, "Fist_of_Fury", 0]], [[302610, 293606, "Fist_of_Legend", 2], [302610, 293606, "Fist_of_Fury", 0]], [[304345, 295154, "Fist_of_Legend", 2], [304345, 295154, "Fist_of_Fury", 0]]], "all_evidence": [[24685, 30480, "Fist_of_Legend", 2], [26133, 32147, "Fist_of_Legend", 2], [26133, 32147, "Fist_of_Fury", 0], [27636, 33848, "Fist_of_Legend", 2], [301581, 292691, "Fist_of_Legend", 2], [301581, 292691, "Fist_of_Fury", 0], [302610, 293606, "Fist_of_Legend", 2], [302610, 293606, "Fist_of_Fury", 0], [304345, 295154, "Fist_of_Legend", 2], [304345, 295154, "Fist_of_Fury", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158168, 172792, "Due_Date", 0]]], "all_evidence": [[158168, 172792, "Due_Date", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65627, 76501, "University_of_Mississippi", 4]]], "all_evidence": [[65627, 76501, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77458, null, null, null]]], "all_evidence": [[77458, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148563, null, null, null]]], "all_evidence": [[148563, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79505, 91232, "Henry_II_of_France", 0], [79505, 91232, "Car", 2]]], "all_evidence": [[79505, 91232, "Henry_II_of_France", 0], [79505, 91232, "Car", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94132, 107121, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[94132, 107121, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228211, 232453, "Fortunes_of_War_-LRB-TV_series-RRB-", 1], [228211, 232453, "Emma_Thompson", 0]]], "all_evidence": [[228211, 232453, "Fortunes_of_War_-LRB-TV_series-RRB-", 1], [228211, 232453, "Emma_Thompson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77606, null, null, null]]], "all_evidence": [[77606, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82995, 94885, "Make_It_or_Break_It", 8]], [[82995, 94886, "Make_It_or_Break_It", 9]]], "all_evidence": [[82995, 94885, "Make_It_or_Break_It", 8], [82995, 94886, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164504, null, null, null]]], "all_evidence": [[164504, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84396, 96564, "Heart", 19]]], "all_evidence": [[84396, 96564, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217679, 224170, "Asylum_Records", 0]], [[217683, 224174, "Asylum_Records", 0]], [[217684, 224175, "Asylum_Records", 0]], [[217684, 224176, "Asylum_Records", 1]]], "all_evidence": [[217679, 224170, "Asylum_Records", 0], [217683, 224174, "Asylum_Records", 0], [217684, 224175, "Asylum_Records", 0], [217684, 224176, "Asylum_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126847, 141301, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[126847, 141301, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229549, null, null, null]]], "all_evidence": [[229549, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242994, 244271, "St._Anger", 0]], [[242994, 244272, "St._Anger", 1]], [[242994, 244273, "St._Anger", 2]], [[242994, 244274, "St._Anger", 7]], [[242994, 244275, "St._Anger", 8]], [[242994, 244276, "St._Anger", 13]], [[242994, 244277, "St._Anger", 16]], [[242994, 244278, "St._Anger", 17]]], "all_evidence": [[242994, 244271, "St._Anger", 0], [242994, 244272, "St._Anger", 1], [242994, 244273, "St._Anger", 2], [242994, 244274, "St._Anger", 7], [242994, 244275, "St._Anger", 8], [242994, 244276, "St._Anger", 13], [242994, 244277, "St._Anger", 16], [242994, 244278, "St._Anger", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124467, 138816, "Lincoln\u2013Douglas_debates", 24]]], "all_evidence": [[124467, 138816, "Lincoln\u2013Douglas_debates", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260724, 259049, "Valencia", 0]], [[260724, 259050, "Valencia", 2]]], "all_evidence": [[260724, 259049, "Valencia", 0], [260724, 259050, "Valencia", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23725, 29378, "Camden,_New_Jersey", 40]]], "all_evidence": [[23725, 29378, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193402, null, null, null]]], "all_evidence": [[193402, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190020, null, null, null]]], "all_evidence": [[190020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218616, 224854, "Riddick_-LRB-character-RRB-", 1]], [[220572, 226324, "Riddick_-LRB-character-RRB-", 1]], [[221405, 227021, "Riddick_-LRB-character-RRB-", 1]], [[317696, 306698, "Riddick_-LRB-character-RRB-", 1]], [[317697, 306699, "Riddick_-LRB-character-RRB-", 1]], [[317720, 306733, "Riddick_-LRB-character-RRB-", 1]]], "all_evidence": [[218616, 224854, "Riddick_-LRB-character-RRB-", 1], [220572, 226324, "Riddick_-LRB-character-RRB-", 1], [221405, 227021, "Riddick_-LRB-character-RRB-", 1], [317696, 306698, "Riddick_-LRB-character-RRB-", 1], [317697, 306699, "Riddick_-LRB-character-RRB-", 1], [317720, 306733, "Riddick_-LRB-character-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199917, 209553, "Anne_Sullivan", 0]]], "all_evidence": [[199917, 209553, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205297, 213894, "Invasion_literature", 0]]], "all_evidence": [[205297, 213894, "Invasion_literature", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188621, null, null, null]]], "all_evidence": [[188621, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223629, 228599, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223629, 228599, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181033, 193335, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[181033, 193335, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275832, 270932, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[278148, 273028, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[326137, 313684, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[327801, 315009, "The_Gifted_-LRB-TV_series-RRB-", 2]], [[327801, 315010, "The_Gifted_-LRB-TV_series-RRB-", 7]], [[327810, 315016, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[327810, 315017, "The_Gifted_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[275832, 270932, "The_Gifted_-LRB-TV_series-RRB-", 0], [278148, 273028, "The_Gifted_-LRB-TV_series-RRB-", 0], [326137, 313684, "The_Gifted_-LRB-TV_series-RRB-", 0], [327801, 315009, "The_Gifted_-LRB-TV_series-RRB-", 2], [327801, 315010, "The_Gifted_-LRB-TV_series-RRB-", 7], [327810, 315016, "The_Gifted_-LRB-TV_series-RRB-", 0], [327810, 315017, "The_Gifted_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235725, 238287, "Tom_DeLonge", 2]]], "all_evidence": [[235725, 238287, "Tom_DeLonge", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127287, 141818, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[127287, 141818, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89729, 102428, "Star_Trek-COLON-_Discovery", 0], [89729, 102428, "Star_Trek", 0]]], "all_evidence": [[89729, 102428, "Star_Trek-COLON-_Discovery", 0], [89729, 102428, "Star_Trek", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11256, 14176, "Julianne_Moore", 5]]], "all_evidence": [[11256, 14176, "Julianne_Moore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23729, 29382, "Hundred_Years'_War", 21]]], "all_evidence": [[23729, 29382, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100927, null, null, null]]], "all_evidence": [[100927, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69444, 80245, "Arizona", 0]], [[69444, 80246, "Arizona", 9], [69444, 80246, "Contiguous_United_States", 0]], [[69444, 80247, "Arizona", 16], [69444, 80247, "Douglas_fir", 0]], [[69444, 80248, "Arizona", 18], [69444, 80248, "Grand_Canyon", 0]]], "all_evidence": [[69444, 80245, "Arizona", 0], [69444, 80246, "Arizona", 9], [69444, 80246, "Contiguous_United_States", 0], [69444, 80247, "Arizona", 16], [69444, 80247, "Douglas_fir", 0], [69444, 80248, "Arizona", 18], [69444, 80248, "Grand_Canyon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18225, 22390, "Wales", 16]]], "all_evidence": [[18225, 22390, "Wales", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111801, 125623, "Gal_Gadot", 4]]], "all_evidence": [[111801, 125623, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18193, 22356, "Guillermo_del_Toro", 0]], [[18193, 22357, "Guillermo_del_Toro", 1]], [[18193, 22358, "Guillermo_del_Toro", 4]], [[18193, 22359, "Guillermo_del_Toro", 5]], [[18193, 22360, "Guillermo_del_Toro", 11]]], "all_evidence": [[18193, 22356, "Guillermo_del_Toro", 0], [18193, 22357, "Guillermo_del_Toro", 1], [18193, 22358, "Guillermo_del_Toro", 4], [18193, 22359, "Guillermo_del_Toro", 5], [18193, 22360, "Guillermo_del_Toro", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235582, 238197, "Natural_Born_Killers", 5]]], "all_evidence": [[235582, 238197, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145626, 160632, "Daggering", 0]]], "all_evidence": [[145626, 160632, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95826, 108881, "Bessie_Smith", 0]]], "all_evidence": [[95826, 108881, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182301, null, null, null]]], "all_evidence": [[182301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148669, 163706, "Hundred_Years'_War", 21]]], "all_evidence": [[148669, 163706, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195083, 205447, "Johanna_Braddy", 4]]], "all_evidence": [[195083, 205447, "Johanna_Braddy", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17649, 21805, "Leonard_Nimoy", 10], [17649, 21805, "Civilization_IV", 0]], [[21778, 26771, "Leonard_Nimoy", 10], [21778, 26771, "Civilization_IV", 0]], [[301448, 292566, "Leonard_Nimoy", 10], [301448, 292566, "Civilization_IV", 0]], [[302519, 293515, "Leonard_Nimoy", 10], [302519, 293515, "Civilization_IV", 0]], [[302520, 293516, "Leonard_Nimoy", 10], [302520, 293516, "Civilization_IV", 0]], [[304307, 295127, "Leonard_Nimoy", 10], [304307, 295127, "Civilization_IV", 0]]], "all_evidence": [[17649, 21805, "Leonard_Nimoy", 10], [17649, 21805, "Civilization_IV", 0], [21778, 26771, "Leonard_Nimoy", 10], [21778, 26771, "Civilization_IV", 0], [301448, 292566, "Leonard_Nimoy", 10], [301448, 292566, "Civilization_IV", 0], [302519, 293515, "Leonard_Nimoy", 10], [302519, 293515, "Civilization_IV", 0], [302520, 293516, "Leonard_Nimoy", 10], [302520, 293516, "Civilization_IV", 0], [304307, 295127, "Leonard_Nimoy", 10], [304307, 295127, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30206, 36784, "Jamie_Murray", 15]]], "all_evidence": [[30206, 36784, "Jamie_Murray", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209770, 217563, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]], [[209770, 217564, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209770, 217563, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0], [209770, 217564, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52479, 62461, "Miranda_Otto", 1]], [[52480, 62462, "Miranda_Otto", 1]]], "all_evidence": [[52479, 62461, "Miranda_Otto", 1], [52480, 62462, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152101, null, null, null]]], "all_evidence": [[152101, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189733, 200956, "Polar_bear", 10]]], "all_evidence": [[189733, 200956, "Polar_bear", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197412, null, null, null]]], "all_evidence": [[197412, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156754, null, null, null]]], "all_evidence": [[156754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104484, 117900, "The_Wallace_-LRB-poem-RRB-", 0]]], "all_evidence": [[104484, 117900, "The_Wallace_-LRB-poem-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257070, 256128, "Chagatai_language", 0]]], "all_evidence": [[257070, 256128, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112739, 126576, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[112739, 126577, "The_Gifted_-LRB-TV_series-RRB-", 6]], [[112739, 126578, "The_Gifted_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[112739, 126576, "The_Gifted_-LRB-TV_series-RRB-", 0], [112739, 126577, "The_Gifted_-LRB-TV_series-RRB-", 6], [112739, 126578, "The_Gifted_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86791, null, null, null]]], "all_evidence": [[86791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216562, 223255, "Mani_Ratnam", 1]]], "all_evidence": [[216562, 223255, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61918, 72401, "Harris_Jayaraj", 0]]], "all_evidence": [[61918, 72401, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75165, 86398, "John_Dolmayan", 0]], [[75165, 86399, "John_Dolmayan", 1]], [[75165, 86400, "John_Dolmayan", 2]], [[75165, 86401, "John_Dolmayan", 4]]], "all_evidence": [[75165, 86398, "John_Dolmayan", 0], [75165, 86399, "John_Dolmayan", 1], [75165, 86400, "John_Dolmayan", 2], [75165, 86401, "John_Dolmayan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[252353, null, null, null]]], "all_evidence": [[252353, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190454, 201472, "Tom_Baker_-LRB-English_actor-RRB-", 10]], [[190454, 201473, "Tom_Baker_-LRB-English_actor-RRB-", 1]], [[190454, 201474, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[190454, 201475, "Tom_Baker_-LRB-English_actor-RRB-", 11], [190454, 201475, "The_Golden_Voyage_of_Sinbad", 0]], [[190511, 201520, "Tom_Baker_-LRB-English_actor-RRB-", 0]]], "all_evidence": [[190454, 201472, "Tom_Baker_-LRB-English_actor-RRB-", 10], [190454, 201473, "Tom_Baker_-LRB-English_actor-RRB-", 1], [190454, 201474, "Tom_Baker_-LRB-English_actor-RRB-", 15], [190454, 201475, "Tom_Baker_-LRB-English_actor-RRB-", 11], [190454, 201475, "The_Golden_Voyage_of_Sinbad", 0], [190511, 201520, "Tom_Baker_-LRB-English_actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203201, 212284, "Fabian_Nicieza", 0]]], "all_evidence": [[203201, 212284, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76512, null, null, null]]], "all_evidence": [[76512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193499, 203993, "Larry_Wilmore", 2]], [[193499, 203994, "Larry_Wilmore", 3]]], "all_evidence": [[193499, 203993, "Larry_Wilmore", 2], [193499, 203994, "Larry_Wilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113290, null, null, null]]], "all_evidence": [[113290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72720, 83771, "Wish_Upon", 0]]], "all_evidence": [[72720, 83771, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251511, 251350, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251511, 251350, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181017, 193321, "Faroe_Islands", 9]]], "all_evidence": [[181017, 193321, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167856, 181636, "The_Daily_Show", 2]]], "all_evidence": [[167856, 181636, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270502, 266531, "Jenna_Jameson", 3]]], "all_evidence": [[270502, 266531, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215935, 222684, "Bradley_Fuller", 0]]], "all_evidence": [[215935, 222684, "Bradley_Fuller", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180601, 193033, "Bad_Romance", 12]]], "all_evidence": [[180601, 193033, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216570, 223271, "Mani_Ratnam", 1]]], "all_evidence": [[216570, 223271, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201121, 210571, "The_Endless_River", 0], [201121, 210571, "The_Endless_River", 1]]], "all_evidence": [[201121, 210571, "The_Endless_River", 0], [201121, 210571, "The_Endless_River", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243703, 244871, "Palo_Alto,_California", 0]], [[243703, 244872, "Palo_Alto,_California", 1]], [[243703, 244873, "Palo_Alto,_California", 6]], [[243703, 244874, "Palo_Alto,_California", 10]], [[243703, 244875, "Palo_Alto,_California", 11]]], "all_evidence": [[243703, 244871, "Palo_Alto,_California", 0], [243703, 244872, "Palo_Alto,_California", 1], [243703, 244873, "Palo_Alto,_California", 6], [243703, 244874, "Palo_Alto,_California", 10], [243703, 244875, "Palo_Alto,_California", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49300, null, null, null]]], "all_evidence": [[49300, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49476, 58823, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[49476, 58823, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172992, 186224, "The_Mod_Squad", 0]]], "all_evidence": [[172992, 186224, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89668, 102360, "Hush_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[89668, 102360, "Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240849, 242449, "Down_with_Love", 0]], [[240851, 242451, "Down_with_Love", 0]]], "all_evidence": [[240849, 242449, "Down_with_Love", 0], [240851, 242451, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184139, 196084, "Edgar_Wright", 0]], [[184146, 196098, "Edgar_Wright", 0]]], "all_evidence": [[184139, 196084, "Edgar_Wright", 0], [184146, 196098, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290296, 283330, "Magic_Johnson", 1]], [[291649, 284550, "Magic_Johnson", 1]], [[293768, 286204, "Magic_Johnson", 1]], [[338258, 323482, "Magic_Johnson", 1]], [[338300, 323512, "Magic_Johnson", 1]]], "all_evidence": [[290296, 283330, "Magic_Johnson", 1], [291649, 284550, "Magic_Johnson", 1], [293768, 286204, "Magic_Johnson", 1], [338258, 323482, "Magic_Johnson", 1], [338300, 323512, "Magic_Johnson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217292, 223912, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217292, 223912, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25903, 31843, "Saxony", 0]], [[25903, 31844, "Saxony", 8]]], "all_evidence": [[25903, 31843, "Saxony", 0], [25903, 31844, "Saxony", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282536, 276724, "Lou_Gehrig", 15]], [[284496, 278315, "Lou_Gehrig", 15]], [[330690, 317293, "Lou_Gehrig", 15]], [[331811, 318269, "Lou_Gehrig", 15]]], "all_evidence": [[282536, 276724, "Lou_Gehrig", 15], [284496, 278315, "Lou_Gehrig", 15], [330690, 317293, "Lou_Gehrig", 15], [331811, 318269, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66243, null, null, null]]], "all_evidence": [[66243, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241418, null, null, null], [241433, null, null, null]]], "all_evidence": [[241418, null, null, null], [241433, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191479, 202330, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191479, 202330, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83168, 95109, "NRG_Recording_Studios", 0]]], "all_evidence": [[83168, 95109, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22458, 27670, "Hot_Right_Now", 0]]], "all_evidence": [[22458, 27670, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191668, 202485, "Anne_Rice", 0]]], "all_evidence": [[191668, 202485, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243124, null, null, null]]], "all_evidence": [[243124, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190481, 201493, "Tom_Baker_-LRB-English_actor-RRB-", 0]]], "all_evidence": [[190481, 201493, "Tom_Baker_-LRB-English_actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119323, 133298, "Danny_Brown", 3]]], "all_evidence": [[119323, 133298, "Danny_Brown", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163487, 177741, "Michelin_Guide", 0]], [[163487, 177742, "Michelin_Guide", 1]], [[163487, 177743, "Michelin_Guide", 3]]], "all_evidence": [[163487, 177741, "Michelin_Guide", 0], [163487, 177742, "Michelin_Guide", 1], [163487, 177743, "Michelin_Guide", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146650, 161640, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]], "all_evidence": [[146650, 161640, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57038, 67270, "Pharrell_Williams", 4]]], "all_evidence": [[57038, 67270, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155268, null, null, null]]], "all_evidence": [[155268, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130150, 144882, "Greek_language", 0]]], "all_evidence": [[130150, 144882, "Greek_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28324, null, null, null]]], "all_evidence": [[28324, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39255, 47289, "Efraim_Diveroli", 0]]], "all_evidence": [[39255, 47289, "Efraim_Diveroli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151471, null, null, null]]], "all_evidence": [[151471, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108890, null, null, null]]], "all_evidence": [[108890, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210965, 218645, "Mogadishu", 0], [210965, 218645, "Capital_city", 0], [210965, 218645, "Somalia", 0]], [[210965, 218646, "Mogadishu", 17], [210965, 218646, "Capital_city", 0], [210965, 218646, "Somalia", 0]]], "all_evidence": [[210965, 218645, "Mogadishu", 0], [210965, 218645, "Capital_city", 0], [210965, 218645, "Somalia", 0], [210965, 218646, "Mogadishu", 17], [210965, 218646, "Capital_city", 0], [210965, 218646, "Somalia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156947, 171508, "2016_Tour_de_France", 2]]], "all_evidence": [[156947, 171508, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129869, 144576, "Hush_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[129869, 144576, "Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231945, 235248, "The_Wallace_-LRB-poem-RRB-", 0]], [[231946, 235249, "The_Wallace_-LRB-poem-RRB-", 0]], [[318509, 307407, "The_Wallace_-LRB-poem-RRB-", 0]], [[320266, 308884, "The_Wallace_-LRB-poem-RRB-", 0]]], "all_evidence": [[231945, 235248, "The_Wallace_-LRB-poem-RRB-", 0], [231946, 235249, "The_Wallace_-LRB-poem-RRB-", 0], [318509, 307407, "The_Wallace_-LRB-poem-RRB-", 0], [320266, 308884, "The_Wallace_-LRB-poem-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168890, 182603, "Wish_Upon", 0]]], "all_evidence": [[168890, 182603, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16267, 20165, "Shawn_Carlson", 0]]], "all_evidence": [[16267, 20165, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39550, 47643, "United_Nations_Charter", 1]]], "all_evidence": [[39550, 47643, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40207, 48377, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[40207, 48377, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163045, 177265, "Match_Point", 0]]], "all_evidence": [[163045, 177265, "Match_Point", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166246, null, null, null]]], "all_evidence": [[166246, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77162, 88584, "Sleipnir", 0], [77162, 88584, "Norse_mythology", 0]]], "all_evidence": [[77162, 88584, "Sleipnir", 0], [77162, 88584, "Norse_mythology", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215558, 222406, "Tata_Motors", 13]]], "all_evidence": [[215558, 222406, "Tata_Motors", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142697, 157844, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[142697, 157844, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207759, null, null, null]]], "all_evidence": [[207759, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53747, 63748, "Francis_I_of_France", 0]]], "all_evidence": [[53747, 63748, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107187, 120567, "Justin_Chatwin", 7]]], "all_evidence": [[107187, 120567, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109958, 123570, "David_Packouz", 0]]], "all_evidence": [[109958, 123570, "David_Packouz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125421, null, null, null]]], "all_evidence": [[125421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27928, 34227, "CONCACAF_Champions_League", 0]]], "all_evidence": [[27928, 34227, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137805, 152760, "West_Virginia", 1]]], "all_evidence": [[137805, 152760, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146323, 161284, "Heart", 19]]], "all_evidence": [[146323, 161284, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47327, null, null, null]]], "all_evidence": [[47327, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241699, 243220, "Rio_-LRB-2011_film-RRB-", 20]], [[241700, 243221, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241699, 243220, "Rio_-LRB-2011_film-RRB-", 20], [241700, 243221, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151074, null, null, null]]], "all_evidence": [[151074, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218173, 224530, "Bermuda_Triangle", 0]]], "all_evidence": [[218173, 224530, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234125, 237025, "David_Spade", 2]], [[240481, 242080, "David_Spade", 2]], [[318716, 307559, "David_Spade", 2]], [[318718, 307560, "David_Spade", 2]], [[318730, 307567, "David_Spade", 2], [318730, 307567, "Grown_Ups_2", 2]]], "all_evidence": [[234125, 237025, "David_Spade", 2], [240481, 242080, "David_Spade", 2], [318716, 307559, "David_Spade", 2], [318718, 307560, "David_Spade", 2], [318730, 307567, "David_Spade", 2], [318730, 307567, "Grown_Ups_2", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254581, 254215, "Saxony", 4]], [[256742, 255901, "Saxony", 4]], [[258383, 257186, "Saxony", 4]], [[321092, 309579, "Saxony", 4]], [[321097, 309580, "Saxony", 4]], [[321110, 309594, "Saxony", 4]], [[321118, 309603, "Saxony", 4]], [[321157, 309648, "Saxony", 4]]], "all_evidence": [[254581, 254215, "Saxony", 4], [256742, 255901, "Saxony", 4], [258383, 257186, "Saxony", 4], [321092, 309579, "Saxony", 4], [321097, 309580, "Saxony", 4], [321110, 309594, "Saxony", 4], [321118, 309603, "Saxony", 4], [321157, 309648, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246275, 246820, "Easy_A", 0]], [[246276, 246821, "Easy_A", 0]]], "all_evidence": [[246275, 246820, "Easy_A", 0], [246276, 246821, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181752, 193999, "Kendall_Jenner", 7]]], "all_evidence": [[181752, 193999, "Kendall_Jenner", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238524, null, null, null], [238525, null, null, null]]], "all_evidence": [[238524, null, null, null], [238525, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17350, null, null, null]]], "all_evidence": [[17350, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71310, 82248, "Croatia", 28]]], "all_evidence": [[71310, 82248, "Croatia", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110335, 123931, "Match_Point", 3]]], "all_evidence": [[110335, 123931, "Match_Point", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113817, null, null, null]]], "all_evidence": [[113817, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95683, null, null, null]]], "all_evidence": [[95683, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39901, 48006, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[39901, 48006, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33349, 40463, "The_Road_to_El_Dorado", 0]], [[33352, 40465, "The_Road_to_El_Dorado", 0]]], "all_evidence": [[33349, 40463, "The_Road_to_El_Dorado", 0], [33352, 40465, "The_Road_to_El_Dorado", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183996, null, null, null]]], "all_evidence": [[183996, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186128, 198034, "Baz_Luhrmann", 2]]], "all_evidence": [[186128, 198034, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151736, null, null, null], [151737, null, null, null]]], "all_evidence": [[151736, null, null, null], [151737, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166160, null, null, null], [166610, null, null, null], [312234, null, null, null], [313522, null, null, null], [313524, null, null, null]]], "all_evidence": [[166160, null, null, null], [166610, null, null, null], [312234, null, null, null], [313522, null, null, null], [313524, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92088, 104871, "The_Bassoon_King", 0]]], "all_evidence": [[92088, 104871, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118831, 132680, "Liam_Neeson", 11]]], "all_evidence": [[118831, 132680, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237582, null, null, null], [237592, null, null, null]]], "all_evidence": [[237582, null, null, null], [237592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199464, null, null, null]]], "all_evidence": [[199464, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29513, 35989, "Omar_Khadr", 10]], [[29513, 35990, "Omar_Khadr", 12]], [[29513, 35991, "Omar_Khadr", 16]], [[29513, 35992, "Omar_Khadr", 24]]], "all_evidence": [[29513, 35989, "Omar_Khadr", 10], [29513, 35990, "Omar_Khadr", 12], [29513, 35991, "Omar_Khadr", 16], [29513, 35992, "Omar_Khadr", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114541, 128301, "Stephen_Colbert", 0]]], "all_evidence": [[114541, 128301, "Stephen_Colbert", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128187, 142898, "14th_Dalai_Lama", 10]], [[128187, 142899, "14th_Dalai_Lama", 12]]], "all_evidence": [[128187, 142898, "14th_Dalai_Lama", 10], [128187, 142899, "14th_Dalai_Lama", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[276985, 271988, "Margaret_Thatcher", 0]], [[276985, 271989, "Margaret_Thatcher", 1]], [[276985, 271990, "Margaret_Thatcher", 25]], [[276994, 271995, "Margaret_Thatcher", 0]], [[276994, 271996, "Margaret_Thatcher", 1]], [[276994, 271997, "Margaret_Thatcher", 3]], [[276994, 271998, "Margaret_Thatcher", 6]], [[276994, 271999, "Margaret_Thatcher", 7]], [[276994, 272000, "Margaret_Thatcher", 8]], [[276994, 272001, "Margaret_Thatcher", 9]], [[276994, 272002, "Margaret_Thatcher", 14]], [[276994, 272003, "Margaret_Thatcher", 18]], [[276994, 272004, "Margaret_Thatcher", 20]], [[276994, 272005, "Margaret_Thatcher", 25]], [[278796, 273508, "Margaret_Thatcher", 0]], [[326837, 314229, "Margaret_Thatcher", 2]], [[326844, 314232, "Margaret_Thatcher", 0]], [[326844, 314233, "Margaret_Thatcher", 1]], [[326844, 314234, "Margaret_Thatcher", 3]], [[326844, 314235, "Margaret_Thatcher", 6]], [[326844, 314236, "Margaret_Thatcher", 7]], [[326844, 314237, "Margaret_Thatcher", 8]], [[326844, 314238, "Margaret_Thatcher", 9]], [[326844, 314239, "Margaret_Thatcher", 12]], [[326844, 314240, "Margaret_Thatcher", 13]], [[326844, 314241, "Margaret_Thatcher", 14]], [[326844, 314242, "Margaret_Thatcher", 15], [326844, 314242, "Brighton_hotel_bombing", 3]], [[326844, 314243, "Margaret_Thatcher", 18]], [[326844, 314244, "Margaret_Thatcher", 19]], [[326844, 314245, "Margaret_Thatcher", 20]], [[326844, 314246, "Margaret_Thatcher", 21]], [[326844, 314247, "Margaret_Thatcher", 25]]], "all_evidence": [[276985, 271988, "Margaret_Thatcher", 0], [276985, 271989, "Margaret_Thatcher", 1], [276985, 271990, "Margaret_Thatcher", 25], [276994, 271995, "Margaret_Thatcher", 0], [276994, 271996, "Margaret_Thatcher", 1], [276994, 271997, "Margaret_Thatcher", 3], [276994, 271998, "Margaret_Thatcher", 6], [276994, 271999, "Margaret_Thatcher", 7], [276994, 272000, "Margaret_Thatcher", 8], [276994, 272001, "Margaret_Thatcher", 9], [276994, 272002, "Margaret_Thatcher", 14], [276994, 272003, "Margaret_Thatcher", 18], [276994, 272004, "Margaret_Thatcher", 20], [276994, 272005, "Margaret_Thatcher", 25], [278796, 273508, "Margaret_Thatcher", 0], [326837, 314229, "Margaret_Thatcher", 2], [326844, 314232, "Margaret_Thatcher", 0], [326844, 314233, "Margaret_Thatcher", 1], [326844, 314234, "Margaret_Thatcher", 3], [326844, 314235, "Margaret_Thatcher", 6], [326844, 314236, "Margaret_Thatcher", 7], [326844, 314237, "Margaret_Thatcher", 8], [326844, 314238, "Margaret_Thatcher", 9], [326844, 314239, "Margaret_Thatcher", 12], [326844, 314240, "Margaret_Thatcher", 13], [326844, 314241, "Margaret_Thatcher", 14], [326844, 314242, "Margaret_Thatcher", 15], [326844, 314242, "Brighton_hotel_bombing", 3], [326844, 314243, "Margaret_Thatcher", 18], [326844, 314244, "Margaret_Thatcher", 19], [326844, 314245, "Margaret_Thatcher", 20], [326844, 314246, "Margaret_Thatcher", 21], [326844, 314247, "Margaret_Thatcher", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227205, 231608, "Kim_Jong-il", 0]]], "all_evidence": [[227205, 231608, "Kim_Jong-il", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171167, null, null, null], [171179, null, null, null]]], "all_evidence": [[171167, null, null, null], [171179, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12491, 15607, "Britt_Robertson", 0]], [[12491, 15608, "Britt_Robertson", 1]], [[12497, 15611, "Britt_Robertson", 0]], [[12507, 15620, "Britt_Robertson", 0]], [[12507, 15621, "Britt_Robertson", 1]], [[12507, 15622, "Britt_Robertson", 2]], [[12507, 15623, "Britt_Robertson", 3], [12507, 15623, "The_First_Time_-LRB-2012_film-RRB-", 0]], [[12507, 15624, "Britt_Robertson", 6]], [[12507, 15625, "Britt_Robertson", 7]], [[12507, 15626, "Britt_Robertson", 8]], [[12507, 15627, "Britt_Robertson", 9]], [[12507, 15628, "Britt_Robertson", 12], [12507, 15628, "The_Longest_Ride_-LRB-film-RRB-", 1]], [[12507, 15629, "Britt_Robertson", 13]], [[12507, 15630, "Britt_Robertson", 14]], [[12507, 15631, "Britt_Robertson", 15]], [[12512, 15636, "Britt_Robertson", 0]], [[12512, 15637, "Britt_Robertson", 1]], [[12512, 15638, "Britt_Robertson", 2]], [[12512, 15639, "Britt_Robertson", 6]], [[12512, 15640, "Britt_Robertson", 7]], [[12512, 15641, "Britt_Robertson", 8]], [[12512, 15642, "Britt_Robertson", 9]], [[12512, 15643, "Britt_Robertson", 12]], [[12512, 15644, "Britt_Robertson", 13]], [[12512, 15645, "Britt_Robertson", 14]], [[12512, 15646, "Britt_Robertson", 15]], [[12513, 15647, "Britt_Robertson", 0]], [[12513, 15648, "Britt_Robertson", 12]], [[12513, 15649, "Britt_Robertson", 13]], [[12513, 15650, "Britt_Robertson", 14]], [[12513, 15651, "Britt_Robertson", 15]], [[12513, 15652, "Britt_Robertson", 9]], [[12513, 15653, "Britt_Robertson", 8]], [[12513, 15654, "Britt_Robertson", 7]], [[12513, 15655, "Britt_Robertson", 6]], [[12513, 15656, "Britt_Robertson", 3]], [[12513, 15657, "Britt_Robertson", 2]], [[12513, 15658, "Britt_Robertson", 1]], [[17433, 21579, "Britt_Robertson", 0]], [[17433, 21580, "Britt_Robertson", 1]], [[17433, 21581, "Britt_Robertson", 2]], [[17433, 21582, "Britt_Robertson", 3]], [[17433, 21583, "Britt_Robertson", 6]], [[17433, 21584, "Britt_Robertson", 7]], [[17433, 21585, "Britt_Robertson", 8]], [[17433, 21586, "Britt_Robertson", 9]], [[17433, 21587, "Britt_Robertson", 12]], [[17433, 21588, "Britt_Robertson", 13]], [[17433, 21589, "Britt_Robertson", 14]], [[17433, 21590, "Britt_Robertson", 15]], [[299059, 290436, "Britt_Robertson", 0]], [[299059, 290437, "Britt_Robertson", 1]], [[299059, 290438, "Britt_Robertson", 2]], [[299059, 290439, "Britt_Robertson", 3]], [[299059, 290440, "Britt_Robertson", 6]], [[299059, 290441, "Britt_Robertson", 7]], [[299059, 290442, "Britt_Robertson", 8]], [[299059, 290443, "Britt_Robertson", 9]], [[299059, 290444, "Britt_Robertson", 12]], [[299059, 290445, "Britt_Robertson", 13]], [[299059, 290446, "Britt_Robertson", 14]], [[299059, 290447, "Britt_Robertson", 15]], [[301104, 292232, "Britt_Robertson", 0]], [[301104, 292233, "Britt_Robertson", 1]], [[301104, 292234, "Britt_Robertson", 2], [301104, 292234, "Power_Rangers_Time_Force", 0]], [[301104, 292235, "Britt_Robertson", 3], [301104, 292235, "Dan_in_Real_Life", 0]], [[301104, 292236, "Britt_Robertson", 6]], [[301104, 292237, "Britt_Robertson", 7]], [[301104, 292238, "Britt_Robertson", 8]], [[301104, 292239, "Britt_Robertson", 9]], [[301104, 292240, "Britt_Robertson", 12]], [[301104, 292241, "Britt_Robertson", 13]], [[301104, 292242, "Britt_Robertson", 14]], [[301104, 292243, "Britt_Robertson", 15]]], "all_evidence": [[12491, 15607, "Britt_Robertson", 0], [12491, 15608, "Britt_Robertson", 1], [12497, 15611, "Britt_Robertson", 0], [12507, 15620, "Britt_Robertson", 0], [12507, 15621, "Britt_Robertson", 1], [12507, 15622, "Britt_Robertson", 2], [12507, 15623, "Britt_Robertson", 3], [12507, 15623, "The_First_Time_-LRB-2012_film-RRB-", 0], [12507, 15624, "Britt_Robertson", 6], [12507, 15625, "Britt_Robertson", 7], [12507, 15626, "Britt_Robertson", 8], [12507, 15627, "Britt_Robertson", 9], [12507, 15628, "Britt_Robertson", 12], [12507, 15628, "The_Longest_Ride_-LRB-film-RRB-", 1], [12507, 15629, "Britt_Robertson", 13], [12507, 15630, "Britt_Robertson", 14], [12507, 15631, "Britt_Robertson", 15], [12512, 15636, "Britt_Robertson", 0], [12512, 15637, "Britt_Robertson", 1], [12512, 15638, "Britt_Robertson", 2], [12512, 15639, "Britt_Robertson", 6], [12512, 15640, "Britt_Robertson", 7], [12512, 15641, "Britt_Robertson", 8], [12512, 15642, "Britt_Robertson", 9], [12512, 15643, "Britt_Robertson", 12], [12512, 15644, "Britt_Robertson", 13], [12512, 15645, "Britt_Robertson", 14], [12512, 15646, "Britt_Robertson", 15], [12513, 15647, "Britt_Robertson", 0], [12513, 15648, "Britt_Robertson", 12], [12513, 15649, "Britt_Robertson", 13], [12513, 15650, "Britt_Robertson", 14], [12513, 15651, "Britt_Robertson", 15], [12513, 15652, "Britt_Robertson", 9], [12513, 15653, "Britt_Robertson", 8], [12513, 15654, "Britt_Robertson", 7], [12513, 15655, "Britt_Robertson", 6], [12513, 15656, "Britt_Robertson", 3], [12513, 15657, "Britt_Robertson", 2], [12513, 15658, "Britt_Robertson", 1], [17433, 21579, "Britt_Robertson", 0], [17433, 21580, "Britt_Robertson", 1], [17433, 21581, "Britt_Robertson", 2], [17433, 21582, "Britt_Robertson", 3], [17433, 21583, "Britt_Robertson", 6], [17433, 21584, "Britt_Robertson", 7], [17433, 21585, "Britt_Robertson", 8], [17433, 21586, "Britt_Robertson", 9], [17433, 21587, "Britt_Robertson", 12], [17433, 21588, "Britt_Robertson", 13], [17433, 21589, "Britt_Robertson", 14], [17433, 21590, "Britt_Robertson", 15], [299059, 290436, "Britt_Robertson", 0], [299059, 290437, "Britt_Robertson", 1], [299059, 290438, "Britt_Robertson", 2], [299059, 290439, "Britt_Robertson", 3], [299059, 290440, "Britt_Robertson", 6], [299059, 290441, "Britt_Robertson", 7], [299059, 290442, "Britt_Robertson", 8], [299059, 290443, "Britt_Robertson", 9], [299059, 290444, "Britt_Robertson", 12], [299059, 290445, "Britt_Robertson", 13], [299059, 290446, "Britt_Robertson", 14], [299059, 290447, "Britt_Robertson", 15], [301104, 292232, "Britt_Robertson", 0], [301104, 292233, "Britt_Robertson", 1], [301104, 292234, "Britt_Robertson", 2], [301104, 292234, "Power_Rangers_Time_Force", 0], [301104, 292235, "Britt_Robertson", 3], [301104, 292235, "Dan_in_Real_Life", 0], [301104, 292236, "Britt_Robertson", 6], [301104, 292237, "Britt_Robertson", 7], [301104, 292238, "Britt_Robertson", 8], [301104, 292239, "Britt_Robertson", 9], [301104, 292240, "Britt_Robertson", 12], [301104, 292241, "Britt_Robertson", 13], [301104, 292242, "Britt_Robertson", 14], [301104, 292243, "Britt_Robertson", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178354, 190941, "West_Ham_United_F.C.", 5], [178354, 190941, "Thames_Ironworks_F.C.", 0]]], "all_evidence": [[178354, 190941, "West_Ham_United_F.C.", 5], [178354, 190941, "Thames_Ironworks_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238987, 240942, "Despicable_Me_2", 0]], [[238987, 240943, "Despicable_Me_2", 9]], [[238987, 240944, "Despicable_Me_2", 11]]], "all_evidence": [[238987, 240942, "Despicable_Me_2", 0], [238987, 240943, "Despicable_Me_2", 9], [238987, 240944, "Despicable_Me_2", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108822, 122518, "Terry_Crews", 0]], [[108822, 122519, "Terry_Crews", 9]]], "all_evidence": [[108822, 122518, "Terry_Crews", 0], [108822, 122519, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27138, 33253, "Guillermo_del_Toro", 0]]], "all_evidence": [[27138, 33253, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270769, 266775, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270769, 266775, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154566, 169286, "Marjorie_Gross", 0]], [[154566, 169287, "Marjorie_Gross", 1]]], "all_evidence": [[154566, 169286, "Marjorie_Gross", 0], [154566, 169287, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205323, 213931, "Invasion_literature", 3]], [[205328, 213935, "Invasion_literature", 3]]], "all_evidence": [[205323, 213931, "Invasion_literature", 3], [205328, 213935, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62091, null, null, null]]], "all_evidence": [[62091, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62613, 73247, "Prescott,_Arizona", 0]]], "all_evidence": [[62613, 73247, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36094, 43622, "Chile", 0]]], "all_evidence": [[36094, 43622, "Chile", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211978, 219586, "Saturn_Corporation", 0]]], "all_evidence": [[211978, 219586, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30830, 37473, "Kendall_Jenner", 0]], [[30830, 37474, "Kendall_Jenner", 5]], [[30830, 37475, "Kendall_Jenner", 6]]], "all_evidence": [[30830, 37473, "Kendall_Jenner", 0], [30830, 37474, "Kendall_Jenner", 5], [30830, 37475, "Kendall_Jenner", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36807, null, null, null]]], "all_evidence": [[36807, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118215, null, null, null]]], "all_evidence": [[118215, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65485, null, null, null]]], "all_evidence": [[65485, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127226, null, null, null]]], "all_evidence": [[127226, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19026, 23325, "Armenian_Genocide", 0]]], "all_evidence": [[19026, 23325, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103229, null, null, null]]], "all_evidence": [[103229, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189889, 201077, "Mickey_Rourke", 3]], [[189889, 201078, "Mickey_Rourke", 7]]], "all_evidence": [[189889, 201077, "Mickey_Rourke", 3], [189889, 201078, "Mickey_Rourke", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79672, null, null, null], [79673, null, null, null]]], "all_evidence": [[79672, null, null, null], [79673, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53716, null, null, null]]], "all_evidence": [[53716, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130798, 145585, "Yale_University", 23]]], "all_evidence": [[130798, 145585, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127825, 142517, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[127825, 142517, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177776, 190492, "West_Virginia", 1]]], "all_evidence": [[177776, 190492, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56691, 66914, "L.A._Reid", 1], [56691, 66914, "Epic_Records", 0]]], "all_evidence": [[56691, 66914, "L.A._Reid", 1], [56691, 66914, "Epic_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227630, 231976, "Happiness_in_Slavery", 0]]], "all_evidence": [[227630, 231976, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226475, 231038, "Eighth_Doctor", 0]]], "all_evidence": [[226475, 231038, "Eighth_Doctor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236093, 238632, "Tijuana", 0], [236093, 238632, "Baja_California", 9]]], "all_evidence": [[236093, 238632, "Tijuana", 0], [236093, 238632, "Baja_California", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41018, 49323, "A_Milli", 0]]], "all_evidence": [[41018, 49323, "A_Milli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36854, null, null, null]]], "all_evidence": [[36854, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142750, 157895, "You_Belong_with_Me", 20]]], "all_evidence": [[142750, 157895, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59767, 70173, "Janet_Leigh", 0]]], "all_evidence": [[59767, 70173, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207677, 215899, "Steve_Ditko", 3]]], "all_evidence": [[207677, 215899, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156330, 170933, "XHamster", 6]]], "all_evidence": [[156330, 170933, "XHamster", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109847, 123441, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[109847, 123441, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21905, null, null, null]]], "all_evidence": [[21905, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225908, 230484, "Roland_Emmerich", 3]]], "all_evidence": [[225908, 230484, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52618, 62576, "Psych", 0]]], "all_evidence": [[52618, 62576, "Psych", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193406, 203923, "Don_Bradman", 1], [193406, 203923, "Test_cricket", 0]], [[193406, 203924, "Don_Bradman", 5]], [[193406, 203925, "Don_Bradman", 20]]], "all_evidence": [[193406, 203923, "Don_Bradman", 1], [193406, 203923, "Test_cricket", 0], [193406, 203924, "Don_Bradman", 5], [193406, 203925, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221697, 227267, "Matthias_Corvinus", 31], [221697, 227267, "Matthias_Corvinus", 0]]], "all_evidence": [[221697, 227267, "Matthias_Corvinus", 31], [221697, 227267, "Matthias_Corvinus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185788, null, null, null]]], "all_evidence": [[185788, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201869, 211224, "Artpop", 13]]], "all_evidence": [[201869, 211224, "Artpop", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24724, null, null, null], [82786, null, null, null], [299705, null, null, null]]], "all_evidence": [[24724, null, null, null], [82786, null, null, null], [299705, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145795, 160818, "Trevor_Griffiths", 0]]], "all_evidence": [[145795, 160818, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269615, 265894, "Richard_Dawkins", 16]]], "all_evidence": [[269615, 265894, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100580, 113871, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [100580, 113871, "Ray_Winstone", 0]]], "all_evidence": [[100580, 113871, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [100580, 113871, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218025, 224431, "Live_Through_This", 12]]], "all_evidence": [[218025, 224431, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127019, null, null, null]]], "all_evidence": [[127019, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211401, null, null, null], [211404, null, null, null]]], "all_evidence": [[211401, null, null, null], [211404, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90531, null, null, null]]], "all_evidence": [[90531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238968, 240927, "Despicable_Me_2", 1]]], "all_evidence": [[238968, 240927, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145287, 160286, "Annette_Badland", 1]], [[148243, 163251, "Annette_Badland", 1]], [[150876, 165713, "Annette_Badland", 1]], [[311275, 301296, "Annette_Badland", 1]], [[312853, 302583, "Annette_Badland", 1]], [[312855, 302585, "Annette_Badland", 1]], [[312857, 302586, "Annette_Badland", 1]]], "all_evidence": [[145287, 160286, "Annette_Badland", 1], [148243, 163251, "Annette_Badland", 1], [150876, 165713, "Annette_Badland", 1], [311275, 301296, "Annette_Badland", 1], [312853, 302583, "Annette_Badland", 1], [312855, 302585, "Annette_Badland", 1], [312857, 302586, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179234, null, null, null]]], "all_evidence": [[179234, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11903, 14914, "Lizzy_Caplan", 2]]], "all_evidence": [[11903, 14914, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190477, 201490, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[190478, 201491, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190477, 201490, "Tom_Baker_-LRB-English_actor-RRB-", 15], [190478, 201491, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157427, null, null, null]]], "all_evidence": [[157427, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64638, 75450, "Raees_-LRB-film-RRB-", 1], [64638, 75450, "Shah_Rukh_Khan", 0]]], "all_evidence": [[64638, 75450, "Raees_-LRB-film-RRB-", 1], [64638, 75450, "Shah_Rukh_Khan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206500, null, null, null]]], "all_evidence": [[206500, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228494, 232672, "Stripes_-LRB-film-RRB-", 0]], [[228494, 232674, "Stripes_-LRB-film-RRB-", 1], [228494, 232674, "Stripes_-LRB-film-RRB-", 0]], [[228494, 232676, "Stripes_-LRB-film-RRB-", 2], [228494, 232676, "Stripes_-LRB-film-RRB-", 0]]], "all_evidence": [[228494, 232672, "Stripes_-LRB-film-RRB-", 0], [228494, 232674, "Stripes_-LRB-film-RRB-", 1], [228494, 232674, "Stripes_-LRB-film-RRB-", 0], [228494, 232676, "Stripes_-LRB-film-RRB-", 2], [228494, 232676, "Stripes_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67877, null, null, null]]], "all_evidence": [[67877, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53069, 63014, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[53069, 63014, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236589, 239026, "Regina_King", 2]]], "all_evidence": [[236589, 239026, "Regina_King", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297616, null, null, null], [342091, null, null, null], [342092, null, null, null], [342098, null, null, null], [342099, null, null, null]]], "all_evidence": [[297616, null, null, null], [342091, null, null, null], [342092, null, null, null], [342098, null, null, null], [342099, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237951, null, null, null]]], "all_evidence": [[237951, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150444, 165331, "A_View_to_a_Kill", 6]]], "all_evidence": [[150444, 165331, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82487, null, null, null]]], "all_evidence": [[82487, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127514, null, null, null]]], "all_evidence": [[127514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270770, 266776, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270770, 266776, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14916, 18554, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[14916, 18554, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239317, 241216, "Lockheed_Martin", 4], [239317, 241216, "Marillyn_Hewson", 0]]], "all_evidence": [[239317, 241216, "Lockheed_Martin", 4], [239317, 241216, "Marillyn_Hewson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139710, 154717, "Chaka_Khan", 4]], [[139711, 154718, "Chaka_Khan", 4]], [[139712, 154719, "Chaka_Khan", 4]], [[139713, 154720, "Chaka_Khan", 4]], [[139714, 154721, "Chaka_Khan", 4]], [[139715, 154722, "Chaka_Khan", 4]], [[139716, 154723, "Chaka_Khan", 4]], [[139717, 154724, "Chaka_Khan", 4]], [[139718, 154725, "Chaka_Khan", 4]], [[139719, 154726, "Chaka_Khan", 4]], [[139720, 154727, "Chaka_Khan", 4]], [[139721, 154728, "Chaka_Khan", 4]], [[139722, 154729, "Chaka_Khan", 4]], [[139723, 154730, "Chaka_Khan", 4]], [[139724, 154731, "Chaka_Khan", 4]], [[139725, 154733, "Chaka_Khan", 4]], [[139726, 154732, "Chaka_Khan", 4]], [[139727, 154734, "Chaka_Khan", 4]], [[139728, 154735, "Chaka_Khan", 4]], [[139729, 154736, "Chaka_Khan", 4]], [[139730, 154737, "Chaka_Khan", 4]], [[139731, 154738, "Chaka_Khan", 4]], [[139732, 154739, "Chaka_Khan", 4]]], "all_evidence": [[139710, 154717, "Chaka_Khan", 4], [139711, 154718, "Chaka_Khan", 4], [139712, 154719, "Chaka_Khan", 4], [139713, 154720, "Chaka_Khan", 4], [139714, 154721, "Chaka_Khan", 4], [139715, 154722, "Chaka_Khan", 4], [139716, 154723, "Chaka_Khan", 4], [139717, 154724, "Chaka_Khan", 4], [139718, 154725, "Chaka_Khan", 4], [139719, 154726, "Chaka_Khan", 4], [139720, 154727, "Chaka_Khan", 4], [139721, 154728, "Chaka_Khan", 4], [139722, 154729, "Chaka_Khan", 4], [139723, 154730, "Chaka_Khan", 4], [139724, 154731, "Chaka_Khan", 4], [139725, 154733, "Chaka_Khan", 4], [139726, 154732, "Chaka_Khan", 4], [139727, 154734, "Chaka_Khan", 4], [139728, 154735, "Chaka_Khan", 4], [139729, 154736, "Chaka_Khan", 4], [139730, 154737, "Chaka_Khan", 4], [139731, 154738, "Chaka_Khan", 4], [139732, 154739, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282065, null, null, null], [284088, null, null, null], [329951, null, null, null]]], "all_evidence": [[282065, null, null, null], [284088, null, null, null], [329951, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156010, 170673, "Luis_Fonsi", 0]]], "all_evidence": [[156010, 170673, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241696, 243217, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241696, 243217, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156077, null, null, null]]], "all_evidence": [[156077, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44981, 53681, "Prescott,_Arizona", 0]], [[44981, 53682, "Prescott,_Arizona", 3]], [[44981, 53683, "Prescott,_Arizona", 5]], [[44981, 53684, "Prescott,_Arizona", 11]]], "all_evidence": [[44981, 53681, "Prescott,_Arizona", 0], [44981, 53682, "Prescott,_Arizona", 3], [44981, 53683, "Prescott,_Arizona", 5], [44981, 53684, "Prescott,_Arizona", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33457, 40598, "Touchscreen", 9]]], "all_evidence": [[33457, 40598, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234519, 237374, "Boyhood_-LRB-film-RRB-", 2]]], "all_evidence": [[234519, 237374, "Boyhood_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199485, 209161, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199485, 209161, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198033, null, null, null]]], "all_evidence": [[198033, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36391, 43982, "CONCACAF_Champions_League", 0]], [[36391, 43983, "CONCACAF_Champions_League", 9]]], "all_evidence": [[36391, 43982, "CONCACAF_Champions_League", 0], [36391, 43983, "CONCACAF_Champions_League", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211458, 219168, "Princess_Mononoke", 7]]], "all_evidence": [[211458, 219168, "Princess_Mononoke", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115945, 129819, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[115945, 129820, "Recovery_-LRB-Eminem_album-RRB-", 9], [115945, 129820, "Love_the_Way_You_Lie", 0]]], "all_evidence": [[115945, 129819, "Recovery_-LRB-Eminem_album-RRB-", 6], [115945, 129820, "Recovery_-LRB-Eminem_album-RRB-", 9], [115945, 129820, "Love_the_Way_You_Lie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44017, 52657, "Brian_Michael_Bendis", 12]]], "all_evidence": [[44017, 52657, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104257, null, null, null]]], "all_evidence": [[104257, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84899, null, null, null]]], "all_evidence": [[84899, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270526, null, null, null]]], "all_evidence": [[270526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218567, 224818, "Diana,_Princess_of_Wales", 17]]], "all_evidence": [[218567, 224818, "Diana,_Princess_of_Wales", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245091, 246005, "Endometrial_cancer", 7]]], "all_evidence": [[245091, 246005, "Endometrial_cancer", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186123, null, null, null]]], "all_evidence": [[186123, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43547, null, null, null]]], "all_evidence": [[43547, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157932, 172535, "Amyotrophic_lateral_sclerosis", 15], [157932, 172535, "Amyotrophic_lateral_sclerosis", 0]]], "all_evidence": [[157932, 172535, "Amyotrophic_lateral_sclerosis", 15], [157932, 172535, "Amyotrophic_lateral_sclerosis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129907, 144609, "Advertising", 0]], [[129915, 144616, "Advertising", 0]], [[129915, 144617, "Advertising", 1]]], "all_evidence": [[129907, 144609, "Advertising", 0], [129915, 144616, "Advertising", 0], [129915, 144617, "Advertising", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272529, 268202, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[272529, 268202, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230171, 233915, "Frozen_-LRB-2013_film-RRB-", 13]]], "all_evidence": [[230171, 233915, "Frozen_-LRB-2013_film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171046, 184570, "T2_Trainspotting", 0]]], "all_evidence": [[171046, 184570, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98555, null, null, null]]], "all_evidence": [[98555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100068, 113287, "L.A._Reid", 1]]], "all_evidence": [[100068, 113287, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29203, 35615, "Republic_of_Macedonia", 1]]], "all_evidence": [[29203, 35615, "Republic_of_Macedonia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91201, 103911, "Telemundo", 0]]], "all_evidence": [[91201, 103911, "Telemundo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12813, 15976, "Meteora_-LRB-album-RRB-", 0]], [[12813, 15977, "Meteora_-LRB-album-RRB-", 3]], [[12813, 15978, "Meteora_-LRB-album-RRB-", 13]], [[12813, 15979, "Meteora_-LRB-album-RRB-", 14]], [[12813, 15980, "Meteora_-LRB-album-RRB-", 18]], [[12818, 15983, "Meteora_-LRB-album-RRB-", 0]], [[12818, 15984, "Meteora_-LRB-album-RRB-", 3]], [[12818, 15985, "Meteora_-LRB-album-RRB-", 7]], [[12818, 15986, "Meteora_-LRB-album-RRB-", 9], [12818, 15986, "Breaking_the_Habit", 1], [12818, 15986, "Faint_-LRB-song-RRB-", 0], [12818, 15986, "From_the_Inside_-LRB-song-RRB-", 1], [12818, 15986, "Linkin_Park", 2], [12818, 15986, "Numb_-LRB-Linkin_Park_song-RRB-", 1], [12818, 15986, "Somewhere_I_Belong", 1]], [[12818, 15987, "Meteora_-LRB-album-RRB-", 10], [12818, 15987, "Lying_from_You", 1]], [[12818, 15988, "Meteora_-LRB-album-RRB-", 13]], [[12818, 15989, "Meteora_-LRB-album-RRB-", 14]], [[12818, 15990, "Meteora_-LRB-album-RRB-", 15]], [[12818, 15991, "Meteora_-LRB-album-RRB-", 17]], [[12818, 15993, "Meteora_-LRB-album-RRB-", 18]], [[19531, 23972, "Meteora_-LRB-album-RRB-", 0]], [[19531, 23973, "Meteora_-LRB-album-RRB-", 2]], [[19531, 23974, "Meteora_-LRB-album-RRB-", 3]], [[19531, 23975, "Meteora_-LRB-album-RRB-", 7]], [[19531, 23976, "Meteora_-LRB-album-RRB-", 9], [19531, 23976, "Breaking_the_Habit", 1]], [[19531, 23977, "Meteora_-LRB-album-RRB-", 10], [19531, 23977, "Lying_from_You", 1]], [[19531, 23978, "Meteora_-LRB-album-RRB-", 13]], [[19531, 23980, "Meteora_-LRB-album-RRB-", 14]], [[19531, 23981, "Meteora_-LRB-album-RRB-", 15]], [[19531, 23982, "Meteora_-LRB-album-RRB-", 17]], [[19531, 23983, "Meteora_-LRB-album-RRB-", 18]], [[20867, 25572, "Meteora_-LRB-album-RRB-", 0]], [[20867, 25573, "Meteora_-LRB-album-RRB-", 13]], [[20867, 25574, "Meteora_-LRB-album-RRB-", 15]], [[20867, 25575, "Meteora_-LRB-album-RRB-", 18]], [[20867, 25576, "Meteora_-LRB-album-RRB-", 17]], [[20867, 25577, "Meteora_-LRB-album-RRB-", 14]], [[20867, 25578, "Meteora_-LRB-album-RRB-", 10], [20867, 25578, "Lying_from_You", 1]], [[20867, 25579, "Meteora_-LRB-album-RRB-", 9], [20867, 25579, "Breaking_the_Habit", 1]], [[20867, 25580, "Meteora_-LRB-album-RRB-", 7]], [[20867, 25581, "Meteora_-LRB-album-RRB-", 3]], [[232676, 235822, "Meteora_-LRB-album-RRB-", 0]], [[299132, 290507, "Meteora_-LRB-album-RRB-", 0]], [[301209, 292323, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[12813, 15976, "Meteora_-LRB-album-RRB-", 0], [12813, 15977, "Meteora_-LRB-album-RRB-", 3], [12813, 15978, "Meteora_-LRB-album-RRB-", 13], [12813, 15979, "Meteora_-LRB-album-RRB-", 14], [12813, 15980, "Meteora_-LRB-album-RRB-", 18], [12818, 15983, "Meteora_-LRB-album-RRB-", 0], [12818, 15984, "Meteora_-LRB-album-RRB-", 3], [12818, 15985, "Meteora_-LRB-album-RRB-", 7], [12818, 15986, "Meteora_-LRB-album-RRB-", 9], [12818, 15986, "Breaking_the_Habit", 1], [12818, 15986, "Faint_-LRB-song-RRB-", 0], [12818, 15986, "From_the_Inside_-LRB-song-RRB-", 1], [12818, 15986, "Linkin_Park", 2], [12818, 15986, "Numb_-LRB-Linkin_Park_song-RRB-", 1], [12818, 15986, "Somewhere_I_Belong", 1], [12818, 15987, "Meteora_-LRB-album-RRB-", 10], [12818, 15987, "Lying_from_You", 1], [12818, 15988, "Meteora_-LRB-album-RRB-", 13], [12818, 15989, "Meteora_-LRB-album-RRB-", 14], [12818, 15990, "Meteora_-LRB-album-RRB-", 15], [12818, 15991, "Meteora_-LRB-album-RRB-", 17], [12818, 15993, "Meteora_-LRB-album-RRB-", 18], [19531, 23972, "Meteora_-LRB-album-RRB-", 0], [19531, 23973, "Meteora_-LRB-album-RRB-", 2], [19531, 23974, "Meteora_-LRB-album-RRB-", 3], [19531, 23975, "Meteora_-LRB-album-RRB-", 7], [19531, 23976, "Meteora_-LRB-album-RRB-", 9], [19531, 23976, "Breaking_the_Habit", 1], [19531, 23977, "Meteora_-LRB-album-RRB-", 10], [19531, 23977, "Lying_from_You", 1], [19531, 23978, "Meteora_-LRB-album-RRB-", 13], [19531, 23980, "Meteora_-LRB-album-RRB-", 14], [19531, 23981, "Meteora_-LRB-album-RRB-", 15], [19531, 23982, "Meteora_-LRB-album-RRB-", 17], [19531, 23983, "Meteora_-LRB-album-RRB-", 18], [20867, 25572, "Meteora_-LRB-album-RRB-", 0], [20867, 25573, "Meteora_-LRB-album-RRB-", 13], [20867, 25574, "Meteora_-LRB-album-RRB-", 15], [20867, 25575, "Meteora_-LRB-album-RRB-", 18], [20867, 25576, "Meteora_-LRB-album-RRB-", 17], [20867, 25577, "Meteora_-LRB-album-RRB-", 14], [20867, 25578, "Meteora_-LRB-album-RRB-", 10], [20867, 25578, "Lying_from_You", 1], [20867, 25579, "Meteora_-LRB-album-RRB-", 9], [20867, 25579, "Breaking_the_Habit", 1], [20867, 25580, "Meteora_-LRB-album-RRB-", 7], [20867, 25581, "Meteora_-LRB-album-RRB-", 3], [232676, 235822, "Meteora_-LRB-album-RRB-", 0], [299132, 290507, "Meteora_-LRB-album-RRB-", 0], [301209, 292323, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66034, 76886, "Blue_Jasmine", 1], [66034, 76886, "Sally_Hawkins", 0]]], "all_evidence": [[66034, 76886, "Blue_Jasmine", 1], [66034, 76886, "Sally_Hawkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23974, 29684, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[23974, 29684, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152147, 166927, "TakePart", 0]]], "all_evidence": [[152147, 166927, "TakePart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275683, 270794, "Gal_Gadot", 4]], [[277956, 272881, "Gal_Gadot", 4]], [[277959, 272882, "Gal_Gadot", 4]], [[324766, 312653, "Gal_Gadot", 4]]], "all_evidence": [[275683, 270794, "Gal_Gadot", 4], [277956, 272881, "Gal_Gadot", 4], [277959, 272882, "Gal_Gadot", 4], [324766, 312653, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111388, 125030, "Ashley_Graham_-LRB-model-RRB-", 6]]], "all_evidence": [[111388, 125030, "Ashley_Graham_-LRB-model-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144985, 159990, "Hundred_Years'_War", 21]], [[144986, 159991, "Hundred_Years'_War", 21]]], "all_evidence": [[144985, 159990, "Hundred_Years'_War", 21], [144986, 159991, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229412, 233340, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1]], [[229412, 233341, "Graffiti_-LRB-Chris_Brown_album-RRB-", 3]]], "all_evidence": [[229412, 233340, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1], [229412, 233341, "Graffiti_-LRB-Chris_Brown_album-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96560, 109724, "Global_warming", 13]]], "all_evidence": [[96560, 109724, "Global_warming", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296475, 288312, "Dan_O'Bannon", 0]]], "all_evidence": [[296475, 288312, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69063, null, null, null]]], "all_evidence": [[69063, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270826, null, null, null]]], "all_evidence": [[270826, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109751, null, null, null]]], "all_evidence": [[109751, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142991, null, null, null]]], "all_evidence": [[142991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239229, 241145, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239233, 241149, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239233, 241150, "Avenged_Sevenfold_-LRB-album-RRB-", 2]], [[239233, 241151, "Avenged_Sevenfold_-LRB-album-RRB-", 3]], [[239233, 241152, "Avenged_Sevenfold_-LRB-album-RRB-", 4]], [[239233, 241153, "Avenged_Sevenfold_-LRB-album-RRB-", 5]], [[239233, 241154, "Avenged_Sevenfold_-LRB-album-RRB-", 6]], [[239233, 241155, "Avenged_Sevenfold_-LRB-album-RRB-", 9]], [[239233, 241156, "Avenged_Sevenfold_-LRB-album-RRB-", 11]], [[239236, 241159, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239229, 241145, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239233, 241149, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239233, 241150, "Avenged_Sevenfold_-LRB-album-RRB-", 2], [239233, 241151, "Avenged_Sevenfold_-LRB-album-RRB-", 3], [239233, 241152, "Avenged_Sevenfold_-LRB-album-RRB-", 4], [239233, 241153, "Avenged_Sevenfold_-LRB-album-RRB-", 5], [239233, 241154, "Avenged_Sevenfold_-LRB-album-RRB-", 6], [239233, 241155, "Avenged_Sevenfold_-LRB-album-RRB-", 9], [239233, 241156, "Avenged_Sevenfold_-LRB-album-RRB-", 11], [239236, 241159, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194700, null, null, null]]], "all_evidence": [[194700, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227782, 232143, "Tilda_Swinton", 0]]], "all_evidence": [[227782, 232143, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219121, 225225, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219121, 225225, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38966, null, null, null]]], "all_evidence": [[38966, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152408, 167207, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[152408, 167207, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234940, 237720, "Tijuana", 0], [234940, 237720, "Baja_California_Peninsula", 0]]], "all_evidence": [[234940, 237720, "Tijuana", 0], [234940, 237720, "Baja_California_Peninsula", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173414, 186671, "Starrcade", 16]], [[173414, 186672, "Starrcade", 0]], [[173414, 186673, "Starrcade", 6]]], "all_evidence": [[173414, 186671, "Starrcade", 16], [173414, 186672, "Starrcade", 0], [173414, 186673, "Starrcade", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292066, 284893, "Knocked_Up", 4]], [[294085, 286451, "Knocked_Up", 4]], [[294747, 286970, "Knocked_Up", 4]], [[339083, 324129, "Knocked_Up", 4]], [[339084, 324130, "Knocked_Up", 4], [339084, 324130, "Knocked_Up", 0]], [[339085, 324131, "Knocked_Up", 4], [339085, 324131, "Knocked_Up", 0]], [[339087, 324132, "Knocked_Up", 4]], [[339088, 324133, "Knocked_Up", 4], [339088, 324133, "Knocked_Up", 0]], [[339124, 324159, "Knocked_Up", 4]]], "all_evidence": [[292066, 284893, "Knocked_Up", 4], [294085, 286451, "Knocked_Up", 4], [294747, 286970, "Knocked_Up", 4], [339083, 324129, "Knocked_Up", 4], [339084, 324130, "Knocked_Up", 4], [339084, 324130, "Knocked_Up", 0], [339085, 324131, "Knocked_Up", 4], [339085, 324131, "Knocked_Up", 0], [339087, 324132, "Knocked_Up", 4], [339088, 324133, "Knocked_Up", 4], [339088, 324133, "Knocked_Up", 0], [339124, 324159, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178653, null, null, null]]], "all_evidence": [[178653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138591, 153674, "Scotty_Moore", 0]]], "all_evidence": [[138591, 153674, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68584, null, null, null]]], "all_evidence": [[68584, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92260, null, null, null]]], "all_evidence": [[92260, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[288085, 281348, "Jack_Falahee", 0], [288085, 281348, "Jack_Falahee", 1]], [[333194, 319432, "Jack_Falahee", 1]], [[333197, 319433, "Jack_Falahee", 0], [333197, 319433, "Jack_Falahee", 1]]], "all_evidence": [[288085, 281348, "Jack_Falahee", 0], [288085, 281348, "Jack_Falahee", 1], [333194, 319432, "Jack_Falahee", 1], [333197, 319433, "Jack_Falahee", 0], [333197, 319433, "Jack_Falahee", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68265, null, null, null]]], "all_evidence": [[68265, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108265, null, null, null]]], "all_evidence": [[108265, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199068, null, null, null], [199069, null, null, null]]], "all_evidence": [[199068, null, null, null], [199069, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180761, 193152, "Carlos_Santana", 0]]], "all_evidence": [[180761, 193152, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31810, 38612, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[31810, 38612, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117527, 131433, "Danny_Brown", 4]], [[117568, 131465, "Danny_Brown", 3]], [[117568, 131466, "Danny_Brown", 4]]], "all_evidence": [[117527, 131433, "Danny_Brown", 4], [117568, 131465, "Danny_Brown", 3], [117568, 131466, "Danny_Brown", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210224, null, null, null]]], "all_evidence": [[210224, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24742, null, null, null], [299714, null, null, null]]], "all_evidence": [[24742, null, null, null], [299714, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81660, null, null, null]]], "all_evidence": [[81660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107461, 120924, "Ed_Wood_-LRB-film-RRB-", 0], [107461, 120924, "Ed_Wood", 1]]], "all_evidence": [[107461, 120924, "Ed_Wood_-LRB-film-RRB-", 0], [107461, 120924, "Ed_Wood", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155160, 169866, "TV_Choice", 1]]], "all_evidence": [[155160, 169866, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173901, 187088, "Michelin_Guide", 0]]], "all_evidence": [[173901, 187088, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175972, 188937, "Penguin_Books", 2]]], "all_evidence": [[175972, 188937, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272431, null, null, null]]], "all_evidence": [[272431, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145550, null, null, null]]], "all_evidence": [[145550, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86352, null, null, null], [86354, null, null, null]]], "all_evidence": [[86352, null, null, null], [86354, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115294, null, null, null]]], "all_evidence": [[115294, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89977, null, null, null]]], "all_evidence": [[89977, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244431, 245442, "Samwell_Tarly", 0]], [[244431, 245443, "Samwell_Tarly", 3], [244431, 245443, "A_Game_of_Thrones", 0]], [[244431, 245444, "Samwell_Tarly", 4], [244431, 245444, "A_Clash_of_Kings", 0]]], "all_evidence": [[244431, 245442, "Samwell_Tarly", 0], [244431, 245443, "Samwell_Tarly", 3], [244431, 245443, "A_Game_of_Thrones", 0], [244431, 245444, "Samwell_Tarly", 4], [244431, 245444, "A_Clash_of_Kings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239603, 241385, "Polynesian_languages", 6]]], "all_evidence": [[239603, 241385, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94630, 107609, "Lincoln\u2013Douglas_debates", 10]]], "all_evidence": [[94630, 107609, "Lincoln\u2013Douglas_debates", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42556, 51209, "NRG_Recording_Studios", 0]]], "all_evidence": [[42556, 51209, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31252, 37961, "Rhythm_Nation", 23]]], "all_evidence": [[31252, 37961, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199078, 208758, "Matteo_Renzi", 0]]], "all_evidence": [[199078, 208758, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197427, 207463, "Lalla_Ward", 0]]], "all_evidence": [[197427, 207463, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152560, 167354, "The_Mod_Squad", 0]]], "all_evidence": [[152560, 167354, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257324, 256350, "Calcaneal_spur", 1], [257324, 256350, "Radiography", 0], [257324, 256350, "Radiography", 1], [257324, 256350, "Radiography", 4]]], "all_evidence": [[257324, 256350, "Calcaneal_spur", 1], [257324, 256350, "Radiography", 0], [257324, 256350, "Radiography", 1], [257324, 256350, "Radiography", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184151, null, null, null]]], "all_evidence": [[184151, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241398, null, null, null]]], "all_evidence": [[241398, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149611, null, null, null]]], "all_evidence": [[149611, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246273, null, null, null]]], "all_evidence": [[246273, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210892, null, null, null]]], "all_evidence": [[210892, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222207, null, null, null]]], "all_evidence": [[222207, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251496, 251338, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251496, 251338, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271145, 267085, "Giada_at_Home", 1], [271145, 267085, "Food_Network", 0]]], "all_evidence": [[271145, 267085, "Giada_at_Home", 1], [271145, 267085, "Food_Network", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214275, null, null, null], [214279, null, null, null]]], "all_evidence": [[214275, null, null, null], [214279, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46614, null, null, null]]], "all_evidence": [[46614, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53542, 63539, "Daggering", 3], [53542, 63539, "Dancehall", 0]], [[56845, 67072, "Daggering", 0]], [[56890, 67126, "Daggering", 3], [56890, 67126, "Dancehall", 0]], [[305093, 295920, "Daggering", 3]]], "all_evidence": [[53542, 63539, "Daggering", 3], [53542, 63539, "Dancehall", 0], [56845, 67072, "Daggering", 0], [56890, 67126, "Daggering", 3], [56890, 67126, "Dancehall", 0], [305093, 295920, "Daggering", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263261, 260980, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263261, 260980, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140592, 155685, "Off_the_Wall", 0]]], "all_evidence": [[140592, 155685, "Off_the_Wall", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214276, null, null, null]]], "all_evidence": [[214276, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210335, 218100, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210335, 218100, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49153, 58485, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[49153, 58485, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233044, 236047, "Saturn", 0]]], "all_evidence": [[233044, 236047, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70196, 81075, "Angelsberg", 0]], [[70196, 81076, "Angelsberg", 1]]], "all_evidence": [[70196, 81075, "Angelsberg", 0], [70196, 81076, "Angelsberg", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233064, 236066, "Saturn", 0]]], "all_evidence": [[233064, 236066, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164999, 179184, "AMGTV", 0]]], "all_evidence": [[164999, 179184, "AMGTV", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166239, null, null, null]]], "all_evidence": [[166239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49366, null, null, null]]], "all_evidence": [[49366, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129776, null, null, null]]], "all_evidence": [[129776, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19447, 23870, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[19447, 23870, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199098, null, null, null]]], "all_evidence": [[199098, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18287, 22463, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[18287, 22463, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135883, null, null, null]]], "all_evidence": [[135883, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208074, null, null, null]]], "all_evidence": [[208074, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41689, 50118, "Joe_Rogan", 7]]], "all_evidence": [[41689, 50118, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139990, 154997, "The_Bahamas", 0]]], "all_evidence": [[139990, 154997, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260527, null, null, null]]], "all_evidence": [[260527, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82317, null, null, null]]], "all_evidence": [[82317, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232788, null, null, null], [232791, null, null, null]]], "all_evidence": [[232788, null, null, null], [232791, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57809, null, null, null]]], "all_evidence": [[57809, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40373, null, null, null], [302095, null, null, null], [303704, null, null, null]]], "all_evidence": [[40373, null, null, null], [302095, null, null, null], [303704, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118249, null, null, null]]], "all_evidence": [[118249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290493, null, null, null], [293916, null, null, null], [338595, null, null, null], [338597, null, null, null]]], "all_evidence": [[290493, null, null, null], [293916, null, null, null], [338595, null, null, null], [338597, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110276, null, null, null]]], "all_evidence": [[110276, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256576, 255772, "Eva_Green", 1]], [[256576, 255773, "Eva_Green", 2]], [[256576, 255774, "Eva_Green", 6]], [[321048, 309503, "Eva_Green", 6]], [[321050, 309507, "Eva_Green", 1]], [[321050, 309508, "Eva_Green", 6]], [[321050, 309509, "Eva_Green", 7]], [[321055, 309513, "Eva_Green", 1]], [[321055, 309514, "Eva_Green", 2], [321055, 309514, "Kingdom_of_Heaven_-LRB-film-RRB-", 0]], [[321055, 309515, "Eva_Green", 6]], [[321055, 309516, "Eva_Green", 8], [321055, 309516, "300_-LRB-film-RRB-", 0]], [[321055, 309517, "Eva_Green", 7], [321055, 309517, "Dark_Shadows_-LRB-film-RRB-", 0]], [[321081, 309561, "Eva_Green", 1]], [[321081, 309562, "Eva_Green", 2]], [[321081, 309563, "Eva_Green", 6]], [[321081, 309564, "Eva_Green", 7]], [[321081, 309565, "Eva_Green", 8], [321081, 309565, "Sin_City_-LRB-film-RRB-", 0]]], "all_evidence": [[256576, 255772, "Eva_Green", 1], [256576, 255773, "Eva_Green", 2], [256576, 255774, "Eva_Green", 6], [321048, 309503, "Eva_Green", 6], [321050, 309507, "Eva_Green", 1], [321050, 309508, "Eva_Green", 6], [321050, 309509, "Eva_Green", 7], [321055, 309513, "Eva_Green", 1], [321055, 309514, "Eva_Green", 2], [321055, 309514, "Kingdom_of_Heaven_-LRB-film-RRB-", 0], [321055, 309515, "Eva_Green", 6], [321055, 309516, "Eva_Green", 8], [321055, 309516, "300_-LRB-film-RRB-", 0], [321055, 309517, "Eva_Green", 7], [321055, 309517, "Dark_Shadows_-LRB-film-RRB-", 0], [321081, 309561, "Eva_Green", 1], [321081, 309562, "Eva_Green", 2], [321081, 309563, "Eva_Green", 6], [321081, 309564, "Eva_Green", 7], [321081, 309565, "Eva_Green", 8], [321081, 309565, "Sin_City_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24306, 30041, "Rhythm_Nation", 23]]], "all_evidence": [[24306, 30041, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201126, 210576, "The_Endless_River", 0]]], "all_evidence": [[201126, 210576, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237581, 239797, "Dakota_Fanning", 6]]], "all_evidence": [[237581, 239797, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122788, 137077, "Star_Trek-COLON-_Discovery", 1]], [[122789, 137078, "Star_Trek-COLON-_Discovery", 1]], [[122790, 137079, "Star_Trek-COLON-_Discovery", 1]], [[122791, 137080, "Star_Trek-COLON-_Discovery", 1]], [[122792, 137081, "Star_Trek-COLON-_Discovery", 1]], [[122793, 137082, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[122788, 137077, "Star_Trek-COLON-_Discovery", 1], [122789, 137078, "Star_Trek-COLON-_Discovery", 1], [122790, 137079, "Star_Trek-COLON-_Discovery", 1], [122791, 137080, "Star_Trek-COLON-_Discovery", 1], [122792, 137081, "Star_Trek-COLON-_Discovery", 1], [122793, 137082, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268475, 265054, "Michaela_Watkins", 0]]], "all_evidence": [[268475, 265054, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236647, null, null, null]]], "all_evidence": [[236647, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62636, null, null, null]]], "all_evidence": [[62636, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161394, 175892, "Psych", 2]]], "all_evidence": [[161394, 175892, "Psych", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258091, 256970, "Monk", 0]]], "all_evidence": [[258091, 256970, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162382, 176700, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[162382, 176700, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123162, 137502, "New_York_Knicks", 1]]], "all_evidence": [[123162, 137502, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96810, 109957, "Tim_Roth", 0]]], "all_evidence": [[96810, 109957, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34700, 42077, "Colin_Kaepernick", 2]], [[34700, 42078, "Colin_Kaepernick", 7]], [[34700, 42079, "Colin_Kaepernick", 8]], [[34700, 42080, "Colin_Kaepernick", 6]], [[34700, 42081, "Colin_Kaepernick", 5]]], "all_evidence": [[34700, 42077, "Colin_Kaepernick", 2], [34700, 42078, "Colin_Kaepernick", 7], [34700, 42079, "Colin_Kaepernick", 8], [34700, 42080, "Colin_Kaepernick", 6], [34700, 42081, "Colin_Kaepernick", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123766, 138150, "A_River_Runs_Through_It_-LRB-film-RRB-", 0]]], "all_evidence": [[123766, 138150, "A_River_Runs_Through_It_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49733, null, null, null]]], "all_evidence": [[49733, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90975, 103658, "Philomena_-LRB-film-RRB-", 0]]], "all_evidence": [[90975, 103658, "Philomena_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221675, 227245, "Matthias_Corvinus", 31]]], "all_evidence": [[221675, 227245, "Matthias_Corvinus", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147477, 162474, "Sam_Claflin", 1]]], "all_evidence": [[147477, 162474, "Sam_Claflin", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213706, null, null, null]]], "all_evidence": [[213706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117727, 131608, "Kesha", 0]]], "all_evidence": [[117727, 131608, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[264415, null, null, null]]], "all_evidence": [[264415, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156905, 171482, "Sam_Claflin", 0]], [[156905, 171483, "Sam_Claflin", 1]]], "all_evidence": [[156905, 171482, "Sam_Claflin", 0], [156905, 171483, "Sam_Claflin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124643, 138985, "The_Good_Wife", 0]]], "all_evidence": [[124643, 138985, "The_Good_Wife", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84266, 96386, "A_Milli", 0], [84266, 96386, "Lil_Wayne", 0]], [[84287, 96406, "A_Milli", 0], [84287, 96406, "Lil_Wayne", 0]]], "all_evidence": [[84266, 96386, "A_Milli", 0], [84266, 96386, "Lil_Wayne", 0], [84287, 96406, "A_Milli", 0], [84287, 96406, "Lil_Wayne", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157519, null, null, null]]], "all_evidence": [[157519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54479, 64477, "You_Belong_with_Me", 20]]], "all_evidence": [[54479, 64477, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206704, 215018, "Al_Jardine", 1]]], "all_evidence": [[206704, 215018, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260899, null, null, null]]], "all_evidence": [[260899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266461, 263441, "Ludwig_van_Beethoven", 5]], [[266463, 263443, "Ludwig_van_Beethoven", 5]]], "all_evidence": [[266461, 263441, "Ludwig_van_Beethoven", 5], [266463, 263443, "Ludwig_van_Beethoven", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44673, 53356, "Match_Point", 2]]], "all_evidence": [[44673, 53356, "Match_Point", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106249, null, null, null]]], "all_evidence": [[106249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246263, null, null, null]]], "all_evidence": [[246263, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198040, 207984, "Syracuse,_New_York", 2]]], "all_evidence": [[198040, 207984, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236673, null, null, null]]], "all_evidence": [[236673, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108802, 122489, "Duane_Chapman", 1], [108802, 122489, "Dog_the_Bounty_Hunter", 1]]], "all_evidence": [[108802, 122489, "Duane_Chapman", 1], [108802, 122489, "Dog_the_Bounty_Hunter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190010, null, null, null]]], "all_evidence": [[190010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246617, 247093, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246617, 247093, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184001, null, null, null]]], "all_evidence": [[184001, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82845, null, null, null]]], "all_evidence": [[82845, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205311, null, null, null]]], "all_evidence": [[205311, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173425, 186678, "Advertising", 0]]], "all_evidence": [[173425, 186678, "Advertising", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191987, null, null, null]]], "all_evidence": [[191987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38826, 46785, "Touchscreen", 9]]], "all_evidence": [[38826, 46785, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236617, 239061, "Regina_King", 4]]], "all_evidence": [[236617, 239061, "Regina_King", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120579, 134823, "State_of_Palestine", 1]]], "all_evidence": [[120579, 134823, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74897, null, null, null]]], "all_evidence": [[74897, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189888, 201075, "Mickey_Rourke", 13]], [[189888, 201076, "Mickey_Rourke", 7]]], "all_evidence": [[189888, 201075, "Mickey_Rourke", 13], [189888, 201076, "Mickey_Rourke", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112067, null, null, null]]], "all_evidence": [[112067, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208051, 216199, "Osamu_Tezuka", 6]]], "all_evidence": [[208051, 216199, "Osamu_Tezuka", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255994, 255299, "Weekly_Idol", 1], [255994, 255299, "Weekly_Idol", 0]]], "all_evidence": [[255994, 255299, "Weekly_Idol", 1], [255994, 255299, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295999, null, null, null], [297505, null, null, null], [297610, null, null, null], [342051, null, null, null], [342059, null, null, null], [342064, null, null, null], [342065, null, null, null], [342068, null, null, null]]], "all_evidence": [[295999, null, null, null], [297505, null, null, null], [297610, null, null, null], [342051, null, null, null], [342059, null, null, null], [342064, null, null, null], [342065, null, null, null], [342068, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243123, null, null, null]]], "all_evidence": [[243123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227650, 231994, "Happiness_in_Slavery", 0], [227650, 231994, "Nine_Inch_Nails", 0]], [[227651, 231995, "Happiness_in_Slavery", 0]], [[227652, 231996, "Happiness_in_Slavery", 0], [227652, 231996, "Nine_Inch_Nails", 0]]], "all_evidence": [[227650, 231994, "Happiness_in_Slavery", 0], [227650, 231994, "Nine_Inch_Nails", 0], [227651, 231995, "Happiness_in_Slavery", 0], [227652, 231996, "Happiness_in_Slavery", 0], [227652, 231996, "Nine_Inch_Nails", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[217689, null, null, null]]], "all_evidence": [[217689, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22434, 27642, "Melancholia_-LRB-2011_film-RRB-", 0]], [[22434, 27643, "Melancholia_-LRB-2011_film-RRB-", 4]]], "all_evidence": [[22434, 27642, "Melancholia_-LRB-2011_film-RRB-", 0], [22434, 27643, "Melancholia_-LRB-2011_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266016, 263119, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266016, 263119, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237553, 239749, "Live_Through_This", 0]]], "all_evidence": [[237553, 239749, "Live_Through_This", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160490, 174995, "Paramore", 0]]], "all_evidence": [[160490, 174995, "Paramore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290011, 283086, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [290011, 283086, "Sonny_Digital", 0]], [[291354, 284296, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [291354, 284296, "Sonny_Digital", 0]], [[293495, 286007, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [293495, 286007, "Sonny_Digital", 0]], [[337436, 322814, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [337436, 322814, "Kanye_West", 0], [337436, 322814, "Mike_Dean_-LRB-record_producer-RRB-", 0], [337436, 322814, "Sonny_Digital", 0], [337436, 322814, "Anthony_Kilhoffer", 0]], [[337468, 322841, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [337468, 322841, "Sonny_Digital", 0]], [[338070, 323351, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [338070, 323351, "Sonny_Digital", 0]]], "all_evidence": [[290011, 283086, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [290011, 283086, "Sonny_Digital", 0], [291354, 284296, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [291354, 284296, "Sonny_Digital", 0], [293495, 286007, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [293495, 286007, "Sonny_Digital", 0], [337436, 322814, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [337436, 322814, "Kanye_West", 0], [337436, 322814, "Mike_Dean_-LRB-record_producer-RRB-", 0], [337436, 322814, "Sonny_Digital", 0], [337436, 322814, "Anthony_Kilhoffer", 0], [337468, 322841, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [337468, 322841, "Sonny_Digital", 0], [338070, 323351, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [338070, 323351, "Sonny_Digital", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160947, 175411, "Uranium-235", 6]]], "all_evidence": [[160947, 175411, "Uranium-235", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272412, null, null, null]]], "all_evidence": [[272412, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251548, 251384, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251548, 251384, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108640, null, null, null]]], "all_evidence": [[108640, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118190, null, null, null]]], "all_evidence": [[118190, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122952, 137220, "Sleipnir", 0]], [[122952, 137221, "Sleipnir", 2]]], "all_evidence": [[122952, 137220, "Sleipnir", 0], [122952, 137221, "Sleipnir", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40242, 48410, "Sheryl_Lee", 7]], [[43319, 51959, "Sheryl_Lee", 7], [43319, 51959, "Laura_Palmer", 4]], [[45599, 54460, "Sheryl_Lee", 7]], [[303656, 294594, "Sheryl_Lee", 7]], [[304738, 295544, "Sheryl_Lee", 7]]], "all_evidence": [[40242, 48410, "Sheryl_Lee", 7], [43319, 51959, "Sheryl_Lee", 7], [43319, 51959, "Laura_Palmer", 4], [45599, 54460, "Sheryl_Lee", 7], [303656, 294594, "Sheryl_Lee", 7], [304738, 295544, "Sheryl_Lee", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42531, 51181, "In_the_End", 1], [42531, 51181, "Hybrid_Theory", 0]]], "all_evidence": [[42531, 51181, "In_the_End", 1], [42531, 51181, "Hybrid_Theory", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79482, 91196, "Michigan", 13]]], "all_evidence": [[79482, 91196, "Michigan", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228172, 232419, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]], [[228179, 232425, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228172, 232419, "Fortunes_of_War_-LRB-TV_series-RRB-", 1], [228179, 232425, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20756, 25443, "Trollhunters", 0]], [[152027, 166781, "Trollhunters", 0]], [[299040, 290419, "Trollhunters", 0]]], "all_evidence": [[20756, 25443, "Trollhunters", 0], [152027, 166781, "Trollhunters", 0], [299040, 290419, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81610, 93372, "Duff_McKagan", 0]]], "all_evidence": [[81610, 93372, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48055, 57376, "English_people", 6]]], "all_evidence": [[48055, 57376, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155140, 169851, "Trevor_Griffiths", 0]]], "all_evidence": [[155140, 169851, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133515, 148365, "The_Mighty_Ducks", 1], [133515, 148365, "Walt_Disney_Pictures", 0]], [[133516, 148366, "The_Mighty_Ducks", 1], [133516, 148366, "Walt_Disney_Pictures", 0]]], "all_evidence": [[133515, 148365, "The_Mighty_Ducks", 1], [133515, 148365, "Walt_Disney_Pictures", 0], [133516, 148366, "The_Mighty_Ducks", 1], [133516, 148366, "Walt_Disney_Pictures", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72829, null, null, null]]], "all_evidence": [[72829, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73860, 85097, "Poldark_-LRB-2015_TV_series-RRB-", 6]]], "all_evidence": [[73860, 85097, "Poldark_-LRB-2015_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227065, 231481, "Bea_Arthur", 0]], [[227066, 231482, "Bea_Arthur", 0]]], "all_evidence": [[227065, 231481, "Bea_Arthur", 0], [227066, 231482, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58684, 68985, "Jack_Falahee", 0]]], "all_evidence": [[58684, 68985, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241690, 243213, "Rio_-LRB-2011_film-RRB-", 20], [241690, 243213, "Rio_2", 0], [241690, 243213, "Rio_2", 1], [241690, 243213, "Rio_2", 3]]], "all_evidence": [[241690, 243213, "Rio_-LRB-2011_film-RRB-", 20], [241690, 243213, "Rio_2", 0], [241690, 243213, "Rio_2", 1], [241690, 243213, "Rio_2", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227215, null, null, null]]], "all_evidence": [[227215, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77887, null, null, null]]], "all_evidence": [[77887, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225791, null, null, null]]], "all_evidence": [[225791, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75531, null, null, null]]], "all_evidence": [[75531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228452, 232633, "Stripes_-LRB-film-RRB-", 0]], [[228452, 232634, "Stripes_-LRB-film-RRB-", 1]], [[228452, 232635, "Stripes_-LRB-film-RRB-", 2]], [[228471, 232650, "Stripes_-LRB-film-RRB-", 0]], [[228471, 232651, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228452, 232633, "Stripes_-LRB-film-RRB-", 0], [228452, 232634, "Stripes_-LRB-film-RRB-", 1], [228452, 232635, "Stripes_-LRB-film-RRB-", 2], [228471, 232650, "Stripes_-LRB-film-RRB-", 0], [228471, 232651, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211447, 219160, "Princess_Mononoke", 7]]], "all_evidence": [[211447, 219160, "Princess_Mononoke", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202994, 212122, "Christian_Gottlob_Neefe", 0], [202994, 212122, "Conducting", 0]]], "all_evidence": [[202994, 212122, "Christian_Gottlob_Neefe", 0], [202994, 212122, "Conducting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180545, 192988, "Daggering", 0]]], "all_evidence": [[180545, 192988, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135319, 150218, "Homo_sapiens", 0]]], "all_evidence": [[135319, 150218, "Homo_sapiens", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116338, 130228, "Kesha", 0]]], "all_evidence": [[116338, 130228, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130215, null, null, null]]], "all_evidence": [[130215, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188631, null, null, null]]], "all_evidence": [[188631, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125535, null, null, null]]], "all_evidence": [[125535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225479, 230126, "The_Millers", 4]]], "all_evidence": [[225479, 230126, "The_Millers", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18902, null, null, null]]], "all_evidence": [[18902, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126327, null, null, null]]], "all_evidence": [[126327, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169322, 182971, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[169322, 182971, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111654, 125446, "Sebastian_Stan", 1], [111654, 125446, "Political_Animals_-LRB-miniseries-RRB-", 0]]], "all_evidence": [[111654, 125446, "Sebastian_Stan", 1], [111654, 125446, "Political_Animals_-LRB-miniseries-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267296, null, null, null]]], "all_evidence": [[267296, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227213, 231615, "Kim_Jong-il", 16]]], "all_evidence": [[227213, 231615, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104798, 118208, "Eva_Green", 1]], [[104804, 118212, "Eva_Green", 1]]], "all_evidence": [[104798, 118208, "Eva_Green", 1], [104804, 118212, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81076, 92907, "Rhythm_Nation", 23]]], "all_evidence": [[81076, 92907, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231969, 235275, "Luke_Cage", 2]], [[231981, 235281, "Luke_Cage", 0]], [[231981, 235282, "Luke_Cage", 2]], [[231982, 235283, "Luke_Cage", 0]], [[231982, 235284, "Luke_Cage", 2]]], "all_evidence": [[231969, 235275, "Luke_Cage", 2], [231981, 235281, "Luke_Cage", 0], [231981, 235282, "Luke_Cage", 2], [231982, 235283, "Luke_Cage", 0], [231982, 235284, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107348, null, null, null]]], "all_evidence": [[107348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236996, 239323, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236999, 239326, "Varsity_Blues_-LRB-film-RRB-", 5]], [[237001, 239328, "Varsity_Blues_-LRB-film-RRB-", 5], [237001, 239328, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[236996, 239323, "Varsity_Blues_-LRB-film-RRB-", 5], [236999, 239326, "Varsity_Blues_-LRB-film-RRB-", 5], [237001, 239328, "Varsity_Blues_-LRB-film-RRB-", 5], [237001, 239328, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132356, null, null, null]]], "all_evidence": [[132356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170182, null, null, null]]], "all_evidence": [[170182, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29345, 35807, "Chrysler_Building", 1]]], "all_evidence": [[29345, 35807, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51458, 61205, "Harris_Jayaraj", 0]], [[51458, 61206, "Harris_Jayaraj", 1]]], "all_evidence": [[51458, 61205, "Harris_Jayaraj", 0], [51458, 61206, "Harris_Jayaraj", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94644, null, null, null], [96766, null, null, null], [306613, null, null, null], [307593, null, null, null]]], "all_evidence": [[94644, null, null, null], [96766, null, null, null], [306613, null, null, null], [307593, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45473, 54297, "Hot_Right_Now", 0]]], "all_evidence": [[45473, 54297, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198595, 208392, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198595, 208392, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116690, 130581, "Advertising", 0]]], "all_evidence": [[116690, 130581, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227617, 231963, "Happiness_in_Slavery", 0]]], "all_evidence": [[227617, 231963, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28876, 35241, "Melancholia_-LRB-2011_film-RRB-", 0], [28876, 35241, "Lars_von_Trier", 0]]], "all_evidence": [[28876, 35241, "Melancholia_-LRB-2011_film-RRB-", 0], [28876, 35241, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57053, 67283, "Touchscreen", 9]]], "all_evidence": [[57053, 67283, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80130, 91921, "Bones_-LRB-TV_series-RRB-", 0]], [[80130, 91922, "Bones_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[80130, 91921, "Bones_-LRB-TV_series-RRB-", 0], [80130, 91922, "Bones_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146628, 161617, "Byron_Howard", 1]]], "all_evidence": [[146628, 161617, "Byron_Howard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229456, 233381, "Captain_America's_shield", 1]]], "all_evidence": [[229456, 233381, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88762, null, null, null]]], "all_evidence": [[88762, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146925, null, null, null]]], "all_evidence": [[146925, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235700, null, null, null], [235706, null, null, null]]], "all_evidence": [[235700, null, null, null], [235706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258077, 256959, "Monk", 0]]], "all_evidence": [[258077, 256959, "Monk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81530, null, null, null]]], "all_evidence": [[81530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174382, 187604, "Damon_Albarn", 17]]], "all_evidence": [[174382, 187604, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209604, 217393, "Swordfish_-LRB-film-RRB-", 1], [209604, 217393, "Swordfish_-LRB-film-RRB-", 0]]], "all_evidence": [[209604, 217393, "Swordfish_-LRB-film-RRB-", 1], [209604, 217393, "Swordfish_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160108, 174620, "Otto_I,_Holy_Roman_Emperor", 11]], [[160108, 174621, "Otto_I,_Holy_Roman_Emperor", 12]]], "all_evidence": [[160108, 174620, "Otto_I,_Holy_Roman_Emperor", 11], [160108, 174621, "Otto_I,_Holy_Roman_Emperor", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57738, 67977, "Aleister_Crowley", 5]]], "all_evidence": [[57738, 67977, "Aleister_Crowley", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58010, 68242, "Bret_Easton_Ellis", 20], [58010, 68242, "The_Canyons_-LRB-film-RRB-", 0]]], "all_evidence": [[58010, 68242, "Bret_Easton_Ellis", 20], [58010, 68242, "The_Canyons_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74202, null, null, null]]], "all_evidence": [[74202, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109114, null, null, null]]], "all_evidence": [[109114, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19043, 23344, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[19043, 23344, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49071, 58412, "Tremont_Street_Subway", 0]], [[49071, 58413, "Tremont_Street_Subway", 5]]], "all_evidence": [[49071, 58412, "Tremont_Street_Subway", 0], [49071, 58413, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78465, 90002, "Rupert_Murdoch", 0]]], "all_evidence": [[78465, 90002, "Rupert_Murdoch", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46642, 55641, "United_Nations_Charter", 1]]], "all_evidence": [[46642, 55641, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213737, null, null, null]]], "all_evidence": [[213737, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57978, null, null, null]]], "all_evidence": [[57978, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197421, 207461, "Lalla_Ward", 0]]], "all_evidence": [[197421, 207461, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292207, null, null, null], [292226, null, null, null], [339615, null, null, null], [339942, null, null, null]]], "all_evidence": [[292207, null, null, null], [292226, null, null, null], [339615, null, null, null], [339942, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106930, 120321, "Shane_McMahon", 5]], [[106930, 120322, "Shane_McMahon", 6]], [[106930, 120323, "Shane_McMahon", 1]], [[106930, 120324, "Shane_McMahon", 0]], [[106930, 120325, "Shane_McMahon", 13]], [[106930, 120326, "Shane_McMahon", 16]]], "all_evidence": [[106930, 120321, "Shane_McMahon", 5], [106930, 120322, "Shane_McMahon", 6], [106930, 120323, "Shane_McMahon", 1], [106930, 120324, "Shane_McMahon", 0], [106930, 120325, "Shane_McMahon", 13], [106930, 120326, "Shane_McMahon", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110130, 123757, "Charles_Manson", 0]]], "all_evidence": [[110130, 123757, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243005, 244290, "St._Anger", 0]]], "all_evidence": [[243005, 244290, "St._Anger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54921, 64920, "Make_It_or_Break_It", 8]]], "all_evidence": [[54921, 64920, "Make_It_or_Break_It", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206715, 215030, "Al_Jardine", 1]]], "all_evidence": [[206715, 215030, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83489, 95473, "Johnny_Galecki", 1], [83489, 95473, "Leonard_Hofstadter", 0]]], "all_evidence": [[83489, 95473, "Johnny_Galecki", 1], [83489, 95473, "Leonard_Hofstadter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246274, 246819, "Easy_A", 0]]], "all_evidence": [[246274, 246819, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41886, null, null, null]]], "all_evidence": [[41886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208020, 216176, "Franchising", 8]]], "all_evidence": [[208020, 216176, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60231, 70630, "Aarhus", 0]]], "all_evidence": [[60231, 70630, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84347, 96483, "T2_Trainspotting", 0]], [[86920, 99380, "T2_Trainspotting", 0]], [[89199, 101888, "T2_Trainspotting", 0]], [[307429, 297934, "T2_Trainspotting", 0]]], "all_evidence": [[84347, 96483, "T2_Trainspotting", 0], [86920, 99380, "T2_Trainspotting", 0], [89199, 101888, "T2_Trainspotting", 0], [307429, 297934, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89174, null, null, null]]], "all_evidence": [[89174, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234490, null, null, null]]], "all_evidence": [[234490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190741, 201707, "Buffy_Summers", 3]], [[190742, 201708, "Buffy_Summers", 1], [190742, 201708, "Buffy_the_Vampire_Slayer_Season_Eight", 0], [190742, 201708, "Slayer_-LRB-Buffy_the_Vampire_Slayer-RRB-", 0]]], "all_evidence": [[190741, 201707, "Buffy_Summers", 3], [190742, 201708, "Buffy_Summers", 1], [190742, 201708, "Buffy_the_Vampire_Slayer_Season_Eight", 0], [190742, 201708, "Slayer_-LRB-Buffy_the_Vampire_Slayer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134104, null, null, null]]], "all_evidence": [[134104, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199080, 208760, "Matteo_Renzi", 0]], [[199080, 208761, "Matteo_Renzi", 1], [199080, 208761, "Italian_constitutional_referendum,_2016", 4]], [[199080, 208762, "Matteo_Renzi", 3]], [[199080, 208763, "Matteo_Renzi", 6]], [[199080, 208764, "Matteo_Renzi", 7]]], "all_evidence": [[199080, 208760, "Matteo_Renzi", 0], [199080, 208761, "Matteo_Renzi", 1], [199080, 208761, "Italian_constitutional_referendum,_2016", 4], [199080, 208762, "Matteo_Renzi", 3], [199080, 208763, "Matteo_Renzi", 6], [199080, 208764, "Matteo_Renzi", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274542, 269829, "The_Cincinnati_Kid", 6]], [[274547, 269832, "The_Cincinnati_Kid", 6]], [[276802, 271856, "The_Cincinnati_Kid", 6]], [[322731, 311004, "The_Cincinnati_Kid", 6], [322731, 311004, "The_Cincinnati_Kid", 0]], [[323682, 311918, "The_Cincinnati_Kid", 6]]], "all_evidence": [[274542, 269829, "The_Cincinnati_Kid", 6], [274547, 269832, "The_Cincinnati_Kid", 6], [276802, 271856, "The_Cincinnati_Kid", 6], [322731, 311004, "The_Cincinnati_Kid", 6], [322731, 311004, "The_Cincinnati_Kid", 0], [323682, 311918, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134169, 149070, "Rhythm_Nation", 23]]], "all_evidence": [[134169, 149070, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164860, null, null, null]]], "all_evidence": [[164860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239607, 241388, "Polynesian_languages", 6]]], "all_evidence": [[239607, 241388, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246270, 246816, "Easy_A", 0]]], "all_evidence": [[246270, 246816, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135380, null, null, null]]], "all_evidence": [[135380, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85692, null, null, null]]], "all_evidence": [[85692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[287255, 280711, "Horse", 2]], [[287261, 280715, "Horse", 2]], [[287265, 280719, "Horse", 2]], [[335445, 321235, "Horse", 2]], [[335447, 321236, "Horse", 2]], [[335448, 321237, "Horse", 2]]], "all_evidence": [[287255, 280711, "Horse", 2], [287261, 280715, "Horse", 2], [287265, 280719, "Horse", 2], [335445, 321235, "Horse", 2], [335447, 321236, "Horse", 2], [335448, 321237, "Horse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111052, null, null, null]]], "all_evidence": [[111052, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53459, 63462, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[53459, 63462, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159525, null, null, null]]], "all_evidence": [[159525, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81128, null, null, null]]], "all_evidence": [[81128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108657, 122335, "Daag_-LRB-1973_film-RRB-", 0]], [[108665, 122347, "Daag_-LRB-1973_film-RRB-", 8]], [[108665, 122348, "Daag_-LRB-1973_film-RRB-", 2]]], "all_evidence": [[108657, 122335, "Daag_-LRB-1973_film-RRB-", 0], [108665, 122347, "Daag_-LRB-1973_film-RRB-", 8], [108665, 122348, "Daag_-LRB-1973_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107508, 120985, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[107508, 120985, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287279, null, null, null], [335503, null, null, null], [335510, null, null, null], [335511, null, null, null], [335514, null, null, null], [335521, null, null, null]]], "all_evidence": [[287279, null, null, null], [335503, null, null, null], [335510, null, null, null], [335511, null, null, null], [335514, null, null, null], [335521, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267307, 264032, "Southampton_F.C.", 9]]], "all_evidence": [[267307, 264032, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223868, 228788, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223868, 228788, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172416, null, null, null]]], "all_evidence": [[172416, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68056, 78913, "Jose\u0301_Ferrer", 0]], [[68056, 78914, "Jose\u0301_Ferrer", 4], [68056, 78914, "The_Fourposter", 0]]], "all_evidence": [[68056, 78913, "Jose\u0301_Ferrer", 0], [68056, 78914, "Jose\u0301_Ferrer", 4], [68056, 78914, "The_Fourposter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250338, 250354, "The_Closer", 8], [250338, 250354, "The_Closer", 0]]], "all_evidence": [[250338, 250354, "The_Closer", 8], [250338, 250354, "The_Closer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40607, 48833, "XHamster", 6], [40607, 48833, "The_Sex_Factor", 0]]], "all_evidence": [[40607, 48833, "XHamster", 6], [40607, 48833, "The_Sex_Factor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141739, null, null, null]]], "all_evidence": [[141739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218317, 224631, "Eva_Mendes", 0]]], "all_evidence": [[218317, 224631, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110664, 124322, "Microbiologist", 14]]], "all_evidence": [[110664, 124322, "Microbiologist", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40693, 48954, "Ingushetia", 5]]], "all_evidence": [[40693, 48954, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250355, 250365, "The_Closer", 8]], [[250359, 250369, "The_Closer", 8]], [[250371, 250376, "The_Closer", 8]]], "all_evidence": [[250355, 250365, "The_Closer", 8], [250359, 250369, "The_Closer", 8], [250371, 250376, "The_Closer", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78964, null, null, null]]], "all_evidence": [[78964, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17070, null, null, null]]], "all_evidence": [[17070, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17445, null, null, null]]], "all_evidence": [[17445, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194115, 204521, "Rick_Yune", 2]]], "all_evidence": [[194115, 204521, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200461, 209966, "Sancho_Panza", 0]]], "all_evidence": [[200461, 209966, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38893, 46847, "Paris_-LRB-Paris_Hilton_album-RRB-", 8]]], "all_evidence": [[38893, 46847, "Paris_-LRB-Paris_Hilton_album-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27775, 34024, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[27775, 34024, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81749, 93519, "Stanley_Williams", 5], [81749, 93519, "California", 1]]], "all_evidence": [[81749, 93519, "Stanley_Williams", 5], [81749, 93519, "California", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199084, 208767, "Matteo_Renzi", 0]]], "all_evidence": [[199084, 208767, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127550, 142134, "Billie_Joe_Armstrong", 0]], [[127554, 142135, "Billie_Joe_Armstrong", 0]], [[127555, 142136, "Billie_Joe_Armstrong", 0]], [[127556, 142137, "Billie_Joe_Armstrong", 0]], [[127557, 142138, "Billie_Joe_Armstrong", 0]], [[127558, 142139, "Billie_Joe_Armstrong", 0]], [[127559, 142140, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[127550, 142134, "Billie_Joe_Armstrong", 0], [127554, 142135, "Billie_Joe_Armstrong", 0], [127555, 142136, "Billie_Joe_Armstrong", 0], [127556, 142137, "Billie_Joe_Armstrong", 0], [127557, 142138, "Billie_Joe_Armstrong", 0], [127558, 142139, "Billie_Joe_Armstrong", 0], [127559, 142140, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66708, 77530, "Email_filtering", 5]], [[66709, 77531, "Email_filtering", 5]]], "all_evidence": [[66708, 77530, "Email_filtering", 5], [66709, 77531, "Email_filtering", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203219, 212296, "Fabian_Nicieza", 0]]], "all_evidence": [[203219, 212296, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225629, 230258, "Ian_Brennan_-LRB-writer-RRB-", 1]]], "all_evidence": [[225629, 230258, "Ian_Brennan_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21442, 26336, "State_of_Palestine", 1]]], "all_evidence": [[21442, 26336, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225660, null, null, null]]], "all_evidence": [[225660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144239, 159286, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[144239, 159286, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193479, 203975, "Larry_Wilmore", 0]], [[193479, 203976, "Larry_Wilmore", 2]]], "all_evidence": [[193479, 203975, "Larry_Wilmore", 0], [193479, 203976, "Larry_Wilmore", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274768, 270002, "Speech_recognition", 2]], [[276882, 271905, "Speech_recognition", 2]], [[277612, 272539, "Speech_recognition", 2]], [[323820, 311995, "Speech_recognition", 2]]], "all_evidence": [[274768, 270002, "Speech_recognition", 2], [276882, 271905, "Speech_recognition", 2], [277612, 272539, "Speech_recognition", 2], [323820, 311995, "Speech_recognition", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221328, 226970, "Yandex", 0]]], "all_evidence": [[221328, 226970, "Yandex", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105841, null, null, null]]], "all_evidence": [[105841, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103211, null, null, null]]], "all_evidence": [[103211, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190482, 201494, "Tom_Baker_-LRB-English_actor-RRB-", 1]]], "all_evidence": [[190482, 201494, "Tom_Baker_-LRB-English_actor-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174433, null, null, null]]], "all_evidence": [[174433, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158153, null, null, null]]], "all_evidence": [[158153, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203713, 212679, "Aunt_May", 0]], [[203713, 212680, "Aunt_May", 1], [203713, 212680, "Amazing_Fantasy", 0]]], "all_evidence": [[203713, 212679, "Aunt_May", 0], [203713, 212680, "Aunt_May", 1], [203713, 212680, "Amazing_Fantasy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95552, 108583, "Luis_Fonsi", 0]]], "all_evidence": [[95552, 108583, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242981, null, null, null]]], "all_evidence": [[242981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69546, 80361, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [69546, 80361, "Ray_Winstone", 0]]], "all_evidence": [[69546, 80361, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [69546, 80361, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268474, null, null, null]]], "all_evidence": [[268474, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136415, null, null, null]]], "all_evidence": [[136415, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106283, 119743, "Tatum_O'Neal", 6]]], "all_evidence": [[106283, 119743, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228209, 232452, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[228209, 232452, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275483, null, null, null], [277323, null, null, null], [277827, null, null, null], [277829, null, null, null]]], "all_evidence": [[275483, null, null, null], [277323, null, null, null], [277827, null, null, null], [277829, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236655, 239084, "Marcus_Bentley", 0]]], "all_evidence": [[236655, 239084, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125925, 140327, "Kellogg's", 1]], [[125925, 140328, "Kellogg's", 2], [125925, 140328, "Keebler_Company", 0]]], "all_evidence": [[125925, 140327, "Kellogg's", 1], [125925, 140328, "Kellogg's", 2], [125925, 140328, "Keebler_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86668, 99142, "Villa_Park", 14]]], "all_evidence": [[86668, 99142, "Villa_Park", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66557, 77379, "Noel_Fisher", 1], [66557, 77379, "Showtime_-LRB-TV_network-RRB-", 0]], [[66557, 77380, "Noel_Fisher", 2], [66557, 77380, "Hatfields_&_McCoys_-LRB-miniseries-RRB-", 0]]], "all_evidence": [[66557, 77379, "Noel_Fisher", 1], [66557, 77379, "Showtime_-LRB-TV_network-RRB-", 0], [66557, 77380, "Noel_Fisher", 2], [66557, 77380, "Hatfields_&_McCoys_-LRB-miniseries-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234096, 236989, "Jackpot_-LRB-2013_film-RRB-", 0]], [[234096, 236990, "Jackpot_-LRB-2013_film-RRB-", 1]], [[236889, 239246, "Jackpot_-LRB-2013_film-RRB-", 0]], [[236889, 239247, "Jackpot_-LRB-2013_film-RRB-", 1]], [[236889, 239248, "Jackpot_-LRB-2013_film-RRB-", 2]], [[320139, 308781, "Jackpot_-LRB-2013_film-RRB-", 1]]], "all_evidence": [[234096, 236989, "Jackpot_-LRB-2013_film-RRB-", 0], [234096, 236990, "Jackpot_-LRB-2013_film-RRB-", 1], [236889, 239246, "Jackpot_-LRB-2013_film-RRB-", 0], [236889, 239247, "Jackpot_-LRB-2013_film-RRB-", 1], [236889, 239248, "Jackpot_-LRB-2013_film-RRB-", 2], [320139, 308781, "Jackpot_-LRB-2013_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42418, 51048, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[42418, 51048, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36803, 44448, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[36803, 44448, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201125, 210575, "The_Endless_River", 0]]], "all_evidence": [[201125, 210575, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134920, null, null, null]]], "all_evidence": [[134920, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94636, 107611, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[94636, 107611, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161433, 175923, "Gal_Gadot", 4]]], "all_evidence": [[161433, 175923, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223857, null, null, null]]], "all_evidence": [[223857, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57436, 67646, "The_Mighty_Ducks", 1], [57436, 67646, "Walt_Disney_Pictures", 0], [57436, 67646, "Walt_Disney_Pictures", 1], [57436, 67646, "Walt_Disney_Pictures", 10]]], "all_evidence": [[57436, 67646, "The_Mighty_Ducks", 1], [57436, 67646, "Walt_Disney_Pictures", 0], [57436, 67646, "Walt_Disney_Pictures", 1], [57436, 67646, "Walt_Disney_Pictures", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199131, 208806, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199131, 208806, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238992, null, null, null]]], "all_evidence": [[238992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203715, 212682, "Aunt_May", 9]]], "all_evidence": [[203715, 212682, "Aunt_May", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90225, null, null, null]]], "all_evidence": [[90225, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88225, null, null, null]]], "all_evidence": [[88225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282610, 276775, "A_Milli", 0]], [[284560, 278357, "A_Milli", 0]], [[285397, 279031, "A_Milli", 0]], [[285398, 279032, "A_Milli", 0]], [[330778, 317342, "A_Milli", 0]], [[330782, 317343, "A_Milli", 0]]], "all_evidence": [[282610, 276775, "A_Milli", 0], [284560, 278357, "A_Milli", 0], [285397, 279031, "A_Milli", 0], [285398, 279032, "A_Milli", 0], [330778, 317342, "A_Milli", 0], [330782, 317343, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213744, 220897, "Finding_Dory", 1]]], "all_evidence": [[213744, 220897, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259613, 258177, "French_Resistance", 6]]], "all_evidence": [[259613, 258177, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207448, 215712, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[207448, 215712, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20432, 25039, "14th_Dalai_Lama", 10]]], "all_evidence": [[20432, 25039, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13164, null, null, null]]], "all_evidence": [[13164, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163491, 177757, "Armenian_Genocide", 0]], [[163491, 177758, "Armenian_Genocide", 5]], [[163491, 177759, "Armenian_Genocide", 9]]], "all_evidence": [[163491, 177757, "Armenian_Genocide", 0], [163491, 177758, "Armenian_Genocide", 5], [163491, 177759, "Armenian_Genocide", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101479, 114724, "Hourglass_-LRB-James_Taylor_album-RRB-", 2], [101479, 114724, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[101479, 114724, "Hourglass_-LRB-James_Taylor_album-RRB-", 2], [101479, 114724, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115564, 129428, "Bones_-LRB-TV_series-RRB-", 0]], [[115564, 129429, "Bones_-LRB-TV_series-RRB-", 12]], [[115564, 129430, "Bones_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[115564, 129428, "Bones_-LRB-TV_series-RRB-", 0], [115564, 129429, "Bones_-LRB-TV_series-RRB-", 12], [115564, 129430, "Bones_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218106, 224488, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218106, 224488, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186530, 198324, "Tatum_O'Neal", 6]], [[188241, 199711, "Tatum_O'Neal", 6]], [[188241, 199712, "Tatum_O'Neal", 3]], [[190510, 201519, "Tatum_O'Neal", 6]], [[314592, 303947, "Tatum_O'Neal", 3]], [[314592, 303948, "Tatum_O'Neal", 6]], [[314597, 303950, "Tatum_O'Neal", 6]], [[314597, 303951, "Tatum_O'Neal", 3]], [[314598, 303952, "Tatum_O'Neal", 6]], [[314598, 303953, "Tatum_O'Neal", 3]], [[314600, 303954, "Tatum_O'Neal", 6]], [[314601, 303955, "Tatum_O'Neal", 3]], [[314601, 303956, "Tatum_O'Neal", 6]]], "all_evidence": [[186530, 198324, "Tatum_O'Neal", 6], [188241, 199711, "Tatum_O'Neal", 6], [188241, 199712, "Tatum_O'Neal", 3], [190510, 201519, "Tatum_O'Neal", 6], [314592, 303947, "Tatum_O'Neal", 3], [314592, 303948, "Tatum_O'Neal", 6], [314597, 303950, "Tatum_O'Neal", 6], [314597, 303951, "Tatum_O'Neal", 3], [314598, 303952, "Tatum_O'Neal", 6], [314598, 303953, "Tatum_O'Neal", 3], [314600, 303954, "Tatum_O'Neal", 6], [314601, 303955, "Tatum_O'Neal", 3], [314601, 303956, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236612, 239053, "Regina_King", 2]], [[236612, 239054, "Regina_King", 3]], [[236612, 239055, "Regina_King", 4]]], "all_evidence": [[236612, 239053, "Regina_King", 2], [236612, 239054, "Regina_King", 3], [236612, 239055, "Regina_King", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184149, 196103, "Edgar_Wright", 0]]], "all_evidence": [[184149, 196103, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21184, 26014, "English_people", 6]]], "all_evidence": [[21184, 26014, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48365, 57696, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[48365, 57696, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[294763, null, null, null]]], "all_evidence": [[294763, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19452, null, null, null]]], "all_evidence": [[19452, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113130, 126988, "T2_Trainspotting", 0]]], "all_evidence": [[113130, 126988, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245085, 246000, "Endometrial_cancer", 26]]], "all_evidence": [[245085, 246000, "Endometrial_cancer", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82927, null, null, null]]], "all_evidence": [[82927, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153347, 168136, "Lincoln\u2013Douglas_debates", 27]], [[153347, 168137, "Lincoln\u2013Douglas_debates", 10], [153347, 168137, "Lincoln\u2013Douglas_debates", 24]]], "all_evidence": [[153347, 168136, "Lincoln\u2013Douglas_debates", 27], [153347, 168137, "Lincoln\u2013Douglas_debates", 10], [153347, 168137, "Lincoln\u2013Douglas_debates", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145565, 160568, "Ron_Weasley", 3]]], "all_evidence": [[145565, 160568, "Ron_Weasley", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165354, 179434, "Shadowhunters", 5]]], "all_evidence": [[165354, 179434, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158865, 173501, "Harold_Macmillan", 0]], [[158865, 173502, "Harold_Macmillan", 1]], [[158865, 173503, "Harold_Macmillan", 4]], [[158865, 173504, "Harold_Macmillan", 5]], [[158865, 173505, "Harold_Macmillan", 6]], [[158865, 173506, "Harold_Macmillan", 7]], [[158865, 173507, "Harold_Macmillan", 8]], [[158865, 173508, "Harold_Macmillan", 11]], [[158865, 173509, "Harold_Macmillan", 12]], [[158865, 173510, "Harold_Macmillan", 15]], [[158865, 173511, "Harold_Macmillan", 16]], [[158865, 173512, "Harold_Macmillan", 17]], [[158865, 173513, "Harold_Macmillan", 18]], [[158865, 173514, "Harold_Macmillan", 21]], [[158865, 173515, "Harold_Macmillan", 22]], [[158865, 173516, "Harold_Macmillan", 23]], [[158865, 173517, "Harold_Macmillan", 26]], [[158865, 173518, "Harold_Macmillan", 27]], [[158865, 173519, "Harold_Macmillan", 28]], [[158865, 173520, "Harold_Macmillan", 31]]], "all_evidence": [[158865, 173501, "Harold_Macmillan", 0], [158865, 173502, "Harold_Macmillan", 1], [158865, 173503, "Harold_Macmillan", 4], [158865, 173504, "Harold_Macmillan", 5], [158865, 173505, "Harold_Macmillan", 6], [158865, 173506, "Harold_Macmillan", 7], [158865, 173507, "Harold_Macmillan", 8], [158865, 173508, "Harold_Macmillan", 11], [158865, 173509, "Harold_Macmillan", 12], [158865, 173510, "Harold_Macmillan", 15], [158865, 173511, "Harold_Macmillan", 16], [158865, 173512, "Harold_Macmillan", 17], [158865, 173513, "Harold_Macmillan", 18], [158865, 173514, "Harold_Macmillan", 21], [158865, 173515, "Harold_Macmillan", 22], [158865, 173516, "Harold_Macmillan", 23], [158865, 173517, "Harold_Macmillan", 26], [158865, 173518, "Harold_Macmillan", 27], [158865, 173519, "Harold_Macmillan", 28], [158865, 173520, "Harold_Macmillan", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99834, 113013, "Global_warming", 13]]], "all_evidence": [[99834, 113013, "Global_warming", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21786, null, null, null]]], "all_evidence": [[21786, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100086, 113318, "Angelsberg", 0]]], "all_evidence": [[100086, 113318, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177993, 190655, "Justin_Chatwin", 0]], [[177994, 190656, "Justin_Chatwin", 0]]], "all_evidence": [[177993, 190655, "Justin_Chatwin", 0], [177994, 190656, "Justin_Chatwin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156586, null, null, null]]], "all_evidence": [[156586, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181697, 193941, "Blue_Jasmine", 1]]], "all_evidence": [[181697, 193941, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227070, 231485, "Bea_Arthur", 0]]], "all_evidence": [[227070, 231485, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169222, 182888, "United_Nations_Charter", 1]], [[173245, 186511, "United_Nations_Charter", 1]], [[312608, 302381, "United_Nations_Charter", 1]], [[313712, 303252, "United_Nations_Charter", 1]]], "all_evidence": [[169222, 182888, "United_Nations_Charter", 1], [173245, 186511, "United_Nations_Charter", 1], [312608, 302381, "United_Nations_Charter", 1], [313712, 303252, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191940, 202707, "Buffy_Summers", 3]], [[191941, 202708, "Buffy_Summers", 3]]], "all_evidence": [[191940, 202707, "Buffy_Summers", 3], [191941, 202708, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221679, 227248, "Matthias_Corvinus", 31]], [[221685, 227259, "Matthias_Corvinus", 31]]], "all_evidence": [[221679, 227248, "Matthias_Corvinus", 31], [221685, 227259, "Matthias_Corvinus", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111198, 124843, "Aaron_Burr", 9], [111198, 124843, "Alexander_Hamilton", 0]]], "all_evidence": [[111198, 124843, "Aaron_Burr", 9], [111198, 124843, "Alexander_Hamilton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57182, 67407, "EA_Black_Box", 0]], [[57182, 67408, "EA_Black_Box", 1]]], "all_evidence": [[57182, 67407, "EA_Black_Box", 0], [57182, 67408, "EA_Black_Box", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64361, 75115, "Bethany_Hamilton", 2], [64361, 75115, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[64361, 75115, "Bethany_Hamilton", 2], [64361, 75115, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62973, null, null, null]]], "all_evidence": [[62973, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30221, 36797, "Men_in_Black_II", 0], [30221, 36797, "Tommy_Lee_Jones", 0], [30221, 36797, "Lara_Flynn_Boyle", 0], [30221, 36797, "Johnny_Knoxville", 0], [30221, 36797, "Rosario_Dawson", 0], [30221, 36797, "Rip_Torn", 0]]], "all_evidence": [[30221, 36797, "Men_in_Black_II", 0], [30221, 36797, "Tommy_Lee_Jones", 0], [30221, 36797, "Lara_Flynn_Boyle", 0], [30221, 36797, "Johnny_Knoxville", 0], [30221, 36797, "Rosario_Dawson", 0], [30221, 36797, "Rip_Torn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43347, null, null, null], [45616, null, null, null], [302090, null, null, null], [303663, null, null, null]]], "all_evidence": [[43347, null, null, null], [45616, null, null, null], [302090, null, null, null], [303663, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207653, null, null, null]]], "all_evidence": [[207653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246608, 247085, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246608, 247085, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231451, 234953, "Diwali", 2]]], "all_evidence": [[231451, 234953, "Diwali", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239355, null, null, null]]], "all_evidence": [[239355, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63821, 74556, "Sikkim", 4]]], "all_evidence": [[63821, 74556, "Sikkim", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218028, null, null, null]]], "all_evidence": [[218028, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174275, null, null, null]]], "all_evidence": [[174275, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38356, null, null, null]]], "all_evidence": [[38356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58766, null, null, null]]], "all_evidence": [[58766, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[293074, 285719, "Colombiana", 0]], [[295675, 287753, "Colombiana", 0]], [[297290, 288971, "Colombiana", 0]], [[341340, 325856, "Colombiana", 0]]], "all_evidence": [[293074, 285719, "Colombiana", 0], [295675, 287753, "Colombiana", 0], [297290, 288971, "Colombiana", 0], [341340, 325856, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227071, null, null, null]]], "all_evidence": [[227071, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94700, null, null, null]]], "all_evidence": [[94700, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35157, 42626, "Shawn_Carlson", 0]]], "all_evidence": [[35157, 42626, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84661, null, null, null], [84683, null, null, null]]], "all_evidence": [[84661, null, null, null], [84683, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144180, null, null, null]]], "all_evidence": [[144180, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70095, 80975, "Blue_Jasmine", 1], [70095, 80975, "Cate_Blanchett", 0]]], "all_evidence": [[70095, 80975, "Blue_Jasmine", 1], [70095, 80975, "Cate_Blanchett", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211461, null, null, null]]], "all_evidence": [[211461, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152252, null, null, null]]], "all_evidence": [[152252, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231185, null, null, null]]], "all_evidence": [[231185, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104979, null, null, null]]], "all_evidence": [[104979, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184152, 196105, "Edgar_Wright", 0]]], "all_evidence": [[184152, 196105, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185232, 197025, "French_Indochina", 16]]], "all_evidence": [[185232, 197025, "French_Indochina", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166594, null, null, null]]], "all_evidence": [[166594, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36782, null, null, null]]], "all_evidence": [[36782, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234254, 237174, "House_-LRB-TV_series-RRB-", 0]], [[240619, 242207, "House_-LRB-TV_series-RRB-", 0]], [[318763, 307597, "House_-LRB-TV_series-RRB-", 0]], [[318763, 307598, "House_-LRB-TV_series-RRB-", 17], [318763, 307598, "Chi_Park", 0]], [[318763, 307599, "House_-LRB-TV_series-RRB-", 16], [318763, 307599, "Martha_Masters_-LRB-House-RRB-", 0]], [[318763, 307600, "House_-LRB-TV_series-RRB-", 12], [318763, 307600, "Chris_Taub", 0]], [[318763, 307601, "House_-LRB-TV_series-RRB-", 10], [318763, 307601, "Eric_Foreman", 0]], [[318763, 307602, "House_-LRB-TV_series-RRB-", 9], [318763, 307602, "James_Wilson_-LRB-House-RRB-", 0]], [[318763, 307603, "House_-LRB-TV_series-RRB-", 8], [318763, 307603, "Lisa_Cuddy", 0]], [[318763, 307604, "House_-LRB-TV_series-RRB-", 1], [318763, 307604, "Gregory_House", 0]], [[318770, 307609, "House_-LRB-TV_series-RRB-", 0], [318770, 307609, "Medical_drama", 0]], [[318850, 307682, "House_-LRB-TV_series-RRB-", 0]], [[318850, 307683, "House_-LRB-TV_series-RRB-", 1]], [[318850, 307684, "House_-LRB-TV_series-RRB-", 17]]], "all_evidence": [[234254, 237174, "House_-LRB-TV_series-RRB-", 0], [240619, 242207, "House_-LRB-TV_series-RRB-", 0], [318763, 307597, "House_-LRB-TV_series-RRB-", 0], [318763, 307598, "House_-LRB-TV_series-RRB-", 17], [318763, 307598, "Chi_Park", 0], [318763, 307599, "House_-LRB-TV_series-RRB-", 16], [318763, 307599, "Martha_Masters_-LRB-House-RRB-", 0], [318763, 307600, "House_-LRB-TV_series-RRB-", 12], [318763, 307600, "Chris_Taub", 0], [318763, 307601, "House_-LRB-TV_series-RRB-", 10], [318763, 307601, "Eric_Foreman", 0], [318763, 307602, "House_-LRB-TV_series-RRB-", 9], [318763, 307602, "James_Wilson_-LRB-House-RRB-", 0], [318763, 307603, "House_-LRB-TV_series-RRB-", 8], [318763, 307603, "Lisa_Cuddy", 0], [318763, 307604, "House_-LRB-TV_series-RRB-", 1], [318763, 307604, "Gregory_House", 0], [318770, 307609, "House_-LRB-TV_series-RRB-", 0], [318770, 307609, "Medical_drama", 0], [318850, 307682, "House_-LRB-TV_series-RRB-", 0], [318850, 307683, "House_-LRB-TV_series-RRB-", 1], [318850, 307684, "House_-LRB-TV_series-RRB-", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210315, null, null, null]]], "all_evidence": [[210315, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144677, 159679, "Harris_Jayaraj", 0]]], "all_evidence": [[144677, 159679, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123409, null, null, null], [123412, null, null, null]]], "all_evidence": [[123409, null, null, null], [123412, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132172, null, null, null]]], "all_evidence": [[132172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81866, 93654, "EA_Black_Box", 0], [81866, 93654, "Burnaby", 0], [81866, 93654, "British_Columbia", 13], [81866, 93654, "British_Columbia", 35], [81866, 93654, "British_Columbia", 0]]], "all_evidence": [[81866, 93654, "EA_Black_Box", 0], [81866, 93654, "Burnaby", 0], [81866, 93654, "British_Columbia", 13], [81866, 93654, "British_Columbia", 35], [81866, 93654, "British_Columbia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251866, null, null, null]]], "all_evidence": [[251866, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243008, 244294, "St._Anger", 0]], [[243008, 244295, "St._Anger", 1]]], "all_evidence": [[243008, 244294, "St._Anger", 0], [243008, 244295, "St._Anger", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201131, 210581, "The_Endless_River", 0]], [[201131, 210582, "The_Endless_River", 5]], [[201131, 210583, "The_Endless_River", 2]], [[201131, 210584, "The_Endless_River", 12]], [[201131, 210585, "The_Endless_River", 14]]], "all_evidence": [[201131, 210581, "The_Endless_River", 0], [201131, 210582, "The_Endless_River", 5], [201131, 210583, "The_Endless_River", 2], [201131, 210584, "The_Endless_River", 12], [201131, 210585, "The_Endless_River", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82342, null, null, null]]], "all_evidence": [[82342, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222238, 227613, "Oscar_De_La_Hoya", 0]], [[222238, 227614, "Oscar_De_La_Hoya", 7]], [[222238, 227615, "Oscar_De_La_Hoya", 8]], [[222238, 227616, "Oscar_De_La_Hoya", 12], [222238, 227616, "Manny_Pacquiao", 10]]], "all_evidence": [[222238, 227613, "Oscar_De_La_Hoya", 0], [222238, 227614, "Oscar_De_La_Hoya", 7], [222238, 227615, "Oscar_De_La_Hoya", 8], [222238, 227616, "Oscar_De_La_Hoya", 12], [222238, 227616, "Manny_Pacquiao", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71834, 82833, "Shadowhunters", 4]]], "all_evidence": [[71834, 82833, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127894, null, null, null]]], "all_evidence": [[127894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68622, 79486, "Victoria_Palace_Theatre", 0], [68622, 79486, "City_of_Westminster", 0]]], "all_evidence": [[68622, 79486, "Victoria_Palace_Theatre", 0], [68622, 79486, "City_of_Westminster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119482, null, null, null]]], "all_evidence": [[119482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135335, 150231, "Match_Point", 2]]], "all_evidence": [[135335, 150231, "Match_Point", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218429, null, null, null], [319443, null, null, null]]], "all_evidence": [[218429, null, null, null], [319443, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233066, null, null, null]]], "all_evidence": [[233066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[14275, 17838, "Ludwig_van_Beethoven", 0]]], "all_evidence": [[14275, 17838, "Ludwig_van_Beethoven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151624, 166367, "Awkward_Black_Girl", 0]], [[151624, 166368, "Awkward_Black_Girl", 6]]], "all_evidence": [[151624, 166367, "Awkward_Black_Girl", 0], [151624, 166368, "Awkward_Black_Girl", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87015, null, null, null]]], "all_evidence": [[87015, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140351, 155376, "PacSun", 5]]], "all_evidence": [[140351, 155376, "PacSun", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226508, 231055, "Captain_America's_shield", 1]], [[226509, 231056, "Captain_America's_shield", 1]]], "all_evidence": [[226508, 231055, "Captain_America's_shield", 1], [226509, 231056, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38026, 45942, "Highway_to_Heaven", 0]]], "all_evidence": [[38026, 45942, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257335, 256355, "Calcaneal_spur", 1], [257335, 256355, "Radiography", 0]]], "all_evidence": [[257335, 256355, "Calcaneal_spur", 1], [257335, 256355, "Radiography", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184389, null, null, null]]], "all_evidence": [[184389, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186126, null, null, null]]], "all_evidence": [[186126, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231959, 235261, "David_Packouz", 0]], [[231959, 235262, "David_Packouz", 13]], [[231959, 235263, "David_Packouz", 16]], [[231960, 235264, "David_Packouz", 0]], [[231960, 235265, "David_Packouz", 13]], [[231960, 235266, "David_Packouz", 16]], [[233133, 236121, "David_Packouz", 0]], [[233133, 236122, "David_Packouz", 13]], [[233133, 236123, "David_Packouz", 16]], [[318513, 307410, "David_Packouz", 0]], [[318515, 307411, "David_Packouz", 0]]], "all_evidence": [[231959, 235261, "David_Packouz", 0], [231959, 235262, "David_Packouz", 13], [231959, 235263, "David_Packouz", 16], [231960, 235264, "David_Packouz", 0], [231960, 235265, "David_Packouz", 13], [231960, 235266, "David_Packouz", 16], [233133, 236121, "David_Packouz", 0], [233133, 236122, "David_Packouz", 13], [233133, 236123, "David_Packouz", 16], [318513, 307410, "David_Packouz", 0], [318515, 307411, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170768, 184342, "The_Wallace_-LRB-poem-RRB-", 0]]], "all_evidence": [[170768, 184342, "The_Wallace_-LRB-poem-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173838, null, null, null]]], "all_evidence": [[173838, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235559, null, null, null]]], "all_evidence": [[235559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236648, null, null, null]]], "all_evidence": [[236648, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199130, 208805, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199130, 208805, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149221, 164220, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[149221, 164220, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15846, 19710, "John_Krasinski", 0]]], "all_evidence": [[15846, 19710, "John_Krasinski", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259607, 258169, "French_Resistance", 6]]], "all_evidence": [[259607, 258169, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289699, 282775, "Rhythm_Nation", 23]], [[291106, 284068, "Rhythm_Nation", 23]], [[293211, 285827, "Rhythm_Nation", 23]], [[336773, 322294, "Rhythm_Nation", 23]], [[336778, 322298, "Rhythm_Nation", 23]], [[336783, 322303, "Rhythm_Nation", 23]], [[336787, 322307, "Rhythm_Nation", 23]]], "all_evidence": [[289699, 282775, "Rhythm_Nation", 23], [291106, 284068, "Rhythm_Nation", 23], [293211, 285827, "Rhythm_Nation", 23], [336773, 322294, "Rhythm_Nation", 23], [336778, 322298, "Rhythm_Nation", 23], [336783, 322303, "Rhythm_Nation", 23], [336787, 322307, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199924, 209565, "Anne_Sullivan", 0]], [[199925, 209566, "Anne_Sullivan", 0]]], "all_evidence": [[199924, 209565, "Anne_Sullivan", 0], [199925, 209566, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137088, null, null, null]]], "all_evidence": [[137088, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193156, null, null, null], [314985, null, null, null], [314987, null, null, null]]], "all_evidence": [[193156, null, null, null], [314985, null, null, null], [314987, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100723, null, null, null]]], "all_evidence": [[100723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153179, 167933, "Matthew_Gray_Gubler", 0]], [[153181, 167936, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[153179, 167933, "Matthew_Gray_Gubler", 0], [153181, 167936, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250980, 250943, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250980, 250943, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28011, 34306, "Ron_Weasley", 0]]], "all_evidence": [[28011, 34306, "Ron_Weasley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163202, 177421, "DNA_-LRB-Little_Mix_album-RRB-", 5]], [[163202, 177422, "DNA_-LRB-Little_Mix_album-RRB-", 7]], [[163202, 177423, "DNA_-LRB-Little_Mix_album-RRB-", 14]], [[163202, 177424, "DNA_-LRB-Little_Mix_album-RRB-", 11]], [[163202, 177425, "DNA_-LRB-Little_Mix_album-RRB-", 12]], [[163202, 177426, "DNA_-LRB-Little_Mix_album-RRB-", 13]]], "all_evidence": [[163202, 177421, "DNA_-LRB-Little_Mix_album-RRB-", 5], [163202, 177422, "DNA_-LRB-Little_Mix_album-RRB-", 7], [163202, 177423, "DNA_-LRB-Little_Mix_album-RRB-", 14], [163202, 177424, "DNA_-LRB-Little_Mix_album-RRB-", 11], [163202, 177425, "DNA_-LRB-Little_Mix_album-RRB-", 12], [163202, 177426, "DNA_-LRB-Little_Mix_album-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147434, null, null, null]]], "all_evidence": [[147434, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269599, 265885, "Richard_Dawkins", 16]]], "all_evidence": [[269599, 265885, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197429, null, null, null]]], "all_evidence": [[197429, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237019, 239336, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[237019, 239336, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228791, null, null, null]]], "all_evidence": [[228791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267312, 264039, "Southampton_F.C.", 9]]], "all_evidence": [[267312, 264039, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270507, 266536, "Jenna_Jameson", 0]], [[270507, 266537, "Jenna_Jameson", 22]], [[270507, 266538, "Jenna_Jameson", 3]]], "all_evidence": [[270507, 266536, "Jenna_Jameson", 0], [270507, 266537, "Jenna_Jameson", 22], [270507, 266538, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45308, 54070, "Highway_to_Heaven", 0]]], "all_evidence": [[45308, 54070, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201129, 210579, "The_Endless_River", 0]]], "all_evidence": [[201129, 210579, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186393, 198211, "Robert_Lopez", 1]]], "all_evidence": [[186393, 198211, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180785, 193170, "Mohra", 4]]], "all_evidence": [[180785, 193170, "Mohra", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179913, 192462, "Kuching", 0]]], "all_evidence": [[179913, 192462, "Kuching", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77568, null, null, null]]], "all_evidence": [[77568, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190726, null, null, null]]], "all_evidence": [[190726, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82509, null, null, null]]], "all_evidence": [[82509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90209, 102913, "Heavy_metal_music", 0]]], "all_evidence": [[90209, 102913, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270815, 266802, "New_Orleans_Pelicans", 1]], [[270816, 266803, "New_Orleans_Pelicans", 1]]], "all_evidence": [[270815, 266802, "New_Orleans_Pelicans", 1], [270816, 266803, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146402, null, null, null]]], "all_evidence": [[146402, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75883, 87140, "Derek_Hough", 6]]], "all_evidence": [[75883, 87140, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114600, 128346, "Miranda_Otto", 0]], [[114600, 128347, "Miranda_Otto", 2]], [[114600, 128348, "Miranda_Otto", 5]], [[114600, 128349, "Miranda_Otto", 6]]], "all_evidence": [[114600, 128346, "Miranda_Otto", 0], [114600, 128347, "Miranda_Otto", 2], [114600, 128348, "Miranda_Otto", 5], [114600, 128349, "Miranda_Otto", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60923, 71384, "Murda_Beatz", 0]]], "all_evidence": [[60923, 71384, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188617, null, null, null]]], "all_evidence": [[188617, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257082, null, null, null]]], "all_evidence": [[257082, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42105, 50661, "Viola_Davis", 6]], [[42105, 50662, "Viola_Davis", 8], [42105, 50662, "Doubt_-LRB-2008_film-RRB-", 0]], [[42105, 50663, "Viola_Davis", 11], [42105, 50663, "The_Help_-LRB-film-RRB-", 0]], [[42105, 50664, "Viola_Davis", 14]], [[42105, 50665, "Viola_Davis", 16]], [[42105, 50666, "Viola_Davis", 18], [42105, 50666, "Custody_-LRB-2016_film-RRB-", 0], [42105, 50666, "Lila_&_Eve", 0]]], "all_evidence": [[42105, 50661, "Viola_Davis", 6], [42105, 50662, "Viola_Davis", 8], [42105, 50662, "Doubt_-LRB-2008_film-RRB-", 0], [42105, 50663, "Viola_Davis", 11], [42105, 50663, "The_Help_-LRB-film-RRB-", 0], [42105, 50664, "Viola_Davis", 14], [42105, 50665, "Viola_Davis", 16], [42105, 50666, "Viola_Davis", 18], [42105, 50666, "Custody_-LRB-2016_film-RRB-", 0], [42105, 50666, "Lila_&_Eve", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237965, 240123, "Tamerlan_Tsarnaev", 1]], [[237965, 240124, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237965, 240123, "Tamerlan_Tsarnaev", 1], [237965, 240124, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187430, 199079, "Mani_Ratnam", 1]]], "all_evidence": [[187430, 199079, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52813, 62764, "Battle_of_France", 13]]], "all_evidence": [[52813, 62764, "Battle_of_France", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142356, 157554, "Heart", 18]]], "all_evidence": [[142356, 157554, "Heart", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239633, null, null, null]]], "all_evidence": [[239633, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244444, null, null, null]]], "all_evidence": [[244444, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230172, 233916, "Frozen_-LRB-2013_film-RRB-", 13]], [[230176, 233925, "Frozen_-LRB-2013_film-RRB-", 13]]], "all_evidence": [[230172, 233916, "Frozen_-LRB-2013_film-RRB-", 13], [230176, 233925, "Frozen_-LRB-2013_film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75107, 86334, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[75107, 86334, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201123, 210573, "The_Endless_River", 0], [201123, 210573, "Pink_Floyd", 0]]], "all_evidence": [[201123, 210573, "The_Endless_River", 0], [201123, 210573, "Pink_Floyd", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155133, 169848, "Taylor_Lautner", 4]], [[155134, 169849, "Taylor_Lautner", 4]]], "all_evidence": [[155133, 169848, "Taylor_Lautner", 4], [155134, 169849, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214269, null, null, null]]], "all_evidence": [[214269, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155795, 170455, "Bruce_Shand", 0]]], "all_evidence": [[155795, 170455, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164687, null, null, null]]], "all_evidence": [[164687, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16644, 20609, "The_Good_Wife", 0]]], "all_evidence": [[16644, 20609, "The_Good_Wife", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108534, 122147, "Sayyeshaa", 1], [108534, 122147, "Ajay_Devgn", 0]]], "all_evidence": [[108534, 122147, "Sayyeshaa", 1], [108534, 122147, "Ajay_Devgn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242099, 243575, "Down_with_Love", 0]]], "all_evidence": [[242099, 243575, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23024, 28367, "Recovery_-LRB-Eminem_album-RRB-", 7]]], "all_evidence": [[23024, 28367, "Recovery_-LRB-Eminem_album-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228787, null, null, null], [228799, null, null, null]]], "all_evidence": [[228787, null, null, null], [228799, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69809, null, null, null]]], "all_evidence": [[69809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112753, 126593, "Eddie_Guerrero", 10]]], "all_evidence": [[112753, 126593, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146172, null, null, null]]], "all_evidence": [[146172, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59743, null, null, null]]], "all_evidence": [[59743, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207670, null, null, null]]], "all_evidence": [[207670, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47825, 57091, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[47825, 57091, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195060, null, null, null]]], "all_evidence": [[195060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77804, 89248, "Taran_Killam", 0]]], "all_evidence": [[77804, 89248, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107117, 120490, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[107117, 120490, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129531, 144267, "Helmand_Province", 0]], [[129532, 144268, "Helmand_Province", 0]], [[129533, 144269, "Helmand_Province", 0]], [[129534, 144270, "Helmand_Province", 0]], [[129535, 144271, "Helmand_Province", 0]], [[129536, 144272, "Helmand_Province", 0]], [[129538, 144273, "Helmand_Province", 0]], [[129539, 144274, "Helmand_Province", 0]], [[129540, 144275, "Helmand_Province", 0]], [[129541, 144276, "Helmand_Province", 0]], [[129542, 144277, "Helmand_Province", 0]], [[129543, 144278, "Helmand_Province", 0]], [[129544, 144279, "Helmand_Province", 0]], [[129546, 144281, "Helmand_Province", 0]], [[129547, 144283, "Helmand_Province", 0]], [[129548, 144282, "Helmand_Province", 0]], [[129549, 144284, "Helmand_Province", 0]], [[129550, 144285, "Helmand_Province", 0]], [[129551, 144286, "Helmand_Province", 0]], [[129552, 144287, "Helmand_Province", 0]], [[129553, 144288, "Helmand_Province", 0]], [[129554, 144289, "Helmand_Province", 0]], [[129555, 144290, "Helmand_Province", 0]]], "all_evidence": [[129531, 144267, "Helmand_Province", 0], [129532, 144268, "Helmand_Province", 0], [129533, 144269, "Helmand_Province", 0], [129534, 144270, "Helmand_Province", 0], [129535, 144271, "Helmand_Province", 0], [129536, 144272, "Helmand_Province", 0], [129538, 144273, "Helmand_Province", 0], [129539, 144274, "Helmand_Province", 0], [129540, 144275, "Helmand_Province", 0], [129541, 144276, "Helmand_Province", 0], [129542, 144277, "Helmand_Province", 0], [129543, 144278, "Helmand_Province", 0], [129544, 144279, "Helmand_Province", 0], [129546, 144281, "Helmand_Province", 0], [129547, 144283, "Helmand_Province", 0], [129548, 144282, "Helmand_Province", 0], [129549, 144284, "Helmand_Province", 0], [129550, 144285, "Helmand_Province", 0], [129551, 144286, "Helmand_Province", 0], [129552, 144287, "Helmand_Province", 0], [129553, 144288, "Helmand_Province", 0], [129554, 144289, "Helmand_Province", 0], [129555, 144290, "Helmand_Province", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53100, null, null, null]]], "all_evidence": [[53100, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146801, 161782, "14th_Dalai_Lama", 10]]], "all_evidence": [[146801, 161782, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212208, 219807, "Epistemology", 3]]], "all_evidence": [[212208, 219807, "Epistemology", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168941, null, null, null]]], "all_evidence": [[168941, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54228, 64228, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[54228, 64228, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125364, null, null, null]]], "all_evidence": [[125364, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236597, 239035, "Regina_King", 1]], [[236597, 239036, "Regina_King", 0]], [[236597, 239037, "Regina_King", 2]], [[236597, 239038, "Regina_King", 3]], [[236597, 239039, "Regina_King", 4]], [[236597, 239040, "Regina_King", 7]]], "all_evidence": [[236597, 239035, "Regina_King", 1], [236597, 239036, "Regina_King", 0], [236597, 239037, "Regina_King", 2], [236597, 239038, "Regina_King", 3], [236597, 239039, "Regina_King", 4], [236597, 239040, "Regina_King", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258360, null, null, null]]], "all_evidence": [[258360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81947, 93732, "Same_Old_Love", 0]]], "all_evidence": [[81947, 93732, "Same_Old_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120180, 134356, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[120180, 134356, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90333, 103082, "Juventus_F.C.", 1], [90333, 103082, "Juventus_F.C.", 0]]], "all_evidence": [[90333, 103082, "Juventus_F.C.", 1], [90333, 103082, "Juventus_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207665, null, null, null]]], "all_evidence": [[207665, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43532, null, null, null]]], "all_evidence": [[43532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121508, 135783, "Faroe_Islands", 1]], [[121565, 135832, "Faroe_Islands", 1]], [[121565, 135833, "Faroe_Islands", 11]]], "all_evidence": [[121508, 135783, "Faroe_Islands", 1], [121565, 135832, "Faroe_Islands", 1], [121565, 135833, "Faroe_Islands", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259718, 258273, "Hanford_Site", 23]]], "all_evidence": [[259718, 258273, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258076, null, null, null]]], "all_evidence": [[258076, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222217, null, null, null], [224791, null, null, null], [225850, null, null, null], [319583, null, null, null]]], "all_evidence": [[222217, null, null, null], [224791, null, null, null], [225850, null, null, null], [319583, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292131, 284962, "Fantastic_Four_-LRB-2005_film-RRB-", 7]], [[294158, 286512, "Fantastic_Four_-LRB-2005_film-RRB-", 7]], [[294797, 287006, "Fantastic_Four_-LRB-2005_film-RRB-", 7]], [[339232, 324255, "Fantastic_Four_-LRB-2005_film-RRB-", 7]], [[339234, 324256, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[292131, 284962, "Fantastic_Four_-LRB-2005_film-RRB-", 7], [294158, 286512, "Fantastic_Four_-LRB-2005_film-RRB-", 7], [294797, 287006, "Fantastic_Four_-LRB-2005_film-RRB-", 7], [339232, 324255, "Fantastic_Four_-LRB-2005_film-RRB-", 7], [339234, 324256, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60294, 70677, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[60294, 70677, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256002, 255305, "Weekly_Idol", 1]]], "all_evidence": [[256002, 255305, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223863, 228781, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223863, 228781, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93662, null, null, null]]], "all_evidence": [[93662, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238542, 240539, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238542, 240539, "Gary_Oldman", 0]], [[238544, 240541, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238544, 240541, "Gary_Oldman", 0]], [[238545, 240542, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238545, 240542, "Toby_Jones", 0]]], "all_evidence": [[238542, 240539, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238542, 240539, "Gary_Oldman", 0], [238544, 240541, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238544, 240541, "Gary_Oldman", 0], [238545, 240542, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238545, 240542, "Toby_Jones", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189735, 200957, "Polar_bear", 7]]], "all_evidence": [[189735, 200957, "Polar_bear", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173734, null, null, null]]], "all_evidence": [[173734, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254521, 254167, "Harris_Jayaraj", 0]], [[256684, 255856, "Harris_Jayaraj", 0]], [[321073, 309531, "Harris_Jayaraj", 0]], [[321074, 309532, "Harris_Jayaraj", 0]], [[322400, 310737, "Harris_Jayaraj", 0]]], "all_evidence": [[254521, 254167, "Harris_Jayaraj", 0], [256684, 255856, "Harris_Jayaraj", 0], [321073, 309531, "Harris_Jayaraj", 0], [321074, 309532, "Harris_Jayaraj", 0], [322400, 310737, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121728, null, null, null]]], "all_evidence": [[121728, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36106, 43634, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[36106, 43634, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257054, 256115, "Chagatai_language", 0]]], "all_evidence": [[257054, 256115, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210351, 218110, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210351, 218110, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219131, null, null, null]]], "all_evidence": [[219131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222361, 227714, "John_Deighton", 24]], [[224949, 229673, "John_Deighton", 48]], [[226009, 230556, "John_Deighton", 24]]], "all_evidence": [[222361, 227714, "John_Deighton", 24], [224949, 229673, "John_Deighton", 48], [226009, 230556, "John_Deighton", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274388, 269684, "Brian_Michael_Bendis", 12]], [[274392, 269687, "Brian_Michael_Bendis", 12]], [[322462, 310785, "Brian_Michael_Bendis", 1]], [[322462, 310786, "Brian_Michael_Bendis", 5]], [[322462, 310787, "Brian_Michael_Bendis", 6]], [[322462, 310788, "Brian_Michael_Bendis", 12]], [[322462, 310789, "Brian_Michael_Bendis", 13]], [[322462, 310790, "Brian_Michael_Bendis", 14]], [[323579, 311784, "Brian_Michael_Bendis", 12]], [[323581, 311790, "Brian_Michael_Bendis", 12]], [[323583, 311791, "Brian_Michael_Bendis", 12]], [[323585, 311792, "Brian_Michael_Bendis", 12]]], "all_evidence": [[274388, 269684, "Brian_Michael_Bendis", 12], [274392, 269687, "Brian_Michael_Bendis", 12], [322462, 310785, "Brian_Michael_Bendis", 1], [322462, 310786, "Brian_Michael_Bendis", 5], [322462, 310787, "Brian_Michael_Bendis", 6], [322462, 310788, "Brian_Michael_Bendis", 12], [322462, 310789, "Brian_Michael_Bendis", 13], [322462, 310790, "Brian_Michael_Bendis", 14], [323579, 311784, "Brian_Michael_Bendis", 12], [323581, 311790, "Brian_Michael_Bendis", 12], [323583, 311791, "Brian_Michael_Bendis", 12], [323585, 311792, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67590, null, null, null]]], "all_evidence": [[67590, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126764, 141213, "Veeru_Devgan", 0]], [[126764, 141214, "Veeru_Devgan", 2]], [[126764, 141215, "Veeru_Devgan", 3]]], "all_evidence": [[126764, 141213, "Veeru_Devgan", 0], [126764, 141214, "Veeru_Devgan", 2], [126764, 141215, "Veeru_Devgan", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171130, 184643, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[171130, 184643, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270506, 266535, "Jenna_Jameson", 3]]], "all_evidence": [[270506, 266535, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181312, 193572, "Juventus_F.C.", 1]]], "all_evidence": [[181312, 193572, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239614, null, null, null]]], "all_evidence": [[239614, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129860, null, null, null]]], "all_evidence": [[129860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129822, 144529, "Michelin_Guide", 3], [129822, 144529, "Michelin", 0]], [[129823, 144530, "Michelin_Guide", 3], [129823, 144530, "Michelin", 0]], [[129824, 144531, "Michelin_Guide", 3], [129824, 144531, "Michelin", 0]], [[129825, 144532, "Michelin_Guide", 3], [129825, 144532, "Michelin", 0]]], "all_evidence": [[129822, 144529, "Michelin_Guide", 3], [129822, 144529, "Michelin", 0], [129823, 144530, "Michelin_Guide", 3], [129823, 144530, "Michelin", 0], [129824, 144531, "Michelin_Guide", 3], [129824, 144531, "Michelin", 0], [129825, 144532, "Michelin_Guide", 3], [129825, 144532, "Michelin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53034, null, null, null]]], "all_evidence": [[53034, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189355, 200640, "To_Pimp_a_Butterfly", 12]], [[189365, 200648, "To_Pimp_a_Butterfly", 12]]], "all_evidence": [[189355, 200640, "To_Pimp_a_Butterfly", 12], [189365, 200648, "To_Pimp_a_Butterfly", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190733, null, null, null], [190736, null, null, null]]], "all_evidence": [[190733, null, null, null], [190736, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173357, null, null, null]]], "all_evidence": [[173357, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70099, 80989, "Blue_Jasmine", 1]]], "all_evidence": [[70099, 80989, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129778, 144502, "Leonard_Nimoy", 10], [129778, 144502, "Civilization_IV", 0]]], "all_evidence": [[129778, 144502, "Leonard_Nimoy", 10], [129778, 144502, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90244, 103005, "Uranium-235", 6]]], "all_evidence": [[90244, 103005, "Uranium-235", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203202, 212285, "Fabian_Nicieza", 0]]], "all_evidence": [[203202, 212285, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200472, 209976, "Sancho_Panza", 0]], [[200479, 209980, "Sancho_Panza", 0]]], "all_evidence": [[200472, 209976, "Sancho_Panza", 0], [200479, 209980, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199055, null, null, null]]], "all_evidence": [[199055, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117453, 131366, "State_of_Palestine", 1]]], "all_evidence": [[117453, 131366, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77519, null, null, null]]], "all_evidence": [[77519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106314, 119764, "Luis_Fonsi", 0]]], "all_evidence": [[106314, 119764, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146751, null, null, null]]], "all_evidence": [[146751, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75209, 86443, "Marvel_vs._Capcom-COLON-_Infinite", 4]]], "all_evidence": [[75209, 86443, "Marvel_vs._Capcom-COLON-_Infinite", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218089, null, null, null], [218090, null, null, null]]], "all_evidence": [[218089, null, null, null], [218090, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231962, null, null, null]]], "all_evidence": [[231962, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171110, 184627, "Aarhus", 0]]], "all_evidence": [[171110, 184627, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60133, 70552, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[60133, 70552, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221275, 226918, "Yandex", 9]]], "all_evidence": [[221275, 226918, "Yandex", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267305, 264031, "Southampton_F.C.", 0], [267305, 264031, "Association_football", 0]]], "all_evidence": [[267305, 264031, "Southampton_F.C.", 0], [267305, 264031, "Association_football", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116331, 130225, "Naples", 34]]], "all_evidence": [[116331, 130225, "Naples", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28903, 35268, "Knocked_Up", 4]]], "all_evidence": [[28903, 35268, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79303, 90978, "Marjorie_Gross", 0]], [[79303, 90979, "Marjorie_Gross", 1]]], "all_evidence": [[79303, 90978, "Marjorie_Gross", 0], [79303, 90979, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165776, 179761, "Uranium-235", 6], [165776, 179761, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[165776, 179761, "Uranium-235", 6], [165776, 179761, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158269, null, null, null]]], "all_evidence": [[158269, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126919, 141372, "Bhagat_Singh", 0]]], "all_evidence": [[126919, 141372, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39822, 47907, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[39822, 47907, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236609, 239050, "Regina_King", 4]], [[236610, 239051, "Regina_King", 4]], [[236613, 239056, "Regina_King", 4]]], "all_evidence": [[236609, 239050, "Regina_King", 4], [236610, 239051, "Regina_King", 4], [236613, 239056, "Regina_King", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184910, null, null, null]]], "all_evidence": [[184910, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214260, 221339, "Kenneth_Lonergan", 0]]], "all_evidence": [[214260, 221339, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87341, 99817, "Floppy_disk", 0]]], "all_evidence": [[87341, 99817, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135080, 149995, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135081, 149996, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135082, 149997, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135083, 149998, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135084, 149999, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135085, 150000, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135086, 150001, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135087, 150002, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135088, 150003, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135089, 150004, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135090, 150005, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135092, 150007, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135093, 150008, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135094, 150009, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135095, 150010, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135096, 150011, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135097, 150012, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135098, 150013, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135099, 150014, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]]], "all_evidence": [[135080, 149995, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135081, 149996, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135082, 149997, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135083, 149998, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135084, 149999, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135085, 150000, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135086, 150001, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135087, 150002, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135088, 150003, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135089, 150004, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135090, 150005, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135092, 150007, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135093, 150008, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135094, 150009, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135095, 150010, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135096, 150011, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135097, 150012, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135098, 150013, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135099, 150014, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211974, 219582, "Saturn_Corporation", 0]]], "all_evidence": [[211974, 219582, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239646, null, null, null]]], "all_evidence": [[239646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126097, 140489, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[126097, 140489, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101587, 114824, "Chaka_Khan", 4]]], "all_evidence": [[101587, 114824, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71437, 82399, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]], "all_evidence": [[71437, 82399, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76469, 87764, "Vietnam", 1]]], "all_evidence": [[76469, 87764, "Vietnam", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270500, null, null, null]]], "all_evidence": [[270500, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237969, null, null, null]]], "all_evidence": [[237969, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18825, 23061, "The_Mod_Squad", 0]], [[18825, 23062, "The_Mod_Squad", 5]], [[18825, 23063, "The_Mod_Squad", 6]], [[18825, 23064, "The_Mod_Squad", 2]], [[18825, 23065, "The_Mod_Squad", 1], [18825, 23065, "Clarence_Williams_III", 0]]], "all_evidence": [[18825, 23061, "The_Mod_Squad", 0], [18825, 23062, "The_Mod_Squad", 5], [18825, 23063, "The_Mod_Squad", 6], [18825, 23064, "The_Mod_Squad", 2], [18825, 23065, "The_Mod_Squad", 1], [18825, 23065, "Clarence_Williams_III", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164953, 179135, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[164953, 179135, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171935, 185378, "Folklore", 1]]], "all_evidence": [[171935, 185378, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196605, 206704, "Michael_Vick", 0]]], "all_evidence": [[196605, 206704, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122351, 136605, "Connie_Nielsen", 2]]], "all_evidence": [[122351, 136605, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241678, null, null, null]]], "all_evidence": [[241678, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235568, null, null, null]]], "all_evidence": [[235568, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179526, 192105, "Melancholia_-LRB-2011_film-RRB-", 0], [179526, 192105, "Charlotte_Gainsbourg", 0]]], "all_evidence": [[179526, 192105, "Melancholia_-LRB-2011_film-RRB-", 0], [179526, 192105, "Charlotte_Gainsbourg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112424, null, null, null]]], "all_evidence": [[112424, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119988, 134129, "Naples", 34], [119988, 134129, "Pompeii", 0]]], "all_evidence": [[119988, 134129, "Naples", 34], [119988, 134129, "Pompeii", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190011, 201161, "Philip_Glass", 9]], [[190019, 201166, "Philip_Glass", 9]], [[190023, 201170, "Philip_Glass", 9]]], "all_evidence": [[190011, 201161, "Philip_Glass", 9], [190019, 201166, "Philip_Glass", 9], [190023, 201170, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130858, 145640, "Scotty_Moore", 0]]], "all_evidence": [[130858, 145640, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52022, 61910, "Psych", 2], [52022, 61910, "James_Roday", 0]]], "all_evidence": [[52022, 61910, "Psych", 2], [52022, 61910, "James_Roday", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112572, null, null, null]]], "all_evidence": [[112572, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85385, 97705, "Carlos_Santana", 0]]], "all_evidence": [[85385, 97705, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296734, null, null, null], [298357, null, null, null], [298358, null, null, null], [343832, null, null, null], [343879, null, null, null]]], "all_evidence": [[296734, null, null, null], [298357, null, null, null], [298358, null, null, null], [343832, null, null, null], [343879, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131917, null, null, null]]], "all_evidence": [[131917, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292635, 285380, "Sleipnir", 0]], [[294645, 286888, "Sleipnir", 0]], [[295230, 287374, "Sleipnir", 0]], [[340511, 325153, "Sleipnir", 0]], [[340532, 325167, "Sleipnir", 0]]], "all_evidence": [[292635, 285380, "Sleipnir", 0], [294645, 286888, "Sleipnir", 0], [295230, 287374, "Sleipnir", 0], [340511, 325153, "Sleipnir", 0], [340532, 325167, "Sleipnir", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198622, 208415, "Selena_Gomez_&_the_Scene", 3]], [[198623, 208416, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198622, 208415, "Selena_Gomez_&_the_Scene", 3], [198623, 208416, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21848, 26838, "Jack_Falahee", 0]]], "all_evidence": [[21848, 26838, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85935, null, null, null]]], "all_evidence": [[85935, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230065, null, null, null]]], "all_evidence": [[230065, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211611, null, null, null]]], "all_evidence": [[211611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76020, 87313, "John_Dolmayan", 0]]], "all_evidence": [[76020, 87313, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114298, null, null, null]]], "all_evidence": [[114298, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139983, 154990, "Ashley_Graham_-LRB-model-RRB-", 0]]], "all_evidence": [[139983, 154990, "Ashley_Graham_-LRB-model-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148800, null, null, null]]], "all_evidence": [[148800, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181100, 193391, "Justine_Bateman", 0]]], "all_evidence": [[181100, 193391, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246285, 246830, "Easy_A", 0]]], "all_evidence": [[246285, 246830, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92872, 105725, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[92872, 105725, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45062, null, null, null]]], "all_evidence": [[45062, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156509, null, null, null], [156512, null, null, null]]], "all_evidence": [[156509, null, null, null], [156512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216084, 222795, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216084, 222795, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208056, null, null, null]]], "all_evidence": [[208056, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258724, null, null, null]]], "all_evidence": [[258724, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13680, 17121, "Make_It_or_Break_It", 8], [13680, 17121, "Make_It_or_Break_It", 9]]], "all_evidence": [[13680, 17121, "Make_It_or_Break_It", 8], [13680, 17121, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199112, 208790, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199112, 208790, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140321, 155337, "Shane_Black", 0]]], "all_evidence": [[140321, 155337, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107863, 121346, "Stanley_Williams", 0]], [[107863, 121347, "Stanley_Williams", 1]], [[107863, 121348, "Stanley_Williams", 5]], [[107863, 121349, "Stanley_Williams", 4], [107863, 121349, "Pardon", 0]]], "all_evidence": [[107863, 121346, "Stanley_Williams", 0], [107863, 121347, "Stanley_Williams", 1], [107863, 121348, "Stanley_Williams", 5], [107863, 121349, "Stanley_Williams", 4], [107863, 121349, "Pardon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129003, 143770, "South_African_Communist_Party", 2]]], "all_evidence": [[129003, 143770, "South_African_Communist_Party", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31456, 38182, "Shane_Black", 0]]], "all_evidence": [[31456, 38182, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179666, null, null, null]]], "all_evidence": [[179666, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145076, 160090, "Bloods", 2]]], "all_evidence": [[145076, 160090, "Bloods", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116842, null, null, null]]], "all_evidence": [[116842, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92604, 105400, "Saw_-LRB-franchise-RRB-", 0]]], "all_evidence": [[92604, 105400, "Saw_-LRB-franchise-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279484, 274095, "Alexandra_Daddario", 0]], [[281207, 275613, "Alexandra_Daddario", 0]], [[283309, 277361, "Alexandra_Daddario", 0]], [[327807, 315014, "Alexandra_Daddario", 0]], [[328839, 315815, "Alexandra_Daddario", 0]]], "all_evidence": [[279484, 274095, "Alexandra_Daddario", 0], [281207, 275613, "Alexandra_Daddario", 0], [283309, 277361, "Alexandra_Daddario", 0], [327807, 315014, "Alexandra_Daddario", 0], [328839, 315815, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209577, 217376, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209577, 217376, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255564, 254999, "Dreamer_-LRB-2005_film-RRB-", 0], [255564, 254999, "John_Gatins", 0]]], "all_evidence": [[255564, 254999, "Dreamer_-LRB-2005_film-RRB-", 0], [255564, 254999, "John_Gatins", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191488, null, null, null]]], "all_evidence": [[191488, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109014, 122721, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [109014, 122721, "Rock_Band_3", 0]]], "all_evidence": [[109014, 122721, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [109014, 122721, "Rock_Band_3", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129937, null, null, null]]], "all_evidence": [[129937, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246599, 247080, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246599, 247080, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76481, 87773, "David_Spade", 0]], [[76481, 87774, "David_Spade", 1]], [[76481, 87775, "David_Spade", 2], [76481, 87775, "Black_Sheep_-LRB-1996_film-RRB-", 0]]], "all_evidence": [[76481, 87773, "David_Spade", 0], [76481, 87774, "David_Spade", 1], [76481, 87775, "David_Spade", 2], [76481, 87775, "Black_Sheep_-LRB-1996_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183421, null, null, null]]], "all_evidence": [[183421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140489, 155563, "Shadowhunters", 4], [140489, 155563, "Freeform_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[140489, 155563, "Shadowhunters", 4], [140489, 155563, "Freeform_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160071, null, null, null]]], "all_evidence": [[160071, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218541, null, null, null]]], "all_evidence": [[218541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237017, 239334, "Varsity_Blues_-LRB-film-RRB-", 5]], [[237022, 239339, "Varsity_Blues_-LRB-film-RRB-", 5]]], "all_evidence": [[237017, 239334, "Varsity_Blues_-LRB-film-RRB-", 5], [237022, 239339, "Varsity_Blues_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183957, 195942, "Dan_O'Bannon", 0]], [[183958, 195943, "Dan_O'Bannon", 0]]], "all_evidence": [[183957, 195942, "Dan_O'Bannon", 0], [183958, 195943, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282630, 276782, "2016_Tour_de_France", 2]], [[284579, 278364, "2016_Tour_de_France", 2]], [[284583, 278368, "2016_Tour_de_France", 2]], [[330798, 317351, "2016_Tour_de_France", 2]], [[331912, 318349, "2016_Tour_de_France", 2]]], "all_evidence": [[282630, 276782, "2016_Tour_de_France", 2], [284579, 278364, "2016_Tour_de_France", 2], [284583, 278368, "2016_Tour_de_France", 2], [330798, 317351, "2016_Tour_de_France", 2], [331912, 318349, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132189, 147068, "The_Bahamas", 0], [132189, 147068, "The_Bahamas", 1]]], "all_evidence": [[132189, 147068, "The_Bahamas", 0], [132189, 147068, "The_Bahamas", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121534, null, null, null]]], "all_evidence": [[121534, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43047, 51690, "South_African_Communist_Party", 2]]], "all_evidence": [[43047, 51690, "South_African_Communist_Party", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122846, 137135, "John_Dolmayan", 0]]], "all_evidence": [[122846, 137135, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37827, 45752, "Shooter_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[37827, 45752, "Shooter_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289781, null, null, null], [291184, null, null, null], [293316, null, null, null], [293319, null, null, null], [337036, null, null, null]]], "all_evidence": [[289781, null, null, null], [291184, null, null, null], [293316, null, null, null], [293319, null, null, null], [337036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94670, 107653, "Viola_Davis", 6]]], "all_evidence": [[94670, 107653, "Viola_Davis", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236981, null, null, null]]], "all_evidence": [[236981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201026, 210481, "Mary_of_Teck", 12]], [[203833, 212761, "Mary_of_Teck", 12]], [[206242, 214648, "Mary_of_Teck", 12]], [[315529, 304775, "Mary_of_Teck", 12]], [[315529, 304776, "Mary_of_Teck", 13], [315529, 304776, "George_VI", 0]], [[315535, 304779, "Mary_of_Teck", 12]]], "all_evidence": [[201026, 210481, "Mary_of_Teck", 12], [203833, 212761, "Mary_of_Teck", 12], [206242, 214648, "Mary_of_Teck", 12], [315529, 304775, "Mary_of_Teck", 12], [315529, 304776, "Mary_of_Teck", 13], [315529, 304776, "George_VI", 0], [315535, 304779, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41784, 50243, "Trevor_Griffiths", 0]]], "all_evidence": [[41784, 50243, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142632, null, null, null]]], "all_evidence": [[142632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52660, 62622, "Omar_Khadr", 3]]], "all_evidence": [[52660, 62622, "Omar_Khadr", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199089, null, null, null]]], "all_evidence": [[199089, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90503, 103254, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[90503, 103254, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258714, null, null, null]]], "all_evidence": [[258714, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259475, 258047, "Libya", 2]]], "all_evidence": [[259475, 258047, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102908, 116190, "Men_in_Black_II", 0]]], "all_evidence": [[102908, 116190, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199473, 209149, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199473, 209149, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39895, 47990, "Bones_-LRB-TV_series-RRB-", 5]], [[39895, 47991, "Bones_-LRB-TV_series-RRB-", 7], [39895, 47991, "Kathy_Reichs", 5]]], "all_evidence": [[39895, 47990, "Bones_-LRB-TV_series-RRB-", 5], [39895, 47991, "Bones_-LRB-TV_series-RRB-", 7], [39895, 47991, "Kathy_Reichs", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59270, 69625, "Due_Date", 2]]], "all_evidence": [[59270, 69625, "Due_Date", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198609, null, null, null]]], "all_evidence": [[198609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75445, 86703, "Sam_Claflin", 0]], [[75445, 86704, "Sam_Claflin", 1], [75445, 86704, "Me_Before_You_-LRB-film-RRB-", 1]]], "all_evidence": [[75445, 86703, "Sam_Claflin", 0], [75445, 86704, "Sam_Claflin", 1], [75445, 86704, "Me_Before_You_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235602, 238208, "Natural_Born_Killers", 5]], [[235603, 238209, "Natural_Born_Killers", 5]]], "all_evidence": [[235602, 238208, "Natural_Born_Killers", 5], [235603, 238209, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89360, 102053, "Shinji_Mikami", 0]], [[89360, 102054, "Shinji_Mikami", 12]]], "all_evidence": [[89360, 102053, "Shinji_Mikami", 0], [89360, 102054, "Shinji_Mikami", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211247, 218925, "Southpaw_-LRB-film-RRB-", 0]], [[211247, 218926, "Southpaw_-LRB-film-RRB-", 1]], [[211247, 218927, "Southpaw_-LRB-film-RRB-", 2]], [[211247, 218928, "Southpaw_-LRB-film-RRB-", 5]], [[211247, 218929, "Southpaw_-LRB-film-RRB-", 6]], [[211248, 218930, "Southpaw_-LRB-film-RRB-", 0]], [[211248, 218931, "Southpaw_-LRB-film-RRB-", 1]], [[211248, 218932, "Southpaw_-LRB-film-RRB-", 2]], [[211248, 218933, "Southpaw_-LRB-film-RRB-", 5]], [[211248, 218934, "Southpaw_-LRB-film-RRB-", 6]]], "all_evidence": [[211247, 218925, "Southpaw_-LRB-film-RRB-", 0], [211247, 218926, "Southpaw_-LRB-film-RRB-", 1], [211247, 218927, "Southpaw_-LRB-film-RRB-", 2], [211247, 218928, "Southpaw_-LRB-film-RRB-", 5], [211247, 218929, "Southpaw_-LRB-film-RRB-", 6], [211248, 218930, "Southpaw_-LRB-film-RRB-", 0], [211248, 218931, "Southpaw_-LRB-film-RRB-", 1], [211248, 218932, "Southpaw_-LRB-film-RRB-", 2], [211248, 218933, "Southpaw_-LRB-film-RRB-", 5], [211248, 218934, "Southpaw_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114927, null, null, null]]], "all_evidence": [[114927, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182129, null, null, null]]], "all_evidence": [[182129, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30404, null, null, null]]], "all_evidence": [[30404, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[338280, 323497, "Fred_Armisen", 0]]], "all_evidence": [[338280, 323497, "Fred_Armisen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142842, 157979, "The_Road_to_El_Dorado", 2], [142842, 157979, "Edward_James_Olmos", 0]]], "all_evidence": [[142842, 157979, "The_Road_to_El_Dorado", 2], [142842, 157979, "Edward_James_Olmos", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223620, 228591, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223620, 228591, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18217, 22383, "Derek_Hough", 6]]], "all_evidence": [[18217, 22383, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169396, 183041, "Janet_Leigh", 0]], [[169396, 183042, "Janet_Leigh", 2]], [[169397, 183043, "Janet_Leigh", 0]], [[169397, 183044, "Janet_Leigh", 2]]], "all_evidence": [[169396, 183041, "Janet_Leigh", 0], [169396, 183042, "Janet_Leigh", 2], [169397, 183043, "Janet_Leigh", 0], [169397, 183044, "Janet_Leigh", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184154, null, null, null], [184155, null, null, null]]], "all_evidence": [[184154, null, null, null], [184155, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54791, 64791, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[54791, 64791, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198027, 207974, "Syracuse,_New_York", 2]]], "all_evidence": [[198027, 207974, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142463, 157646, "Caroline_Kennedy", 0]]], "all_evidence": [[142463, 157646, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78313, 89850, "Shooter_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[78313, 89850, "Shooter_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65169, 76049, "Lincoln\u2013Douglas_debates", 14]]], "all_evidence": [[65169, 76049, "Lincoln\u2013Douglas_debates", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162621, 176899, "Star_Trek-COLON-_Discovery", 2], [162621, 176899, "Star_Trek", 1]]], "all_evidence": [[162621, 176899, "Star_Trek-COLON-_Discovery", 2], [162621, 176899, "Star_Trek", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34176, 41448, "West_Ham_United_F.C.", 5]]], "all_evidence": [[34176, 41448, "West_Ham_United_F.C.", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75364, null, null, null], [79828, null, null, null], [305975, null, null, null]]], "all_evidence": [[75364, null, null, null], [79828, null, null, null], [305975, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28187, 34485, "Miranda_Otto", 1]]], "all_evidence": [[28187, 34485, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269631, 265900, "Richard_Dawkins", 16]]], "all_evidence": [[269631, 265900, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210940, 218600, "Mogadishu", 0]]], "all_evidence": [[210940, 218600, "Mogadishu", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254365, 254056, "DJ_Quik", 0]]], "all_evidence": [[254365, 254056, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95376, 108402, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[95376, 108402, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79867, 91596, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[79867, 91596, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114700, 128441, "Gal_Gadot", 4]]], "all_evidence": [[114700, 128441, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146571, 161564, "Alexandra_Daddario", 0]], [[146571, 161565, "Alexandra_Daddario", 1]], [[146571, 161566, "Alexandra_Daddario", 2]], [[146594, 161579, "Alexandra_Daddario", 0]]], "all_evidence": [[146571, 161564, "Alexandra_Daddario", 0], [146571, 161565, "Alexandra_Daddario", 1], [146571, 161566, "Alexandra_Daddario", 2], [146594, 161579, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94219, 107202, "Rob_Sheridan", 0]]], "all_evidence": [[94219, 107202, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40078, null, null, null]]], "all_evidence": [[40078, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53015, 62957, "Republic_of_Macedonia", 3]]], "all_evidence": [[53015, 62957, "Republic_of_Macedonia", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200748, 210223, "Earl_Scruggs", 1]], [[200748, 210224, "Earl_Scruggs", 0]], [[200748, 210225, "Earl_Scruggs", 9]]], "all_evidence": [[200748, 210223, "Earl_Scruggs", 1], [200748, 210224, "Earl_Scruggs", 0], [200748, 210225, "Earl_Scruggs", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231466, null, null, null]]], "all_evidence": [[231466, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97699, null, null, null]]], "all_evidence": [[97699, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22651, 27955, "Ashley_Cole", 0]], [[22651, 27956, "Ashley_Cole", 3]], [[113884, 127736, "Ashley_Cole", 0]]], "all_evidence": [[22651, 27955, "Ashley_Cole", 0], [22651, 27956, "Ashley_Cole", 3], [113884, 127736, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141748, null, null, null]]], "all_evidence": [[141748, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289614, null, null, null], [336593, null, null, null], [336620, null, null, null]]], "all_evidence": [[289614, null, null, null], [336593, null, null, null], [336620, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53585, 63586, "Renato_Balestra", 3]]], "all_evidence": [[53585, 63586, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29303, null, null, null]]], "all_evidence": [[29303, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148531, null, null, null]]], "all_evidence": [[148531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269569, 265866, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269569, 265866, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137767, 152699, "English_people", 1]], [[137767, 152700, "English_people", 2]], [[137767, 152701, "English_people", 6]]], "all_evidence": [[137767, 152699, "English_people", 1], [137767, 152700, "English_people", 2], [137767, 152701, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160668, 175198, "Lizzy_Caplan", 2]]], "all_evidence": [[160668, 175198, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[281378, 275799, "Janelle_Mona\u0301e", 0]], [[328051, 315202, "Janelle_Mona\u0301e", 0]], [[329035, 315952, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[281378, 275799, "Janelle_Mona\u0301e", 0], [328051, 315202, "Janelle_Mona\u0301e", 0], [329035, 315952, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37434, null, null, null], [301873, null, null, null], [303323, null, null, null], [304311, null, null, null]]], "all_evidence": [[37434, null, null, null], [301873, null, null, null], [303323, null, null, null], [304311, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156130, null, null, null]]], "all_evidence": [[156130, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210871, null, null, null]]], "all_evidence": [[210871, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279989, 274575, "Luis_Fonsi", 0]], [[328889, 315848, "Luis_Fonsi", 0]], [[329337, 316163, "Luis_Fonsi", 0]]], "all_evidence": [[279989, 274575, "Luis_Fonsi", 0], [328889, 315848, "Luis_Fonsi", 0], [329337, 316163, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145264, 160258, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[145264, 160258, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161645, 176072, "Harris_Jayaraj", 0]]], "all_evidence": [[161645, 176072, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75478, 86730, "Humphrey_Bogart", 10]], [[75478, 86731, "Humphrey_Bogart", 11]]], "all_evidence": [[75478, 86730, "Humphrey_Bogart", 10], [75478, 86731, "Humphrey_Bogart", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212183, null, null, null]]], "all_evidence": [[212183, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65958, 76824, "Arizona", 1], [65958, 76824, "Arizona", 0]]], "all_evidence": [[65958, 76824, "Arizona", 1], [65958, 76824, "Arizona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259464, null, null, null]]], "all_evidence": [[259464, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221276, 226919, "Yandex", 1]], [[221276, 226920, "Yandex", 3]]], "all_evidence": [[221276, 226919, "Yandex", 1], [221276, 226920, "Yandex", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81839, null, null, null]]], "all_evidence": [[81839, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124986, null, null, null]]], "all_evidence": [[124986, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181671, null, null, null], [181676, null, null, null]]], "all_evidence": [[181671, null, null, null], [181676, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45712, 54579, "In_the_End", 1]], [[45722, 54587, "In_the_End", 1]], [[45722, 54588, "In_the_End", 16]]], "all_evidence": [[45712, 54579, "In_the_End", 1], [45722, 54587, "In_the_End", 1], [45722, 54588, "In_the_End", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26531, 32570, "How_to_Train_Your_Dragon_2", 11]]], "all_evidence": [[26531, 32570, "How_to_Train_Your_Dragon_2", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216081, 222793, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216081, 222793, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184397, 196294, "Christa_McAuliffe", 4]]], "all_evidence": [[184397, 196294, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88359, 100976, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[88359, 100976, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193431, null, null, null]]], "all_evidence": [[193431, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178234, 190828, "Lost_-LRB-TV_series-RRB-", 16]]], "all_evidence": [[178234, 190828, "Lost_-LRB-TV_series-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166045, 179999, "Underdog_-LRB-film-RRB-", 1], [166045, 179999, "Frederik_Du_Chau", 0]]], "all_evidence": [[166045, 179999, "Underdog_-LRB-film-RRB-", 1], [166045, 179999, "Frederik_Du_Chau", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59240, 69587, "Stanley_Williams", 0]]], "all_evidence": [[59240, 69587, "Stanley_Williams", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49689, null, null, null]]], "all_evidence": [[49689, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18234, 22398, "Beaverton,_Oregon", 1], [18234, 22398, "Tualatin_River", 0]]], "all_evidence": [[18234, 22398, "Beaverton,_Oregon", 1], [18234, 22398, "Tualatin_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73686, 84931, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[73686, 84931, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60431, null, null, null]]], "all_evidence": [[60431, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133127, 147987, "A_View_to_a_Kill", 0]], [[133129, 147988, "A_View_to_a_Kill", 0]], [[133130, 147989, "A_View_to_a_Kill", 0]], [[133131, 147990, "A_View_to_a_Kill", 0]], [[133132, 147991, "A_View_to_a_Kill", 0]], [[133133, 147992, "A_View_to_a_Kill", 0]], [[133135, 147994, "A_View_to_a_Kill", 0]], [[133136, 147993, "A_View_to_a_Kill", 0]], [[133137, 147995, "A_View_to_a_Kill", 0]], [[133138, 147996, "A_View_to_a_Kill", 0]], [[133139, 147997, "A_View_to_a_Kill", 0]], [[133140, 147998, "A_View_to_a_Kill", 0]], [[133141, 147999, "A_View_to_a_Kill", 0]], [[133142, 148000, "A_View_to_a_Kill", 0]], [[133143, 148001, "A_View_to_a_Kill", 0]], [[133144, 148002, "A_View_to_a_Kill", 0]], [[133145, 148003, "A_View_to_a_Kill", 0]], [[133146, 148004, "A_View_to_a_Kill", 0]], [[133148, 148005, "A_View_to_a_Kill", 0]], [[133149, 148006, "A_View_to_a_Kill", 0]], [[133150, 148007, "A_View_to_a_Kill", 0]]], "all_evidence": [[133127, 147987, "A_View_to_a_Kill", 0], [133129, 147988, "A_View_to_a_Kill", 0], [133130, 147989, "A_View_to_a_Kill", 0], [133131, 147990, "A_View_to_a_Kill", 0], [133132, 147991, "A_View_to_a_Kill", 0], [133133, 147992, "A_View_to_a_Kill", 0], [133135, 147994, "A_View_to_a_Kill", 0], [133136, 147993, "A_View_to_a_Kill", 0], [133137, 147995, "A_View_to_a_Kill", 0], [133138, 147996, "A_View_to_a_Kill", 0], [133139, 147997, "A_View_to_a_Kill", 0], [133140, 147998, "A_View_to_a_Kill", 0], [133141, 147999, "A_View_to_a_Kill", 0], [133142, 148000, "A_View_to_a_Kill", 0], [133143, 148001, "A_View_to_a_Kill", 0], [133144, 148002, "A_View_to_a_Kill", 0], [133145, 148003, "A_View_to_a_Kill", 0], [133146, 148004, "A_View_to_a_Kill", 0], [133148, 148005, "A_View_to_a_Kill", 0], [133149, 148006, "A_View_to_a_Kill", 0], [133150, 148007, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[252367, 252163, "Harvard_University", 8]]], "all_evidence": [[252367, 252163, "Harvard_University", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223876, null, null, null]]], "all_evidence": [[223876, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196616, 206723, "Michael_Vick", 0]]], "all_evidence": [[196616, 206723, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225643, 230267, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225644, 230268, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225643, 230267, "Ian_Brennan_-LRB-writer-RRB-", 0], [225644, 230268, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76039, null, null, null]]], "all_evidence": [[76039, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63588, 74341, "Margaret_Thatcher", 8], [63588, 74341, "Leader_of_the_Conservative_Party_-LRB-UK-RRB-", 0]]], "all_evidence": [[63588, 74341, "Margaret_Thatcher", 8], [63588, 74341, "Leader_of_the_Conservative_Party_-LRB-UK-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238558, null, null, null], [238559, null, null, null], [238560, null, null, null]]], "all_evidence": [[238558, null, null, null], [238559, null, null, null], [238560, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231977, null, null, null]]], "all_evidence": [[231977, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39582, 47667, "James_VI_and_I", 4]]], "all_evidence": [[39582, 47667, "James_VI_and_I", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193436, 203939, "Don_Bradman", 0]]], "all_evidence": [[193436, 203939, "Don_Bradman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198065, 208007, "Dave_Gibbons", 0]]], "all_evidence": [[198065, 208007, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134428, 149309, "Bones_-LRB-TV_series-RRB-", 0]], [[134428, 149310, "Bones_-LRB-TV_series-RRB-", 1]], [[134428, 149311, "Bones_-LRB-TV_series-RRB-", 5]], [[134428, 149312, "Bones_-LRB-TV_series-RRB-", 9]], [[134428, 149313, "Bones_-LRB-TV_series-RRB-", 12]], [[134428, 149314, "Bones_-LRB-TV_series-RRB-", 13]]], "all_evidence": [[134428, 149309, "Bones_-LRB-TV_series-RRB-", 0], [134428, 149310, "Bones_-LRB-TV_series-RRB-", 1], [134428, 149311, "Bones_-LRB-TV_series-RRB-", 5], [134428, 149312, "Bones_-LRB-TV_series-RRB-", 9], [134428, 149313, "Bones_-LRB-TV_series-RRB-", 12], [134428, 149314, "Bones_-LRB-TV_series-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236994, 239321, "Varsity_Blues_-LRB-film-RRB-", 0]], [[236994, 239322, "Varsity_Blues_-LRB-film-RRB-", 5]]], "all_evidence": [[236994, 239321, "Varsity_Blues_-LRB-film-RRB-", 0], [236994, 239322, "Varsity_Blues_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157358, null, null, null]]], "all_evidence": [[157358, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172249, null, null, null]]], "all_evidence": [[172249, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41540, 49949, "Wildfang", 1]]], "all_evidence": [[41540, 49949, "Wildfang", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183982, null, null, null]]], "all_evidence": [[183982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84798, 97028, "Reign_Over_Me", 0]]], "all_evidence": [[84798, 97028, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231460, null, null, null]]], "all_evidence": [[231460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34212, 41476, "Mick_Thomson", 1]]], "all_evidence": [[34212, 41476, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251503, 251345, "Miracle_at_St._Anna", 2]], [[251506, 251347, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251503, 251345, "Miracle_at_St._Anna", 2], [251506, 251347, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59020, 69355, "Reign_Over_Me", 0]]], "all_evidence": [[59020, 69355, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86042, null, null, null]]], "all_evidence": [[86042, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130881, null, null, null]]], "all_evidence": [[130881, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203222, null, null, null]]], "all_evidence": [[203222, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194103, 204512, "Rick_Yune", 2]]], "all_evidence": [[194103, 204512, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22805, null, null, null]]], "all_evidence": [[22805, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164725, null, null, null]]], "all_evidence": [[164725, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201838, null, null, null]]], "all_evidence": [[201838, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29794, null, null, null]]], "all_evidence": [[29794, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237573, null, null, null]]], "all_evidence": [[237573, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109656, 123275, "James_VI_and_I", 10]]], "all_evidence": [[109656, 123275, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228147, 232398, "Larry_the_Cable_Guy", 14]], [[228148, 232399, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228147, 232398, "Larry_the_Cable_Guy", 14], [228148, 232399, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74259, null, null, null]]], "all_evidence": [[74259, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96673, 109822, "Viola_Davis", 6]], [[96673, 109823, "Viola_Davis", 8]], [[96673, 109824, "Viola_Davis", 16]]], "all_evidence": [[96673, 109822, "Viola_Davis", 6], [96673, 109823, "Viola_Davis", 8], [96673, 109824, "Viola_Davis", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283687, null, null, null], [287640, null, null, null], [332618, null, null, null], [332626, null, null, null]]], "all_evidence": [[283687, null, null, null], [287640, null, null, null], [332618, null, null, null], [332626, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202993, 212121, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[202993, 212121, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271167, 267103, "Giada_at_Home", 0]], [[271178, 267113, "Giada_at_Home", 0]]], "all_evidence": [[271167, 267103, "Giada_at_Home", 0], [271178, 267113, "Giada_at_Home", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178886, 191439, "Knocked_Up", 4]]], "all_evidence": [[178886, 191439, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106393, 119824, "West_Virginia", 1]]], "all_evidence": [[106393, 119824, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237603, null, null, null]]], "all_evidence": [[237603, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176586, 189525, "French_Indochina", 0]], [[176586, 189526, "French_Indochina", 3], [176586, 189526, "French_Protectorate_of_Cambodia", 0]], [[176586, 189527, "French_Indochina", 4], [176586, 189527, "French_Protectorate_of_Laos", 0]]], "all_evidence": [[176586, 189525, "French_Indochina", 0], [176586, 189526, "French_Indochina", 3], [176586, 189526, "French_Protectorate_of_Cambodia", 0], [176586, 189527, "French_Indochina", 4], [176586, 189527, "French_Protectorate_of_Laos", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241415, 242943, "Brad_Wilk", 4]]], "all_evidence": [[241415, 242943, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45430, 54253, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[45430, 54253, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110210, 123831, "Indian_Institute_of_Management_Bangalore", 5]]], "all_evidence": [[110210, 123831, "Indian_Institute_of_Management_Bangalore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115257, null, null, null]]], "all_evidence": [[115257, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87546, 100029, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[87546, 100029, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71694, null, null, null]]], "all_evidence": [[71694, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203381, 212414, "Artpop", 0]], [[203381, 212415, "Artpop", 1]]], "all_evidence": [[203381, 212414, "Artpop", 0], [203381, 212415, "Artpop", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23169, 28532, "The_Godfather_Part_II", 0]]], "all_evidence": [[23169, 28532, "The_Godfather_Part_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227051, 231473, "Bea_Arthur", 0]]], "all_evidence": [[227051, 231473, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258726, 257482, "The_Pelican_Brief_-LRB-film-RRB-", 0]], [[258726, 257483, "The_Pelican_Brief_-LRB-film-RRB-", 1]], [[258726, 257484, "The_Pelican_Brief_-LRB-film-RRB-", 2]], [[258726, 257485, "The_Pelican_Brief_-LRB-film-RRB-", 3]], [[258730, 257489, "The_Pelican_Brief_-LRB-film-RRB-", 0]], [[258730, 257490, "The_Pelican_Brief_-LRB-film-RRB-", 1], [258730, 257490, "Julia_Roberts", 5]], [[258731, 257491, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258726, 257482, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258726, 257483, "The_Pelican_Brief_-LRB-film-RRB-", 1], [258726, 257484, "The_Pelican_Brief_-LRB-film-RRB-", 2], [258726, 257485, "The_Pelican_Brief_-LRB-film-RRB-", 3], [258730, 257489, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258730, 257490, "The_Pelican_Brief_-LRB-film-RRB-", 1], [258730, 257490, "Julia_Roberts", 5], [258731, 257491, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107035, 120419, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[107035, 120419, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297083, null, null, null], [344712, null, null, null], [344810, null, null, null]]], "all_evidence": [[297083, null, null, null], [344712, null, null, null], [344810, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147053, 162052, "Kerplunk_-LRB-album-RRB-", 0], [147053, 162052, "Lookout_Records", 1]]], "all_evidence": [[147053, 162052, "Kerplunk_-LRB-album-RRB-", 0], [147053, 162052, "Lookout_Records", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105632, null, null, null]]], "all_evidence": [[105632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78769, 90341, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[78769, 90342, "Recovery_-LRB-Eminem_album-RRB-", 2]], [[78769, 90343, "Recovery_-LRB-Eminem_album-RRB-", 5]], [[78769, 90344, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[78769, 90345, "Recovery_-LRB-Eminem_album-RRB-", 7]], [[78769, 90346, "Recovery_-LRB-Eminem_album-RRB-", 8]], [[78769, 90347, "Recovery_-LRB-Eminem_album-RRB-", 9]], [[78769, 90348, "Recovery_-LRB-Eminem_album-RRB-", 10]], [[78769, 90349, "Recovery_-LRB-Eminem_album-RRB-", 15]], [[78769, 90350, "Recovery_-LRB-Eminem_album-RRB-", 16]]], "all_evidence": [[78769, 90341, "Recovery_-LRB-Eminem_album-RRB-", 0], [78769, 90342, "Recovery_-LRB-Eminem_album-RRB-", 2], [78769, 90343, "Recovery_-LRB-Eminem_album-RRB-", 5], [78769, 90344, "Recovery_-LRB-Eminem_album-RRB-", 6], [78769, 90345, "Recovery_-LRB-Eminem_album-RRB-", 7], [78769, 90346, "Recovery_-LRB-Eminem_album-RRB-", 8], [78769, 90347, "Recovery_-LRB-Eminem_album-RRB-", 9], [78769, 90348, "Recovery_-LRB-Eminem_album-RRB-", 10], [78769, 90349, "Recovery_-LRB-Eminem_album-RRB-", 15], [78769, 90350, "Recovery_-LRB-Eminem_album-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239605, 241387, "Polynesian_languages", 6]]], "all_evidence": [[239605, 241387, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246281, 246826, "Easy_A", 0]], [[246282, 246827, "Easy_A", 0]]], "all_evidence": [[246281, 246826, "Easy_A", 0], [246282, 246827, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247269, 247588, "Easy_A", 0], [247269, 247588, "Bert_V._Royal", 0]], [[247270, 247589, "Easy_A", 0], [247270, 247589, "Will_Gluck", 0]]], "all_evidence": [[247269, 247588, "Easy_A", 0], [247269, 247588, "Bert_V._Royal", 0], [247270, 247589, "Easy_A", 0], [247270, 247589, "Will_Gluck", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105574, null, null, null]]], "all_evidence": [[105574, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204024, null, null, null], [206286, null, null, null], [315532, null, null, null]]], "all_evidence": [[204024, null, null, null], [206286, null, null, null], [315532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110352, 123941, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[110352, 123941, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211587, 219254, "Forceps", 0]], [[211588, 219255, "Forceps", 0]]], "all_evidence": [[211587, 219254, "Forceps", 0], [211588, 219255, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115692, 129567, "Nicholas_Brody", 1]]], "all_evidence": [[115692, 129567, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258096, null, null, null]]], "all_evidence": [[258096, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246632, 247104, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246632, 247104, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207656, null, null, null]]], "all_evidence": [[207656, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291053, 284015, "A_Milli", 0]], [[293173, 285794, "A_Milli", 0]], [[336531, 322066, "A_Milli", 0]], [[336614, 322143, "A_Milli", 0]], [[336616, 322145, "A_Milli", 0]]], "all_evidence": [[291053, 284015, "A_Milli", 0], [293173, 285794, "A_Milli", 0], [336531, 322066, "A_Milli", 0], [336614, 322143, "A_Milli", 0], [336616, 322145, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251681, 251500, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251681, 251500, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203207, 212289, "Fabian_Nicieza", 0]]], "all_evidence": [[203207, 212289, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126866, 141338, "Chris_Kyle", 0]]], "all_evidence": [[126866, 141338, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218035, 224437, "Live_Through_This", 12]], [[218036, 224438, "Live_Through_This", 12]]], "all_evidence": [[218035, 224437, "Live_Through_This", 12], [218036, 224438, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226523, 231065, "Captain_America's_shield", 1]]], "all_evidence": [[226523, 231065, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50160, 59688, "Byron_Howard", 1], [50160, 59688, "Zootopia", 0], [50160, 59688, "Zootopia", 2]], [[50160, 59689, "Byron_Howard", 2], [50160, 59689, "Zootopia", 2]]], "all_evidence": [[50160, 59688, "Byron_Howard", 1], [50160, 59688, "Zootopia", 0], [50160, 59688, "Zootopia", 2], [50160, 59689, "Byron_Howard", 2], [50160, 59689, "Zootopia", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18224, 22389, "The_dress", 5]]], "all_evidence": [[18224, 22389, "The_dress", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286318, 279786, "Bad_Romance", 12]], [[288048, 281318, "Bad_Romance", 12]]], "all_evidence": [[286318, 279786, "Bad_Romance", 12], [288048, 281318, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21506, 26422, "Greek_language", 14]]], "all_evidence": [[21506, 26422, "Greek_language", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103314, 116707, "Connie_Nielsen", 0]], [[103314, 116708, "Connie_Nielsen", 1], [103314, 116708, "Basic_-LRB-film-RRB-", 0]], [[103314, 116709, "Connie_Nielsen", 2]], [[103314, 116710, "Connie_Nielsen", 3]]], "all_evidence": [[103314, 116707, "Connie_Nielsen", 0], [103314, 116708, "Connie_Nielsen", 1], [103314, 116708, "Basic_-LRB-film-RRB-", 0], [103314, 116709, "Connie_Nielsen", 2], [103314, 116710, "Connie_Nielsen", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99932, null, null, null]]], "all_evidence": [[99932, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39579, 47666, "James_VI_and_I", 0]]], "all_evidence": [[39579, 47666, "James_VI_and_I", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151913, 166669, "Kerplunk_-LRB-album-RRB-", 0], [151913, 166669, "Lookout_Records", 1]], [[151913, 166670, "Kerplunk_-LRB-album-RRB-", 12]], [[151913, 166671, "Kerplunk_-LRB-album-RRB-", 16], [151913, 166671, "Lookout_Records", 1], [151913, 166671, "Lookout_Records", 8]], [[151913, 166672, "Kerplunk_-LRB-album-RRB-", 18]], [[151913, 166673, "Kerplunk_-LRB-album-RRB-", 20], [151913, 166673, "Epitaph_Records", 0]]], "all_evidence": [[151913, 166669, "Kerplunk_-LRB-album-RRB-", 0], [151913, 166669, "Lookout_Records", 1], [151913, 166670, "Kerplunk_-LRB-album-RRB-", 12], [151913, 166671, "Kerplunk_-LRB-album-RRB-", 16], [151913, 166671, "Lookout_Records", 1], [151913, 166671, "Lookout_Records", 8], [151913, 166672, "Kerplunk_-LRB-album-RRB-", 18], [151913, 166673, "Kerplunk_-LRB-album-RRB-", 20], [151913, 166673, "Epitaph_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260887, 259223, "Capsicum_chinense", 0]]], "all_evidence": [[260887, 259223, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144035, null, null, null]]], "all_evidence": [[144035, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37127, 44838, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]], "all_evidence": [[37127, 44838, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189729, 200952, "Polar_bear", 7]]], "all_evidence": [[189729, 200952, "Polar_bear", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61965, null, null, null]]], "all_evidence": [[61965, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156230, 170859, "Bloods", 2]]], "all_evidence": [[156230, 170859, "Bloods", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241294, 242833, "Cretaceous", 8]], [[241294, 242834, "Cretaceous", 0]]], "all_evidence": [[241294, 242833, "Cretaceous", 8], [241294, 242834, "Cretaceous", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208086, 216216, "Osamu_Tezuka", 8]], [[208086, 216217, "Osamu_Tezuka", 9]], [[208086, 216218, "Osamu_Tezuka", 21]]], "all_evidence": [[208086, 216216, "Osamu_Tezuka", 8], [208086, 216217, "Osamu_Tezuka", 9], [208086, 216218, "Osamu_Tezuka", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17598, 21752, "DNA_-LRB-Little_Mix_album-RRB-", 0]]], "all_evidence": [[17598, 21752, "DNA_-LRB-Little_Mix_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167824, 181595, "Sophia_Bush", 1], [167824, 181595, "One_Tree_Hill_-LRB-TV_series-RRB-", 0]], [[167824, 181596, "Sophia_Bush", 2], [167824, 181596, "John_Tucker_Must_Die", 0]], [[167824, 181597, "Sophia_Bush", 3], [167824, 181597, "Chicago_P.D._-LRB-TV_series-RRB-", 0]]], "all_evidence": [[167824, 181595, "Sophia_Bush", 1], [167824, 181595, "One_Tree_Hill_-LRB-TV_series-RRB-", 0], [167824, 181596, "Sophia_Bush", 2], [167824, 181596, "John_Tucker_Must_Die", 0], [167824, 181597, "Sophia_Bush", 3], [167824, 181597, "Chicago_P.D._-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97554, null, null, null]]], "all_evidence": [[97554, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71632, 82619, "Helmand_Province", 0]]], "all_evidence": [[71632, 82619, "Helmand_Province", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258088, null, null, null]]], "all_evidence": [[258088, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268461, 265042, "Michaela_Watkins", 0]]], "all_evidence": [[268461, 265042, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213740, 220895, "Finding_Dory", 1]]], "all_evidence": [[213740, 220895, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174569, 187747, "Justin_Chatwin", 7]]], "all_evidence": [[174569, 187747, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207979, 216152, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[207979, 216152, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146838, 161814, "Republic_of_Macedonia", 1]]], "all_evidence": [[146838, 161814, "Republic_of_Macedonia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159686, null, null, null]]], "all_evidence": [[159686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64032, 74734, "Jose\u0301_Ferrer", 0]], [[64032, 74735, "Jose\u0301_Ferrer", 4], [64032, 74735, "Tony_Award", 0]]], "all_evidence": [[64032, 74734, "Jose\u0301_Ferrer", 0], [64032, 74735, "Jose\u0301_Ferrer", 4], [64032, 74735, "Tony_Award", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38062, 45989, "Miranda_Otto", 1]]], "all_evidence": [[38062, 45989, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218430, 224717, "The_Hurt_Locker", 0]]], "all_evidence": [[218430, 224717, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180688, 193094, "Victoria_Palace_Theatre", 0], [180688, 193094, "City_of_Westminster", 0]], [[180689, 193095, "Victoria_Palace_Theatre", 0], [180689, 193095, "City_of_Westminster", 0]], [[180690, 193096, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[180688, 193094, "Victoria_Palace_Theatre", 0], [180688, 193094, "City_of_Westminster", 0], [180689, 193095, "Victoria_Palace_Theatre", 0], [180689, 193095, "City_of_Westminster", 0], [180690, 193096, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199062, null, null, null]]], "all_evidence": [[199062, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113165, 127016, "Billboard_Dad", 0], [113165, 127016, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[113165, 127016, "Billboard_Dad", 0], [113165, 127016, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203705, null, null, null]]], "all_evidence": [[203705, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179925, 192475, "Renato_Balestra", 3]], [[179927, 192477, "Renato_Balestra", 3]]], "all_evidence": [[179925, 192475, "Renato_Balestra", 3], [179927, 192477, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55309, null, null, null]]], "all_evidence": [[55309, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130121, 144856, "Horse", 2]]], "all_evidence": [[130121, 144856, "Horse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68548, null, null, null]]], "all_evidence": [[68548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24515, 30298, "Touchscreen", 9]]], "all_evidence": [[24515, 30298, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94413, 107404, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[94413, 107404, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243130, 244405, "First_Motion_Picture_Unit", 1]], [[243130, 244406, "First_Motion_Picture_Unit", 2]]], "all_evidence": [[243130, 244405, "First_Motion_Picture_Unit", 1], [243130, 244406, "First_Motion_Picture_Unit", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269559, 265858, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269559, 265858, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118594, null, null, null]]], "all_evidence": [[118594, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89345, 102042, "Matthew_Gray_Gubler", 0]], [[89345, 102043, "Matthew_Gray_Gubler", 1], [89345, 102043, "Spencer_Reid", 0]], [[89345, 102044, "Matthew_Gray_Gubler", 2]]], "all_evidence": [[89345, 102042, "Matthew_Gray_Gubler", 0], [89345, 102043, "Matthew_Gray_Gubler", 1], [89345, 102043, "Spencer_Reid", 0], [89345, 102044, "Matthew_Gray_Gubler", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36494, 44098, "Crips", 9]]], "all_evidence": [[36494, 44098, "Crips", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142840, 157977, "Billboard_Dad", 0]]], "all_evidence": [[142840, 157977, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179870, 192420, "Chile", 20]]], "all_evidence": [[179870, 192420, "Chile", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91085, null, null, null]]], "all_evidence": [[91085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83485, 95470, "Johnny_Galecki", 1], [83485, 95470, "Leonard_Hofstadter", 0]]], "all_evidence": [[83485, 95470, "Johnny_Galecki", 1], [83485, 95470, "Leonard_Hofstadter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176129, 189094, "United_Nations_Charter", 1]]], "all_evidence": [[176129, 189094, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117143, 131033, "Prowler_-LRB-comics-RRB-", 0]]], "all_evidence": [[117143, 131033, "Prowler_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253960, 253750, "Gray_Matter_Interactive", 0]], [[253961, 253751, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253960, 253750, "Gray_Matter_Interactive", 0], [253961, 253751, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39114, 47111, "Gin", 0]]], "all_evidence": [[39114, 47111, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136141, 150975, "Murda_Beatz", 0]]], "all_evidence": [[136141, 150975, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259733, 258283, "Hanford_Site", 23], [259733, 258283, "Columbia_Generating_Station", 0]]], "all_evidence": [[259733, 258283, "Hanford_Site", 23], [259733, 258283, "Columbia_Generating_Station", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118441, null, null, null]]], "all_evidence": [[118441, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208039, 216190, "Franchising", 8]], [[208041, 216192, "Franchising", 8]], [[208052, 216200, "Franchising", 8]]], "all_evidence": [[208039, 216190, "Franchising", 8], [208041, 216192, "Franchising", 8], [208052, 216200, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62724, 73381, "White_House_Press_Secretary", 0]]], "all_evidence": [[62724, 73381, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211594, null, null, null]]], "all_evidence": [[211594, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198066, 208008, "Dave_Gibbons", 0]], [[198068, 208010, "Dave_Gibbons", 0]]], "all_evidence": [[198066, 208008, "Dave_Gibbons", 0], [198068, 208010, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169617, null, null, null]]], "all_evidence": [[169617, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35848, 43401, "Morse_code", 18]]], "all_evidence": [[35848, 43401, "Morse_code", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22394, 27587, "Qui-Gon_Jinn", 0]]], "all_evidence": [[22394, 27587, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118026, null, null, null]]], "all_evidence": [[118026, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128885, 143662, "Trevor_Griffiths", 0]], [[128886, 143663, "Trevor_Griffiths", 0]]], "all_evidence": [[128885, 143662, "Trevor_Griffiths", 0], [128886, 143663, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150666, 165526, "Eva_Green", 1]]], "all_evidence": [[150666, 165526, "Eva_Green", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163399, null, null, null]]], "all_evidence": [[163399, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92681, 105509, "Luis_Fonsi", 0]]], "all_evidence": [[92681, 105509, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154501, null, null, null]]], "all_evidence": [[154501, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184142, 196086, "Edgar_Wright", 0]]], "all_evidence": [[184142, 196086, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38671, null, null, null]]], "all_evidence": [[38671, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79858, 91584, "Colombiana", 0]]], "all_evidence": [[79858, 91584, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57514, 67730, "In_the_End", 0], [57514, 67730, "In_the_End", 1]]], "all_evidence": [[57514, 67730, "In_the_End", 0], [57514, 67730, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54736, 64727, "Bloods", 0]]], "all_evidence": [[54736, 64727, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172861, 186110, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[172861, 186110, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266039, 263141, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266039, 263141, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216072, 222788, "CHiPs_-LRB-film-RRB-", 0]], [[216074, 222789, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216072, 222788, "CHiPs_-LRB-film-RRB-", 0], [216074, 222789, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68466, 79326, "Danny_Brown", 0]]], "all_evidence": [[68466, 79326, "Danny_Brown", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260897, 259232, "Capsicum_chinense", 0], [260897, 259232, "Capsicum", 0], [260897, 259232, "Chili_pepper", 0]]], "all_evidence": [[260897, 259232, "Capsicum_chinense", 0], [260897, 259232, "Capsicum", 0], [260897, 259232, "Chili_pepper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166068, null, null, null]]], "all_evidence": [[166068, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52348, 62313, "AMGTV", 0]], [[52348, 62314, "AMGTV", 4]]], "all_evidence": [[52348, 62313, "AMGTV", 0], [52348, 62314, "AMGTV", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203216, null, null, null]]], "all_evidence": [[203216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199932, 209572, "Anne_Sullivan", 0]]], "all_evidence": [[199932, 209572, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38489, 46441, "How_to_Train_Your_Dragon_2", 0]], [[38489, 46442, "How_to_Train_Your_Dragon_2", 1]], [[38489, 46443, "How_to_Train_Your_Dragon_2", 2]]], "all_evidence": [[38489, 46441, "How_to_Train_Your_Dragon_2", 0], [38489, 46442, "How_to_Train_Your_Dragon_2", 1], [38489, 46443, "How_to_Train_Your_Dragon_2", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211460, null, null, null]]], "all_evidence": [[211460, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107964, null, null, null]]], "all_evidence": [[107964, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115772, null, null, null], [118428, null, null, null], [308382, null, null, null]]], "all_evidence": [[115772, null, null, null], [118428, null, null, null], [308382, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30482, 37088, "Marjorie_Gross", 1], [30482, 37088, "Square_Pegs", 0], [30482, 37088, "Marjorie_Gross", 0], [30482, 37088, "Newhart", 0]]], "all_evidence": [[30482, 37088, "Marjorie_Gross", 1], [30482, 37088, "Square_Pegs", 0], [30482, 37088, "Marjorie_Gross", 0], [30482, 37088, "Newhart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57166, 67395, "Vedam_-LRB-film-RRB-", 4]], [[57166, 67396, "Vedam_-LRB-film-RRB-", 5]]], "all_evidence": [[57166, 67395, "Vedam_-LRB-film-RRB-", 4], [57166, 67396, "Vedam_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95231, 108240, "PacSun", 1], [95231, 108240, "PacSun", 0]]], "all_evidence": [[95231, 108240, "PacSun", 1], [95231, 108240, "PacSun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89412, 102108, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[89412, 102108, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62341, 72948, "Scotty_Moore", 0]], [[64655, 75481, "Scotty_Moore", 0]], [[66447, 77293, "Scotty_Moore", 0]], [[305355, 296189, "Scotty_Moore", 0]], [[306726, 297353, "Scotty_Moore", 0]], [[306728, 297354, "Scotty_Moore", 0]]], "all_evidence": [[62341, 72948, "Scotty_Moore", 0], [64655, 75481, "Scotty_Moore", 0], [66447, 77293, "Scotty_Moore", 0], [305355, 296189, "Scotty_Moore", 0], [306726, 297353, "Scotty_Moore", 0], [306728, 297354, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171537, 185010, "Bloods", 2]]], "all_evidence": [[171537, 185010, "Bloods", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200474, 209977, "Sancho_Panza", 0]]], "all_evidence": [[200474, 209977, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139483, 154521, "Indian_Army", 16]]], "all_evidence": [[139483, 154521, "Indian_Army", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57006, null, null, null]]], "all_evidence": [[57006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48797, 58116, "Justin_Chatwin", 0]], [[48797, 58117, "Justin_Chatwin", 1]], [[48797, 58118, "Justin_Chatwin", 3]], [[48797, 58119, "Justin_Chatwin", 4]], [[48797, 58120, "Justin_Chatwin", 7]], [[51770, 61597, "Justin_Chatwin", 0]], [[51770, 61598, "Justin_Chatwin", 3]], [[51770, 61599, "Justin_Chatwin", 1]], [[51770, 61600, "Justin_Chatwin", 7]], [[54890, 64897, "Justin_Chatwin", 0]], [[302725, 293728, "Justin_Chatwin", 0]], [[302725, 293729, "Justin_Chatwin", 1], [302725, 293729, "War_of_the_Worlds_-LRB-2005_film-RRB-", 0]], [[302725, 293730, "Justin_Chatwin", 3]], [[302725, 293731, "Justin_Chatwin", 4]], [[302725, 293732, "Justin_Chatwin", 7], [302725, 293732, "American_Gothic_-LRB-2016_TV_series-RRB-", 0]], [[304922, 295725, "Justin_Chatwin", 0]], [[304922, 295726, "Justin_Chatwin", 1]], [[304922, 295727, "Justin_Chatwin", 3]], [[304922, 295728, "Justin_Chatwin", 4]], [[304922, 295729, "Justin_Chatwin", 7]]], "all_evidence": [[48797, 58116, "Justin_Chatwin", 0], [48797, 58117, "Justin_Chatwin", 1], [48797, 58118, "Justin_Chatwin", 3], [48797, 58119, "Justin_Chatwin", 4], [48797, 58120, "Justin_Chatwin", 7], [51770, 61597, "Justin_Chatwin", 0], [51770, 61598, "Justin_Chatwin", 3], [51770, 61599, "Justin_Chatwin", 1], [51770, 61600, "Justin_Chatwin", 7], [54890, 64897, "Justin_Chatwin", 0], [302725, 293728, "Justin_Chatwin", 0], [302725, 293729, "Justin_Chatwin", 1], [302725, 293729, "War_of_the_Worlds_-LRB-2005_film-RRB-", 0], [302725, 293730, "Justin_Chatwin", 3], [302725, 293731, "Justin_Chatwin", 4], [302725, 293732, "Justin_Chatwin", 7], [302725, 293732, "American_Gothic_-LRB-2016_TV_series-RRB-", 0], [304922, 295725, "Justin_Chatwin", 0], [304922, 295726, "Justin_Chatwin", 1], [304922, 295727, "Justin_Chatwin", 3], [304922, 295728, "Justin_Chatwin", 4], [304922, 295729, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200454, 209958, "Sancho_Panza", 0]]], "all_evidence": [[200454, 209958, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65296, null, null, null]]], "all_evidence": [[65296, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115782, 129658, "Knocked_Up", 4], [115782, 129658, "Knocked_Up", 0]]], "all_evidence": [[115782, 129658, "Knocked_Up", 4], [115782, 129658, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58631, 68932, "Penguin_Books", 3]]], "all_evidence": [[58631, 68932, "Penguin_Books", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228461, null, null, null], [228463, null, null, null]]], "all_evidence": [[228461, null, null, null], [228463, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245453, null, null, null]]], "all_evidence": [[245453, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255470, 254924, "Private_Lives", 0]]], "all_evidence": [[255470, 254924, "Private_Lives", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145738, null, null, null], [148682, null, null, null], [151504, null, null, null], [311346, null, null, null], [311352, null, null, null], [311407, null, null, null]]], "all_evidence": [[145738, null, null, null], [148682, null, null, null], [151504, null, null, null], [311346, null, null, null], [311352, null, null, null], [311407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124635, 138966, "Ingushetia", 5]]], "all_evidence": [[124635, 138966, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260712, 259035, "Valencia", 0]]], "all_evidence": [[260712, 259035, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150053, 164992, "Horse", 3]]], "all_evidence": [[150053, 164992, "Horse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109421, 123072, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[109421, 123072, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68661, 79527, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[68661, 79527, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290285, 283322, "Pene\u0301lope_Cruz", 12]], [[291628, 284537, "Pene\u0301lope_Cruz", 12]], [[293742, 286173, "Pene\u0301lope_Cruz", 12]], [[338093, 323364, "Pene\u0301lope_Cruz", 12]], [[338094, 323365, "Pene\u0301lope_Cruz", 12]], [[338095, 323366, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[290285, 283322, "Pene\u0301lope_Cruz", 12], [291628, 284537, "Pene\u0301lope_Cruz", 12], [293742, 286173, "Pene\u0301lope_Cruz", 12], [338093, 323364, "Pene\u0301lope_Cruz", 12], [338094, 323365, "Pene\u0301lope_Cruz", 12], [338095, 323366, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255588, 255012, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255588, 255012, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160182, 174691, "Murda_Beatz", 0]]], "all_evidence": [[160182, 174691, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135900, 150732, "Angela_Bassett", 6]], [[135900, 150733, "Angela_Bassett", 7]], [[135900, 150734, "Angela_Bassett", 8]], [[135900, 150735, "Angela_Bassett", 1]]], "all_evidence": [[135900, 150732, "Angela_Bassett", 6], [135900, 150733, "Angela_Bassett", 7], [135900, 150734, "Angela_Bassett", 8], [135900, 150735, "Angela_Bassett", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67663, 78492, "Billboard_Dad", 0]]], "all_evidence": [[67663, 78492, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270755, 266761, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270755, 266761, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142631, 157794, "Liam_Neeson", 11]]], "all_evidence": [[142631, 157794, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240389, null, null, null]]], "all_evidence": [[240389, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218422, 224712, "The_Hurt_Locker", 0]]], "all_evidence": [[218422, 224712, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266457, null, null, null]]], "all_evidence": [[266457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166847, 180651, "Neil_Diamond", 0]]], "all_evidence": [[166847, 180651, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239018, null, null, null]]], "all_evidence": [[239018, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185764, 197551, "Gal_Gadot", 4]]], "all_evidence": [[185764, 197551, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134502, 149395, "Gordon_Ramsay", 13]]], "all_evidence": [[134502, 149395, "Gordon_Ramsay", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48273, null, null, null]]], "all_evidence": [[48273, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289540, 282594, "Hundred_Years'_War", 21]], [[289540, 282595, "Hundred_Years'_War", 22]], [[289613, 282664, "Hundred_Years'_War", 1]], [[289613, 282665, "Hundred_Years'_War", 3]], [[289613, 282666, "Hundred_Years'_War", 16]], [[289613, 282667, "Hundred_Years'_War", 18]], [[289613, 282668, "Hundred_Years'_War", 21]], [[289613, 282669, "Hundred_Years'_War", 22]], [[289613, 282670, "Hundred_Years'_War", 23]], [[289613, 282671, "Hundred_Years'_War", 26]], [[289613, 282672, "Hundred_Years'_War", 28]], [[289613, 282673, "Hundred_Years'_War", 33]], [[336338, 321941, "Hundred_Years'_War", 22]], [[336342, 321942, "Hundred_Years'_War", 0]]], "all_evidence": [[289540, 282594, "Hundred_Years'_War", 21], [289540, 282595, "Hundred_Years'_War", 22], [289613, 282664, "Hundred_Years'_War", 1], [289613, 282665, "Hundred_Years'_War", 3], [289613, 282666, "Hundred_Years'_War", 16], [289613, 282667, "Hundred_Years'_War", 18], [289613, 282668, "Hundred_Years'_War", 21], [289613, 282669, "Hundred_Years'_War", 22], [289613, 282670, "Hundred_Years'_War", 23], [289613, 282671, "Hundred_Years'_War", 26], [289613, 282672, "Hundred_Years'_War", 28], [289613, 282673, "Hundred_Years'_War", 33], [336338, 321941, "Hundred_Years'_War", 22], [336342, 321942, "Hundred_Years'_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148786, 163816, "Stanley_Williams", 4]]], "all_evidence": [[148786, 163816, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117510, 131419, "Always_-LRB-1989_film-RRB-", 0], [117510, 131419, "Richard_Dreyfuss", 0]]], "all_evidence": [[117510, 131419, "Always_-LRB-1989_film-RRB-", 0], [117510, 131419, "Richard_Dreyfuss", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28666, null, null, null]]], "all_evidence": [[28666, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144993, null, null, null]]], "all_evidence": [[144993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201112, 210563, "The_Endless_River", 0]], [[201114, 210564, "The_Endless_River", 0]]], "all_evidence": [[201112, 210563, "The_Endless_River", 0], [201114, 210564, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268416, 265002, "Danielle_Cormack", 0]]], "all_evidence": [[268416, 265002, "Danielle_Cormack", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65223, 76097, "Billie_Joe_Armstrong", 0]], [[65224, 76098, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[65223, 76097, "Billie_Joe_Armstrong", 0], [65224, 76098, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185035, 196858, "Edgar_Wright", 0]]], "all_evidence": [[185035, 196858, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182200, 194467, "Tatum_O'Neal", 6]]], "all_evidence": [[182200, 194467, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99470, 112572, "The_Good_Wife", 0]], [[99507, 112608, "The_Good_Wife", 0]], [[99507, 112609, "The_Good_Wife", 12]], [[99507, 112611, "The_Good_Wife", 1], [99507, 112611, "Alicia_Florrick", 0]], [[99507, 112612, "The_Good_Wife", 2], [99507, 112612, "Christine_Baranski", 7]], [[99507, 112613, "The_Good_Wife", 4]], [[99507, 112614, "The_Good_Wife", 10], [99507, 112614, "Alicia_Florrick", 0]]], "all_evidence": [[99470, 112572, "The_Good_Wife", 0], [99507, 112608, "The_Good_Wife", 0], [99507, 112609, "The_Good_Wife", 12], [99507, 112611, "The_Good_Wife", 1], [99507, 112611, "Alicia_Florrick", 0], [99507, 112612, "The_Good_Wife", 2], [99507, 112612, "Christine_Baranski", 7], [99507, 112613, "The_Good_Wife", 4], [99507, 112614, "The_Good_Wife", 10], [99507, 112614, "Alicia_Florrick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282153, null, null, null], [284162, null, null, null], [285139, null, null, null], [330068, null, null, null], [330087, null, null, null]]], "all_evidence": [[282153, null, null, null], [284162, null, null, null], [285139, null, null, null], [330068, null, null, null], [330087, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70962, 81853, "Yale_University", 23]]], "all_evidence": [[70962, 81853, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39825, 47908, "Stan_Beeman", 0]]], "all_evidence": [[39825, 47908, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206693, null, null, null]]], "all_evidence": [[206693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[287304, 280758, "Seohyun", 0]], [[287304, 280759, "Seohyun", 4]], [[289305, 282385, "Seohyun", 0]], [[289305, 282386, "Seohyun", 1]], [[289305, 282387, "Seohyun", 2]], [[289305, 282388, "Seohyun", 3]], [[289305, 282389, "Seohyun", 4]], [[290920, 283882, "Seohyun", 0]], [[335573, 321351, "Seohyun", 0]], [[335573, 321352, "Seohyun", 1]], [[335573, 321353, "Seohyun", 2]], [[335573, 321354, "Seohyun", 3]], [[335573, 321355, "Seohyun", 4]], [[335580, 321360, "Seohyun", 0]], [[335580, 321361, "Seohyun", 1]], [[335580, 321362, "Seohyun", 3]], [[335580, 321363, "Seohyun", 4]], [[335584, 321366, "Seohyun", 0]], [[335584, 321367, "Seohyun", 1]], [[335584, 321368, "Seohyun", 2]], [[335584, 321369, "Seohyun", 3]], [[335584, 321370, "Seohyun", 4]]], "all_evidence": [[287304, 280758, "Seohyun", 0], [287304, 280759, "Seohyun", 4], [289305, 282385, "Seohyun", 0], [289305, 282386, "Seohyun", 1], [289305, 282387, "Seohyun", 2], [289305, 282388, "Seohyun", 3], [289305, 282389, "Seohyun", 4], [290920, 283882, "Seohyun", 0], [335573, 321351, "Seohyun", 0], [335573, 321352, "Seohyun", 1], [335573, 321353, "Seohyun", 2], [335573, 321354, "Seohyun", 3], [335573, 321355, "Seohyun", 4], [335580, 321360, "Seohyun", 0], [335580, 321361, "Seohyun", 1], [335580, 321362, "Seohyun", 3], [335580, 321363, "Seohyun", 4], [335584, 321366, "Seohyun", 0], [335584, 321367, "Seohyun", 1], [335584, 321368, "Seohyun", 2], [335584, 321369, "Seohyun", 3], [335584, 321370, "Seohyun", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25018, null, null, null], [204274, null, null, null], [299826, null, null, null]]], "all_evidence": [[25018, null, null, null], [204274, null, null, null], [299826, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53481, 63486, "Stan_Beeman", 0], [53481, 63486, "The_Americans_-LRB-2013_TV_series-RRB-", 0]]], "all_evidence": [[53481, 63486, "Stan_Beeman", 0], [53481, 63486, "The_Americans_-LRB-2013_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48120, 57456, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[48120, 57456, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178222, 190819, "Fist_of_Legend", 0]]], "all_evidence": [[178222, 190819, "Fist_of_Legend", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141197, 156403, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[141197, 156403, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52570, 62538, "Uranium-235", 6]]], "all_evidence": [[52570, 62538, "Uranium-235", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188646, null, null, null]]], "all_evidence": [[188646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[298233, 289768, "Kesha", 0]], [[343532, 327302, "Kesha", 0]], [[343538, 327310, "Kesha", 0]]], "all_evidence": [[298233, 289768, "Kesha", 0], [343532, 327302, "Kesha", 0], [343538, 327310, "Kesha", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211246, 218923, "Southpaw_-LRB-film-RRB-", 0]], [[211246, 218924, "Southpaw_-LRB-film-RRB-", 5]]], "all_evidence": [[211246, 218923, "Southpaw_-LRB-film-RRB-", 0], [211246, 218924, "Southpaw_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180695, 193099, "Lizzy_Caplan", 2]], [[182610, 194813, "Lizzy_Caplan", 1]], [[184450, 196338, "Lizzy_Caplan", 2]], [[184450, 196339, "Lizzy_Caplan", 3], [184450, 196339, "Masters_of_Sex", 0]], [[314249, 303678, "Lizzy_Caplan", 2]], [[314250, 303679, "Lizzy_Caplan", 2]], [[314254, 303683, "Lizzy_Caplan", 1]], [[314254, 303684, "Lizzy_Caplan", 2]], [[314254, 303685, "Lizzy_Caplan", 3]], [[314280, 303703, "Lizzy_Caplan", 3], [314280, 303703, "Masters_of_Sex", 0]]], "all_evidence": [[180695, 193099, "Lizzy_Caplan", 2], [182610, 194813, "Lizzy_Caplan", 1], [184450, 196338, "Lizzy_Caplan", 2], [184450, 196339, "Lizzy_Caplan", 3], [184450, 196339, "Masters_of_Sex", 0], [314249, 303678, "Lizzy_Caplan", 2], [314250, 303679, "Lizzy_Caplan", 2], [314254, 303683, "Lizzy_Caplan", 1], [314254, 303684, "Lizzy_Caplan", 2], [314254, 303685, "Lizzy_Caplan", 3], [314280, 303703, "Lizzy_Caplan", 3], [314280, 303703, "Masters_of_Sex", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24307, 30042, "Rhythm_Nation", 23]]], "all_evidence": [[24307, 30042, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279782, null, null, null], [281488, null, null, null], [283629, null, null, null], [328236, null, null, null], [329099, null, null, null], [329127, null, null, null]]], "all_evidence": [[279782, null, null, null], [281488, null, null, null], [283629, null, null, null], [328236, null, null, null], [329099, null, null, null], [329127, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57912, 68143, "Andrew_Kevin_Walker", 0]], [[57912, 68144, "Andrew_Kevin_Walker", 1]]], "all_evidence": [[57912, 68143, "Andrew_Kevin_Walker", 0], [57912, 68144, "Andrew_Kevin_Walker", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36918, 44572, "Kuching", 0]], [[36918, 44573, "Kuching", 21]]], "all_evidence": [[36918, 44572, "Kuching", 0], [36918, 44573, "Kuching", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186130, null, null, null]]], "all_evidence": [[186130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62710, 73366, "Jose\u0301_Ferrer", 0], [62710, 73366, "Theatre_director", 0]]], "all_evidence": [[62710, 73366, "Jose\u0301_Ferrer", 0], [62710, 73366, "Theatre_director", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114232, 128035, "Ann_Richards", 0]]], "all_evidence": [[114232, 128035, "Ann_Richards", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253966, null, null, null]]], "all_evidence": [[253966, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48196, 57549, "Mick_Thomson", 1]]], "all_evidence": [[48196, 57549, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48911, 58233, "Wish_Upon", 2]]], "all_evidence": [[48911, 58233, "Wish_Upon", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54688, 64677, "A_Milli", 0]]], "all_evidence": [[54688, 64677, "A_Milli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131163, null, null, null]]], "all_evidence": [[131163, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48509, 57826, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[48509, 57826, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259719, 258274, "Hanford_Site", 23]]], "all_evidence": [[259719, 258274, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109184, null, null, null]]], "all_evidence": [[109184, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49511, 58862, "Basildon", 13]], [[55883, 65973, "Basildon", 13]], [[55883, 65974, "Basildon", 14]], [[305033, 295839, "Basildon", 13]], [[305033, 295840, "Basildon", 14]]], "all_evidence": [[49511, 58862, "Basildon", 13], [55883, 65973, "Basildon", 13], [55883, 65974, "Basildon", 14], [305033, 295839, "Basildon", 13], [305033, 295840, "Basildon", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62388, 72988, "Bhagat_Singh", 19]], [[62388, 72989, "Bhagat_Singh", 0]]], "all_evidence": [[62388, 72988, "Bhagat_Singh", 19], [62388, 72989, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27188, null, null, null]]], "all_evidence": [[27188, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239356, null, null, null]]], "all_evidence": [[239356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231465, null, null, null]]], "all_evidence": [[231465, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124998, 139329, "Bee_Gees", 6]]], "all_evidence": [[124998, 139329, "Bee_Gees", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184144, 196091, "Edgar_Wright", 0]]], "all_evidence": [[184144, 196091, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69585, null, null, null]]], "all_evidence": [[69585, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23643, 29226, "Vedam_-LRB-film-RRB-", 0]], [[23643, 29227, "Vedam_-LRB-film-RRB-", 1]], [[23643, 29228, "Vedam_-LRB-film-RRB-", 4]], [[299585, 290978, "Vedam_-LRB-film-RRB-", 0]], [[299585, 290979, "Vedam_-LRB-film-RRB-", 1]], [[299585, 290980, "Vedam_-LRB-film-RRB-", 4]], [[299585, 290981, "Vedam_-LRB-film-RRB-", 5]]], "all_evidence": [[23643, 29226, "Vedam_-LRB-film-RRB-", 0], [23643, 29227, "Vedam_-LRB-film-RRB-", 1], [23643, 29228, "Vedam_-LRB-film-RRB-", 4], [299585, 290978, "Vedam_-LRB-film-RRB-", 0], [299585, 290979, "Vedam_-LRB-film-RRB-", 1], [299585, 290980, "Vedam_-LRB-film-RRB-", 4], [299585, 290981, "Vedam_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105652, 119091, "Tremont_Street_Subway", 2]]], "all_evidence": [[105652, 119091, "Tremont_Street_Subway", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227073, 231486, "Bea_Arthur", 0]], [[227074, 231487, "Bea_Arthur", 0]]], "all_evidence": [[227073, 231486, "Bea_Arthur", 0], [227074, 231487, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205318, 213927, "Invasion_literature", 3]]], "all_evidence": [[205318, 213927, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251706, 251517, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251706, 251517, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123487, 137910, "Washington_Wizards", 12]]], "all_evidence": [[123487, 137910, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268491, null, null, null]]], "all_evidence": [[268491, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271146, 267086, "Giada_at_Home", 1], [271146, 267086, "Food_Network", 0]]], "all_evidence": [[271146, 267086, "Giada_at_Home", 1], [271146, 267086, "Food_Network", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110987, 124666, "Armenian_Genocide", 0]]], "all_evidence": [[110987, 124666, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21074, 25875, "James_VI_and_I", 10]]], "all_evidence": [[21074, 25875, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199497, null, null, null]]], "all_evidence": [[199497, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45085, 53813, "Saxony", 0]], [[45085, 53814, "Saxony", 4]]], "all_evidence": [[45085, 53813, "Saxony", 0], [45085, 53814, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237490, 239697, "North_Vietnam", 0]]], "all_evidence": [[237490, 239697, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111663, 125468, "CONCACAF_Champions_League", 0]], [[111663, 125469, "CONCACAF_Champions_League", 1], [111663, 125469, "FIFA_Club_World_Cup", 0]], [[114650, 128394, "CONCACAF_Champions_League", 0]], [[115246, 129068, "CONCACAF_Champions_League", 0]], [[308313, 298716, "CONCACAF_Champions_League", 0]], [[309789, 299920, "CONCACAF_Champions_League", 0]], [[309791, 299922, "CONCACAF_Champions_League", 0]], [[309793, 299923, "CONCACAF_Champions_League", 0]]], "all_evidence": [[111663, 125468, "CONCACAF_Champions_League", 0], [111663, 125469, "CONCACAF_Champions_League", 1], [111663, 125469, "FIFA_Club_World_Cup", 0], [114650, 128394, "CONCACAF_Champions_League", 0], [115246, 129068, "CONCACAF_Champions_League", 0], [308313, 298716, "CONCACAF_Champions_League", 0], [309789, 299920, "CONCACAF_Champions_League", 0], [309791, 299922, "CONCACAF_Champions_League", 0], [309793, 299923, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207658, 215887, "Steve_Ditko", 3]]], "all_evidence": [[207658, 215887, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126823, null, null, null]]], "all_evidence": [[126823, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168444, 182202, "Paramore", 0]]], "all_evidence": [[168444, 182202, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173515, null, null, null]]], "all_evidence": [[173515, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253974, 253758, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253974, 253758, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14598, 18227, "A_Milli", 0]]], "all_evidence": [[14598, 18227, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149294, 164272, "Starrcade", 1]]], "all_evidence": [[149294, 164272, "Starrcade", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156385, null, null, null]]], "all_evidence": [[156385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191712, 202522, "Anne_Rice", 5], [191712, 202522, "Louisiana", 0], [191712, 202522, "Louisiana", 13]]], "all_evidence": [[191712, 202522, "Anne_Rice", 5], [191712, 202522, "Louisiana", 0], [191712, 202522, "Louisiana", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150822, 165666, "Heavy_metal_music", 0]]], "all_evidence": [[150822, 165666, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240861, null, null, null]]], "all_evidence": [[240861, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158424, null, null, null]]], "all_evidence": [[158424, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73113, null, null, null]]], "all_evidence": [[73113, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102814, 116109, "Indian_Army", 0], [102814, 116109, "Indian_Armed_Forces", 0]]], "all_evidence": [[102814, 116109, "Indian_Army", 0], [102814, 116109, "Indian_Armed_Forces", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36765, null, null, null]]], "all_evidence": [[36765, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107675, 121157, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]], [[107675, 121158, "Hourglass_-LRB-James_Taylor_album-RRB-", 9]]], "all_evidence": [[107675, 121157, "Hourglass_-LRB-James_Taylor_album-RRB-", 1], [107675, 121158, "Hourglass_-LRB-James_Taylor_album-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162986, null, null, null]]], "all_evidence": [[162986, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165649, 179673, "Saw_-LRB-franchise-RRB-", 14], [165649, 179673, "Saw_II", 0]]], "all_evidence": [[165649, 179673, "Saw_-LRB-franchise-RRB-", 14], [165649, 179673, "Saw_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242975, 244231, "St._Anger", 0]]], "all_evidence": [[242975, 244231, "St._Anger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95963, 109036, "Mohra", 4]]], "all_evidence": [[95963, 109036, "Mohra", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29208, 35623, "Wish_Upon", 0]]], "all_evidence": [[29208, 35623, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130999, 145766, "Starrcade", 0]], [[131001, 145767, "Starrcade", 0]]], "all_evidence": [[130999, 145766, "Starrcade", 0], [131001, 145767, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199079, 208759, "Matteo_Renzi", 0]]], "all_evidence": [[199079, 208759, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146475, 161456, "Taran_Killam", 0]]], "all_evidence": [[146475, 161456, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25328, 31248, "Brian_Michael_Bendis", 0]]], "all_evidence": [[25328, 31248, "Brian_Michael_Bendis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23804, 29461, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[23804, 29461, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67341, 78154, "Touchscreen", 9]], [[67341, 78155, "Touchscreen", 14]]], "all_evidence": [[67341, 78154, "Touchscreen", 9], [67341, 78155, "Touchscreen", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75135, 86369, "John_Dolmayan", 0]], [[75138, 86371, "John_Dolmayan", 0]]], "all_evidence": [[75135, 86369, "John_Dolmayan", 0], [75138, 86371, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234923, 237709, "Tijuana", 0]]], "all_evidence": [[234923, 237709, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218163, 224523, "Bermuda_Triangle", 0]]], "all_evidence": [[218163, 224523, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269563, null, null, null]]], "all_evidence": [[269563, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123129, null, null, null]]], "all_evidence": [[123129, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118136, null, null, null]]], "all_evidence": [[118136, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226459, null, null, null]]], "all_evidence": [[226459, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75093, null, null, null]]], "all_evidence": [[75093, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116699, 130583, "You_Belong_with_Me", 0]], [[116699, 130584, "You_Belong_with_Me", 1]]], "all_evidence": [[116699, 130583, "You_Belong_with_Me", 0], [116699, 130584, "You_Belong_with_Me", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67622, null, null, null]]], "all_evidence": [[67622, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213703, null, null, null]]], "all_evidence": [[213703, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150322, 165236, "Soyuz_-LRB-spacecraft-RRB-", 0], [150322, 165236, "Spacecraft", 0]]], "all_evidence": [[150322, 165236, "Soyuz_-LRB-spacecraft-RRB-", 0], [150322, 165236, "Spacecraft", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154727, 169495, "Tim_Roth", 0]]], "all_evidence": [[154727, 169495, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61568, null, null, null]]], "all_evidence": [[61568, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269581, 265875, "Richard_Dawkins", 16]]], "all_evidence": [[269581, 265875, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97886, null, null, null]]], "all_evidence": [[97886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45678, 54537, "I_Kissed_a_Girl", 0]], [[45678, 54538, "I_Kissed_a_Girl", 1]], [[45678, 54539, "I_Kissed_a_Girl", 2]], [[45678, 54540, "I_Kissed_a_Girl", 3]], [[45678, 54541, "I_Kissed_a_Girl", 18]], [[45678, 54542, "I_Kissed_a_Girl", 10]]], "all_evidence": [[45678, 54537, "I_Kissed_a_Girl", 0], [45678, 54538, "I_Kissed_a_Girl", 1], [45678, 54539, "I_Kissed_a_Girl", 2], [45678, 54540, "I_Kissed_a_Girl", 3], [45678, 54541, "I_Kissed_a_Girl", 18], [45678, 54542, "I_Kissed_a_Girl", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135166, 150091, "Life", 0]]], "all_evidence": [[135166, 150091, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180134, 192666, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[180142, 192674, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[180134, 192666, "Kleshas_-LRB-Buddhism-RRB-", 0], [180142, 192674, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173577, null, null, null], [173579, null, null, null]]], "all_evidence": [[173577, null, null, null], [173579, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75782, null, null, null]]], "all_evidence": [[75782, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171299, 184787, "Danger_UXB", 0], [171299, 184787, "ITV_-LRB-TV_network-RRB-", 0]]], "all_evidence": [[171299, 184787, "Danger_UXB", 0], [171299, 184787, "ITV_-LRB-TV_network-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17966, null, null, null]]], "all_evidence": [[17966, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[284166, 278029, "Hedda_Gabler", 1]], [[330092, 316745, "Hedda_Gabler", 1]], [[330105, 316755, "Hedda_Gabler", 1]], [[330109, 316758, "Hedda_Gabler", 1]]], "all_evidence": [[284166, 278029, "Hedda_Gabler", 1], [330092, 316745, "Hedda_Gabler", 1], [330105, 316755, "Hedda_Gabler", 1], [330109, 316758, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171192, null, null, null]]], "all_evidence": [[171192, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40205, 48372, "Mohra", 0]], [[40205, 48373, "Mohra", 1]], [[40205, 48374, "Mohra", 4]], [[40205, 48375, "Mohra", 9]]], "all_evidence": [[40205, 48372, "Mohra", 0], [40205, 48373, "Mohra", 1], [40205, 48374, "Mohra", 4], [40205, 48375, "Mohra", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13407, 16763, "The_Good_Wife", 0]], [[13407, 16764, "The_Good_Wife", 1]], [[13407, 16765, "The_Good_Wife", 2]], [[13407, 16766, "The_Good_Wife", 4]], [[13407, 16767, "The_Good_Wife", 5]], [[13407, 16768, "The_Good_Wife", 9], [13407, 16768, "Emmy_Award", 0]], [[13407, 16769, "The_Good_Wife", 11]], [[13407, 16770, "The_Good_Wife", 10]], [[13407, 16771, "The_Good_Wife", 12]], [[13407, 16772, "The_Good_Wife", 13]], [[22870, 28194, "The_Good_Wife", 0]], [[22870, 28195, "The_Good_Wife", 1], [22870, 28195, "Alicia_Florrick", 0]], [[22870, 28196, "The_Good_Wife", 2], [22870, 28196, "Alan_Cumming", 5]], [[22870, 28197, "The_Good_Wife", 3], [22870, 28197, "David_W._Zucker", 1]], [[22870, 28198, "The_Good_Wife", 4]], [[22870, 28199, "The_Good_Wife", 5]], [[22870, 28200, "The_Good_Wife", 6]], [[22870, 28201, "The_Good_Wife", 9], [22870, 28201, "Emmy_Award", 0]], [[22870, 28202, "The_Good_Wife", 10], [22870, 28202, "Julianna_Margulies", 3]], [[22870, 28203, "The_Good_Wife", 11]], [[22870, 28204, "The_Good_Wife", 12]], [[22870, 28205, "The_Good_Wife", 13]], [[22870, 28206, "The_Good_Wife", 14]], [[299247, 290627, "The_Good_Wife", 0]]], "all_evidence": [[13407, 16763, "The_Good_Wife", 0], [13407, 16764, "The_Good_Wife", 1], [13407, 16765, "The_Good_Wife", 2], [13407, 16766, "The_Good_Wife", 4], [13407, 16767, "The_Good_Wife", 5], [13407, 16768, "The_Good_Wife", 9], [13407, 16768, "Emmy_Award", 0], [13407, 16769, "The_Good_Wife", 11], [13407, 16770, "The_Good_Wife", 10], [13407, 16771, "The_Good_Wife", 12], [13407, 16772, "The_Good_Wife", 13], [22870, 28194, "The_Good_Wife", 0], [22870, 28195, "The_Good_Wife", 1], [22870, 28195, "Alicia_Florrick", 0], [22870, 28196, "The_Good_Wife", 2], [22870, 28196, "Alan_Cumming", 5], [22870, 28197, "The_Good_Wife", 3], [22870, 28197, "David_W._Zucker", 1], [22870, 28198, "The_Good_Wife", 4], [22870, 28199, "The_Good_Wife", 5], [22870, 28200, "The_Good_Wife", 6], [22870, 28201, "The_Good_Wife", 9], [22870, 28201, "Emmy_Award", 0], [22870, 28202, "The_Good_Wife", 10], [22870, 28202, "Julianna_Margulies", 3], [22870, 28203, "The_Good_Wife", 11], [22870, 28204, "The_Good_Wife", 12], [22870, 28205, "The_Good_Wife", 13], [22870, 28206, "The_Good_Wife", 14], [299247, 290627, "The_Good_Wife", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28229, 34537, "Ann_Richards", 0]]], "all_evidence": [[28229, 34537, "Ann_Richards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76182, 87480, "Basildon", 13]]], "all_evidence": [[76182, 87480, "Basildon", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16589, 20534, "Anushka_Sharma", 0]]], "all_evidence": [[16589, 20534, "Anushka_Sharma", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230144, 233874, "Frozen_-LRB-2013_film-RRB-", 13]]], "all_evidence": [[230144, 233874, "Frozen_-LRB-2013_film-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239245, null, null, null]]], "all_evidence": [[239245, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82673, null, null, null]]], "all_evidence": [[82673, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53500, 63498, "Stan_Beeman", 0]]], "all_evidence": [[53500, 63498, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22282, 27465, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[22282, 27465, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186124, 198033, "Baz_Luhrmann", 2]]], "all_evidence": [[186124, 198033, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38814, 46773, "Steve_Wozniak", 5]]], "all_evidence": [[38814, 46773, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105467, 118914, "Yale_University", 23]]], "all_evidence": [[105467, 118914, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59774, 70180, "Kendall_Jenner", 0]], [[59774, 70181, "Kendall_Jenner", 1]]], "all_evidence": [[59774, 70180, "Kendall_Jenner", 0], [59774, 70181, "Kendall_Jenner", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228808, 232919, "Albert_S._Ruddy", 0]], [[228814, 232923, "Albert_S._Ruddy", 0]]], "all_evidence": [[228808, 232919, "Albert_S._Ruddy", 0], [228814, 232923, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167330, null, null, null]]], "all_evidence": [[167330, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243104, 244382, "First_Motion_Picture_Unit", 1]]], "all_evidence": [[243104, 244382, "First_Motion_Picture_Unit", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255590, null, null, null]]], "all_evidence": [[255590, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68496, null, null, null]]], "all_evidence": [[68496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235606, 238212, "Natural_Born_Killers", 5]]], "all_evidence": [[235606, 238212, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110261, 123876, "Bruce_Shand", 0]]], "all_evidence": [[110261, 123876, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232022, null, null, null]]], "all_evidence": [[232022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227643, 231984, "Happiness_in_Slavery", 0]]], "all_evidence": [[227643, 231984, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109934, 123539, "Harold_Macmillan", 0]]], "all_evidence": [[109934, 123539, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179932, 192481, "Awkward_Black_Girl", 0], [179932, 192481, "Issa_Rae", 0], [179932, 192481, "Issa_Rae", 1]]], "all_evidence": [[179932, 192481, "Awkward_Black_Girl", 0], [179932, 192481, "Issa_Rae", 0], [179932, 192481, "Issa_Rae", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222199, 227583, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222199, 227583, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48981, 58314, "Advertising", 0]]], "all_evidence": [[48981, 58314, "Advertising", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80407, null, null, null]]], "all_evidence": [[80407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99247, 112364, "Martin_Van_Buren", 12]]], "all_evidence": [[99247, 112364, "Martin_Van_Buren", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13901, 17409, "Tiber_Oil_Field", 1]]], "all_evidence": [[13901, 17409, "Tiber_Oil_Field", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267797, null, null, null], [269697, null, null, null], [323092, null, null, null], [323292, null, null, null]]], "all_evidence": [[267797, null, null, null], [269697, null, null, null], [323092, null, null, null], [323292, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235717, null, null, null]]], "all_evidence": [[235717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25878, 31821, "Halsey_-LRB-singer-RRB-", 1]], [[25878, 31822, "Halsey_-LRB-singer-RRB-", 0]]], "all_evidence": [[25878, 31821, "Halsey_-LRB-singer-RRB-", 1], [25878, 31822, "Halsey_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125928, null, null, null]]], "all_evidence": [[125928, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42098, 50637, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[42098, 50637, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213682, 220862, "Finding_Dory", 1]], [[213686, 220865, "Finding_Dory", 1]]], "all_evidence": [[213682, 220862, "Finding_Dory", 1], [213686, 220865, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41865, 50357, "Knocked_Up", 0]], [[41865, 50358, "Knocked_Up", 4]]], "all_evidence": [[41865, 50357, "Knocked_Up", 0], [41865, 50358, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105763, null, null, null]]], "all_evidence": [[105763, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236642, null, null, null]]], "all_evidence": [[236642, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279384, null, null, null], [283213, null, null, null], [327681, null, null, null]]], "all_evidence": [[279384, null, null, null], [283213, null, null, null], [327681, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239252, 241171, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239252, 241171, "Halloween", 0]]], "all_evidence": [[239252, 241171, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239252, 241171, "Halloween", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16901, 20906, "Renato_Balestra", 3]]], "all_evidence": [[16901, 20906, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114895, 128618, "Rob_Sheridan", 0]]], "all_evidence": [[114895, 128618, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248456, 248628, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]], [[248456, 248629, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[250658, 250651, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]], [[250658, 250652, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[251980, 251753, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]], [[251980, 251754, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[251980, 251755, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9]], [[319517, 308255, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[320678, 309237, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]], "all_evidence": [[248456, 248628, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [248456, 248629, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [250658, 250651, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [250658, 250652, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [251980, 251753, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [251980, 251754, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [251980, 251755, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9], [319517, 308255, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [320678, 309237, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160899, 175379, "Julianne_Moore", 5]]], "all_evidence": [[160899, 175379, "Julianne_Moore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51122, null, null, null]]], "all_evidence": [[51122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243122, 244402, "First_Motion_Picture_Unit", 1]]], "all_evidence": [[243122, 244402, "First_Motion_Picture_Unit", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151782, 166529, "Villa_Park", 14], [151782, 166529, "2012_FA_Community_Shield", 0]]], "all_evidence": [[151782, 166529, "Villa_Park", 14], [151782, 166529, "2012_FA_Community_Shield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138565, 153641, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[138565, 153641, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257059, null, null, null]]], "all_evidence": [[257059, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240273, 241915, "The_Sugarland_Express", 3]]], "all_evidence": [[240273, 241915, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209647, 217432, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209647, 217432, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203203, 212286, "Fabian_Nicieza", 0]]], "all_evidence": [[203203, 212286, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180541, 192986, "Sheryl_Lee", 7], [180541, 192986, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[180541, 192986, "Sheryl_Lee", 7], [180541, 192986, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166697, 180484, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[166697, 180484, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98586, 111670, "Highway_to_Heaven", 0]]], "all_evidence": [[98586, 111670, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16691, 20689, "Off_the_Wall", 14]]], "all_evidence": [[16691, 20689, "Off_the_Wall", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71050, null, null, null]]], "all_evidence": [[71050, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233051, 236054, "Saturn", 0]]], "all_evidence": [[233051, 236054, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227799, 232160, "Tilda_Swinton", 0]]], "all_evidence": [[227799, 232160, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79460, null, null, null]]], "all_evidence": [[79460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96164, 109260, "Arizona", 0]], [[96164, 109261, "Arizona", 1], [96164, 109261, "Western_United_States", 0]], [[96164, 109262, "Arizona", 2], [96164, 109262, "List_of_U.S._states_and_territories_by_area", 0]], [[96164, 109263, "Arizona", 3], [96164, 109263, "Phoenix,_Arizona", 0]], [[96164, 109264, "Arizona", 4], [96164, 109264, "Four_Corners", 0]], [[96164, 109265, "Arizona", 9], [96164, 109265, "Contiguous_United_States", 0]], [[96164, 109266, "Arizona", 15], [96164, 109266, "Southern_Arizona", 0]], [[96164, 109267, "Arizona", 16], [96164, 109267, "Northern_Arizona", 0]], [[96164, 109268, "Arizona", 17], [96164, 109268, "Alpine,_Arizona", 0]], [[96164, 109269, "Arizona", 18], [96164, 109269, "Grand_Canyon", 0]], [[96164, 109270, "Arizona", 21]], [[96164, 109271, "Arizona", 22], [96164, 109271, "U.S._state", 0]]], "all_evidence": [[96164, 109260, "Arizona", 0], [96164, 109261, "Arizona", 1], [96164, 109261, "Western_United_States", 0], [96164, 109262, "Arizona", 2], [96164, 109262, "List_of_U.S._states_and_territories_by_area", 0], [96164, 109263, "Arizona", 3], [96164, 109263, "Phoenix,_Arizona", 0], [96164, 109264, "Arizona", 4], [96164, 109264, "Four_Corners", 0], [96164, 109265, "Arizona", 9], [96164, 109265, "Contiguous_United_States", 0], [96164, 109266, "Arizona", 15], [96164, 109266, "Southern_Arizona", 0], [96164, 109267, "Arizona", 16], [96164, 109267, "Northern_Arizona", 0], [96164, 109268, "Arizona", 17], [96164, 109268, "Alpine,_Arizona", 0], [96164, 109269, "Arizona", 18], [96164, 109269, "Grand_Canyon", 0], [96164, 109270, "Arizona", 21], [96164, 109271, "Arizona", 22], [96164, 109271, "U.S._state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88372, 100989, "Carlos_Santana", 3]]], "all_evidence": [[88372, 100989, "Carlos_Santana", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51355, 61079, "Bessie_Smith", 0]], [[51355, 61080, "Bessie_Smith", 1]]], "all_evidence": [[51355, 61079, "Bessie_Smith", 0], [51355, 61080, "Bessie_Smith", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228887, null, null, null], [231456, null, null, null], [232826, null, null, null], [318418, null, null, null], [319967, null, null, null], [319971, null, null, null]]], "all_evidence": [[228887, null, null, null], [231456, null, null, null], [232826, null, null, null], [318418, null, null, null], [319967, null, null, null], [319971, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117611, null, null, null]]], "all_evidence": [[117611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78807, 90380, "Annette_Badland", 1], [78807, 90380, "EastEnders", 0]]], "all_evidence": [[78807, 90380, "Annette_Badland", 1], [78807, 90380, "EastEnders", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146020, 161038, "Due_Date", 2], [146020, 161038, "Alabama", 0]]], "all_evidence": [[146020, 161038, "Due_Date", 2], [146020, 161038, "Alabama", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266453, null, null, null]]], "all_evidence": [[266453, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260900, null, null, null]]], "all_evidence": [[260900, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225642, null, null, null]]], "all_evidence": [[225642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43985, 52619, "Bhagat_Singh", 0]]], "all_evidence": [[43985, 52619, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228793, 232905, "Albert_S._Ruddy", 0]], [[228794, 232906, "Albert_S._Ruddy", 0]], [[228804, 232914, "Albert_S._Ruddy", 0]]], "all_evidence": [[228793, 232905, "Albert_S._Ruddy", 0], [228794, 232906, "Albert_S._Ruddy", 0], [228804, 232914, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259472, 258044, "Libya", 2]]], "all_evidence": [[259472, 258044, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77407, 88852, "Nuuk", 1], [77407, 88852, "Nuuk", 0]]], "all_evidence": [[77407, 88852, "Nuuk", 1], [77407, 88852, "Nuuk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100198, 113454, "Nuuk", 0]], [[100198, 113455, "Nuuk", 13], [100198, 113455, "University_of_Greenland", 0]], [[100198, 113456, "Nuuk", 11], [100198, 113456, "Nuussuaq_-LRB-district-RRB-", 0]], [[100198, 113457, "Nuuk", 3]]], "all_evidence": [[100198, 113454, "Nuuk", 0], [100198, 113455, "Nuuk", 13], [100198, 113455, "University_of_Greenland", 0], [100198, 113456, "Nuuk", 11], [100198, 113456, "Nuussuaq_-LRB-district-RRB-", 0], [100198, 113457, "Nuuk", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160441, 174960, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[162143, 176482, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[163333, 177529, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[160441, 174960, "Mirny_-LRB-sloop-of-war-RRB-", 0], [162143, 176482, "Mirny_-LRB-sloop-of-war-RRB-", 0], [163333, 177529, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96644, null, null, null]]], "all_evidence": [[96644, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185365, 197139, "Kesha", 0]]], "all_evidence": [[185365, 197139, "Kesha", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[284503, 278319, "Kerplunk_-LRB-album-RRB-", 0]], [[284506, 278321, "Kerplunk_-LRB-album-RRB-", 2]], [[330698, 317298, "Kerplunk_-LRB-album-RRB-", 2]], [[331821, 318276, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[284503, 278319, "Kerplunk_-LRB-album-RRB-", 0], [284506, 278321, "Kerplunk_-LRB-album-RRB-", 2], [330698, 317298, "Kerplunk_-LRB-album-RRB-", 2], [331821, 318276, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189876, 201068, "Mickey_Rourke", 13], [189876, 201068, "The_Expendables_-LRB-2010_film-RRB-", 0]], [[189877, 201069, "Mickey_Rourke", 13], [189877, 201069, "The_Expendables_-LRB-2010_film-RRB-", 0]]], "all_evidence": [[189876, 201068, "Mickey_Rourke", 13], [189876, 201068, "The_Expendables_-LRB-2010_film-RRB-", 0], [189877, 201069, "Mickey_Rourke", 13], [189877, 201069, "The_Expendables_-LRB-2010_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192759, 203471, "Cadet_Kelly", 0]]], "all_evidence": [[192759, 203471, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211411, null, null, null]]], "all_evidence": [[211411, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162863, null, null, null]]], "all_evidence": [[162863, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227619, 231965, "Happiness_in_Slavery", 0]]], "all_evidence": [[227619, 231965, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172545, null, null, null]]], "all_evidence": [[172545, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176981, null, null, null]]], "all_evidence": [[176981, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239777, null, null, null], [318625, null, null, null], [320088, null, null, null]]], "all_evidence": [[239777, null, null, null], [318625, null, null, null], [320088, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257334, null, null, null]]], "all_evidence": [[257334, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166120, 180062, "Saxony", 0]], [[166120, 180063, "Saxony", 4]]], "all_evidence": [[166120, 180062, "Saxony", 0], [166120, 180063, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201119, 210569, "The_Endless_River", 0]]], "all_evidence": [[201119, 210569, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66814, 77641, "Randy_Savage", 4]]], "all_evidence": [[66814, 77641, "Randy_Savage", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198602, null, null, null]]], "all_evidence": [[198602, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173576, 186795, "Chile", 0]]], "all_evidence": [[173576, 186795, "Chile", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81457, null, null, null]]], "all_evidence": [[81457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136758, 151575, "Basildon", 13]]], "all_evidence": [[136758, 151575, "Basildon", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239010, null, null, null]]], "all_evidence": [[239010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14867, 18503, "Shawn_Carlson", 0]]], "all_evidence": [[14867, 18503, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69841, 80706, "A_Milli", 0], [69841, 80706, "Lil_Wayne", 0]]], "all_evidence": [[69841, 80706, "A_Milli", 0], [69841, 80706, "Lil_Wayne", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194787, null, null, null]]], "all_evidence": [[194787, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40028, null, null, null], [43164, null, null, null], [45390, null, null, null], [302061, null, null, null], [302062, null, null, null], [303642, null, null, null]]], "all_evidence": [[40028, null, null, null], [43164, null, null, null], [45390, null, null, null], [302061, null, null, null], [302062, null, null, null], [303642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59417, 69810, "Indian_Institute_of_Management_Bangalore", 5]]], "all_evidence": [[59417, 69810, "Indian_Institute_of_Management_Bangalore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198843, 208553, "The_King_and_I", 1], [198843, 208553, "Margaret_Landon", 0]]], "all_evidence": [[198843, 208553, "The_King_and_I", 1], [198843, 208553, "Margaret_Landon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190757, null, null, null]]], "all_evidence": [[190757, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117307, null, null, null]]], "all_evidence": [[117307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53286, 63257, "History_of_Earth", 25]]], "all_evidence": [[53286, 63257, "History_of_Earth", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179111, 191642, "Bruce_Shand", 0], [179111, 191642, "Military_Cross", 0]]], "all_evidence": [[179111, 191642, "Bruce_Shand", 0], [179111, 191642, "Military_Cross", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239251, null, null, null]]], "all_evidence": [[239251, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119502, 133524, "Brazzers", 0]]], "all_evidence": [[119502, 133524, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86592, null, null, null]]], "all_evidence": [[86592, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232827, 235915, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232827, 235915, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19946, 24497, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[19946, 24497, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199916, null, null, null], [199919, null, null, null]]], "all_evidence": [[199916, null, null, null], [199919, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58932, null, null, null]]], "all_evidence": [[58932, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59475, 69883, "Justine_Bateman", 0]], [[59478, 69888, "Justine_Bateman", 0]]], "all_evidence": [[59475, 69883, "Justine_Bateman", 0], [59478, 69888, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232809, null, null, null]]], "all_evidence": [[232809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82015, 93801, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[82015, 93801, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166985, null, null, null]]], "all_evidence": [[166985, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73128, 84326, "Creedence_Clearwater_Revival", 0]], [[73128, 84327, "Creedence_Clearwater_Revival", 1]], [[73128, 84328, "Creedence_Clearwater_Revival", 2]], [[73128, 84329, "Creedence_Clearwater_Revival", 3]], [[73128, 84330, "Creedence_Clearwater_Revival", 4]], [[73128, 84331, "Creedence_Clearwater_Revival", 7]], [[73128, 84332, "Creedence_Clearwater_Revival", 10]], [[73128, 84333, "Creedence_Clearwater_Revival", 9]], [[73128, 84334, "Creedence_Clearwater_Revival", 13]], [[73128, 84335, "Creedence_Clearwater_Revival", 14]]], "all_evidence": [[73128, 84326, "Creedence_Clearwater_Revival", 0], [73128, 84327, "Creedence_Clearwater_Revival", 1], [73128, 84328, "Creedence_Clearwater_Revival", 2], [73128, 84329, "Creedence_Clearwater_Revival", 3], [73128, 84330, "Creedence_Clearwater_Revival", 4], [73128, 84331, "Creedence_Clearwater_Revival", 7], [73128, 84332, "Creedence_Clearwater_Revival", 10], [73128, 84333, "Creedence_Clearwater_Revival", 9], [73128, 84334, "Creedence_Clearwater_Revival", 13], [73128, 84335, "Creedence_Clearwater_Revival", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238520, 240520, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238520, 240520, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209582, null, null, null], [209584, null, null, null]]], "all_evidence": [[209582, null, null, null], [209584, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145331, null, null, null]]], "all_evidence": [[145331, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227056, null, null, null]]], "all_evidence": [[227056, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179756, 192298, "West_Virginia", 1]]], "all_evidence": [[179756, 192298, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39483, 47565, "Liam_Neeson", 11]]], "all_evidence": [[39483, 47565, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79707, 91448, "Melancholia_-LRB-2011_film-RRB-", 0]], [[79708, 91449, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[79707, 91448, "Melancholia_-LRB-2011_film-RRB-", 0], [79708, 91449, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228212, 232454, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[228212, 232454, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161168, 175678, "Murda_Beatz", 0]]], "all_evidence": [[161168, 175678, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138280, 153268, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [138280, 153268, "James_Taylor", 0]]], "all_evidence": [[138280, 153268, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [138280, 153268, "James_Taylor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228188, 232432, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228188, 232432, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77213, 88634, "Floppy_disk", 0]]], "all_evidence": [[77213, 88634, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70984, 81876, "PacSun", 1]], [[70993, 81883, "PacSun", 1]]], "all_evidence": [[70984, 81876, "PacSun", 1], [70993, 81883, "PacSun", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116508, 130392, "In_the_End", 1]]], "all_evidence": [[116508, 130392, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191995, 202756, "Johanna_Braddy", 0]], [[191995, 202757, "Johanna_Braddy", 1]]], "all_evidence": [[191995, 202756, "Johanna_Braddy", 0], [191995, 202757, "Johanna_Braddy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25079, 30952, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[25079, 30952, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74140, 85370, "Peking_University", 0]]], "all_evidence": [[74140, 85370, "Peking_University", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15489, null, null, null]]], "all_evidence": [[15489, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113351, 127210, "Jens_Stoltenberg", 4]]], "all_evidence": [[113351, 127210, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80016, 91778, "Janet_Leigh", 0]]], "all_evidence": [[80016, 91778, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75509, null, null, null]]], "all_evidence": [[75509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193394, 203919, "Don_Bradman", 20]]], "all_evidence": [[193394, 203919, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53448, 63452, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[53448, 63452, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279621, null, null, null], [281348, null, null, null], [327999, null, null, null]]], "all_evidence": [[279621, null, null, null], [281348, null, null, null], [327999, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245566, 246340, "Human_trafficking", 0]], [[248264, 248457, "Human_trafficking", 0]], [[250422, 250415, "Human_trafficking", 0]], [[319473, 308162, "Human_trafficking", 0]], [[319481, 308177, "Human_trafficking", 0]]], "all_evidence": [[245566, 246340, "Human_trafficking", 0], [248264, 248457, "Human_trafficking", 0], [250422, 250415, "Human_trafficking", 0], [319473, 308162, "Human_trafficking", 0], [319481, 308177, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44444, 53109, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[44444, 53109, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23787, 29448, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[23787, 29448, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257068, 256126, "Chagatai_language", 1], [257068, 256126, "Chagatai_language", 0]]], "all_evidence": [[257068, 256126, "Chagatai_language", 1], [257068, 256126, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270747, 266753, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270747, 266753, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245236, 246101, "Efraim_Diveroli", 6]]], "all_evidence": [[245236, 246101, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125949, 140344, "Liam_Neeson", 11]]], "all_evidence": [[125949, 140344, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198611, 208405, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198611, 208405, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149457, 164422, "Guillermo_del_Toro", 0]]], "all_evidence": [[149457, 164422, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134007, 148887, "The_Bassoon_King", 0]], [[134010, 148890, "The_Bassoon_King", 0]]], "all_evidence": [[134007, 148887, "The_Bassoon_King", 0], [134010, 148890, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38384, null, null, null]]], "all_evidence": [[38384, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74551, 85783, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[74551, 85784, "Recovery_-LRB-Eminem_album-RRB-", 1]], [[74551, 85785, "Recovery_-LRB-Eminem_album-RRB-", 2]], [[74551, 85787, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[74551, 85788, "Recovery_-LRB-Eminem_album-RRB-", 13]]], "all_evidence": [[74551, 85783, "Recovery_-LRB-Eminem_album-RRB-", 0], [74551, 85784, "Recovery_-LRB-Eminem_album-RRB-", 1], [74551, 85785, "Recovery_-LRB-Eminem_album-RRB-", 2], [74551, 85787, "Recovery_-LRB-Eminem_album-RRB-", 6], [74551, 85788, "Recovery_-LRB-Eminem_album-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34959, 42374, "Pharrell_Williams", 4]]], "all_evidence": [[34959, 42374, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213741, null, null, null]]], "all_evidence": [[213741, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37886, 45799, "Mike_Huckabee", 0]], [[37886, 45800, "Mike_Huckabee", 7]]], "all_evidence": [[37886, 45799, "Mike_Huckabee", 0], [37886, 45800, "Mike_Huckabee", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186368, 198184, "Robert_Lopez", 1]]], "all_evidence": [[186368, 198184, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129830, 144535, "John_Deighton", 24]]], "all_evidence": [[129830, 144535, "John_Deighton", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86956, null, null, null]]], "all_evidence": [[86956, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258357, 257170, "Chagatai_language", 0]]], "all_evidence": [[258357, 257170, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41178, null, null, null]]], "all_evidence": [[41178, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229625, null, null, null]]], "all_evidence": [[229625, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90257, null, null, null]]], "all_evidence": [[90257, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101589, 114825, "Byron_Howard", 2]], [[102650, 115915, "Byron_Howard", 2]], [[306919, 297492, "Byron_Howard", 2]], [[307803, 298242, "Byron_Howard", 2]]], "all_evidence": [[101589, 114825, "Byron_Howard", 2], [102650, 115915, "Byron_Howard", 2], [306919, 297492, "Byron_Howard", 2], [307803, 298242, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205332, 213939, "Invasion_literature", 3]]], "all_evidence": [[205332, 213939, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102089, 115345, "Basildon", 13]]], "all_evidence": [[102089, 115345, "Basildon", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102126, 115415, "The_Daily_Show", 6]]], "all_evidence": [[102126, 115415, "The_Daily_Show", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200786, 210253, "Earl_Scruggs", 0]], [[200786, 210254, "Earl_Scruggs", 5]], [[200786, 210255, "Earl_Scruggs", 7], [200786, 210255, "Blue_Moon_of_Kentucky", 0]], [[200786, 210256, "Earl_Scruggs", 8], [200786, 210256, "Foggy_Mountain_Boys", 1]], [[200786, 210257, "Earl_Scruggs", 9], [200786, 210257, "Foggy_Mountain_Breakdown", 0]], [[200786, 210258, "Earl_Scruggs", 13], [200786, 210258, "The_Ballad_of_Jed_Clampett", 1]], [[200786, 210259, "Earl_Scruggs", 15], [200786, 210259, "Foggy_Mountain_Boys", 1]], [[200786, 210260, "Earl_Scruggs", 16]]], "all_evidence": [[200786, 210253, "Earl_Scruggs", 0], [200786, 210254, "Earl_Scruggs", 5], [200786, 210255, "Earl_Scruggs", 7], [200786, 210255, "Blue_Moon_of_Kentucky", 0], [200786, 210256, "Earl_Scruggs", 8], [200786, 210256, "Foggy_Mountain_Boys", 1], [200786, 210257, "Earl_Scruggs", 9], [200786, 210257, "Foggy_Mountain_Breakdown", 0], [200786, 210258, "Earl_Scruggs", 13], [200786, 210258, "The_Ballad_of_Jed_Clampett", 1], [200786, 210259, "Earl_Scruggs", 15], [200786, 210259, "Foggy_Mountain_Boys", 1], [200786, 210260, "Earl_Scruggs", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203325, null, null, null]]], "all_evidence": [[203325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206494, 214839, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]], [[206494, 214840, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]], "all_evidence": [[206494, 214839, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], [206494, 214840, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272402, 268113, "Island_Records", 0]]], "all_evidence": [[272402, 268113, "Island_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228164, 232412, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228164, 232412, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201864, 211220, "Artpop", 13]]], "all_evidence": [[201864, 211220, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15998, 19875, "Helmand_Province", 3]], [[301358, 292486, "Helmand_Province", 3]]], "all_evidence": [[15998, 19875, "Helmand_Province", 3], [301358, 292486, "Helmand_Province", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138910, null, null, null]]], "all_evidence": [[138910, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292566, 285312, "John_Krasinski", 1]], [[294573, 286823, "John_Krasinski", 1]], [[295161, 287333, "John_Krasinski", 1]], [[340394, 325061, "John_Krasinski", 1]]], "all_evidence": [[292566, 285312, "John_Krasinski", 1], [294573, 286823, "John_Krasinski", 1], [295161, 287333, "John_Krasinski", 1], [340394, 325061, "John_Krasinski", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277156, null, null, null], [324314, null, null, null], [326025, null, null, null]]], "all_evidence": [[277156, null, null, null], [324314, null, null, null], [326025, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292517, 285272, "Bruce_Shand", 0]], [[292530, 285286, "Bruce_Shand", 0]], [[292530, 285287, "Bruce_Shand", 1], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 0], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 9], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 10], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 15]], [[294538, 286802, "Bruce_Shand", 0]], [[340391, 325059, "Bruce_Shand", 0]], [[340396, 325062, "Bruce_Shand", 0]], [[340420, 325068, "Bruce_Shand", 0]]], "all_evidence": [[292517, 285272, "Bruce_Shand", 0], [292530, 285286, "Bruce_Shand", 0], [292530, 285287, "Bruce_Shand", 1], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 0], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 9], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 10], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 15], [294538, 286802, "Bruce_Shand", 0], [340391, 325059, "Bruce_Shand", 0], [340396, 325062, "Bruce_Shand", 0], [340420, 325068, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243702, 244870, "Palo_Alto,_California", 0]], [[243709, 244881, "Palo_Alto,_California", 0]]], "all_evidence": [[243702, 244870, "Palo_Alto,_California", 0], [243709, 244881, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196618, 206724, "Michael_Vick", 0]]], "all_evidence": [[196618, 206724, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250351, 250362, "The_Closer", 8]]], "all_evidence": [[250351, 250362, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13739, 17190, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[14104, 17628, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[14980, 18628, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[14980, 18629, "Recovery_-LRB-Eminem_album-RRB-", 1], [14980, 18629, "Relapse_-LRB-Eminem_album-RRB-", 0]], [[14980, 18630, "Recovery_-LRB-Eminem_album-RRB-", 8], [14980, 18630, "The_Recovery_Tour", 0]], [[14980, 18631, "Recovery_-LRB-Eminem_album-RRB-", 9], [14980, 18631, "No_Love", 0]], [[18952, 23216, "Recovery_-LRB-Eminem_album-RRB-", 1]], [[18952, 23217, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[299303, 290675, "Recovery_-LRB-Eminem_album-RRB-", 0]]], "all_evidence": [[13739, 17190, "Recovery_-LRB-Eminem_album-RRB-", 0], [14104, 17628, "Recovery_-LRB-Eminem_album-RRB-", 0], [14980, 18628, "Recovery_-LRB-Eminem_album-RRB-", 0], [14980, 18629, "Recovery_-LRB-Eminem_album-RRB-", 1], [14980, 18629, "Relapse_-LRB-Eminem_album-RRB-", 0], [14980, 18630, "Recovery_-LRB-Eminem_album-RRB-", 8], [14980, 18630, "The_Recovery_Tour", 0], [14980, 18631, "Recovery_-LRB-Eminem_album-RRB-", 9], [14980, 18631, "No_Love", 0], [18952, 23216, "Recovery_-LRB-Eminem_album-RRB-", 1], [18952, 23217, "Recovery_-LRB-Eminem_album-RRB-", 0], [299303, 290675, "Recovery_-LRB-Eminem_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96381, 109524, "Lou_Gehrig", 15]]], "all_evidence": [[96381, 109524, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21209, 26050, "English_people", 6]]], "all_evidence": [[21209, 26050, "English_people", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190728, null, null, null]]], "all_evidence": [[190728, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241761, 243279, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [241761, 243279, "Gary_Oldman", 0], [241761, 243279, "John_Hurt", 0], [241761, 243279, "Mark_Strong", 0], [241761, 243279, "Toby_Jones", 0]]], "all_evidence": [[241761, 243279, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [241761, 243279, "Gary_Oldman", 0], [241761, 243279, "John_Hurt", 0], [241761, 243279, "Mark_Strong", 0], [241761, 243279, "Toby_Jones", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130636, null, null, null]]], "all_evidence": [[130636, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144145, 159202, "Thomas_Jefferson", 28]]], "all_evidence": [[144145, 159202, "Thomas_Jefferson", 28]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81569, null, null, null]]], "all_evidence": [[81569, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194305, 204695, "Drake_Bell", 13]], [[194305, 204696, "Drake_Bell", 14]], [[194305, 204697, "Drake_Bell", 16]], [[194305, 204698, "Drake_Bell", 19]]], "all_evidence": [[194305, 204695, "Drake_Bell", 13], [194305, 204696, "Drake_Bell", 14], [194305, 204697, "Drake_Bell", 16], [194305, 204698, "Drake_Bell", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132992, 147877, "Heavy_metal_music", 0]]], "all_evidence": [[132992, 147877, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279147, 273796, "Daggering", 2], [279147, 273796, "Ballet", 0], [279147, 273796, "Ballet", 1], [279147, 273796, "Ballet", 2], [279147, 273796, "Ballet", 3], [279147, 273796, "Ballet", 4], [279147, 273796, "Ballet", 7], [279147, 273796, "Ballet", 8], [279147, 273796, "Ballet", 9], [279147, 273796, "Ballet", 10]], [[280653, 275068, "Daggering", 0]], [[327209, 314540, "Daggering", 2]]], "all_evidence": [[279147, 273796, "Daggering", 2], [279147, 273796, "Ballet", 0], [279147, 273796, "Ballet", 1], [279147, 273796, "Ballet", 2], [279147, 273796, "Ballet", 3], [279147, 273796, "Ballet", 4], [279147, 273796, "Ballet", 7], [279147, 273796, "Ballet", 8], [279147, 273796, "Ballet", 9], [279147, 273796, "Ballet", 10], [280653, 275068, "Daggering", 0], [327209, 314540, "Daggering", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231481, null, null, null]]], "all_evidence": [[231481, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268083, null, null, null]]], "all_evidence": [[268083, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102302, 115577, "Uranium-235", 6], [102302, 115577, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[102302, 115577, "Uranium-235", 6], [102302, 115577, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237949, 240113, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237949, 240113, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146569, 161562, "Terry_Crews", 9]]], "all_evidence": [[146569, 161562, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268069, null, null, null]]], "all_evidence": [[268069, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247513, null, null, null]]], "all_evidence": [[247513, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[264394, null, null, null]]], "all_evidence": [[264394, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180873, null, null, null]]], "all_evidence": [[180873, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22451, 27663, "Hot_Right_Now", 0]]], "all_evidence": [[22451, 27663, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52889, 62828, "Shooter_-LRB-TV_series-RRB-", 1]], [[56269, 66444, "Shooter_-LRB-TV_series-RRB-", 1]], [[58988, 69309, "Shooter_-LRB-TV_series-RRB-", 1]], [[302830, 293818, "Shooter_-LRB-TV_series-RRB-", 1]], [[305041, 295848, "Shooter_-LRB-TV_series-RRB-", 1]], [[305044, 295851, "Shooter_-LRB-TV_series-RRB-", 1]], [[305050, 295857, "Shooter_-LRB-TV_series-RRB-", 1]], [[305051, 295858, "Shooter_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[52889, 62828, "Shooter_-LRB-TV_series-RRB-", 1], [56269, 66444, "Shooter_-LRB-TV_series-RRB-", 1], [58988, 69309, "Shooter_-LRB-TV_series-RRB-", 1], [302830, 293818, "Shooter_-LRB-TV_series-RRB-", 1], [305041, 295848, "Shooter_-LRB-TV_series-RRB-", 1], [305044, 295851, "Shooter_-LRB-TV_series-RRB-", 1], [305050, 295857, "Shooter_-LRB-TV_series-RRB-", 1], [305051, 295858, "Shooter_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65232, 76104, "Raees_-LRB-film-RRB-", 1]]], "all_evidence": [[65232, 76104, "Raees_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113360, null, null, null]]], "all_evidence": [[113360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170207, 183764, "AMGTV", 0]]], "all_evidence": [[170207, 183764, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96021, 109078, "James_VI_and_I", 10]]], "all_evidence": [[96021, 109078, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222222, 227604, "Oscar_De_La_Hoya", 8]]], "all_evidence": [[222222, 227604, "Oscar_De_La_Hoya", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87285, 99779, "Sophia_Bush", 2], [87285, 99779, "John_Tucker_Must_Die", 0]]], "all_evidence": [[87285, 99779, "Sophia_Bush", 2], [87285, 99779, "John_Tucker_Must_Die", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23922, 29610, "Pene\u0301lope_Cruz", 12], [23922, 29610, "Mango_-LRB-clothing-RRB-", 0]]], "all_evidence": [[23922, 29610, "Pene\u0301lope_Cruz", 12], [23922, 29610, "Mango_-LRB-clothing-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121128, 135430, "Blue_Jasmine", 0]]], "all_evidence": [[121128, 135430, "Blue_Jasmine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190775, null, null, null]]], "all_evidence": [[190775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290383, 283422, "Recovery_-LRB-Eminem_album-RRB-", 13]], [[291733, 284632, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[293834, 286256, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[338349, 323548, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[338352, 323550, "Recovery_-LRB-Eminem_album-RRB-", 0]]], "all_evidence": [[290383, 283422, "Recovery_-LRB-Eminem_album-RRB-", 13], [291733, 284632, "Recovery_-LRB-Eminem_album-RRB-", 0], [293834, 286256, "Recovery_-LRB-Eminem_album-RRB-", 0], [338349, 323548, "Recovery_-LRB-Eminem_album-RRB-", 0], [338352, 323550, "Recovery_-LRB-Eminem_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159654, 174160, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[159654, 174160, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105715, 119139, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[105715, 119139, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54442, 64449, "Nicholas_Brody", 1]], [[54443, 64450, "Nicholas_Brody", 1]], [[54444, 64451, "Nicholas_Brody", 1]]], "all_evidence": [[54442, 64449, "Nicholas_Brody", 1], [54443, 64450, "Nicholas_Brody", 1], [54444, 64451, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63550, 74304, "Veeru_Devgan", 0]], [[63550, 74305, "Veeru_Devgan", 3], [63550, 74305, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]], "all_evidence": [[63550, 74304, "Veeru_Devgan", 0], [63550, 74305, "Veeru_Devgan", 3], [63550, 74305, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230046, 233804, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230046, 233804, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120957, null, null, null]]], "all_evidence": [[120957, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197425, null, null, null], [197426, null, null, null]]], "all_evidence": [[197425, null, null, null], [197426, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182224, null, null, null]]], "all_evidence": [[182224, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160997, 175452, "Riddick_-LRB-character-RRB-", 0]], [[161006, 175467, "Riddick_-LRB-character-RRB-", 0]]], "all_evidence": [[160997, 175452, "Riddick_-LRB-character-RRB-", 0], [161006, 175467, "Riddick_-LRB-character-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216096, 222805, "CHiPs_-LRB-film-RRB-", 0]], [[216096, 222806, "CHiPs_-LRB-film-RRB-", 1]], [[216096, 222807, "CHiPs_-LRB-film-RRB-", 4], [216096, 222807, "Principal_photography", 3]], [[216096, 222808, "CHiPs_-LRB-film-RRB-", 5]]], "all_evidence": [[216096, 222805, "CHiPs_-LRB-film-RRB-", 0], [216096, 222806, "CHiPs_-LRB-film-RRB-", 1], [216096, 222807, "CHiPs_-LRB-film-RRB-", 4], [216096, 222807, "Principal_photography", 3], [216096, 222808, "CHiPs_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53418, 63415, "Highway_to_Heaven", 0]]], "all_evidence": [[53418, 63415, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227641, null, null, null]]], "all_evidence": [[227641, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165902, null, null, null]]], "all_evidence": [[165902, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138797, null, null, null]]], "all_evidence": [[138797, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174688, 187841, "Marco_Polo", 11]]], "all_evidence": [[174688, 187841, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83207, 95156, "Augustus", 42]]], "all_evidence": [[83207, 95156, "Augustus", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207981, 216154, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[207981, 216154, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210316, 218086, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210316, 218086, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276451, null, null, null], [278651, null, null, null], [278655, null, null, null], [326632, null, null, null], [326634, null, null, null], [326636, null, null, null]]], "all_evidence": [[276451, null, null, null], [278651, null, null, null], [278655, null, null, null], [326632, null, null, null], [326634, null, null, null], [326636, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45962, null, null, null]]], "all_evidence": [[45962, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162236, null, null, null], [162285, null, null, null]]], "all_evidence": [[162236, null, null, null], [162285, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124977, 139311, "The_Bassoon_King", 0]], [[124978, 139312, "The_Bassoon_King", 0]], [[124979, 139313, "The_Bassoon_King", 0]], [[124980, 139314, "The_Bassoon_King", 0]], [[124981, 139315, "The_Bassoon_King", 0]], [[124982, 139316, "The_Bassoon_King", 0]], [[124983, 139317, "The_Bassoon_King", 0]], [[124984, 139318, "The_Bassoon_King", 0]], [[124985, 139319, "The_Bassoon_King", 0]]], "all_evidence": [[124977, 139311, "The_Bassoon_King", 0], [124978, 139312, "The_Bassoon_King", 0], [124979, 139313, "The_Bassoon_King", 0], [124980, 139314, "The_Bassoon_King", 0], [124981, 139315, "The_Bassoon_King", 0], [124982, 139316, "The_Bassoon_King", 0], [124983, 139317, "The_Bassoon_King", 0], [124984, 139318, "The_Bassoon_King", 0], [124985, 139319, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93024, 105911, "Camden,_New_Jersey", 0]]], "all_evidence": [[93024, 105911, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153787, 168646, "Monster", 0]]], "all_evidence": [[153787, 168646, "Monster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199928, null, null, null]]], "all_evidence": [[199928, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191984, null, null, null]]], "all_evidence": [[191984, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97688, 110843, "Stan_Beeman", 0]]], "all_evidence": [[97688, 110843, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223836, 228762, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223836, 228762, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26201, 32206, "Colosseum", 14]]], "all_evidence": [[26201, 32206, "Colosseum", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251691, null, null, null]]], "all_evidence": [[251691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141219, 156424, "Armenian_Genocide", 0]]], "all_evidence": [[141219, 156424, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65081, 75956, "Awkward_Black_Girl", 0]]], "all_evidence": [[65081, 75956, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168279, 182025, "Bad_Romance", 12]], [[168279, 182026, "Bad_Romance", 3]]], "all_evidence": [[168279, 182025, "Bad_Romance", 12], [168279, 182026, "Bad_Romance", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258074, 256956, "Monk", 0]], [[258074, 256957, "Monk", 1]]], "all_evidence": [[258074, 256956, "Monk", 0], [258074, 256957, "Monk", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241701, 243222, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241701, 243222, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92332, 105080, "Hedda_Gabler", 1]]], "all_evidence": [[92332, 105080, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96732, 109883, "Miranda_Otto", 1]]], "all_evidence": [[96732, 109883, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41292, 49628, "Jens_Stoltenberg", 4]]], "all_evidence": [[41292, 49628, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50299, null, null, null]]], "all_evidence": [[50299, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124762, 139107, "Colin_Kaepernick", 0], [124762, 139107, "Colin_Kaepernick", 5]]], "all_evidence": [[124762, 139107, "Colin_Kaepernick", 0], [124762, 139107, "Colin_Kaepernick", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112559, 126385, "Brazzers", 0]], [[112560, 126386, "Brazzers", 0]]], "all_evidence": [[112559, 126385, "Brazzers", 0], [112560, 126386, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197401, 207445, "Lalla_Ward", 0]]], "all_evidence": [[197401, 207445, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279390, 274012, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[279391, 274013, "Mirny_-LRB-sloop-of-war-RRB-", 0], [279391, 274013, "Circumnavigation", 0]], [[327680, 314891, "Mirny_-LRB-sloop-of-war-RRB-", 0], [327680, 314891, "Circumnavigation", 0]], [[328770, 315773, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[279390, 274012, "Mirny_-LRB-sloop-of-war-RRB-", 0], [279391, 274013, "Mirny_-LRB-sloop-of-war-RRB-", 0], [279391, 274013, "Circumnavigation", 0], [327680, 314891, "Mirny_-LRB-sloop-of-war-RRB-", 0], [327680, 314891, "Circumnavigation", 0], [328770, 315773, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81522, null, null, null]]], "all_evidence": [[81522, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240277, 241918, "The_Sugarland_Express", 3]]], "all_evidence": [[240277, 241918, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102809, 116105, "Neil_Diamond", 0]]], "all_evidence": [[102809, 116105, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174624, 187790, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[174624, 187790, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25790, 31722, "Psych", 2], [25790, 31722, "James_Roday", 0]], [[300511, 291695, "Psych", 2], [300511, 291695, "Shawn_Spencer", 0], [300511, 291695, "Psych", 0]]], "all_evidence": [[25790, 31722, "Psych", 2], [25790, 31722, "James_Roday", 0], [300511, 291695, "Psych", 2], [300511, 291695, "Shawn_Spencer", 0], [300511, 291695, "Psych", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65974, 76836, "State_of_Palestine", 1]]], "all_evidence": [[65974, 76836, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67856, 78707, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[67856, 78707, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293337, null, null, null], [297367, null, null, null], [342937, null, null, null], [344741, null, null, null]]], "all_evidence": [[293337, null, null, null], [297367, null, null, null], [342937, null, null, null], [344741, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132580, null, null, null]]], "all_evidence": [[132580, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72074, 83065, "Psych", 2]]], "all_evidence": [[72074, 83065, "Psych", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213698, null, null, null]]], "all_evidence": [[213698, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186385, null, null, null]]], "all_evidence": [[186385, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32846, null, null, null], [35387, null, null, null], [37392, null, null, null], [301864, null, null, null], [303311, null, null, null], [304757, null, null, null]]], "all_evidence": [[32846, null, null, null], [35387, null, null, null], [37392, null, null, null], [301864, null, null, null], [303311, null, null, null], [304757, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27900, 34186, "The_Cincinnati_Kid", 6]]], "all_evidence": [[27900, 34186, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196609, 206709, "Michael_Vick", 0]], [[196609, 206710, "Michael_Vick", 1]], [[196609, 206711, "Michael_Vick", 2]], [[196609, 206712, "Michael_Vick", 3]], [[196609, 206713, "Michael_Vick", 6]], [[196609, 206714, "Michael_Vick", 12]], [[196609, 206715, "Michael_Vick", 13], [196609, 206715, "New_York_Jets", 0]], [[196609, 206716, "Michael_Vick", 14]]], "all_evidence": [[196609, 206709, "Michael_Vick", 0], [196609, 206710, "Michael_Vick", 1], [196609, 206711, "Michael_Vick", 2], [196609, 206712, "Michael_Vick", 3], [196609, 206713, "Michael_Vick", 6], [196609, 206714, "Michael_Vick", 12], [196609, 206715, "Michael_Vick", 13], [196609, 206715, "New_York_Jets", 0], [196609, 206716, "Michael_Vick", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183973, 195953, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [183973, 195953, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]], [[186117, 198027, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]], [[187653, 199249, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]], [[314501, 303874, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]], [[316208, 305422, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[183973, 195953, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [183973, 195953, "Hourglass_-LRB-James_Taylor_album-RRB-", 1], [186117, 198027, "Hourglass_-LRB-James_Taylor_album-RRB-", 1], [187653, 199249, "Hourglass_-LRB-James_Taylor_album-RRB-", 1], [314501, 303874, "Hourglass_-LRB-James_Taylor_album-RRB-", 1], [316208, 305422, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122647, 136962, "Flaked", 2]]], "all_evidence": [[122647, 136962, "Flaked", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154215, null, null, null]]], "all_evidence": [[154215, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167603, 181384, "Victoria_Palace_Theatre", 0], [167603, 181384, "City_of_Westminster", 0]]], "all_evidence": [[167603, 181384, "Victoria_Palace_Theatre", 0], [167603, 181384, "City_of_Westminster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114477, 128234, "Pearl_Jam", 0]], [[114477, 128235, "Pearl_Jam", 13]], [[114477, 128236, "Pearl_Jam", 14]], [[114477, 128237, "Pearl_Jam", 15]]], "all_evidence": [[114477, 128234, "Pearl_Jam", 0], [114477, 128235, "Pearl_Jam", 13], [114477, 128236, "Pearl_Jam", 14], [114477, 128237, "Pearl_Jam", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260719, null, null, null]]], "all_evidence": [[260719, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145917, null, null, null]]], "all_evidence": [[145917, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92071, 104847, "Gin", 0]], [[94752, 107730, "Gin", 0], [94752, 107730, "Distilled_beverage", 0]], [[96893, 110038, "Gin", 0], [96893, 110038, "Distilled_beverage", 0]], [[306623, 297252, "Gin", 0], [306623, 297252, "Distilled_beverage", 0]], [[307602, 298070, "Gin", 0], [307602, 298070, "Distilled_beverage", 0]]], "all_evidence": [[92071, 104847, "Gin", 0], [94752, 107730, "Gin", 0], [94752, 107730, "Distilled_beverage", 0], [96893, 110038, "Gin", 0], [96893, 110038, "Distilled_beverage", 0], [306623, 297252, "Gin", 0], [306623, 297252, "Distilled_beverage", 0], [307602, 298070, "Gin", 0], [307602, 298070, "Distilled_beverage", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271137, 267079, "Giada_at_Home", 1]]], "all_evidence": [[271137, 267079, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19035, 23331, "Daggering", 3]]], "all_evidence": [[19035, 23331, "Daggering", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205305, 213909, "Invasion_literature", 0]]], "all_evidence": [[205305, 213909, "Invasion_literature", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92692, 105522, "Jamie_Murray", 1]]], "all_evidence": [[92692, 105522, "Jamie_Murray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65012, 75873, "State_of_Palestine", 1]]], "all_evidence": [[65012, 75873, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155033, 169746, "Michelin_Guide", 0]]], "all_evidence": [[155033, 169746, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225476, 230124, "The_Millers", 4]], [[225481, 230127, "The_Millers", 4]], [[225482, 230128, "The_Millers", 4]]], "all_evidence": [[225476, 230124, "The_Millers", 4], [225481, 230127, "The_Millers", 4], [225482, 230128, "The_Millers", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41819, 50305, "L.A._Reid", 1], [41819, 50305, "The_Island_Def_Jam_Music_Group", 0]]], "all_evidence": [[41819, 50305, "L.A._Reid", 1], [41819, 50305, "The_Island_Def_Jam_Music_Group", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172297, 185654, "James_VI_and_I", 10]]], "all_evidence": [[172297, 185654, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98566, 111655, "Prowler_-LRB-comics-RRB-", 1], [98566, 111655, "John_Buscema", 0], [98566, 111655, "Jim_Mooney", 0], [98566, 111655, "Stan_Lee", 0]]], "all_evidence": [[98566, 111655, "Prowler_-LRB-comics-RRB-", 1], [98566, 111655, "John_Buscema", 0], [98566, 111655, "Jim_Mooney", 0], [98566, 111655, "Stan_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46649, 55652, "Trevor_Griffiths", 0]]], "all_evidence": [[46649, 55652, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150806, null, null, null]]], "all_evidence": [[150806, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248522, 248681, "Tie_Your_Mother_Down", 1]], [[248523, 248682, "Tie_Your_Mother_Down", 1]]], "all_evidence": [[248522, 248681, "Tie_Your_Mother_Down", 1], [248523, 248682, "Tie_Your_Mother_Down", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18900, 23147, "Shinji_Mikami", 2]]], "all_evidence": [[18900, 23147, "Shinji_Mikami", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270836, 266818, "New_Orleans_Pelicans", 1]]], "all_evidence": [[270836, 266818, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120025, 134156, "I_Kissed_a_Girl", 0]], [[120025, 134157, "I_Kissed_a_Girl", 1]], [[120025, 134158, "I_Kissed_a_Girl", 2]], [[120025, 134159, "I_Kissed_a_Girl", 3]], [[120025, 134160, "I_Kissed_a_Girl", 5]], [[120025, 134161, "I_Kissed_a_Girl", 8]], [[120025, 134162, "I_Kissed_a_Girl", 9]], [[120025, 134163, "I_Kissed_a_Girl", 10]], [[120025, 134164, "I_Kissed_a_Girl", 12]], [[120025, 134165, "I_Kissed_a_Girl", 15]], [[120025, 134166, "I_Kissed_a_Girl", 18]], [[120025, 134167, "I_Kissed_a_Girl", 20]], [[120025, 134168, "I_Kissed_a_Girl", 21]]], "all_evidence": [[120025, 134156, "I_Kissed_a_Girl", 0], [120025, 134157, "I_Kissed_a_Girl", 1], [120025, 134158, "I_Kissed_a_Girl", 2], [120025, 134159, "I_Kissed_a_Girl", 3], [120025, 134160, "I_Kissed_a_Girl", 5], [120025, 134161, "I_Kissed_a_Girl", 8], [120025, 134162, "I_Kissed_a_Girl", 9], [120025, 134163, "I_Kissed_a_Girl", 10], [120025, 134164, "I_Kissed_a_Girl", 12], [120025, 134165, "I_Kissed_a_Girl", 15], [120025, 134166, "I_Kissed_a_Girl", 18], [120025, 134167, "I_Kissed_a_Girl", 20], [120025, 134168, "I_Kissed_a_Girl", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77385, 88838, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[77385, 88838, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[298846, 290237, "Buffy_Summers", 1]], [[300918, 292013, "Buffy_Summers", 1]], [[300919, 292014, "Buffy_Summers", 1]], [[300919, 292015, "Buffy_Summers", 2]], [[300919, 292016, "Buffy_Summers", 3]], [[300919, 292017, "Buffy_Summers", 4]], [[300919, 292018, "Buffy_Summers", 8]], [[300919, 292019, "Buffy_Summers", 10]], [[345052, 328478, "Buffy_Summers", 1]], [[345052, 328479, "Buffy_Summers", 3]], [[345052, 328480, "Buffy_Summers", 2], [345052, 328480, "Buffy_Summers", 0]], [[345052, 328481, "Buffy_Summers", 4], [345052, 328481, "Giselle_Loren", 4]], [[345054, 328483, "Buffy_Summers", 3]], [[345054, 328484, "Buffy_Summers", 1]]], "all_evidence": [[298846, 290237, "Buffy_Summers", 1], [300918, 292013, "Buffy_Summers", 1], [300919, 292014, "Buffy_Summers", 1], [300919, 292015, "Buffy_Summers", 2], [300919, 292016, "Buffy_Summers", 3], [300919, 292017, "Buffy_Summers", 4], [300919, 292018, "Buffy_Summers", 8], [300919, 292019, "Buffy_Summers", 10], [345052, 328478, "Buffy_Summers", 1], [345052, 328479, "Buffy_Summers", 3], [345052, 328480, "Buffy_Summers", 2], [345052, 328480, "Buffy_Summers", 0], [345052, 328481, "Buffy_Summers", 4], [345052, 328481, "Giselle_Loren", 4], [345054, 328483, "Buffy_Summers", 3], [345054, 328484, "Buffy_Summers", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113645, 127511, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]], "all_evidence": [[113645, 127511, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138914, 153958, "Always_-LRB-1989_film-RRB-", 0]], [[138916, 153960, "Always_-LRB-1989_film-RRB-", 0]], [[138916, 153961, "Always_-LRB-1989_film-RRB-", 3]]], "all_evidence": [[138914, 153958, "Always_-LRB-1989_film-RRB-", 0], [138916, 153960, "Always_-LRB-1989_film-RRB-", 0], [138916, 153961, "Always_-LRB-1989_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218151, 224516, "Bermuda_Triangle", 0]]], "all_evidence": [[218151, 224516, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273648, 269019, "Working_animal", 0]], [[273648, 269020, "Working_animal", 1]], [[273648, 269021, "Working_animal", 21]]], "all_evidence": [[273648, 269019, "Working_animal", 0], [273648, 269020, "Working_animal", 1], [273648, 269021, "Working_animal", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68534, 79395, "West_Virginia", 1]]], "all_evidence": [[68534, 79395, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67526, null, null, null]]], "all_evidence": [[67526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103029, 116349, "Creedence_Clearwater_Revival", 0]], [[103029, 116350, "Creedence_Clearwater_Revival", 2]], [[103029, 116351, "Creedence_Clearwater_Revival", 3]]], "all_evidence": [[103029, 116349, "Creedence_Clearwater_Revival", 0], [103029, 116350, "Creedence_Clearwater_Revival", 2], [103029, 116351, "Creedence_Clearwater_Revival", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101920, 115165, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[101920, 115165, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172016, 185430, "Magic_Johnson", 1]], [[172016, 185431, "Magic_Johnson", 2]], [[172016, 185432, "Magic_Johnson", 3]], [[172016, 185433, "Magic_Johnson", 0]]], "all_evidence": [[172016, 185430, "Magic_Johnson", 1], [172016, 185431, "Magic_Johnson", 2], [172016, 185432, "Magic_Johnson", 3], [172016, 185433, "Magic_Johnson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58458, 68738, "Battle_of_France", 0]]], "all_evidence": [[58458, 68738, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84992, 97278, "Philomena_-LRB-film-RRB-", 0]], [[84992, 97279, "Philomena_-LRB-film-RRB-", 1], [84992, 97279, "Philomena_Lee", 1]]], "all_evidence": [[84992, 97278, "Philomena_-LRB-film-RRB-", 0], [84992, 97279, "Philomena_-LRB-film-RRB-", 1], [84992, 97279, "Philomena_Lee", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230078, 233824, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230078, 233824, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216095, 222804, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216095, 222804, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58805, 69096, "Fidel_Castro", 0]], [[58805, 69097, "Fidel_Castro", 1]], [[58805, 69098, "Fidel_Castro", 2]], [[58805, 69099, "Fidel_Castro", 5]], [[58805, 69100, "Fidel_Castro", 6]], [[58805, 69101, "Fidel_Castro", 7]], [[58805, 69102, "Fidel_Castro", 8]], [[58805, 69103, "Fidel_Castro", 9]], [[58805, 69104, "Fidel_Castro", 10]], [[58805, 69105, "Fidel_Castro", 11]], [[58805, 69106, "Fidel_Castro", 14]], [[58805, 69107, "Fidel_Castro", 15]], [[58805, 69108, "Fidel_Castro", 16]], [[58805, 69109, "Fidel_Castro", 17]], [[58805, 69110, "Fidel_Castro", 18]], [[58805, 69111, "Fidel_Castro", 19]], [[58805, 69112, "Fidel_Castro", 20]], [[58805, 69113, "Fidel_Castro", 23]], [[58805, 69114, "Fidel_Castro", 24]], [[58805, 69115, "Fidel_Castro", 25]], [[58805, 69116, "Fidel_Castro", 26]]], "all_evidence": [[58805, 69096, "Fidel_Castro", 0], [58805, 69097, "Fidel_Castro", 1], [58805, 69098, "Fidel_Castro", 2], [58805, 69099, "Fidel_Castro", 5], [58805, 69100, "Fidel_Castro", 6], [58805, 69101, "Fidel_Castro", 7], [58805, 69102, "Fidel_Castro", 8], [58805, 69103, "Fidel_Castro", 9], [58805, 69104, "Fidel_Castro", 10], [58805, 69105, "Fidel_Castro", 11], [58805, 69106, "Fidel_Castro", 14], [58805, 69107, "Fidel_Castro", 15], [58805, 69108, "Fidel_Castro", 16], [58805, 69109, "Fidel_Castro", 17], [58805, 69110, "Fidel_Castro", 18], [58805, 69111, "Fidel_Castro", 19], [58805, 69112, "Fidel_Castro", 20], [58805, 69113, "Fidel_Castro", 23], [58805, 69114, "Fidel_Castro", 24], [58805, 69115, "Fidel_Castro", 25], [58805, 69116, "Fidel_Castro", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192733, 203452, "Cadet_Kelly", 0]]], "all_evidence": [[192733, 203452, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36970, 44629, "Luis_Fonsi", 0], [36970, 44629, "Stage_name", 0]]], "all_evidence": [[36970, 44629, "Luis_Fonsi", 0], [36970, 44629, "Stage_name", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230051, null, null, null]]], "all_evidence": [[230051, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208592, 216595, "Wentworth_Miller", 2]]], "all_evidence": [[208592, 216595, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217290, 223910, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217290, 223910, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287347, null, null, null], [335979, null, null, null], [335989, null, null, null], [335992, null, null, null]]], "all_evidence": [[287347, null, null, null], [335979, null, null, null], [335989, null, null, null], [335992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39758, 47840, "Thomas_Jefferson", 28]]], "all_evidence": [[39758, 47840, "Thomas_Jefferson", 28]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165432, null, null, null]]], "all_evidence": [[165432, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270788, 266789, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270788, 266789, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185802, null, null, null]]], "all_evidence": [[185802, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168877, 182591, "Kesha", 0]]], "all_evidence": [[168877, 182591, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211442, null, null, null]]], "all_evidence": [[211442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235741, 238299, "Tom_DeLonge", 1]], [[235741, 238300, "Tom_DeLonge", 4]]], "all_evidence": [[235741, 238299, "Tom_DeLonge", 1], [235741, 238300, "Tom_DeLonge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136811, null, null, null]]], "all_evidence": [[136811, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248532, 248689, "Tie_Your_Mother_Down", 1], [248532, 248689, "A_Day_at_the_Races_-LRB-album-RRB-", 0]], [[248535, 248692, "Tie_Your_Mother_Down", 1], [248535, 248692, "A_Day_at_the_Races_-LRB-album-RRB-", 0]]], "all_evidence": [[248532, 248689, "Tie_Your_Mother_Down", 1], [248532, 248689, "A_Day_at_the_Races_-LRB-album-RRB-", 0], [248535, 248692, "Tie_Your_Mother_Down", 1], [248535, 248692, "A_Day_at_the_Races_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42855, 51482, "Rob_Sheridan", 0]]], "all_evidence": [[42855, 51482, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167022, 180857, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[167022, 180857, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200754, 210228, "Earl_Scruggs", 0]]], "all_evidence": [[200754, 210228, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232818, null, null, null], [232824, null, null, null]]], "all_evidence": [[232818, null, null, null], [232824, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106391, 119822, "Harris_Jayaraj", 0], [106391, 119822, "Harris_Jayaraj", 1]]], "all_evidence": [[106391, 119822, "Harris_Jayaraj", 0], [106391, 119822, "Harris_Jayaraj", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208133, 216250, "Osamu_Tezuka", 6]]], "all_evidence": [[208133, 216250, "Osamu_Tezuka", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235583, 238198, "Natural_Born_Killers", 5]], [[235591, 238203, "Natural_Born_Killers", 5]]], "all_evidence": [[235583, 238198, "Natural_Born_Killers", 5], [235591, 238203, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93419, 106369, "Ashley_Graham_-LRB-model-RRB-", 6]], [[93419, 106370, "Ashley_Graham_-LRB-model-RRB-", 1]]], "all_evidence": [[93419, 106369, "Ashley_Graham_-LRB-model-RRB-", 6], [93419, 106370, "Ashley_Graham_-LRB-model-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171424, 184897, "Julianne_Moore", 0]]], "all_evidence": [[171424, 184897, "Julianne_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39909, 48013, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[39909, 48013, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95798, 108836, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[95798, 108836, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59255, 69609, "T2_Trainspotting", 1], [59255, 69609, "Danny_Boyle", 0]]], "all_evidence": [[59255, 69609, "T2_Trainspotting", 1], [59255, 69609, "Danny_Boyle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222197, null, null, null]]], "all_evidence": [[222197, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235563, null, null, null]]], "all_evidence": [[235563, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219132, null, null, null]]], "all_evidence": [[219132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215825, 222599, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215825, 222599, "Anne_Bancroft", 0], [215825, 222599, "Charles_Durning", 0]]], "all_evidence": [[215825, 222599, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215825, 222599, "Anne_Bancroft", 0], [215825, 222599, "Charles_Durning", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83102, 95018, "Marco_Polo", 0], [83102, 95018, "Republic_of_Venice", 2]]], "all_evidence": [[83102, 95018, "Marco_Polo", 0], [83102, 95018, "Republic_of_Venice", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70476, 81348, "Janet_Leigh", 0]], [[70476, 81349, "Janet_Leigh", 1]], [[70476, 81350, "Janet_Leigh", 5]], [[70476, 81351, "Janet_Leigh", 6], [70476, 81351, "Act_of_Violence", 0]], [[70476, 81352, "Janet_Leigh", 7]], [[70476, 81353, "Janet_Leigh", 10]], [[70476, 81354, "Janet_Leigh", 11]]], "all_evidence": [[70476, 81348, "Janet_Leigh", 0], [70476, 81349, "Janet_Leigh", 1], [70476, 81350, "Janet_Leigh", 5], [70476, 81351, "Janet_Leigh", 6], [70476, 81351, "Act_of_Violence", 0], [70476, 81352, "Janet_Leigh", 7], [70476, 81353, "Janet_Leigh", 10], [70476, 81354, "Janet_Leigh", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215824, 222598, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215824, 222598, "Holly_Hunter", 0], [215824, 222598, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]], [[215828, 222602, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215828, 222602, "Holly_Hunter", 0]]], "all_evidence": [[215824, 222598, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215824, 222598, "Holly_Hunter", 0], [215824, 222598, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0], [215828, 222602, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215828, 222602, "Holly_Hunter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122920, 137194, "Jack_Falahee", 0], [122920, 137194, "Jack_Falahee", 1]]], "all_evidence": [[122920, 137194, "Jack_Falahee", 0], [122920, 137194, "Jack_Falahee", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234930, 237714, "Tijuana", 0]]], "all_evidence": [[234930, 237714, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73323, 84536, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[73323, 84536, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210305, 218076, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210305, 218076, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106256, null, null, null]]], "all_evidence": [[106256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171028, 184556, "Arizona", 0]]], "all_evidence": [[171028, 184556, "Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103264, 116624, "Colosseum", 0]], [[103264, 116625, "Colosseum", 14]]], "all_evidence": [[103264, 116624, "Colosseum", 0], [103264, 116625, "Colosseum", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50348, null, null, null]]], "all_evidence": [[50348, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254349, null, null, null]]], "all_evidence": [[254349, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266030, null, null, null]]], "all_evidence": [[266030, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83926, null, null, null]]], "all_evidence": [[83926, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214268, null, null, null], [214270, null, null, null]]], "all_evidence": [[214268, null, null, null], [214270, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241275, 242815, "Cretaceous", 0]], [[241275, 242816, "Cretaceous", 1]], [[241275, 242817, "Cretaceous", 5]]], "all_evidence": [[241275, 242815, "Cretaceous", 0], [241275, 242816, "Cretaceous", 1], [241275, 242817, "Cretaceous", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132413, 147305, "Byron_Howard", 1]], [[132413, 147306, "Byron_Howard", 2], [132413, 147306, "Zootopia", 2]]], "all_evidence": [[132413, 147305, "Byron_Howard", 1], [132413, 147306, "Byron_Howard", 2], [132413, 147306, "Zootopia", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113200, 127081, "Paramore", 0]], [[113200, 127082, "Paramore", 4], [113200, 127082, "All_We_Know_Is_Falling", 0]], [[113200, 127083, "Paramore", 5], [113200, 127083, "Pressure_-LRB-Paramore_song-RRB-", 0]], [[113200, 127084, "Paramore", 10], [113200, 127084, "Crushcrushcrush", 0]], [[113200, 127085, "Paramore", 13], [113200, 127085, "Brand_New_Eyes", 0]], [[113200, 127086, "Paramore", 14], [113200, 127086, "The_Only_Exception", 0]], [[113200, 127087, "Paramore", 17]], [[113200, 127088, "Paramore", 19], [113200, 127088, "Still_Into_You", 0]], [[113200, 127089, "Paramore", 21], [113200, 127089, "After_Laughter", 0]]], "all_evidence": [[113200, 127081, "Paramore", 0], [113200, 127082, "Paramore", 4], [113200, 127082, "All_We_Know_Is_Falling", 0], [113200, 127083, "Paramore", 5], [113200, 127083, "Pressure_-LRB-Paramore_song-RRB-", 0], [113200, 127084, "Paramore", 10], [113200, 127084, "Crushcrushcrush", 0], [113200, 127085, "Paramore", 13], [113200, 127085, "Brand_New_Eyes", 0], [113200, 127086, "Paramore", 14], [113200, 127086, "The_Only_Exception", 0], [113200, 127087, "Paramore", 17], [113200, 127088, "Paramore", 19], [113200, 127088, "Still_Into_You", 0], [113200, 127089, "Paramore", 21], [113200, 127089, "After_Laughter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150505, null, null, null]]], "all_evidence": [[150505, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83413, 95379, "James_Jones_-LRB-basketball_player-RRB-", 15]]], "all_evidence": [[83413, 95379, "James_Jones_-LRB-basketball_player-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187457, 199093, "Mani_Ratnam", 1]]], "all_evidence": [[187457, 199093, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190455, 201476, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190455, 201476, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55326, null, null, null]]], "all_evidence": [[55326, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[261498, 259617, "Savages_-LRB-2012_film-RRB-", 3]]], "all_evidence": [[261498, 259617, "Savages_-LRB-2012_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51237, null, null, null]]], "all_evidence": [[51237, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79739, null, null, null]]], "all_evidence": [[79739, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213700, null, null, null]]], "all_evidence": [[213700, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213170, null, null, null]]], "all_evidence": [[213170, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52528, 62497, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[52528, 62497, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214321, null, null, null], [214330, null, null, null]]], "all_evidence": [[214321, null, null, null], [214330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245429, null, null, null]]], "all_evidence": [[245429, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215944, null, null, null]]], "all_evidence": [[215944, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32527, null, null, null]]], "all_evidence": [[32527, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234938, 237718, "Tijuana", 0]]], "all_evidence": [[234938, 237718, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155684, 170322, "Fist_of_Legend", 2]], [[155872, 170568, "Fist_of_Legend", 2]], [[311655, 301592, "Fist_of_Legend", 2]], [[311658, 301595, "Fist_of_Legend", 2]]], "all_evidence": [[155684, 170322, "Fist_of_Legend", 2], [155872, 170568, "Fist_of_Legend", 2], [311655, 301592, "Fist_of_Legend", 2], [311658, 301595, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40423, 48641, "David_Spade", 2]]], "all_evidence": [[40423, 48641, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176758, 189686, "Stephen_Hillenburg", 4]]], "all_evidence": [[176758, 189686, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32092, 38972, "Naples", 34], [32092, 38972, "Palace_of_Caserta", 0]]], "all_evidence": [[32092, 38972, "Naples", 34], [32092, 38972, "Palace_of_Caserta", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241421, 242948, "Brad_Wilk", 5]], [[241421, 242949, "Brad_Wilk", 4]], [[241423, 242951, "Brad_Wilk", 1]], [[241423, 242952, "Brad_Wilk", 4]], [[241423, 242953, "Brad_Wilk", 5], [241423, 242953, "Rage_Against_the_Machine", 1]], [[241423, 242954, "Brad_Wilk", 6], [241423, 242954, "Prophets_of_Rage", 1]], [[241423, 242955, "Brad_Wilk", 9]]], "all_evidence": [[241421, 242948, "Brad_Wilk", 5], [241421, 242949, "Brad_Wilk", 4], [241423, 242951, "Brad_Wilk", 1], [241423, 242952, "Brad_Wilk", 4], [241423, 242953, "Brad_Wilk", 5], [241423, 242953, "Rage_Against_the_Machine", 1], [241423, 242954, "Brad_Wilk", 6], [241423, 242954, "Prophets_of_Rage", 1], [241423, 242955, "Brad_Wilk", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173617, 186829, "Michelin_Guide", 0]]], "all_evidence": [[173617, 186829, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147898, 162899, "Paramore", 0]]], "all_evidence": [[147898, 162899, "Paramore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122733, 137025, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[122733, 137025, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25352, 31268, "Horse", 2]]], "all_evidence": [[25352, 31268, "Horse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203333, null, null, null]]], "all_evidence": [[203333, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191491, 202336, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191491, 202336, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23683, 29280, "Bad_Romance", 12]], [[301487, 292592, "Bad_Romance", 12]], [[302533, 293526, "Bad_Romance", 12]], [[304445, 295250, "Bad_Romance", 12]]], "all_evidence": [[23683, 29280, "Bad_Romance", 12], [301487, 292592, "Bad_Romance", 12], [302533, 293526, "Bad_Romance", 12], [304445, 295250, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98021, 111156, "Touchscreen", 9], [98021, 111156, "Video_game_console", 0]]], "all_evidence": [[98021, 111156, "Touchscreen", 9], [98021, 111156, "Video_game_console", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92354, 105106, "Homo_sapiens", 3], [92354, 105106, "IUCN_Red_List", 0]]], "all_evidence": [[92354, 105106, "Homo_sapiens", 3], [92354, 105106, "IUCN_Red_List", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35297, 42787, "Thomas_Jefferson", 10]]], "all_evidence": [[35297, 42787, "Thomas_Jefferson", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72744, 83809, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[72744, 83809, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286055, 279622, "Tenacious_D", 1], [286055, 279622, "Jack_Black", 0], [286055, 279622, "Kyle_Gass", 0]], [[286064, 279631, "Tenacious_D", 0]], [[286064, 279632, "Tenacious_D", 1], [286064, 279632, "Jack_Black", 0], [286064, 279632, "Kyle_Gass", 0]], [[287761, 281087, "Tenacious_D", 1], [287761, 281087, "Kyle_Gass", 0]], [[332757, 319033, "Tenacious_D", 1], [332757, 319033, "Jack_Black", 0]], [[332758, 319034, "Tenacious_D", 0]]], "all_evidence": [[286055, 279622, "Tenacious_D", 1], [286055, 279622, "Jack_Black", 0], [286055, 279622, "Kyle_Gass", 0], [286064, 279631, "Tenacious_D", 0], [286064, 279632, "Tenacious_D", 1], [286064, 279632, "Jack_Black", 0], [286064, 279632, "Kyle_Gass", 0], [287761, 281087, "Tenacious_D", 1], [287761, 281087, "Kyle_Gass", 0], [332757, 319033, "Tenacious_D", 1], [332757, 319033, "Jack_Black", 0], [332758, 319034, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63703, 74444, "Chile", 0], [63703, 74444, "South_America", 0]]], "all_evidence": [[63703, 74444, "Chile", 0], [63703, 74444, "South_America", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50435, null, null, null]]], "all_evidence": [[50435, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19598, 24090, "Heart", 19]]], "all_evidence": [[19598, 24090, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16956, 20978, "English_people", 6]], [[16956, 20979, "English_people", 7]]], "all_evidence": [[16956, 20978, "English_people", 6], [16956, 20979, "English_people", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103373, null, null, null]]], "all_evidence": [[103373, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23670, 29265, "Mount_Rushmore", 1]]], "all_evidence": [[23670, 29265, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297548, null, null, null], [340911, null, null, null], [340928, null, null, null]]], "all_evidence": [[297548, null, null, null], [340911, null, null, null], [340928, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85567, 97875, "Luke_Cage", 1]]], "all_evidence": [[85567, 97875, "Luke_Cage", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241688, 243211, "Rio_-LRB-2011_film-RRB-", 20], [241688, 243211, "Rio_2", 0]]], "all_evidence": [[241688, 243211, "Rio_-LRB-2011_film-RRB-", 20], [241688, 243211, "Rio_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206689, 215008, "Al_Jardine", 1]]], "all_evidence": [[206689, 215008, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190717, 201687, "Buffy_Summers", 1]], [[190717, 201688, "Buffy_Summers", 10]]], "all_evidence": [[190717, 201687, "Buffy_Summers", 1], [190717, 201688, "Buffy_Summers", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71266, 82215, "The_Godfather_Part_II", 7]]], "all_evidence": [[71266, 82215, "The_Godfather_Part_II", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158729, 173368, "Qui-Gon_Jinn", 0], [158729, 173368, "Liam_Neeson", 0]]], "all_evidence": [[158729, 173368, "Qui-Gon_Jinn", 0], [158729, 173368, "Liam_Neeson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237933, 240098, "Tamerlan_Tsarnaev", 1]], [[237933, 240099, "Tamerlan_Tsarnaev", 8]], [[237933, 240100, "Tamerlan_Tsarnaev", 9]], [[237933, 240101, "Tamerlan_Tsarnaev", 13]]], "all_evidence": [[237933, 240098, "Tamerlan_Tsarnaev", 1], [237933, 240099, "Tamerlan_Tsarnaev", 8], [237933, 240100, "Tamerlan_Tsarnaev", 9], [237933, 240101, "Tamerlan_Tsarnaev", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29177, 35595, "Black_Canary", 0]]], "all_evidence": [[29177, 35595, "Black_Canary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289761, 282841, "First_inauguration_of_Bill_Clinton", 0], [289761, 282841, "United_States_presidential_inauguration", 0]], [[337064, 322490, "First_inauguration_of_Bill_Clinton", 1]], [[337461, 322836, "First_inauguration_of_Bill_Clinton", 1]]], "all_evidence": [[289761, 282841, "First_inauguration_of_Bill_Clinton", 0], [289761, 282841, "United_States_presidential_inauguration", 0], [337064, 322490, "First_inauguration_of_Bill_Clinton", 1], [337461, 322836, "First_inauguration_of_Bill_Clinton", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180266, 192797, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[180266, 192797, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16845, null, null, null]]], "all_evidence": [[16845, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164908, 179098, "Tim_McGraw", 13], [164908, 179098, "Flicka", 0], [164908, 179098, "Four_Christmases", 0], [164908, 179098, "Friday_Night_Lights_-LRB-film-RRB-", 0], [164908, 179098, "The_Blind_Side_-LRB-film-RRB-", 0], [164908, 179098, "The_Kingdom_-LRB-film-RRB-", 0], [164908, 179098, "Tomorrowland_-LRB-film-RRB-", 0]], [[167037, 180882, "Tim_McGraw", 13], [167037, 180882, "Country_Strong", 0], [167037, 180882, "Flicka", 0], [167037, 180882, "Four_Christmases", 0], [167037, 180882, "Friday_Night_Lights_-LRB-film-RRB-", 0], [167037, 180882, "The_Blind_Side_-LRB-film-RRB-", 0], [167037, 180882, "The_Kingdom_-LRB-film-RRB-", 0], [167037, 180882, "Tomorrowland_-LRB-film-RRB-", 0]], [[169104, 182778, "Tim_McGraw", 13]], [[312304, 302116, "Tim_McGraw", 13]], [[313551, 303136, "Tim_McGraw", 13]], [[313553, 303138, "Tim_McGraw", 13]]], "all_evidence": [[164908, 179098, "Tim_McGraw", 13], [164908, 179098, "Flicka", 0], [164908, 179098, "Four_Christmases", 0], [164908, 179098, "Friday_Night_Lights_-LRB-film-RRB-", 0], [164908, 179098, "The_Blind_Side_-LRB-film-RRB-", 0], [164908, 179098, "The_Kingdom_-LRB-film-RRB-", 0], [164908, 179098, "Tomorrowland_-LRB-film-RRB-", 0], [167037, 180882, "Tim_McGraw", 13], [167037, 180882, "Country_Strong", 0], [167037, 180882, "Flicka", 0], [167037, 180882, "Four_Christmases", 0], [167037, 180882, "Friday_Night_Lights_-LRB-film-RRB-", 0], [167037, 180882, "The_Blind_Side_-LRB-film-RRB-", 0], [167037, 180882, "The_Kingdom_-LRB-film-RRB-", 0], [167037, 180882, "Tomorrowland_-LRB-film-RRB-", 0], [169104, 182778, "Tim_McGraw", 13], [312304, 302116, "Tim_McGraw", 13], [313551, 303136, "Tim_McGraw", 13], [313553, 303138, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267299, 264025, "Southampton_F.C.", 9]]], "all_evidence": [[267299, 264025, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250989, 250960, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250989, 250960, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18911, null, null, null]]], "all_evidence": [[18911, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32223, 39151, "Efraim_Diveroli", 0]]], "all_evidence": [[32223, 39151, "Efraim_Diveroli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116531, 130410, "Johnny_Galecki", 1]]], "all_evidence": [[116531, 130410, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55706, null, null, null]]], "all_evidence": [[55706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82037, 93830, "Murda_Beatz", 0]]], "all_evidence": [[82037, 93830, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74873, 86085, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[74873, 86085, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106632, 120032, "CONCACAF_Champions_League", 0]]], "all_evidence": [[106632, 120032, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133430, null, null, null]]], "all_evidence": [[133430, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123293, 137721, "Terry_Crews", 0]], [[123293, 137722, "Terry_Crews", 9]]], "all_evidence": [[123293, 137721, "Terry_Crews", 0], [123293, 137722, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251708, null, null, null]]], "all_evidence": [[251708, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268397, null, null, null]]], "all_evidence": [[268397, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211389, 219109, "Don_Hall_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[211389, 219109, "Don_Hall_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239920, 241600, "Goosebumps_-LRB-film-RRB-", 1], [239920, 241600, "Rob_Letterman", 0], [239920, 241600, "Rob_Letterman", 3], [239920, 241600, "Rob_Letterman", 4], [239920, 241600, "Rob_Letterman", 7], [239920, 241600, "Rob_Letterman", 10]]], "all_evidence": [[239920, 241600, "Goosebumps_-LRB-film-RRB-", 1], [239920, 241600, "Rob_Letterman", 0], [239920, 241600, "Rob_Letterman", 3], [239920, 241600, "Rob_Letterman", 4], [239920, 241600, "Rob_Letterman", 7], [239920, 241600, "Rob_Letterman", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271144, 267084, "Giada_at_Home", 1]]], "all_evidence": [[271144, 267084, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70519, 81417, "Bad_Romance", 12]]], "all_evidence": [[70519, 81417, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111397, 125038, "Gordon_Ramsay", 13]]], "all_evidence": [[111397, 125038, "Gordon_Ramsay", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153528, null, null, null]]], "all_evidence": [[153528, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290504, null, null, null], [291890, null, null, null], [293925, null, null, null], [338616, null, null, null], [338620, null, null, null]]], "all_evidence": [[290504, null, null, null], [291890, null, null, null], [293925, null, null, null], [338616, null, null, null], [338620, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149591, 164554, "Pearl_Jam", 0]], [[149592, 164555, "Pearl_Jam", 0]]], "all_evidence": [[149591, 164554, "Pearl_Jam", 0], [149592, 164555, "Pearl_Jam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153483, null, null, null]]], "all_evidence": [[153483, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148069, 163047, "Pharrell_Williams", 0]], [[148069, 163048, "Pharrell_Williams", 3]], [[148069, 163049, "Pharrell_Williams", 4]], [[148069, 163050, "Pharrell_Williams", 5]], [[148069, 163051, "Pharrell_Williams", 6], [148069, 163051, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[148069, 163052, "Pharrell_Williams", 7], [148069, 163052, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]], [[148069, 163053, "Pharrell_Williams", 8], [148069, 163053, "The_Neptunes_production_discography", 0]], [[148069, 163054, "Pharrell_Williams", 11]], [[148069, 163055, "Pharrell_Williams", 14]], [[148069, 163056, "Pharrell_Williams", 15]]], "all_evidence": [[148069, 163047, "Pharrell_Williams", 0], [148069, 163048, "Pharrell_Williams", 3], [148069, 163049, "Pharrell_Williams", 4], [148069, 163050, "Pharrell_Williams", 5], [148069, 163051, "Pharrell_Williams", 6], [148069, 163051, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [148069, 163052, "Pharrell_Williams", 7], [148069, 163052, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0], [148069, 163053, "Pharrell_Williams", 8], [148069, 163053, "The_Neptunes_production_discography", 0], [148069, 163054, "Pharrell_Williams", 11], [148069, 163055, "Pharrell_Williams", 14], [148069, 163056, "Pharrell_Williams", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117898, 131783, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[117898, 131783, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179488, 192063, "Bones_-LRB-TV_series-RRB-", 0]], [[179488, 192064, "Bones_-LRB-TV_series-RRB-", 12]], [[179488, 192065, "Bones_-LRB-TV_series-RRB-", 13]], [[179488, 192066, "Bones_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[179488, 192063, "Bones_-LRB-TV_series-RRB-", 0], [179488, 192064, "Bones_-LRB-TV_series-RRB-", 12], [179488, 192065, "Bones_-LRB-TV_series-RRB-", 13], [179488, 192066, "Bones_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296236, null, null, null], [297815, null, null, null], [297836, null, null, null], [343208, null, null, null], [343454, null, null, null], [343460, null, null, null]]], "all_evidence": [[296236, null, null, null], [297815, null, null, null], [297836, null, null, null], [343208, null, null, null], [343454, null, null, null], [343460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50347, 59936, "Diana,_Princess_of_Wales", 5]]], "all_evidence": [[50347, 59936, "Diana,_Princess_of_Wales", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111808, 125633, "Noel_Fisher", 2]], [[111808, 125634, "Noel_Fisher", 3]]], "all_evidence": [[111808, 125633, "Noel_Fisher", 2], [111808, 125634, "Noel_Fisher", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240386, null, null, null]]], "all_evidence": [[240386, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36540, null, null, null]]], "all_evidence": [[36540, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126896, 141362, "John_Deighton", 24]]], "all_evidence": [[126896, 141362, "John_Deighton", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188616, null, null, null]]], "all_evidence": [[188616, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138338, 153362, "Angelsberg", 1]]], "all_evidence": [[138338, 153362, "Angelsberg", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[287151, 280631, "James_VI_and_I", 0]], [[290853, 283811, "James_VI_and_I", 0]], [[290853, 283812, "James_VI_and_I", 4]], [[290853, 283813, "James_VI_and_I", 8]], [[290853, 283814, "James_VI_and_I", 9]], [[290853, 283815, "James_VI_and_I", 11]], [[290853, 283816, "James_VI_and_I", 14]], [[335234, 321088, "James_VI_and_I", 0]], [[335234, 321089, "James_VI_and_I", 5]], [[335234, 321090, "James_VI_and_I", 6]], [[335234, 321091, "James_VI_and_I", 1]], [[335234, 321092, "James_VI_and_I", 20]], [[335234, 321093, "James_VI_and_I", 14]], [[335234, 321094, "James_VI_and_I", 11]], [[335234, 321095, "James_VI_and_I", 9]], [[335234, 321096, "James_VI_and_I", 8]], [[335234, 321097, "James_VI_and_I", 7]], [[335243, 321102, "James_VI_and_I", 0]]], "all_evidence": [[287151, 280631, "James_VI_and_I", 0], [290853, 283811, "James_VI_and_I", 0], [290853, 283812, "James_VI_and_I", 4], [290853, 283813, "James_VI_and_I", 8], [290853, 283814, "James_VI_and_I", 9], [290853, 283815, "James_VI_and_I", 11], [290853, 283816, "James_VI_and_I", 14], [335234, 321088, "James_VI_and_I", 0], [335234, 321089, "James_VI_and_I", 5], [335234, 321090, "James_VI_and_I", 6], [335234, 321091, "James_VI_and_I", 1], [335234, 321092, "James_VI_and_I", 20], [335234, 321093, "James_VI_and_I", 14], [335234, 321094, "James_VI_and_I", 11], [335234, 321095, "James_VI_and_I", 9], [335234, 321096, "James_VI_and_I", 8], [335234, 321097, "James_VI_and_I", 7], [335243, 321102, "James_VI_and_I", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173290, 186550, "Poldark_-LRB-2015_TV_series-RRB-", 6]]], "all_evidence": [[173290, 186550, "Poldark_-LRB-2015_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72719, 83770, "Men_in_Black_II", 0]]], "all_evidence": [[72719, 83770, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275883, null, null, null], [275884, null, null, null], [325060, null, null, null], [325063, null, null, null]]], "all_evidence": [[275883, null, null, null], [275884, null, null, null], [325060, null, null, null], [325063, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194465, null, null, null], [194474, null, null, null]]], "all_evidence": [[194465, null, null, null], [194474, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238989, null, null, null]]], "all_evidence": [[238989, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171166, 184682, "The_Good_Wife", 12]]], "all_evidence": [[171166, 184682, "The_Good_Wife", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106721, null, null, null]]], "all_evidence": [[106721, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128021, 142727, "United_Nations_Charter", 1]]], "all_evidence": [[128021, 142727, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[249778, 249788, "Prescott,_Arizona", 0]], [[249778, 249789, "Prescott,_Arizona", 3]], [[249778, 249790, "Prescott,_Arizona", 11]], [[253157, 253041, "Prescott,_Arizona", 0]], [[253158, 253042, "Prescott,_Arizona", 0]], [[320854, 309359, "Prescott,_Arizona", 0]]], "all_evidence": [[249778, 249788, "Prescott,_Arizona", 0], [249778, 249789, "Prescott,_Arizona", 3], [249778, 249790, "Prescott,_Arizona", 11], [253157, 253041, "Prescott,_Arizona", 0], [253158, 253042, "Prescott,_Arizona", 0], [320854, 309359, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155673, 170314, "University_of_Mississippi", 4]]], "all_evidence": [[155673, 170314, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223858, 228777, "Yandex", 9]]], "all_evidence": [[223858, 228777, "Yandex", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230168, null, null, null]]], "all_evidence": [[230168, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210225, 218015, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]], "all_evidence": [[210225, 218015, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193451, 203950, "Don_Bradman", 0]], [[193451, 203951, "Don_Bradman", 1]], [[193451, 203952, "Don_Bradman", 4]], [[193451, 203953, "Don_Bradman", 5]], [[193451, 203954, "Don_Bradman", 6]], [[193451, 203955, "Don_Bradman", 9]], [[193451, 203956, "Don_Bradman", 10]], [[193451, 203957, "Don_Bradman", 11]], [[193451, 203958, "Don_Bradman", 23]]], "all_evidence": [[193451, 203950, "Don_Bradman", 0], [193451, 203951, "Don_Bradman", 1], [193451, 203952, "Don_Bradman", 4], [193451, 203953, "Don_Bradman", 5], [193451, 203954, "Don_Bradman", 6], [193451, 203955, "Don_Bradman", 9], [193451, 203956, "Don_Bradman", 10], [193451, 203957, "Don_Bradman", 11], [193451, 203958, "Don_Bradman", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190460, null, null, null]]], "all_evidence": [[190460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175135, 188175, "Gal_Gadot", 4]]], "all_evidence": [[175135, 188175, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78685, null, null, null]]], "all_evidence": [[78685, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203707, 212676, "Aunt_May", 9]]], "all_evidence": [[203707, 212676, "Aunt_May", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135217, 150137, "Wildfang", 1]]], "all_evidence": [[135217, 150137, "Wildfang", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215837, null, null, null], [215839, null, null, null]]], "all_evidence": [[215837, null, null, null], [215839, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206506, null, null, null]]], "all_evidence": [[206506, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103566, null, null, null]]], "all_evidence": [[103566, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52717, null, null, null], [53455, null, null, null]]], "all_evidence": [[52717, null, null, null], [53455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205357, 213956, "Dub_music", 0]]], "all_evidence": [[205357, 213956, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223865, 228784, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223865, 228784, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239258, 241174, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239258, 241174, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189872, null, null, null]]], "all_evidence": [[189872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259474, 258046, "Libya", 2]]], "all_evidence": [[259474, 258046, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18823, 23060, "The_Mod_Squad", 0]]], "all_evidence": [[18823, 23060, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253957, 253747, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253957, 253747, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225932, null, null, null], [225934, null, null, null]]], "all_evidence": [[225932, null, null, null], [225934, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292818, 285508, "The_dress", 4], [292818, 285508, "Social_networking_service", 0]], [[295404, 287512, "The_dress", 0]], [[297150, 288830, "The_dress", 0]], [[340806, 325349, "The_dress", 0]]], "all_evidence": [[292818, 285508, "The_dress", 4], [292818, 285508, "Social_networking_service", 0], [295404, 287512, "The_dress", 0], [297150, 288830, "The_dress", 0], [340806, 325349, "The_dress", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32086, 38964, "Naples", 34]]], "all_evidence": [[32086, 38964, "Naples", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286060, 279627, "Dilwale_Dulhania_Le_Jayenge", 4]], [[287768, 281091, "Dilwale_Dulhania_Le_Jayenge", 4]], [[288455, 281716, "Dilwale_Dulhania_Le_Jayenge", 4]], [[332762, 319037, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[286060, 279627, "Dilwale_Dulhania_Le_Jayenge", 4], [287768, 281091, "Dilwale_Dulhania_Le_Jayenge", 4], [288455, 281716, "Dilwale_Dulhania_Le_Jayenge", 4], [332762, 319037, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241295, 242835, "Cretaceous", 0]], [[241295, 242836, "Cretaceous", 1]], [[241295, 242837, "Cretaceous", 5]]], "all_evidence": [[241295, 242835, "Cretaceous", 0], [241295, 242836, "Cretaceous", 1], [241295, 242837, "Cretaceous", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64388, 75150, "The_Daily_Show", 0], [64388, 75150, "News_satire", 0]], [[64390, 75153, "The_Daily_Show", 0], [64390, 75153, "News_satire", 2]], [[64390, 75154, "The_Daily_Show", 2]]], "all_evidence": [[64388, 75150, "The_Daily_Show", 0], [64388, 75150, "News_satire", 0], [64390, 75153, "The_Daily_Show", 0], [64390, 75153, "News_satire", 2], [64390, 75154, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218162, 224522, "Bermuda_Triangle", 0]]], "all_evidence": [[218162, 224522, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276694, null, null, null], [278717, null, null, null], [326745, null, null, null], [326749, null, null, null], [326775, null, null, null]]], "all_evidence": [[276694, null, null, null], [278717, null, null, null], [326745, null, null, null], [326749, null, null, null], [326775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39519, 47601, "A_Milli", 0]]], "all_evidence": [[39519, 47601, "A_Milli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134682, null, null, null]]], "all_evidence": [[134682, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239932, 241610, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239932, 241610, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63322, 74059, "Luke_Cage", 0]], [[63322, 74060, "Luke_Cage", 1]]], "all_evidence": [[63322, 74059, "Luke_Cage", 0], [63322, 74060, "Luke_Cage", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119409, 133413, "Edison_Machine_Works", 0]]], "all_evidence": [[119409, 133413, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59953, 70361, "Wilhelmina_Slater", 0]]], "all_evidence": [[59953, 70361, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91096, 103780, "Shooter_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[91096, 103780, "Shooter_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153859, 168698, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[153859, 168698, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27991, 34287, "Naples", 34]]], "all_evidence": [[27991, 34287, "Naples", 34]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237572, null, null, null]]], "all_evidence": [[237572, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198072, null, null, null]]], "all_evidence": [[198072, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93764, 106704, "Bhagat_Singh", 0]]], "all_evidence": [[93764, 106704, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73004, null, null, null], [73008, null, null, null]]], "all_evidence": [[73004, null, null, null], [73008, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71411, 82376, "Floppy_disk", 0]]], "all_evidence": [[71411, 82376, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109653, 123273, "Human_trafficking", 0]], [[109654, 123274, "Human_trafficking", 0]]], "all_evidence": [[109653, 123273, "Human_trafficking", 0], [109654, 123274, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65307, null, null, null]]], "all_evidence": [[65307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76167, 87461, "Luis_Fonsi", 0]]], "all_evidence": [[76167, 87461, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51373, null, null, null]]], "all_evidence": [[51373, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73394, 84634, "Gordon_Ramsay", 11]]], "all_evidence": [[73394, 84634, "Gordon_Ramsay", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29497, 35971, "Seohyun", 0]]], "all_evidence": [[29497, 35971, "Seohyun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156080, 170719, "Bessie_Smith", 0]]], "all_evidence": [[156080, 170719, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69537, 80354, "Shooter_-LRB-TV_series-RRB-", 1], [69537, 80354, "Ryan_Phillippe", 0]]], "all_evidence": [[69537, 80354, "Shooter_-LRB-TV_series-RRB-", 1], [69537, 80354, "Ryan_Phillippe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26829, 32942, "The_dress", 7]], [[26832, 32944, "The_dress", 7]]], "all_evidence": [[26829, 32942, "The_dress", 7], [26832, 32944, "The_dress", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50951, 60688, "Awkward_Black_Girl", 1]], [[50951, 60689, "Awkward_Black_Girl", 0]]], "all_evidence": [[50951, 60688, "Awkward_Black_Girl", 1], [50951, 60689, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110604, null, null, null]]], "all_evidence": [[110604, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167765, 181535, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[167766, 181536, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[167765, 181535, "The_Gifted_-LRB-TV_series-RRB-", 0], [167766, 181536, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211275, 218980, "WGBH-TV", 0], [211275, 218980, "PBS", 0]], [[211275, 218981, "WGBH-TV", 5]]], "all_evidence": [[211275, 218980, "WGBH-TV", 0], [211275, 218980, "PBS", 0], [211275, 218981, "WGBH-TV", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[249799, 249813, "First_inauguration_of_Bill_Clinton", 0]], [[253129, 253025, "First_inauguration_of_Bill_Clinton", 0]], [[254872, 254436, "First_inauguration_of_Bill_Clinton", 0]], [[320857, 309360, "First_inauguration_of_Bill_Clinton", 0]], [[320859, 309362, "First_inauguration_of_Bill_Clinton", 0]], [[320868, 309377, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[249799, 249813, "First_inauguration_of_Bill_Clinton", 0], [253129, 253025, "First_inauguration_of_Bill_Clinton", 0], [254872, 254436, "First_inauguration_of_Bill_Clinton", 0], [320857, 309360, "First_inauguration_of_Bill_Clinton", 0], [320859, 309362, "First_inauguration_of_Bill_Clinton", 0], [320868, 309377, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282658, 276800, "Jens_Stoltenberg", 4]], [[284591, 278372, "Jens_Stoltenberg", 4]], [[330819, 317358, "Jens_Stoltenberg", 4]], [[330837, 317373, "Jens_Stoltenberg", 4]], [[331939, 318371, "Jens_Stoltenberg", 4]]], "all_evidence": [[282658, 276800, "Jens_Stoltenberg", 4], [284591, 278372, "Jens_Stoltenberg", 4], [330819, 317358, "Jens_Stoltenberg", 4], [330837, 317373, "Jens_Stoltenberg", 4], [331939, 318371, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260893, null, null, null]]], "all_evidence": [[260893, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42252, 50843, "Scotty_Moore", 0]]], "all_evidence": [[42252, 50843, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117832, 131726, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[117832, 131726, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52403, 62365, "Henry_II_of_France", 13]]], "all_evidence": [[52403, 62365, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246625, 247098, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246625, 247098, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286541, 280006, "Blue_Jasmine", 1]], [[288719, 281953, "Blue_Jasmine", 1]], [[333485, 319746, "Blue_Jasmine", 1]], [[334416, 320483, "Blue_Jasmine", 1]]], "all_evidence": [[286541, 280006, "Blue_Jasmine", 1], [288719, 281953, "Blue_Jasmine", 1], [333485, 319746, "Blue_Jasmine", 1], [334416, 320483, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167184, 181015, "Hindu_Kush", 5]], [[167184, 181016, "Hindu_Kush", 0]]], "all_evidence": [[167184, 181015, "Hindu_Kush", 5], [167184, 181016, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228166, 232414, "Larry_the_Cable_Guy", 14]], [[228167, 232415, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228166, 232414, "Larry_the_Cable_Guy", 14], [228167, 232415, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66154, 76990, "Dakota_Fanning", 0]]], "all_evidence": [[66154, 76990, "Dakota_Fanning", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193435, null, null, null]]], "all_evidence": [[193435, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39671, null, null, null]]], "all_evidence": [[39671, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50322, 59914, "Uranium-235", 6], [50322, 59914, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[50322, 59914, "Uranium-235", 6], [50322, 59914, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110729, 124401, "David_Spade", 2]]], "all_evidence": [[110729, 124401, "David_Spade", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177271, null, null, null]]], "all_evidence": [[177271, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268497, null, null, null]]], "all_evidence": [[268497, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239640, null, null, null]]], "all_evidence": [[239640, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240558, null, null, null]]], "all_evidence": [[240558, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84980, 97239, "Ingushetia", 5]]], "all_evidence": [[84980, 97239, "Ingushetia", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95222, null, null, null]]], "all_evidence": [[95222, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194730, null, null, null]]], "all_evidence": [[194730, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100035, 113247, "Trollhunters", 0]]], "all_evidence": [[100035, 113247, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292244, 285075, "Black_Canary", 0]], [[339499, 324452, "Black_Canary", 0]], [[339500, 324453, "Black_Canary", 0]], [[339509, 324460, "Black_Canary", 0]], [[339524, 324469, "Black_Canary", 0]]], "all_evidence": [[292244, 285075, "Black_Canary", 0], [339499, 324452, "Black_Canary", 0], [339500, 324453, "Black_Canary", 0], [339509, 324460, "Black_Canary", 0], [339524, 324469, "Black_Canary", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125542, null, null, null]]], "all_evidence": [[125542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87741, 100259, "Wales", 0]]], "all_evidence": [[87741, 100259, "Wales", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115751, null, null, null], [115753, null, null, null]]], "all_evidence": [[115751, null, null, null], [115753, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76943, 88337, "Jens_Stoltenberg", 4]]], "all_evidence": [[76943, 88337, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44794, null, null, null]]], "all_evidence": [[44794, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129961, 144663, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[129961, 144663, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268049, null, null, null]]], "all_evidence": [[268049, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105003, null, null, null]]], "all_evidence": [[105003, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198038, 207982, "Dave_Gibbons", 0]]], "all_evidence": [[198038, 207982, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275914, 270987, "San_Diego_Comic-Con", 1]], [[278202, 273085, "San_Diego_Comic-Con", 1]], [[278203, 273086, "San_Diego_Comic-Con", 1]], [[278204, 273087, "San_Diego_Comic-Con", 1]], [[325097, 312872, "San_Diego_Comic-Con", 1]], [[325097, 312873, "San_Diego_Comic-Con", 8]], [[325101, 312876, "San_Diego_Comic-Con", 1]]], "all_evidence": [[275914, 270987, "San_Diego_Comic-Con", 1], [278202, 273085, "San_Diego_Comic-Con", 1], [278203, 273086, "San_Diego_Comic-Con", 1], [278204, 273087, "San_Diego_Comic-Con", 1], [325097, 312872, "San_Diego_Comic-Con", 1], [325097, 312873, "San_Diego_Comic-Con", 8], [325101, 312876, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144139, 159197, "T2_Trainspotting", 0]], [[144141, 159198, "T2_Trainspotting", 0]], [[144142, 159199, "T2_Trainspotting", 0]], [[144155, 159207, "T2_Trainspotting", 0]]], "all_evidence": [[144139, 159197, "T2_Trainspotting", 0], [144141, 159198, "T2_Trainspotting", 0], [144142, 159199, "T2_Trainspotting", 0], [144155, 159207, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25350, 31266, "Garden_State_-LRB-film-RRB-", 6]], [[26647, 32708, "Garden_State_-LRB-film-RRB-", 6]], [[28971, 35350, "Garden_State_-LRB-film-RRB-", 6]], [[302663, 293654, "Garden_State_-LRB-film-RRB-", 6]], [[304206, 295049, "Garden_State_-LRB-film-RRB-", 6]], [[304552, 295372, "Garden_State_-LRB-film-RRB-", 6]]], "all_evidence": [[25350, 31266, "Garden_State_-LRB-film-RRB-", 6], [26647, 32708, "Garden_State_-LRB-film-RRB-", 6], [28971, 35350, "Garden_State_-LRB-film-RRB-", 6], [302663, 293654, "Garden_State_-LRB-film-RRB-", 6], [304206, 295049, "Garden_State_-LRB-film-RRB-", 6], [304552, 295372, "Garden_State_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85474, 97807, "Stephen_Hillenburg", 4]]], "all_evidence": [[85474, 97807, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78478, 90009, "Touchscreen", 9]], [[78478, 90010, "Touchscreen", 11]]], "all_evidence": [[78478, 90009, "Touchscreen", 9], [78478, 90010, "Touchscreen", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23343, 28760, "Janelle_Mona\u0301e", 0]], [[23343, 28761, "Janelle_Mona\u0301e", 4]], [[23343, 28762, "Janelle_Mona\u0301e", 1]]], "all_evidence": [[23343, 28760, "Janelle_Mona\u0301e", 0], [23343, 28761, "Janelle_Mona\u0301e", 4], [23343, 28762, "Janelle_Mona\u0301e", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228445, null, null, null], [228446, null, null, null]]], "all_evidence": [[228445, null, null, null], [228446, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122248, 136523, "Bessie_Smith", 0]]], "all_evidence": [[122248, 136523, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222954, 228053, "Marjorie_Gross", 0]], [[222954, 228054, "Marjorie_Gross", 1]]], "all_evidence": [[222954, 228053, "Marjorie_Gross", 0], [222954, 228054, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28632, 34983, "Anushka_Sharma", 7]]], "all_evidence": [[28632, 34983, "Anushka_Sharma", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[271143, null, null, null]]], "all_evidence": [[271143, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223870, 228789, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223870, 228789, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185729, 197498, "Gal_Gadot", 4]]], "all_evidence": [[185729, 197498, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31958, null, null, null]]], "all_evidence": [[31958, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166156, null, null, null]]], "all_evidence": [[166156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112539, 126367, "Jamie_Murray", 16]]], "all_evidence": [[112539, 126367, "Jamie_Murray", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210951, 218618, "Mogadishu", 0]]], "all_evidence": [[210951, 218618, "Mogadishu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225480, null, null, null]]], "all_evidence": [[225480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227774, 232135, "Tilda_Swinton", 0]]], "all_evidence": [[227774, 232135, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99688, 112827, "TakePart", 0]]], "all_evidence": [[99688, 112827, "TakePart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257333, 256354, "Calcaneal_spur", 1]]], "all_evidence": [[257333, 256354, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241391, 242929, "Brad_Wilk", 4]]], "all_evidence": [[241391, 242929, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245437, 246247, "Mel_B", 5], [245437, 246247, "I_Want_You_Back_-LRB-Mel_B_song-RRB-", 0]]], "all_evidence": [[245437, 246247, "Mel_B", 5], [245437, 246247, "I_Want_You_Back_-LRB-Mel_B_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233038, 236042, "Saturn", 0]]], "all_evidence": [[233038, 236042, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126646, 141065, "The_Mighty_Ducks", 0]]], "all_evidence": [[126646, 141065, "The_Mighty_Ducks", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29731, 36234, "Human_trafficking", 0]]], "all_evidence": [[29731, 36234, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198854, 208562, "The_King_and_I", 1], [198854, 208562, "Margaret_Landon", 0]]], "all_evidence": [[198854, 208562, "The_King_and_I", 1], [198854, 208562, "Margaret_Landon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206697, null, null, null]]], "all_evidence": [[206697, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238963, 240922, "Despicable_Me_2", 1]]], "all_evidence": [[238963, 240922, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13914, 17419, "Tiber_Oil_Field", 1]]], "all_evidence": [[13914, 17419, "Tiber_Oil_Field", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260702, 259031, "Valencia", 0]], [[260704, 259032, "Valencia", 0]]], "all_evidence": [[260702, 259031, "Valencia", 0], [260704, 259032, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232016, 235304, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232016, 235304, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36783, 44425, "Yara_Shahidi", 0]]], "all_evidence": [[36783, 44425, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203001, 212128, "Christian_Gottlob_Neefe", 0]], [[203005, 212130, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[203001, 212128, "Christian_Gottlob_Neefe", 0], [203005, 212130, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239358, 241238, "Lockheed_Martin", 4], [239358, 241238, "Marillyn_Hewson", 0]], [[239360, 241240, "Lockheed_Martin", 4], [239360, 241240, "Marillyn_Hewson", 0]], [[239362, 241242, "Lockheed_Martin", 4], [239362, 241242, "Marillyn_Hewson", 0]], [[239380, 241253, "Lockheed_Martin", 4], [239380, 241253, "Marillyn_Hewson", 0]]], "all_evidence": [[239358, 241238, "Lockheed_Martin", 4], [239358, 241238, "Marillyn_Hewson", 0], [239360, 241240, "Lockheed_Martin", 4], [239360, 241240, "Marillyn_Hewson", 0], [239362, 241242, "Lockheed_Martin", 4], [239362, 241242, "Marillyn_Hewson", 0], [239380, 241253, "Lockheed_Martin", 4], [239380, 241253, "Marillyn_Hewson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47902, 57204, "Shane_McMahon", 10]]], "all_evidence": [[47902, 57204, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116929, null, null, null]]], "all_evidence": [[116929, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191462, 202320, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191462, 202320, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81374, null, null, null]]], "all_evidence": [[81374, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112081, null, null, null]]], "all_evidence": [[112081, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146446, null, null, null]]], "all_evidence": [[146446, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55345, null, null, null], [57692, null, null, null], [60655, null, null, null], [303089, null, null, null], [303095, null, null, null]]], "all_evidence": [[55345, null, null, null], [57692, null, null, null], [60655, null, null, null], [303089, null, null, null], [303095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35070, 42524, "Indian_Army", 16]]], "all_evidence": [[35070, 42524, "Indian_Army", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104019, null, null, null]]], "all_evidence": [[104019, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219127, null, null, null]]], "all_evidence": [[219127, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168612, null, null, null], [170751, null, null, null], [172908, null, null, null], [312534, null, null, null], [313678, null, null, null], [313680, null, null, null]]], "all_evidence": [[168612, null, null, null], [170751, null, null, null], [172908, null, null, null], [312534, null, null, null], [313678, null, null, null], [313680, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262160, 260209, "Bullitt", 0]]], "all_evidence": [[262160, 260209, "Bullitt", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49644, 59043, "Mick_Thomson", 1]]], "all_evidence": [[49644, 59043, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36504, 44110, "Black_Canary", 0], [36504, 44110, "DC_Comics", 0]]], "all_evidence": [[36504, 44110, "Black_Canary", 0], [36504, 44110, "DC_Comics", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186105, 198009, "Baz_Luhrmann", 2], [186105, 198009, "Hugh_Jackman", 0]]], "all_evidence": [[186105, 198009, "Baz_Luhrmann", 2], [186105, 198009, "Hugh_Jackman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113093, 126934, "Kesha", 0]]], "all_evidence": [[113093, 126934, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25801, null, null, null], [300496, null, null, null]]], "all_evidence": [[25801, null, null, null], [300496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148404, 163419, "Fist_of_Legend", 2]]], "all_evidence": [[148404, 163419, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255561, null, null, null]]], "all_evidence": [[255561, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39979, null, null, null]]], "all_evidence": [[39979, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25272, 31164, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]], [[299958, 291282, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]], "all_evidence": [[25272, 31164, "No_Country_for_Old_Men_-LRB-film-RRB-", 8], [299958, 291282, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105244, 118665, "Angela_Bassett", 6]]], "all_evidence": [[105244, 118665, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113453, 127316, "Johnny_Galecki", 1]]], "all_evidence": [[113453, 127316, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238533, null, null, null]]], "all_evidence": [[238533, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88481, 101102, "Wish_Upon", 0]]], "all_evidence": [[88481, 101102, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80014, null, null, null]]], "all_evidence": [[80014, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235597, null, null, null]]], "all_evidence": [[235597, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13805, 17291, "Jenna_Jameson", 12]]], "all_evidence": [[13805, 17291, "Jenna_Jameson", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84737, 96949, "Murda_Beatz", 0]]], "all_evidence": [[84737, 96949, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166633, 180440, "A_Milli", 0]], [[166633, 180441, "A_Milli", 1]]], "all_evidence": [[166633, 180440, "A_Milli", 0], [166633, 180441, "A_Milli", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274875, null, null, null], [277632, null, null, null], [323897, null, null, null], [323899, null, null, null], [323902, null, null, null], [323903, null, null, null], [323904, null, null, null], [323906, null, null, null]]], "all_evidence": [[274875, null, null, null], [277632, null, null, null], [323897, null, null, null], [323899, null, null, null], [323902, null, null, null], [323903, null, null, null], [323904, null, null, null], [323906, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263221, 260956, "A&E_-LRB-TV_channel-RRB-", 0]], [[263233, 260962, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263221, 260956, "A&E_-LRB-TV_channel-RRB-", 0], [263233, 260962, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15884, null, null, null]]], "all_evidence": [[15884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129947, 144654, "Shadowhunters", 5]]], "all_evidence": [[129947, 144654, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144110, null, null, null], [144114, null, null, null]]], "all_evidence": [[144110, null, null, null], [144114, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178132, null, null, null]]], "all_evidence": [[178132, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158295, null, null, null]]], "all_evidence": [[158295, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49069, null, null, null]]], "all_evidence": [[49069, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93760, null, null, null]]], "all_evidence": [[93760, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171040, null, null, null]]], "all_evidence": [[171040, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89144, 101827, "The_Bahamas", 0]], [[89144, 101828, "The_Bahamas", 1]], [[89144, 101829, "The_Bahamas", 13]], [[89144, 101830, "The_Bahamas", 21], [89144, 101830, "Commonwealth_realm", 0]], [[89144, 101831, "The_Bahamas", 22]]], "all_evidence": [[89144, 101827, "The_Bahamas", 0], [89144, 101828, "The_Bahamas", 1], [89144, 101829, "The_Bahamas", 13], [89144, 101830, "The_Bahamas", 21], [89144, 101830, "Commonwealth_realm", 0], [89144, 101831, "The_Bahamas", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88518, 101135, "Wish_Upon", 0]]], "all_evidence": [[88518, 101135, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275260, null, null, null], [275312, null, null, null], [324311, null, null, null]]], "all_evidence": [[275260, null, null, null], [275312, null, null, null], [324311, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222200, null, null, null], [222204, null, null, null]]], "all_evidence": [[222200, null, null, null], [222204, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227757, 232097, "Tilda_Swinton", 0]]], "all_evidence": [[227757, 232097, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206691, null, null, null]]], "all_evidence": [[206691, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17658, null, null, null]]], "all_evidence": [[17658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20073, 24629, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[20073, 24629, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208603, null, null, null]]], "all_evidence": [[208603, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221730, 227294, "Matthias_Corvinus", 31], [221730, 227294, "Bibliotheca_Corviniana", 0]]], "all_evidence": [[221730, 227294, "Matthias_Corvinus", 31], [221730, 227294, "Bibliotheca_Corviniana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136988, 151822, "Raees_-LRB-film-RRB-", 1]]], "all_evidence": [[136988, 151822, "Raees_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90286, 103040, "Guillermo_del_Toro", 0]]], "all_evidence": [[90286, 103040, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18600, null, null, null]]], "all_evidence": [[18600, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191487, null, null, null]]], "all_evidence": [[191487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42350, 50954, "Heavy_metal_music", 0]]], "all_evidence": [[42350, 50954, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211986, 219592, "Saturn_Corporation", 0]]], "all_evidence": [[211986, 219592, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66453, 77295, "Harold_Macmillan", 0]]], "all_evidence": [[66453, 77295, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[297911, 289479, "Renato_Balestra", 3]], [[300090, 291378, "Renato_Balestra", 3]], [[342813, 326714, "Renato_Balestra", 3]]], "all_evidence": [[297911, 289479, "Renato_Balestra", 3], [300090, 291378, "Renato_Balestra", 3], [342813, 326714, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60789, 71269, "Rachel_Green", 0], [60789, 71269, "Friends", 0]]], "all_evidence": [[60789, 71269, "Rachel_Green", 0], [60789, 71269, "Friends", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219124, 225227, "The_Sterile_Cuckoo", 3], [219124, 225227, "John_Nichols_-LRB-writer-RRB-", 0]]], "all_evidence": [[219124, 225227, "The_Sterile_Cuckoo", 3], [219124, 225227, "John_Nichols_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255982, null, null, null], [255984, null, null, null]]], "all_evidence": [[255982, null, null, null], [255984, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148819, 163864, "Julianne_Moore", 5], [148819, 163864, "As_the_World_Turns", 0]]], "all_evidence": [[148819, 163864, "Julianne_Moore", 5], [148819, 163864, "As_the_World_Turns", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185924, 197702, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [185924, 197702, "Rock_Band_3", 0]]], "all_evidence": [[185924, 197702, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [185924, 197702, "Rock_Band_3", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148923, null, null, null]]], "all_evidence": [[148923, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248554, 248713, "In_a_Lonely_Place", 1]]], "all_evidence": [[248554, 248713, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191664, 202482, "Anne_Rice", 5], [191664, 202482, "New_Orleans", 0]]], "all_evidence": [[191664, 202482, "Anne_Rice", 5], [191664, 202482, "New_Orleans", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248553, 248712, "Tie_Your_Mother_Down", 2]]], "all_evidence": [[248553, 248712, "Tie_Your_Mother_Down", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211283, 218995, "Mogadishu", 0]]], "all_evidence": [[211283, 218995, "Mogadishu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191696, null, null, null]]], "all_evidence": [[191696, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214787, 221781, "Premam", 0]]], "all_evidence": [[214787, 221781, "Premam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150722, 165574, "Henry_VIII_-LRB-TV_serial-RRB-", 6], [150722, 165574, "Helena_Bonham_Carter", 0]]], "all_evidence": [[150722, 165574, "Henry_VIII_-LRB-TV_serial-RRB-", 6], [150722, 165574, "Helena_Bonham_Carter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172457, 185758, "Microbiologist", 14]], [[174199, 187409, "Microbiologist", 14]], [[175798, 188770, "Microbiologist", 7]], [[312924, 302648, "Microbiologist", 14]], [[313827, 303320, "Microbiologist", 14]], [[313829, 303321, "Microbiologist", 7]]], "all_evidence": [[172457, 185758, "Microbiologist", 14], [174199, 187409, "Microbiologist", 14], [175798, 188770, "Microbiologist", 7], [312924, 302648, "Microbiologist", 14], [313827, 303320, "Microbiologist", 14], [313829, 303321, "Microbiologist", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191497, null, null, null]]], "all_evidence": [[191497, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291274, 284225, "Danger_UXB", 0]], [[293427, 285968, "Danger_UXB", 0]], [[337249, 322641, "Danger_UXB", 0]], [[337251, 322642, "Danger_UXB", 0]], [[337254, 322644, "Danger_UXB", 0]]], "all_evidence": [[291274, 284225, "Danger_UXB", 0], [293427, 285968, "Danger_UXB", 0], [337249, 322641, "Danger_UXB", 0], [337251, 322642, "Danger_UXB", 0], [337254, 322644, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30303, 36900, "Aaron_Burr", 9], [30303, 36900, "Burr\u2013Hamilton_duel", 0]]], "all_evidence": [[30303, 36900, "Aaron_Burr", 9], [30303, 36900, "Burr\u2013Hamilton_duel", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103734, 117201, "Michael_B._Jordan", 0]]], "all_evidence": [[103734, 117201, "Michael_B._Jordan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122766, 137054, "Duane_Chapman", 0]]], "all_evidence": [[122766, 137054, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113052, null, null, null]]], "all_evidence": [[113052, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62532, 73154, "Yale_University", 23]]], "all_evidence": [[62532, 73154, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214447, 221493, "Philomena_-LRB-film-RRB-", 0]], [[214447, 221494, "Philomena_-LRB-film-RRB-", 2]], [[214447, 221495, "Philomena_-LRB-film-RRB-", 8]], [[219859, 225770, "Philomena_-LRB-film-RRB-", 0]], [[317458, 306492, "Philomena_-LRB-film-RRB-", 0]], [[317463, 306495, "Philomena_-LRB-film-RRB-", 0]], [[317463, 306496, "Philomena_-LRB-film-RRB-", 2]], [[317463, 306497, "Philomena_-LRB-film-RRB-", 3]], [[317463, 306498, "Philomena_-LRB-film-RRB-", 4]], [[317463, 306499, "Philomena_-LRB-film-RRB-", 5]], [[317463, 306500, "Philomena_-LRB-film-RRB-", 8]], [[317463, 306501, "Philomena_-LRB-film-RRB-", 9], [317463, 306501, "British_Academy_Film_Awards", 0]]], "all_evidence": [[214447, 221493, "Philomena_-LRB-film-RRB-", 0], [214447, 221494, "Philomena_-LRB-film-RRB-", 2], [214447, 221495, "Philomena_-LRB-film-RRB-", 8], [219859, 225770, "Philomena_-LRB-film-RRB-", 0], [317458, 306492, "Philomena_-LRB-film-RRB-", 0], [317463, 306495, "Philomena_-LRB-film-RRB-", 0], [317463, 306496, "Philomena_-LRB-film-RRB-", 2], [317463, 306497, "Philomena_-LRB-film-RRB-", 3], [317463, 306498, "Philomena_-LRB-film-RRB-", 4], [317463, 306499, "Philomena_-LRB-film-RRB-", 5], [317463, 306500, "Philomena_-LRB-film-RRB-", 8], [317463, 306501, "Philomena_-LRB-film-RRB-", 9], [317463, 306501, "British_Academy_Film_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183970, 195950, "Dan_O'Bannon", 0]]], "all_evidence": [[183970, 195950, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120118, null, null, null]]], "all_evidence": [[120118, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161175, 175682, "Mary_of_Teck", 12]]], "all_evidence": [[161175, 175682, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227634, null, null, null]]], "all_evidence": [[227634, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257346, null, null, null]]], "all_evidence": [[257346, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132613, null, null, null]]], "all_evidence": [[132613, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180626, 193053, "Kuching", 0]]], "all_evidence": [[180626, 193053, "Kuching", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206702, null, null, null]]], "all_evidence": [[206702, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208625, null, null, null], [208631, null, null, null]]], "all_evidence": [[208625, null, null, null], [208631, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198857, null, null, null]]], "all_evidence": [[198857, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44983, 53685, "Angela_Bassett", 6]]], "all_evidence": [[44983, 53685, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275194, null, null, null], [277105, null, null, null], [325642, null, null, null]]], "all_evidence": [[275194, null, null, null], [277105, null, null, null], [325642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216061, 222779, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216061, 222779, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279383, 274008, "Connie_Nielsen", 2]], [[281125, 275511, "Connie_Nielsen", 2]], [[283209, 277281, "Connie_Nielsen", 2]], [[327657, 314876, "Connie_Nielsen", 2]]], "all_evidence": [[279383, 274008, "Connie_Nielsen", 2], [281125, 275511, "Connie_Nielsen", 2], [283209, 277281, "Connie_Nielsen", 2], [327657, 314876, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219105, 225212, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219105, 225212, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75481, 86734, "Black_Canary", 0]]], "all_evidence": [[75481, 86734, "Black_Canary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150594, 165459, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[150594, 165459, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119448, 133456, "Carlos_Santana", 3]]], "all_evidence": [[119448, 133456, "Carlos_Santana", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241253, 242793, "Cretaceous", 0]], [[241253, 242794, "Cretaceous", 1]], [[241253, 242795, "Cretaceous", 5]]], "all_evidence": [[241253, 242793, "Cretaceous", 0], [241253, 242794, "Cretaceous", 1], [241253, 242795, "Cretaceous", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237651, null, null, null]]], "all_evidence": [[237651, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188643, 200097, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188643, 200097, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228149, 232400, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228149, 232400, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32242, 39185, "Naples", 34], [32242, 39185, "Pompeii", 0]]], "all_evidence": [[32242, 39185, "Naples", 34], [32242, 39185, "Pompeii", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239275, 241184, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239275, 241184, "Avenged_Sevenfold", 0]], [[239282, 241190, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239282, 241190, "Avenged_Sevenfold", 0]]], "all_evidence": [[239275, 241184, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239275, 241184, "Avenged_Sevenfold", 0], [239282, 241190, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239282, 241190, "Avenged_Sevenfold", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141060, null, null, null]]], "all_evidence": [[141060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257047, 256109, "Chagatai_language", 0]]], "all_evidence": [[257047, 256109, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37444, null, null, null]]], "all_evidence": [[37444, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29375, 35845, "Harris_Jayaraj", 0]]], "all_evidence": [[29375, 35845, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43200, 51828, "Fidel_Castro", 20], [43200, 51828, "Rau\u0301l_Castro", 7]]], "all_evidence": [[43200, 51828, "Fidel_Castro", 20], [43200, 51828, "Rau\u0301l_Castro", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205355, 213955, "Dub_music", 0]]], "all_evidence": [[205355, 213955, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92165, 104940, "South_African_Communist_Party", 2]]], "all_evidence": [[92165, 104940, "South_African_Communist_Party", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18472, 22662, "Eddie_Guerrero", 10]]], "all_evidence": [[18472, 22662, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17297, null, null, null], [19033, null, null, null], [20107, null, null, null], [301429, null, null, null], [302489, null, null, null], [304541, null, null, null]]], "all_evidence": [[17297, null, null, null], [19033, null, null, null], [20107, null, null, null], [301429, null, null, null], [302489, null, null, null], [304541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25136, 31017, "Battle_of_France", 0]]], "all_evidence": [[25136, 31017, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75142, null, null, null], [75159, null, null, null]]], "all_evidence": [[75142, null, null, null], [75159, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258701, null, null, null]]], "all_evidence": [[258701, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147367, null, null, null]]], "all_evidence": [[147367, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49013, 58355, "Trollhunters", 0]]], "all_evidence": [[49013, 58355, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198610, 208404, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198610, 208404, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100387, 113670, "Vedam_-LRB-film-RRB-", 0]], [[100387, 113671, "Vedam_-LRB-film-RRB-", 4]], [[103666, 117121, "Vedam_-LRB-film-RRB-", 0]], [[106337, 119777, "Vedam_-LRB-film-RRB-", 0]], [[307902, 298374, "Vedam_-LRB-film-RRB-", 0]], [[309127, 299401, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[100387, 113670, "Vedam_-LRB-film-RRB-", 0], [100387, 113671, "Vedam_-LRB-film-RRB-", 4], [103666, 117121, "Vedam_-LRB-film-RRB-", 0], [106337, 119777, "Vedam_-LRB-film-RRB-", 0], [307902, 298374, "Vedam_-LRB-film-RRB-", 0], [309127, 299401, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191989, null, null, null]]], "all_evidence": [[191989, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94061, 107052, "The_Mod_Squad", 0]]], "all_evidence": [[94061, 107052, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218152, 224517, "Bermuda_Triangle", 0]]], "all_evidence": [[218152, 224517, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153846, 168690, "Noah_Cyrus", 4]], [[153848, 168691, "Noah_Cyrus", 4]]], "all_evidence": [[153846, 168690, "Noah_Cyrus", 4], [153848, 168691, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34195, 41459, "Mohra", 4], [34195, 41459, "Filmfare", 0]]], "all_evidence": [[34195, 41459, "Mohra", 4], [34195, 41459, "Filmfare", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218167, 224526, "Bermuda_Triangle", 0]]], "all_evidence": [[218167, 224526, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92576, 105340, "Shawn_Carlson", 0]]], "all_evidence": [[92576, 105340, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227794, null, null, null]]], "all_evidence": [[227794, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194295, 204674, "Drake_Bell", 18]]], "all_evidence": [[194295, 204674, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182020, 194303, "Bessie_Smith", 0]], [[182020, 194304, "Bessie_Smith", 1]]], "all_evidence": [[182020, 194303, "Bessie_Smith", 0], [182020, 194304, "Bessie_Smith", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133343, null, null, null]]], "all_evidence": [[133343, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11962, null, null, null]]], "all_evidence": [[11962, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97476, 110647, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[97476, 110647, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129138, 143923, "Danny_Brown", 0], [129138, 143923, "Michigan", 0]]], "all_evidence": [[129138, 143923, "Danny_Brown", 0], [129138, 143923, "Michigan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140771, 155903, "Mike_Huckabee", 7]], [[140772, 155904, "Mike_Huckabee", 7]], [[140773, 155906, "Mike_Huckabee", 7]], [[140774, 155905, "Mike_Huckabee", 7]], [[140775, 155907, "Mike_Huckabee", 7]], [[140776, 155908, "Mike_Huckabee", 7]], [[140777, 155909, "Mike_Huckabee", 7]], [[140778, 155910, "Mike_Huckabee", 7]], [[140779, 155911, "Mike_Huckabee", 7]], [[140780, 155912, "Mike_Huckabee", 7]], [[140781, 155913, "Mike_Huckabee", 7]], [[140782, 155914, "Mike_Huckabee", 7]], [[140783, 155915, "Mike_Huckabee", 7]], [[140784, 155916, "Mike_Huckabee", 7]], [[140785, 155917, "Mike_Huckabee", 7]], [[140786, 155918, "Mike_Huckabee", 7]]], "all_evidence": [[140771, 155903, "Mike_Huckabee", 7], [140772, 155904, "Mike_Huckabee", 7], [140773, 155906, "Mike_Huckabee", 7], [140774, 155905, "Mike_Huckabee", 7], [140775, 155907, "Mike_Huckabee", 7], [140776, 155908, "Mike_Huckabee", 7], [140777, 155909, "Mike_Huckabee", 7], [140778, 155910, "Mike_Huckabee", 7], [140779, 155911, "Mike_Huckabee", 7], [140780, 155912, "Mike_Huckabee", 7], [140781, 155913, "Mike_Huckabee", 7], [140782, 155914, "Mike_Huckabee", 7], [140783, 155915, "Mike_Huckabee", 7], [140784, 155916, "Mike_Huckabee", 7], [140785, 155917, "Mike_Huckabee", 7], [140786, 155918, "Mike_Huckabee", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190024, null, null, null]]], "all_evidence": [[190024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251004, 250972, "Brick_-LRB-film-RRB-", 0]], [[251004, 250973, "Brick_-LRB-film-RRB-", 4]], [[251004, 250974, "Brick_-LRB-film-RRB-", 6]], [[251004, 250975, "Brick_-LRB-film-RRB-", 10]]], "all_evidence": [[251004, 250972, "Brick_-LRB-film-RRB-", 0], [251004, 250973, "Brick_-LRB-film-RRB-", 4], [251004, 250974, "Brick_-LRB-film-RRB-", 6], [251004, 250975, "Brick_-LRB-film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234936, 237717, "Tijuana", 0], [234936, 237717, "Baja_California_Peninsula", 0]]], "all_evidence": [[234936, 237717, "Tijuana", 0], [234936, 237717, "Baja_California_Peninsula", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144723, 159733, "TakePart", 0]]], "all_evidence": [[144723, 159733, "TakePart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133425, 148292, "PacSun", 1]], [[133426, 148293, "PacSun", 1]], [[133427, 148294, "PacSun", 1]], [[309250, 299497, "PacSun", 1]]], "all_evidence": [[133425, 148292, "PacSun", 1], [133426, 148293, "PacSun", 1], [133427, 148294, "PacSun", 1], [309250, 299497, "PacSun", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111354, null, null, null]]], "all_evidence": [[111354, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48431, 57756, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[48431, 57756, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16592, null, null, null]]], "all_evidence": [[16592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137306, null, null, null]]], "all_evidence": [[137306, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175331, 188309, "Wish_Upon", 2]]], "all_evidence": [[175331, 188309, "Wish_Upon", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269603, 265887, "Richard_Dawkins", 16]]], "all_evidence": [[269603, 265887, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129498, 144241, "Appropriation_-LRB-art-RRB-", 0]]], "all_evidence": [[129498, 144241, "Appropriation_-LRB-art-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40438, 48657, "The_Road_to_El_Dorado", 2], [40438, 48657, "Edward_James_Olmos", 0], [40438, 48657, "Jim_Cummings", 0], [40438, 48657, "Armand_Assante", 0], [40438, 48657, "Kenneth_Branagh", 0], [40438, 48657, "Kevin_Kline", 0]], [[43504, 52157, "The_Road_to_El_Dorado", 2], [43504, 52157, "Edward_James_Olmos", 0], [43504, 52157, "Tobin_Bell", 0], [43504, 52157, "Jim_Cummings", 0], [43504, 52157, "Rosie_Perez", 0], [43504, 52157, "Armand_Assante", 0], [43504, 52157, "Kenneth_Branagh", 0], [43504, 52157, "Kevin_Kline", 0]], [[45745, 54610, "The_Road_to_El_Dorado", 2], [45745, 54610, "Edward_James_Olmos", 0], [45745, 54610, "Jim_Cummings", 0], [45745, 54610, "Armand_Assante", 0], [45745, 54610, "Kenneth_Branagh", 0]], [[302105, 293158, "The_Road_to_El_Dorado", 2]], [[302106, 293159, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[40438, 48657, "The_Road_to_El_Dorado", 2], [40438, 48657, "Edward_James_Olmos", 0], [40438, 48657, "Jim_Cummings", 0], [40438, 48657, "Armand_Assante", 0], [40438, 48657, "Kenneth_Branagh", 0], [40438, 48657, "Kevin_Kline", 0], [43504, 52157, "The_Road_to_El_Dorado", 2], [43504, 52157, "Edward_James_Olmos", 0], [43504, 52157, "Tobin_Bell", 0], [43504, 52157, "Jim_Cummings", 0], [43504, 52157, "Rosie_Perez", 0], [43504, 52157, "Armand_Assante", 0], [43504, 52157, "Kenneth_Branagh", 0], [43504, 52157, "Kevin_Kline", 0], [45745, 54610, "The_Road_to_El_Dorado", 2], [45745, 54610, "Edward_James_Olmos", 0], [45745, 54610, "Jim_Cummings", 0], [45745, 54610, "Armand_Assante", 0], [45745, 54610, "Kenneth_Branagh", 0], [302105, 293158, "The_Road_to_El_Dorado", 2], [302106, 293159, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114937, null, null, null]]], "all_evidence": [[114937, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38641, 46603, "Nicholas_Brody", 1]]], "all_evidence": [[38641, 46603, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46795, null, null, null]]], "all_evidence": [[46795, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208088, null, null, null]]], "all_evidence": [[208088, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260875, null, null, null]]], "all_evidence": [[260875, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99371, 112492, "The_Mighty_Ducks", 1]]], "all_evidence": [[99371, 112492, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184396, 196293, "Christa_McAuliffe", 4]]], "all_evidence": [[184396, 196293, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88294, 100903, "Fred_Armisen", 0]], [[88294, 100904, "Fred_Armisen", 1], [88294, 100904, "Saturday_Night_Live", 0]]], "all_evidence": [[88294, 100903, "Fred_Armisen", 0], [88294, 100904, "Fred_Armisen", 1], [88294, 100904, "Saturday_Night_Live", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171764, 185250, "Duane_Chapman", 0]], [[171764, 185251, "Duane_Chapman", 1], [171764, 185251, "Dog_the_Bounty_Hunter", 0]]], "all_evidence": [[171764, 185250, "Duane_Chapman", 0], [171764, 185251, "Duane_Chapman", 1], [171764, 185251, "Dog_the_Bounty_Hunter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77060, 88464, "The_Mighty_Ducks", 1], [77060, 88464, "Walt_Disney_Pictures", 0]]], "all_evidence": [[77060, 88464, "The_Mighty_Ducks", 1], [77060, 88464, "Walt_Disney_Pictures", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129651, null, null, null]]], "all_evidence": [[129651, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22996, 28336, "Leonard_Nimoy", 10]]], "all_evidence": [[22996, 28336, "Leonard_Nimoy", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[252369, 252165, "Harvard_University", 3]]], "all_evidence": [[252369, 252165, "Harvard_University", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157768, 172355, "Humphrey_Bogart", 17]], [[313287, 302938, "Humphrey_Bogart", 10]], [[313287, 302939, "Humphrey_Bogart", 11]]], "all_evidence": [[157768, 172355, "Humphrey_Bogart", 17], [313287, 302938, "Humphrey_Bogart", 10], [313287, 302939, "Humphrey_Bogart", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218555, 224813, "Diana,_Princess_of_Wales", 9], [218555, 224813, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 6]]], "all_evidence": [[218555, 224813, "Diana,_Princess_of_Wales", 9], [218555, 224813, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168191, 181944, "AMGTV", 0]]], "all_evidence": [[168191, 181944, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51809, 61643, "Match_Point", 0]]], "all_evidence": [[51809, 61643, "Match_Point", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251704, 251515, "Mary-Kate_and_Ashley_Olsen", 0]], [[251705, 251516, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251704, 251515, "Mary-Kate_and_Ashley_Olsen", 0], [251705, 251516, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231183, 234713, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231183, 234713, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194111, 204519, "Rick_Yune", 2]]], "all_evidence": [[194111, 204519, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129095, 143876, "Kelly_Preston", 1]], [[129097, 143877, "Kelly_Preston", 0]], [[129097, 143878, "Kelly_Preston", 1]], [[129097, 143880, "Kelly_Preston", 3]]], "all_evidence": [[129095, 143876, "Kelly_Preston", 1], [129097, 143877, "Kelly_Preston", 0], [129097, 143878, "Kelly_Preston", 1], [129097, 143880, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31906, 38712, "Stan_Beeman", 0]]], "all_evidence": [[31906, 38712, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78288, 89819, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[78288, 89819, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69304, 80084, "X-Men-COLON-_Apocalypse", 0]], [[69304, 80085, "X-Men-COLON-_Apocalypse", 1]], [[69304, 80086, "X-Men-COLON-_Apocalypse", 2]], [[69304, 80087, "X-Men-COLON-_Apocalypse", 8]], [[69304, 80088, "X-Men-COLON-_Apocalypse", 10]]], "all_evidence": [[69304, 80084, "X-Men-COLON-_Apocalypse", 0], [69304, 80085, "X-Men-COLON-_Apocalypse", 1], [69304, 80086, "X-Men-COLON-_Apocalypse", 2], [69304, 80087, "X-Men-COLON-_Apocalypse", 8], [69304, 80088, "X-Men-COLON-_Apocalypse", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241706, 243226, "Rio_-LRB-2011_film-RRB-", 0]], [[241706, 243227, "Rio_-LRB-2011_film-RRB-", 15]]], "all_evidence": [[241706, 243226, "Rio_-LRB-2011_film-RRB-", 0], [241706, 243227, "Rio_-LRB-2011_film-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41357, 49711, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[41357, 49712, "The_Gifted_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[41357, 49711, "The_Gifted_-LRB-TV_series-RRB-", 0], [41357, 49712, "The_Gifted_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231988, 235288, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231988, 235288, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101139, 114394, "Indian_Army", 16]]], "all_evidence": [[101139, 114394, "Indian_Army", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61087, 71548, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[61087, 71548, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237562, null, null, null]]], "all_evidence": [[237562, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284552, null, null, null], [331861, null, null, null]]], "all_evidence": [[284552, null, null, null], [331861, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92269, null, null, null]]], "all_evidence": [[92269, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14824, 18453, "Wilhelmina_Slater", 0], [14824, 18453, "Ugly_Betty", 0]]], "all_evidence": [[14824, 18453, "Wilhelmina_Slater", 0], [14824, 18453, "Ugly_Betty", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241280, null, null, null]]], "all_evidence": [[241280, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135859, 150699, "Janet_Leigh", 0]]], "all_evidence": [[135859, 150699, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12088, null, null, null]]], "all_evidence": [[12088, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176797, 189730, "Daag_-LRB-1973_film-RRB-", 0], [176797, 189730, "Bollywood", 0]]], "all_evidence": [[176797, 189730, "Daag_-LRB-1973_film-RRB-", 0], [176797, 189730, "Bollywood", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21368, 26250, "Harris_Jayaraj", 0]]], "all_evidence": [[21368, 26250, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85073, 97347, "Randy_Savage", 0]]], "all_evidence": [[85073, 97347, "Randy_Savage", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215811, 222589, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215811, 222589, "Charles_Durning", 0]]], "all_evidence": [[215811, 222589, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215811, 222589, "Charles_Durning", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80046, null, null, null]]], "all_evidence": [[80046, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199107, 208787, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199107, 208787, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164158, 178412, "Jens_Stoltenberg", 0]]], "all_evidence": [[164158, 178412, "Jens_Stoltenberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171535, 185009, "Colombiana", 0]], [[171540, 185011, "Colombiana", 0]]], "all_evidence": [[171535, 185009, "Colombiana", 0], [171540, 185011, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138318, 153326, "Humphrey_Bogart", 0]], [[138318, 153327, "Humphrey_Bogart", 3]], [[138318, 153328, "Humphrey_Bogart", 6]], [[138318, 153329, "Humphrey_Bogart", 9], [138318, 153329, "Leading_man", 0]], [[138318, 153330, "Humphrey_Bogart", 10]], [[138318, 153331, "Humphrey_Bogart", 11], [138318, 153331, "To_Have_and_Have_Not_-LRB-film-RRB-", 1]], [[138318, 153332, "Humphrey_Bogart", 12], [138318, 153332, "The_Harder_They_Fall", 0]], [[138318, 153333, "Humphrey_Bogart", 15]], [[138318, 153334, "Humphrey_Bogart", 17], [138318, 153334, "Academy_Award_for_Best_Actor", 1]]], "all_evidence": [[138318, 153326, "Humphrey_Bogart", 0], [138318, 153327, "Humphrey_Bogart", 3], [138318, 153328, "Humphrey_Bogart", 6], [138318, 153329, "Humphrey_Bogart", 9], [138318, 153329, "Leading_man", 0], [138318, 153330, "Humphrey_Bogart", 10], [138318, 153331, "Humphrey_Bogart", 11], [138318, 153331, "To_Have_and_Have_Not_-LRB-film-RRB-", 1], [138318, 153332, "Humphrey_Bogart", 12], [138318, 153332, "The_Harder_They_Fall", 0], [138318, 153333, "Humphrey_Bogart", 15], [138318, 153334, "Humphrey_Bogart", 17], [138318, 153334, "Academy_Award_for_Best_Actor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73853, 85094, "Colombiana", 0]]], "all_evidence": [[73853, 85094, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251702, null, null, null]]], "all_evidence": [[251702, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180779, null, null, null]]], "all_evidence": [[180779, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158990, 173608, "Michigan", 2]], [[158990, 173609, "Michigan", 4]]], "all_evidence": [[158990, 173608, "Michigan", 2], [158990, 173609, "Michigan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116721, null, null, null]]], "all_evidence": [[116721, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16320, null, null, null]]], "all_evidence": [[16320, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239344, 241231, "Lockheed_Martin", 4]], [[239345, 241232, "Lockheed_Martin", 4]]], "all_evidence": [[239344, 241231, "Lockheed_Martin", 4], [239345, 241232, "Lockheed_Martin", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193487, null, null, null]]], "all_evidence": [[193487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234502, 237365, "Boyhood_-LRB-film-RRB-", 2]]], "all_evidence": [[234502, 237365, "Boyhood_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181722, 193970, "Microbiologist", 14]]], "all_evidence": [[181722, 193970, "Microbiologist", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237483, 239690, "North_Vietnam", 0]]], "all_evidence": [[237483, 239690, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218170, 224527, "Bermuda_Triangle", 0]]], "all_evidence": [[218170, 224527, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211607, 219266, "Forceps", 0]]], "all_evidence": [[211607, 219266, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61569, 72078, "Augustus", 10]], [[61569, 72079, "Augustus", 41]]], "all_evidence": [[61569, 72078, "Augustus", 10], [61569, 72079, "Augustus", 41]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228721, null, null, null], [228746, null, null, null]]], "all_evidence": [[228721, null, null, null], [228746, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88944, 101582, "The_Daily_Show", 2]], [[88944, 101583, "The_Daily_Show", 15]]], "all_evidence": [[88944, 101582, "The_Daily_Show", 2], [88944, 101583, "The_Daily_Show", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29658, 36163, "YouTube", 15]], [[29662, 36167, "YouTube", 15], [29662, 36167, "Alexa_Internet", 0]]], "all_evidence": [[29658, 36163, "YouTube", 15], [29662, 36167, "YouTube", 15], [29662, 36167, "Alexa_Internet", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134052, null, null, null]]], "all_evidence": [[134052, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207983, null, null, null]]], "all_evidence": [[207983, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51813, 61648, "The_Bahamas", 0]]], "all_evidence": [[51813, 61648, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211270, null, null, null]]], "all_evidence": [[211270, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36631, 44255, "South_African_Communist_Party", 2]]], "all_evidence": [[36631, 44255, "South_African_Communist_Party", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195835, null, null, null]]], "all_evidence": [[195835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53071, 63016, "Carlos_Santana", 0]]], "all_evidence": [[53071, 63016, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33238, 40315, "Heavy_metal_music", 0]]], "all_evidence": [[33238, 40315, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119170, 133117, "Trollhunters", 0], [119170, 133117, "Guillermo_del_Toro", 0]]], "all_evidence": [[119170, 133117, "Trollhunters", 0], [119170, 133117, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93346, 106301, "Naples", 34]]], "all_evidence": [[93346, 106301, "Naples", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51413, 61137, "Philomena_-LRB-film-RRB-", 9]]], "all_evidence": [[51413, 61137, "Philomena_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54445, 64452, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[54445, 64452, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214309, 221392, "Ernest_Medina", 3]], [[214310, 221393, "Ernest_Medina", 1]], [[214311, 221394, "Ernest_Medina", 3]], [[214316, 221400, "Ernest_Medina", 3]]], "all_evidence": [[214309, 221392, "Ernest_Medina", 3], [214310, 221393, "Ernest_Medina", 1], [214311, 221394, "Ernest_Medina", 3], [214316, 221400, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51568, 61335, "Ann_Richards", 1], [51568, 61335, "Treasurer", 0]]], "all_evidence": [[51568, 61335, "Ann_Richards", 1], [51568, 61335, "Treasurer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82945, 94823, "Kerplunk_-LRB-album-RRB-", 2], [82945, 94823, "Kerplunk_-LRB-album-RRB-", 0]]], "all_evidence": [[82945, 94823, "Kerplunk_-LRB-album-RRB-", 2], [82945, 94823, "Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54502, 64499, "Monster", 0]]], "all_evidence": [[54502, 64499, "Monster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17346, null, null, null]]], "all_evidence": [[17346, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[278923, null, null, null], [280572, null, null, null], [280883, null, null, null], [280884, null, null, null]]], "all_evidence": [[278923, null, null, null], [280572, null, null, null], [280883, null, null, null], [280884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198039, 207983, "Dave_Gibbons", 0]]], "all_evidence": [[198039, 207983, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18773, 23004, "Aarhus", 0]]], "all_evidence": [[18773, 23004, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[280202, 274731, "The_100_-LRB-TV_series-RRB-", 4]], [[281762, 276073, "The_100_-LRB-TV_series-RRB-", 4]], [[281768, 276075, "The_100_-LRB-TV_series-RRB-", 4]], [[281769, 276076, "The_100_-LRB-TV_series-RRB-", 4]], [[329439, 316238, "The_100_-LRB-TV_series-RRB-", 4]], [[329441, 316239, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[280202, 274731, "The_100_-LRB-TV_series-RRB-", 4], [281762, 276073, "The_100_-LRB-TV_series-RRB-", 4], [281768, 276075, "The_100_-LRB-TV_series-RRB-", 4], [281769, 276076, "The_100_-LRB-TV_series-RRB-", 4], [329439, 316238, "The_100_-LRB-TV_series-RRB-", 4], [329441, 316239, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80281, 92079, "Highway_to_Heaven", 0]]], "all_evidence": [[80281, 92079, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161844, 176268, "Murda_Beatz", 0]]], "all_evidence": [[161844, 176268, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25465, 31390, "PacSun", 1]]], "all_evidence": [[25465, 31390, "PacSun", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89059, 101753, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]], "all_evidence": [[89059, 101753, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211993, 219597, "Saturn_Corporation", 0]]], "all_evidence": [[211993, 219597, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134894, 149791, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[134894, 149791, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211464, null, null, null]]], "all_evidence": [[211464, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152272, 167067, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[152272, 167067, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22803, 28102, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[22803, 28102, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227795, null, null, null]]], "all_evidence": [[227795, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88102, 100639, "TakePart", 0]], [[88102, 100640, "TakePart", 1]]], "all_evidence": [[88102, 100639, "TakePart", 0], [88102, 100640, "TakePart", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266019, 263122, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266019, 263122, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107706, 121194, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[107706, 121194, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42190, null, null, null]]], "all_evidence": [[42190, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166876, null, null, null]]], "all_evidence": [[166876, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64178, null, null, null]]], "all_evidence": [[64178, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110986, 124654, "Britt_Robertson", 0]], [[110986, 124655, "Britt_Robertson", 1]], [[110986, 124656, "Britt_Robertson", 2]], [[110986, 124657, "Britt_Robertson", 3]], [[110986, 124658, "Britt_Robertson", 6]], [[110986, 124659, "Britt_Robertson", 7]], [[110986, 124660, "Britt_Robertson", 8]], [[110986, 124661, "Britt_Robertson", 9]], [[110986, 124662, "Britt_Robertson", 12]], [[110986, 124663, "Britt_Robertson", 13]], [[110986, 124664, "Britt_Robertson", 14]], [[110986, 124665, "Britt_Robertson", 15]]], "all_evidence": [[110986, 124654, "Britt_Robertson", 0], [110986, 124655, "Britt_Robertson", 1], [110986, 124656, "Britt_Robertson", 2], [110986, 124657, "Britt_Robertson", 3], [110986, 124658, "Britt_Robertson", 6], [110986, 124659, "Britt_Robertson", 7], [110986, 124660, "Britt_Robertson", 8], [110986, 124661, "Britt_Robertson", 9], [110986, 124662, "Britt_Robertson", 12], [110986, 124663, "Britt_Robertson", 13], [110986, 124664, "Britt_Robertson", 14], [110986, 124665, "Britt_Robertson", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234513, null, null, null]]], "all_evidence": [[234513, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60829, null, null, null]]], "all_evidence": [[60829, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241382, null, null, null]]], "all_evidence": [[241382, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233045, 236048, "Saturn", 0]]], "all_evidence": [[233045, 236048, "Saturn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266601, null, null, null]]], "all_evidence": [[266601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245460, null, null, null], [245462, null, null, null]]], "all_evidence": [[245460, null, null, null], [245462, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108437, 122002, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[108437, 122002, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211422, null, null, null]]], "all_evidence": [[211422, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193503, null, null, null]]], "all_evidence": [[193503, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63982, 74685, "The_Adventures_of_Pluto_Nash", 0]], [[63982, 74686, "The_Adventures_of_Pluto_Nash", 2]]], "all_evidence": [[63982, 74685, "The_Adventures_of_Pluto_Nash", 0], [63982, 74686, "The_Adventures_of_Pluto_Nash", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21916, 26909, "Shadowhunters", 4]]], "all_evidence": [[21916, 26909, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210941, 218601, "Mogadishu", 0]], [[210941, 218602, "Mogadishu", 9]], [[210942, 218603, "Mogadishu", 0]], [[210942, 218604, "Mogadishu", 9]]], "all_evidence": [[210941, 218601, "Mogadishu", 0], [210941, 218602, "Mogadishu", 9], [210942, 218603, "Mogadishu", 0], [210942, 218604, "Mogadishu", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229424, 233352, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]], "all_evidence": [[229424, 233352, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[294493, null, null, null], [295079, null, null, null], [340284, null, null, null], [340482, null, null, null]]], "all_evidence": [[294493, null, null, null], [295079, null, null, null], [340284, null, null, null], [340482, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211427, null, null, null]]], "all_evidence": [[211427, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219129, 225230, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219129, 225230, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196614, null, null, null]]], "all_evidence": [[196614, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115516, 129381, "Penguin_Books", 0]], [[115516, 129382, "Penguin_Books", 7], [115516, 129382, "Penguin_Random_House", 0]]], "all_evidence": [[115516, 129381, "Penguin_Books", 0], [115516, 129382, "Penguin_Books", 7], [115516, 129382, "Penguin_Random_House", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55674, 65713, "The_Mighty_Ducks", 0], [55674, 65713, "The_Mighty_Ducks", 1]]], "all_evidence": [[55674, 65713, "The_Mighty_Ducks", 0], [55674, 65713, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137410, 152292, "Taylor_Lautner", 4]]], "all_evidence": [[137410, 152292, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188635, null, null, null]]], "all_evidence": [[188635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196608, 206707, "Michael_Vick", 0]], [[196608, 206708, "Michael_Vick", 14]]], "all_evidence": [[196608, 206707, "Michael_Vick", 0], [196608, 206708, "Michael_Vick", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194762, 205128, "Manmohan_Singh", 1]]], "all_evidence": [[194762, 205128, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121143, 135448, "Noah_Cyrus", 4]]], "all_evidence": [[121143, 135448, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248527, null, null, null], [248528, null, null, null]]], "all_evidence": [[248527, null, null, null], [248528, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207671, 215894, "Steve_Ditko", 3]]], "all_evidence": [[207671, 215894, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13694, 17137, "A_Milli", 0]], [[13694, 17138, "A_Milli", 1], [13694, 17138, "Tha_Carter_III", 0]]], "all_evidence": [[13694, 17137, "A_Milli", 0], [13694, 17138, "A_Milli", 1], [13694, 17138, "Tha_Carter_III", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90738, 103450, "Rachel_Green", 0]]], "all_evidence": [[90738, 103450, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19747, null, null, null]]], "all_evidence": [[19747, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36801, 44446, "Annette_Badland", 1]]], "all_evidence": [[36801, 44446, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81012, 92866, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[81012, 92866, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191679, 202496, "Anne_Rice", 5]]], "all_evidence": [[191679, 202496, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185627, 197380, "Gal_Gadot", 4]]], "all_evidence": [[185627, 197380, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290425, 283474, "Shadowhunters", 5], [290425, 283474, "21st_century", 1]], [[291787, 284680, "Shadowhunters", 4]], [[291787, 284681, "Shadowhunters", 5]], [[293858, 286289, "Shadowhunters", 4]], [[338445, 323606, "Shadowhunters", 4]], [[338447, 323608, "Shadowhunters", 4]], [[338455, 323614, "Shadowhunters", 4], [338455, 323614, "21st_century", 0], [338455, 323614, "21st_century", 1]]], "all_evidence": [[290425, 283474, "Shadowhunters", 5], [290425, 283474, "21st_century", 1], [291787, 284680, "Shadowhunters", 4], [291787, 284681, "Shadowhunters", 5], [293858, 286289, "Shadowhunters", 4], [338445, 323606, "Shadowhunters", 4], [338447, 323608, "Shadowhunters", 4], [338455, 323614, "Shadowhunters", 4], [338455, 323614, "21st_century", 0], [338455, 323614, "21st_century", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33116, 40205, "I_Kissed_a_Girl", 0]]], "all_evidence": [[33116, 40205, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[291995, 284840, "Knocked_Up", 0]], [[294015, 286402, "Knocked_Up", 0]], [[338890, 323959, "Knocked_Up", 0]], [[338894, 323963, "Knocked_Up", 0]], [[338896, 323965, "Knocked_Up", 0]], [[338897, 323966, "Knocked_Up", 0]]], "all_evidence": [[291995, 284840, "Knocked_Up", 0], [294015, 286402, "Knocked_Up", 0], [338890, 323959, "Knocked_Up", 0], [338894, 323963, "Knocked_Up", 0], [338896, 323965, "Knocked_Up", 0], [338897, 323966, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246283, 246828, "Easy_A", 0]]], "all_evidence": [[246283, 246828, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243126, null, null, null]]], "all_evidence": [[243126, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201847, 211205, "Artpop", 13]], [[201855, 211212, "Artpop", 13], [201855, 211212, "Artpop", 0]]], "all_evidence": [[201847, 211205, "Artpop", 13], [201855, 211212, "Artpop", 13], [201855, 211212, "Artpop", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49747, 59182, "Henry_II_of_France", 13]]], "all_evidence": [[49747, 59182, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153178, null, null, null]]], "all_evidence": [[153178, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202997, 212125, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[202997, 212125, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221846, 227382, "Stadium_Arcadium", 10]]], "all_evidence": [[221846, 227382, "Stadium_Arcadium", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182010, 194297, "Yale_University", 23]]], "all_evidence": [[182010, 194297, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228694, 232825, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228694, 232825, "Pharrell_Williams", 0]], [[228697, 232826, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228700, 232829, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228701, 232830, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228703, 232832, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]], "all_evidence": [[228694, 232825, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228694, 232825, "Pharrell_Williams", 0], [228697, 232826, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228700, 232829, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228701, 232830, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228703, 232832, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51299, 61013, "X-Men-COLON-_Apocalypse", 3]]], "all_evidence": [[51299, 61013, "X-Men-COLON-_Apocalypse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264402, 261864, "Brubaker", 0]], [[264403, 261865, "Brubaker", 0]]], "all_evidence": [[264402, 261864, "Brubaker", 0], [264403, 261865, "Brubaker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188620, null, null, null]]], "all_evidence": [[188620, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211274, 218979, "WGBH-TV", 0]]], "all_evidence": [[211274, 218979, "WGBH-TV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18678, 22918, "Flaked", 2]]], "all_evidence": [[18678, 22918, "Flaked", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21171, 26000, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[21171, 26000, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269555, 265855, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269555, 265855, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199463, 209141, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199463, 209141, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226544, 231088, "Captain_America's_shield", 1]]], "all_evidence": [[226544, 231088, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255559, 254992, "Dreamer_-LRB-2005_film-RRB-", 0]], [[255559, 254993, "Dreamer_-LRB-2005_film-RRB-", 1]], [[255559, 254994, "Dreamer_-LRB-2005_film-RRB-", 4]], [[255559, 254995, "Dreamer_-LRB-2005_film-RRB-", 3]], [[255559, 254996, "Dreamer_-LRB-2005_film-RRB-", 5]]], "all_evidence": [[255559, 254992, "Dreamer_-LRB-2005_film-RRB-", 0], [255559, 254993, "Dreamer_-LRB-2005_film-RRB-", 1], [255559, 254994, "Dreamer_-LRB-2005_film-RRB-", 4], [255559, 254995, "Dreamer_-LRB-2005_film-RRB-", 3], [255559, 254996, "Dreamer_-LRB-2005_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218093, 224479, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218093, 224479, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167205, 181026, "Craig_David", 5]], [[169386, 183035, "Craig_David", 5]], [[169387, 183036, "Craig_David", 5]], [[312329, 302139, "Craig_David", 5]], [[313563, 303141, "Craig_David", 5]]], "all_evidence": [[167205, 181026, "Craig_David", 5], [169386, 183035, "Craig_David", 5], [169387, 183036, "Craig_David", 5], [312329, 302139, "Craig_David", 5], [313563, 303141, "Craig_David", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127807, 142486, "Rupert_Murdoch", 13]]], "all_evidence": [[127807, 142486, "Rupert_Murdoch", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153220, 167988, "Bret_Easton_Ellis", 20]], [[153220, 167989, "Bret_Easton_Ellis", 0]]], "all_evidence": [[153220, 167988, "Bret_Easton_Ellis", 20], [153220, 167989, "Bret_Easton_Ellis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49499, 58854, "Tiber_Oil_Field", 1]], [[49531, 58891, "Tiber_Oil_Field", 1]], [[49532, 58892, "Tiber_Oil_Field", 1]], [[302793, 293783, "Tiber_Oil_Field", 1]], [[306356, 297048, "Tiber_Oil_Field", 1], [306356, 297048, "Tiber_Oil_Field", 0]]], "all_evidence": [[49499, 58854, "Tiber_Oil_Field", 1], [49531, 58891, "Tiber_Oil_Field", 1], [49532, 58892, "Tiber_Oil_Field", 1], [302793, 293783, "Tiber_Oil_Field", 1], [306356, 297048, "Tiber_Oil_Field", 1], [306356, 297048, "Tiber_Oil_Field", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127231, 141766, "Mike_Huckabee", 5]], [[127232, 141769, "Mike_Huckabee", 5]]], "all_evidence": [[127231, 141766, "Mike_Huckabee", 5], [127232, 141769, "Mike_Huckabee", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24855, 30696, "Armenian_Genocide", 0]]], "all_evidence": [[24855, 30696, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125555, 139912, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[125555, 139912, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26736, 32817, "Pharrell_Williams", 4]]], "all_evidence": [[26736, 32817, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[252348, 252150, "Harvard_University", 8]]], "all_evidence": [[252348, 252150, "Harvard_University", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113455, 127318, "First_inauguration_of_Bill_Clinton", 0]], [[119663, 133747, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[113455, 127318, "First_inauguration_of_Bill_Clinton", 0], [119663, 133747, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117560, 131457, "XHamster", 0]]], "all_evidence": [[117560, 131457, "XHamster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92081, 104862, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[92081, 104862, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25177, null, null, null], [283544, null, null, null], [299869, null, null, null], [299874, null, null, null]]], "all_evidence": [[25177, null, null, null], [283544, null, null, null], [299869, null, null, null], [299874, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256008, null, null, null], [256009, null, null, null]]], "all_evidence": [[256008, null, null, null], [256009, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231181, 234712, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231181, 234712, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241363, 242915, "Brad_Wilk", 4]]], "all_evidence": [[241363, 242915, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199496, null, null, null], [199499, null, null, null]]], "all_evidence": [[199496, null, null, null], [199499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197419, 207460, "Lalla_Ward", 0]]], "all_evidence": [[197419, 207460, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281866, null, null, null], [281892, null, null, null], [329606, null, null, null], [329609, null, null, null]]], "all_evidence": [[281866, null, null, null], [281892, null, null, null], [329606, null, null, null], [329609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230050, 233807, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230050, 233807, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30228, 36805, "Knocked_Up", 0]]], "all_evidence": [[30228, 36805, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78691, null, null, null]]], "all_evidence": [[78691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65808, 76668, "Civilization_IV", 0]], [[65808, 76669, "Civilization_IV", 1]], [[65808, 76670, "Civilization_IV", 9], [65808, 76670, "Game_engine", 0]], [[65808, 76671, "Civilization_IV", 12]], [[65808, 76672, "Civilization_IV", 13], [65808, 76672, "List_of_Game_of_the_Year_awards", 0]], [[65808, 76673, "Civilization_IV", 14], [65808, 76673, "Firaxis_Games", 0]]], "all_evidence": [[65808, 76668, "Civilization_IV", 0], [65808, 76669, "Civilization_IV", 1], [65808, 76670, "Civilization_IV", 9], [65808, 76670, "Game_engine", 0], [65808, 76671, "Civilization_IV", 12], [65808, 76672, "Civilization_IV", 13], [65808, 76672, "List_of_Game_of_the_Year_awards", 0], [65808, 76673, "Civilization_IV", 14], [65808, 76673, "Firaxis_Games", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251515, 251352, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251515, 251352, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17540, 21689, "Rage_Against_the_Machine", 0]], [[17540, 21690, "Rage_Against_the_Machine", 3]], [[17540, 21691, "Rage_Against_the_Machine", 7]], [[17540, 21692, "Rage_Against_the_Machine", 10]], [[17540, 21693, "Rage_Against_the_Machine", 11]], [[17540, 21694, "Rage_Against_the_Machine", 13]], [[17540, 21695, "Rage_Against_the_Machine", 16]], [[17540, 21696, "Rage_Against_the_Machine", 17]], [[17540, 21697, "Rage_Against_the_Machine", 20]]], "all_evidence": [[17540, 21689, "Rage_Against_the_Machine", 0], [17540, 21690, "Rage_Against_the_Machine", 3], [17540, 21691, "Rage_Against_the_Machine", 7], [17540, 21692, "Rage_Against_the_Machine", 10], [17540, 21693, "Rage_Against_the_Machine", 11], [17540, 21694, "Rage_Against_the_Machine", 13], [17540, 21695, "Rage_Against_the_Machine", 16], [17540, 21696, "Rage_Against_the_Machine", 17], [17540, 21697, "Rage_Against_the_Machine", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132441, 147333, "Basildon", 0]], [[132464, 147370, "Basildon", 0]], [[132464, 147371, "Basildon", 3], [132464, 147371, "Central_London", 0]], [[132464, 147372, "Basildon", 4], [132464, 147372, "Billericay", 0]], [[132464, 147373, "Basildon", 5], [132464, 147373, "London_overspill", 0]], [[132464, 147374, "Basildon", 6], [132464, 147374, "New_towns_in_the_United_Kingdom", 0]], [[132464, 147375, "Basildon", 9], [132464, 147375, "Billericay", 0]], [[132464, 147376, "Basildon", 13], [132464, 147376, "City_of_London", 0]]], "all_evidence": [[132441, 147333, "Basildon", 0], [132464, 147370, "Basildon", 0], [132464, 147371, "Basildon", 3], [132464, 147371, "Central_London", 0], [132464, 147372, "Basildon", 4], [132464, 147372, "Billericay", 0], [132464, 147373, "Basildon", 5], [132464, 147373, "London_overspill", 0], [132464, 147374, "Basildon", 6], [132464, 147374, "New_towns_in_the_United_Kingdom", 0], [132464, 147375, "Basildon", 9], [132464, 147375, "Billericay", 0], [132464, 147376, "Basildon", 13], [132464, 147376, "City_of_London", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154455, null, null, null]]], "all_evidence": [[154455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190746, 201712, "Alice_Cooper", 0]]], "all_evidence": [[190746, 201712, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58037, null, null, null]]], "all_evidence": [[58037, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40801, 49050, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[40801, 49050, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186375, 198198, "Robert_Lopez", 1]]], "all_evidence": [[186375, 198198, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77984, 89458, "Yale_University", 23]]], "all_evidence": [[77984, 89458, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22973, 28317, "Battle_of_France", 0]], [[301504, 292610, "Battle_of_France", 0]], [[304174, 295022, "Battle_of_France", 0]], [[304543, 295364, "Battle_of_France", 0]]], "all_evidence": [[22973, 28317, "Battle_of_France", 0], [301504, 292610, "Battle_of_France", 0], [304174, 295022, "Battle_of_France", 0], [304543, 295364, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264416, 261875, "Brubaker", 0], [264416, 261875, "Drama_-LRB-film_and_television-RRB-", 0], [264416, 261875, "Prison_film", 0]]], "all_evidence": [[264416, 261875, "Brubaker", 0], [264416, 261875, "Drama_-LRB-film_and_television-RRB-", 0], [264416, 261875, "Prison_film", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255812, null, null, null]]], "all_evidence": [[255812, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266044, 263146, "The_Disaster_Artist_-LRB-film-RRB-", 0]], [[266044, 263147, "The_Disaster_Artist_-LRB-film-RRB-", 6]], [[266044, 263148, "The_Disaster_Artist_-LRB-film-RRB-", 7]]], "all_evidence": [[266044, 263146, "The_Disaster_Artist_-LRB-film-RRB-", 0], [266044, 263147, "The_Disaster_Artist_-LRB-film-RRB-", 6], [266044, 263148, "The_Disaster_Artist_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241370, null, null, null]]], "all_evidence": [[241370, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135219, null, null, null]]], "all_evidence": [[135219, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213687, 220866, "Finding_Dory", 1]]], "all_evidence": [[213687, 220866, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139734, null, null, null]]], "all_evidence": [[139734, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267297, 264023, "Southampton_F.C.", 9]]], "all_evidence": [[267297, 264023, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173863, 187043, "AMGTV", 0]]], "all_evidence": [[173863, 187043, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150709, 165566, "Scotty_Moore", 0]]], "all_evidence": [[150709, 165566, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16790, 20799, "Pearl_Jam", 0]], [[16790, 20800, "Pearl_Jam", 1]], [[16790, 20801, "Pearl_Jam", 2]], [[16790, 20802, "Pearl_Jam", 14]], [[16790, 20803, "Pearl_Jam", 13]], [[16790, 20804, "Pearl_Jam", 12]]], "all_evidence": [[16790, 20799, "Pearl_Jam", 0], [16790, 20800, "Pearl_Jam", 1], [16790, 20801, "Pearl_Jam", 2], [16790, 20802, "Pearl_Jam", 14], [16790, 20803, "Pearl_Jam", 13], [16790, 20804, "Pearl_Jam", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124197, 138538, "Awkward_Black_Girl", 0]]], "all_evidence": [[124197, 138538, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214273, 221354, "Kenneth_Lonergan", 0]]], "all_evidence": [[214273, 221354, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101550, null, null, null]]], "all_evidence": [[101550, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77452, 88905, "Luis_Fonsi", 0]]], "all_evidence": [[77452, 88905, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80498, 92347, "Magic_Johnson", 0]], [[80498, 92348, "Magic_Johnson", 1], [80498, 92348, "Point_guard", 0]], [[80498, 92349, "Magic_Johnson", 2], [80498, 92349, "1979_NBA_draft", 0]]], "all_evidence": [[80498, 92347, "Magic_Johnson", 0], [80498, 92348, "Magic_Johnson", 1], [80498, 92348, "Point_guard", 0], [80498, 92349, "Magic_Johnson", 2], [80498, 92349, "1979_NBA_draft", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194108, 204516, "Rick_Yune", 2]]], "all_evidence": [[194108, 204516, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225915, 230488, "Roland_Emmerich", 3]]], "all_evidence": [[225915, 230488, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209586, 217382, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209586, 217382, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82919, 94794, "Gin", 0]], [[82919, 94795, "Gin", 1]], [[82919, 94796, "Gin", 3]]], "all_evidence": [[82919, 94794, "Gin", 0], [82919, 94795, "Gin", 1], [82919, 94796, "Gin", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201870, 211225, "Artpop", 13]]], "all_evidence": [[201870, 211225, "Artpop", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122228, null, null, null]]], "all_evidence": [[122228, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150344, 165256, "Poldark_-LRB-2015_TV_series-RRB-", 6], [150344, 165256, "Poldark_-LRB-2015_TV_series-RRB-", 0]]], "all_evidence": [[150344, 165256, "Poldark_-LRB-2015_TV_series-RRB-", 6], [150344, 165256, "Poldark_-LRB-2015_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188623, 200075, "Veeram_-LRB-2014_film-RRB-", 0]], [[188623, 200076, "Veeram_-LRB-2014_film-RRB-", 3]]], "all_evidence": [[188623, 200075, "Veeram_-LRB-2014_film-RRB-", 0], [188623, 200076, "Veeram_-LRB-2014_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58562, 68862, "House_-LRB-TV_series-RRB-", 10]]], "all_evidence": [[58562, 68862, "House_-LRB-TV_series-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169216, 182880, "Luis_Fonsi", 0]]], "all_evidence": [[169216, 182880, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205306, null, null, null]]], "all_evidence": [[205306, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210959, 218629, "Mogadishu", 0]], [[210959, 218630, "Mogadishu", 1]], [[210959, 218631, "Mogadishu", 9]], [[210959, 218632, "Mogadishu", 7]], [[210959, 218633, "Mogadishu", 10]], [[210959, 218635, "Mogadishu", 5]], [[210961, 218636, "Mogadishu", 0]], [[210961, 218637, "Mogadishu", 1]], [[210961, 218638, "Mogadishu", 9]], [[210961, 218639, "Mogadishu", 7]], [[210961, 218640, "Mogadishu", 10]], [[210961, 218641, "Mogadishu", 5]]], "all_evidence": [[210959, 218629, "Mogadishu", 0], [210959, 218630, "Mogadishu", 1], [210959, 218631, "Mogadishu", 9], [210959, 218632, "Mogadishu", 7], [210959, 218633, "Mogadishu", 10], [210959, 218635, "Mogadishu", 5], [210961, 218636, "Mogadishu", 0], [210961, 218637, "Mogadishu", 1], [210961, 218638, "Mogadishu", 9], [210961, 218639, "Mogadishu", 7], [210961, 218640, "Mogadishu", 10], [210961, 218641, "Mogadishu", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250974, 250939, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250974, 250939, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73123, null, null, null]]], "all_evidence": [[73123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[283262, 277337, "Stanley_Williams", 0]], [[283262, 277338, "Stanley_Williams", 4]], [[283262, 277339, "Stanley_Williams", 5]], [[285795, 279420, "Stanley_Williams", 0]], [[285795, 279421, "Stanley_Williams", 5]], [[285795, 279422, "Stanley_Williams", 4]], [[285801, 279426, "Stanley_Williams", 0]], [[285801, 279427, "Stanley_Williams", 5]], [[331787, 318251, "Stanley_Williams", 0]], [[332364, 318739, "Stanley_Williams", 0]], [[332365, 318740, "Stanley_Williams", 0]]], "all_evidence": [[283262, 277337, "Stanley_Williams", 0], [283262, 277338, "Stanley_Williams", 4], [283262, 277339, "Stanley_Williams", 5], [285795, 279420, "Stanley_Williams", 0], [285795, 279421, "Stanley_Williams", 5], [285795, 279422, "Stanley_Williams", 4], [285801, 279426, "Stanley_Williams", 0], [285801, 279427, "Stanley_Williams", 5], [331787, 318251, "Stanley_Williams", 0], [332364, 318739, "Stanley_Williams", 0], [332365, 318740, "Stanley_Williams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279134, 273785, "West_Ham_United_F.C.", 5]], [[279135, 273786, "West_Ham_United_F.C.", 5]], [[280721, 275127, "West_Ham_United_F.C.", 5]], [[327358, 314636, "West_Ham_United_F.C.", 5]], [[328643, 315652, "West_Ham_United_F.C.", 5]]], "all_evidence": [[279134, 273785, "West_Ham_United_F.C.", 5], [279135, 273786, "West_Ham_United_F.C.", 5], [280721, 275127, "West_Ham_United_F.C.", 5], [327358, 314636, "West_Ham_United_F.C.", 5], [328643, 315652, "West_Ham_United_F.C.", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216097, 222809, "CHiPs_-LRB-film-RRB-", 0]], [[216097, 222810, "CHiPs_-LRB-film-RRB-", 1]], [[216097, 222811, "CHiPs_-LRB-film-RRB-", 5]]], "all_evidence": [[216097, 222809, "CHiPs_-LRB-film-RRB-", 0], [216097, 222810, "CHiPs_-LRB-film-RRB-", 1], [216097, 222811, "CHiPs_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169938, 183533, "Sebastian_Stan", 1]], [[169938, 183534, "Sebastian_Stan", 2]]], "all_evidence": [[169938, 183533, "Sebastian_Stan", 1], [169938, 183534, "Sebastian_Stan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108876, 122581, "Daggering", 0]]], "all_evidence": [[108876, 122581, "Daggering", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18704, null, null, null]]], "all_evidence": [[18704, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122742, null, null, null]]], "all_evidence": [[122742, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28563, 34896, "Sean_Penn", 5], [28563, 34896, "State_of_Grace_-LRB-film-RRB-", 0], [28563, 34896, "At_Close_Range", 0]]], "all_evidence": [[28563, 34896, "Sean_Penn", 5], [28563, 34896, "State_of_Grace_-LRB-film-RRB-", 0], [28563, 34896, "At_Close_Range", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112813, null, null, null]]], "all_evidence": [[112813, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241362, null, null, null]]], "all_evidence": [[241362, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214856, 221836, "Premam", 11]]], "all_evidence": [[214856, 221836, "Premam", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208025, null, null, null]]], "all_evidence": [[208025, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76579, 87878, "Yale_University", 23]]], "all_evidence": [[76579, 87878, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58454, 68736, "Joe_Walsh", 24]]], "all_evidence": [[58454, 68736, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85554, null, null, null]]], "all_evidence": [[85554, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51139, null, null, null]]], "all_evidence": [[51139, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214805, null, null, null]]], "all_evidence": [[214805, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208555, 216550, "Villa_Park", 14], [208555, 216550, "2012_FA_Community_Shield", 0]], [[213791, 220957, "Villa_Park", 14], [213791, 220957, "2012_FA_Community_Shield", 0]], [[315890, 305108, "Villa_Park", 14], [315890, 305108, "2012_FA_Community_Shield", 0]], [[316820, 305931, "Villa_Park", 14], [316820, 305931, "2012_FA_Community_Shield", 0]]], "all_evidence": [[208555, 216550, "Villa_Park", 14], [208555, 216550, "2012_FA_Community_Shield", 0], [213791, 220957, "Villa_Park", 14], [213791, 220957, "2012_FA_Community_Shield", 0], [315890, 305108, "Villa_Park", 14], [315890, 305108, "2012_FA_Community_Shield", 0], [316820, 305931, "Villa_Park", 14], [316820, 305931, "2012_FA_Community_Shield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89292, 101986, "Jennifer_Lopez", 4]], [[89292, 101987, "Jennifer_Lopez", 7]], [[89292, 101988, "Jennifer_Lopez", 8]], [[89292, 101989, "Jennifer_Lopez", 13]]], "all_evidence": [[89292, 101986, "Jennifer_Lopez", 4], [89292, 101987, "Jennifer_Lopez", 7], [89292, 101988, "Jennifer_Lopez", 8], [89292, 101989, "Jennifer_Lopez", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81123, 92949, "The_Bassoon_King", 0]]], "all_evidence": [[81123, 92949, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94954, 107919, "Francis_I_of_France", 0]]], "all_evidence": [[94954, 107919, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205325, null, null, null]]], "all_evidence": [[205325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234510, 237370, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234510, 237370, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160363, null, null, null]]], "all_evidence": [[160363, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232817, null, null, null]]], "all_evidence": [[232817, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223851, null, null, null]]], "all_evidence": [[223851, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69447, null, null, null]]], "all_evidence": [[69447, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156786, 171393, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[156786, 171393, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205356, null, null, null]]], "all_evidence": [[205356, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54510, 64504, "Monster", 0]], [[54510, 64505, "Monster", 4]]], "all_evidence": [[54510, 64504, "Monster", 0], [54510, 64505, "Monster", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44503, 53170, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[44503, 53170, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257077, 256132, "Chagatai_language", 0]]], "all_evidence": [[257077, 256132, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23960, null, null, null]]], "all_evidence": [[23960, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260512, null, null, null]]], "all_evidence": [[260512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79885, 91617, "Pearl_Jam", 0]], [[79885, 91618, "Pearl_Jam", 1]], [[79885, 91619, "Pearl_Jam", 2]], [[79885, 91620, "Pearl_Jam", 3]], [[79885, 91621, "Pearl_Jam", 4]], [[79885, 91622, "Pearl_Jam", 7], [79885, 91622, "Ten_-LRB-Pearl_Jam_album-RRB-", 0]]], "all_evidence": [[79885, 91617, "Pearl_Jam", 0], [79885, 91618, "Pearl_Jam", 1], [79885, 91619, "Pearl_Jam", 2], [79885, 91620, "Pearl_Jam", 3], [79885, 91621, "Pearl_Jam", 4], [79885, 91622, "Pearl_Jam", 7], [79885, 91622, "Ten_-LRB-Pearl_Jam_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131274, 146044, "Hedda_Gabler", 1], [131274, 146044, "Residenz_Theatre", 0]]], "all_evidence": [[131274, 146044, "Hedda_Gabler", 1], [131274, 146044, "Residenz_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146297, 161268, "University_of_Mississippi", 4]]], "all_evidence": [[146297, 161268, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296251, 288163, "The_Wallace_-LRB-poem-RRB-", 2], [296251, 288163, "The_Wallace_-LRB-poem-RRB-", 0]], [[297835, 289430, "The_Wallace_-LRB-poem-RRB-", 2]], [[297840, 289434, "The_Wallace_-LRB-poem-RRB-", 2]], [[343042, 326892, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[296251, 288163, "The_Wallace_-LRB-poem-RRB-", 2], [296251, 288163, "The_Wallace_-LRB-poem-RRB-", 0], [297835, 289430, "The_Wallace_-LRB-poem-RRB-", 2], [297840, 289434, "The_Wallace_-LRB-poem-RRB-", 2], [343042, 326892, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156966, null, null, null]]], "all_evidence": [[156966, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239263, null, null, null]]], "all_evidence": [[239263, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31133, 37814, "XHamster", 6]]], "all_evidence": [[31133, 37814, "XHamster", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67040, 77827, "Peking_University", 0]], [[67040, 77828, "Peking_University", 1], [67040, 77828, "Guam", 0], [67040, 77828, "Guam", 1]], [[67040, 77829, "Peking_University", 2], [67040, 77829, "Guam", 0], [67040, 77829, "Guam", 1]], [[67040, 77830, "Peking_University", 4], [67040, 77830, "Guam", 0], [67040, 77830, "Guam", 1]]], "all_evidence": [[67040, 77827, "Peking_University", 0], [67040, 77828, "Peking_University", 1], [67040, 77828, "Guam", 0], [67040, 77828, "Guam", 1], [67040, 77829, "Peking_University", 2], [67040, 77829, "Guam", 0], [67040, 77829, "Guam", 1], [67040, 77830, "Peking_University", 4], [67040, 77830, "Guam", 0], [67040, 77830, "Guam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194382, 204778, "Drake_Bell", 12], [194382, 204778, "Found_a_Way", 0]], [[194388, 204783, "Drake_Bell", 12], [194388, 204783, "Found_a_Way", 0]]], "all_evidence": [[194382, 204778, "Drake_Bell", 12], [194382, 204778, "Found_a_Way", 0], [194388, 204783, "Drake_Bell", 12], [194388, 204783, "Found_a_Way", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64952, 75806, "English_people", 6]]], "all_evidence": [[64952, 75806, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236998, 239325, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[236998, 239325, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28979, 35356, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[28979, 35356, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136046, 150881, "Trollhunters", 0]]], "all_evidence": [[136046, 150881, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201135, 210588, "The_Endless_River", 1]]], "all_evidence": [[201135, 210588, "The_Endless_River", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40486, 48703, "Harris_Jayaraj", 0]]], "all_evidence": [[40486, 48703, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173469, 186727, "Billboard_Dad", 0]]], "all_evidence": [[173469, 186727, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108503, 122108, "Justin_Chatwin", 7]]], "all_evidence": [[108503, 122108, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190462, null, null, null]]], "all_evidence": [[190462, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236598, null, null, null]]], "all_evidence": [[236598, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158771, null, null, null]]], "all_evidence": [[158771, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50022, 59531, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[50022, 59531, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194117, 204523, "Rick_Yune", 1]], [[194117, 204524, "Rick_Yune", 2]], [[194130, 204535, "Rick_Yune", 0]], [[194130, 204536, "Rick_Yune", 1]], [[194130, 204537, "Rick_Yune", 2]]], "all_evidence": [[194117, 204523, "Rick_Yune", 1], [194117, 204524, "Rick_Yune", 2], [194130, 204535, "Rick_Yune", 0], [194130, 204536, "Rick_Yune", 1], [194130, 204537, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98758, 111841, "Jack_Falahee", 0]]], "all_evidence": [[98758, 111841, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286691, null, null, null], [286692, null, null, null], [288882, null, null, null], [333671, null, null, null], [333677, null, null, null]]], "all_evidence": [[286691, null, null, null], [286692, null, null, null], [288882, null, null, null], [333671, null, null, null], [333677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19563, 24029, "Soyuz_-LRB-spacecraft-RRB-", 0]], [[19563, 24030, "Soyuz_-LRB-spacecraft-RRB-", 1]]], "all_evidence": [[19563, 24029, "Soyuz_-LRB-spacecraft-RRB-", 0], [19563, 24030, "Soyuz_-LRB-spacecraft-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191465, 202322, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191465, 202322, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37702, 45629, "The_Mighty_Ducks", 1], [37702, 45629, "Jordan_Kerner", 0]], [[37720, 45651, "The_Mighty_Ducks", 1], [37720, 45651, "Jordan_Kerner", 0]]], "all_evidence": [[37702, 45629, "The_Mighty_Ducks", 1], [37702, 45629, "Jordan_Kerner", 0], [37720, 45651, "The_Mighty_Ducks", 1], [37720, 45651, "Jordan_Kerner", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287080, null, null, null], [289175, null, null, null], [335078, null, null, null], [335082, null, null, null]]], "all_evidence": [[287080, null, null, null], [289175, null, null, null], [335078, null, null, null], [335082, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52349, null, null, null]]], "all_evidence": [[52349, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46965, 56031, "Fist_of_Legend", 2], [46965, 56031, "Fist_of_Fury", 0]]], "all_evidence": [[46965, 56031, "Fist_of_Legend", 2], [46965, 56031, "Fist_of_Fury", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227214, 231616, "Kim_Jong-il", 0], [227214, 231616, "List_of_leaders_of_North_Korea", 23]]], "all_evidence": [[227214, 231616, "Kim_Jong-il", 0], [227214, 231616, "List_of_leaders_of_North_Korea", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130808, null, null, null]]], "all_evidence": [[130808, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183977, null, null, null], [183978, null, null, null], [183987, null, null, null], [184005, null, null, null]]], "all_evidence": [[183977, null, null, null], [183978, null, null, null], [183987, null, null, null], [184005, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257325, null, null, null]]], "all_evidence": [[257325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16515, 20455, "Stan_Beeman", 0]]], "all_evidence": [[16515, 20455, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83368, 95332, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[83368, 95332, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215928, 222680, "Bradley_Fuller", 1]]], "all_evidence": [[215928, 222680, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213710, null, null, null]]], "all_evidence": [[213710, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207984, null, null, null]]], "all_evidence": [[207984, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152095, null, null, null]]], "all_evidence": [[152095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211989, 219594, "Saturn_Corporation", 0]]], "all_evidence": [[211989, 219594, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129389, null, null, null]]], "all_evidence": [[129389, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42533, null, null, null]]], "all_evidence": [[42533, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175585, 188591, "Folklore", 1]]], "all_evidence": [[175585, 188591, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138832, 153884, "The_Bassoon_King", 0]]], "all_evidence": [[138832, 153884, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66437, 77284, "Lemmy", 2]]], "all_evidence": [[66437, 77284, "Lemmy", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21639, 26600, "Carlos_Santana", 0], [21639, 26600, "Santana_-LRB-band-RRB-", 0]], [[23197, 28569, "Carlos_Santana", 0], [23197, 28569, "Santana_-LRB-band-RRB-", 0]], [[24335, 30088, "Carlos_Santana", 0], [24335, 30088, "Santana_-LRB-band-RRB-", 0]], [[304338, 295148, "Carlos_Santana", 0], [304338, 295148, "Santana_-LRB-band-RRB-", 0]]], "all_evidence": [[21639, 26600, "Carlos_Santana", 0], [21639, 26600, "Santana_-LRB-band-RRB-", 0], [23197, 28569, "Carlos_Santana", 0], [23197, 28569, "Santana_-LRB-band-RRB-", 0], [24335, 30088, "Carlos_Santana", 0], [24335, 30088, "Santana_-LRB-band-RRB-", 0], [304338, 295148, "Carlos_Santana", 0], [304338, 295148, "Santana_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232012, 235301, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232012, 235301, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82480, 94264, "Tremont_Street_Subway", 0]]], "all_evidence": [[82480, 94264, "Tremont_Street_Subway", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115467, null, null, null]]], "all_evidence": [[115467, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199054, 208736, "Matteo_Renzi", 0]], [[199054, 208737, "Matteo_Renzi", 1], [199054, 208737, "Italian_constitutional_referendum,_2016", 4]]], "all_evidence": [[199054, 208736, "Matteo_Renzi", 0], [199054, 208737, "Matteo_Renzi", 1], [199054, 208737, "Italian_constitutional_referendum,_2016", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104670, null, null, null]]], "all_evidence": [[104670, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200450, 209955, "Sancho_Panza", 0]]], "all_evidence": [[200450, 209955, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70823, null, null, null]]], "all_evidence": [[70823, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92382, 105137, "Hedda_Gabler", 1]]], "all_evidence": [[92382, 105137, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[278821, 273519, "Camden,_New_Jersey", 0]], [[280518, 274956, "Camden,_New_Jersey", 0]], [[326869, 314259, "Camden,_New_Jersey", 0]], [[326869, 314260, "Camden,_New_Jersey", 3]], [[328357, 315421, "Camden,_New_Jersey", 0]], [[328357, 315422, "Camden,_New_Jersey", 2]], [[328357, 315423, "Camden,_New_Jersey", 4]], [[328357, 315424, "Camden,_New_Jersey", 3]], [[328357, 315425, "Camden,_New_Jersey", 6]], [[328357, 315426, "Camden,_New_Jersey", 5], [328357, 315426, "County_seat", 0]], [[328357, 315427, "Camden,_New_Jersey", 17]], [[328357, 315428, "Camden,_New_Jersey", 18]], [[328357, 315429, "Camden,_New_Jersey", 26]], [[328357, 315430, "Camden,_New_Jersey", 28]], [[328357, 315431, "Camden,_New_Jersey", 33]], [[328357, 315432, "Camden,_New_Jersey", 40]]], "all_evidence": [[278821, 273519, "Camden,_New_Jersey", 0], [280518, 274956, "Camden,_New_Jersey", 0], [326869, 314259, "Camden,_New_Jersey", 0], [326869, 314260, "Camden,_New_Jersey", 3], [328357, 315421, "Camden,_New_Jersey", 0], [328357, 315422, "Camden,_New_Jersey", 2], [328357, 315423, "Camden,_New_Jersey", 4], [328357, 315424, "Camden,_New_Jersey", 3], [328357, 315425, "Camden,_New_Jersey", 6], [328357, 315426, "Camden,_New_Jersey", 5], [328357, 315426, "County_seat", 0], [328357, 315427, "Camden,_New_Jersey", 17], [328357, 315428, "Camden,_New_Jersey", 18], [328357, 315429, "Camden,_New_Jersey", 26], [328357, 315430, "Camden,_New_Jersey", 28], [328357, 315431, "Camden,_New_Jersey", 33], [328357, 315432, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23827, null, null, null]]], "all_evidence": [[23827, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236997, 239324, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[236997, 239324, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86698, null, null, null]]], "all_evidence": [[86698, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163677, null, null, null]]], "all_evidence": [[163677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256000, 255304, "Weekly_Idol", 1]]], "all_evidence": [[256000, 255304, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186116, null, null, null]]], "all_evidence": [[186116, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113352, 127211, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]], [[113352, 127212, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[113352, 127213, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9]]], "all_evidence": [[113352, 127211, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [113352, 127212, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [113352, 127213, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43218, 51857, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[43218, 51857, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25422, null, null, null]]], "all_evidence": [[25422, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114040, 127858, "Men_in_Black_II", 0]]], "all_evidence": [[114040, 127858, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143202, 158299, "Bhagat_Singh", 0]]], "all_evidence": [[143202, 158299, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48290, null, null, null]]], "all_evidence": [[48290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72590, 83627, "Ashton_Kutcher", 2]]], "all_evidence": [[72590, 83627, "Ashton_Kutcher", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69087, 79876, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[69087, 79876, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228460, null, null, null], [228468, null, null, null]]], "all_evidence": [[228460, null, null, null], [228468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76932, 88321, "Aristotle", 4]]], "all_evidence": [[76932, 88321, "Aristotle", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148891, 163935, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[148891, 163935, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38046, 45968, "Jewell_-LRB-singer-RRB-", 3], [38046, 45968, "Gin_and_Juice", 0], [38046, 45968, "Gin_and_Juice", 7]]], "all_evidence": [[38046, 45968, "Jewell_-LRB-singer-RRB-", 3], [38046, 45968, "Gin_and_Juice", 0], [38046, 45968, "Gin_and_Juice", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191983, 202748, "Johanna_Braddy", 3]]], "all_evidence": [[191983, 202748, "Johanna_Braddy", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190732, 201701, "Buffy_Summers", 3]]], "all_evidence": [[190732, 201701, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38332, 46279, "Ann_Richards", 0]], [[38332, 46280, "Ann_Richards", 2]]], "all_evidence": [[38332, 46279, "Ann_Richards", 0], [38332, 46280, "Ann_Richards", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139906, null, null, null]]], "all_evidence": [[139906, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237956, 240116, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237956, 240116, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128396, 143110, "Recovery_-LRB-Eminem_album-RRB-", 0], [128396, 143110, "Eminem", 0]]], "all_evidence": [[128396, 143110, "Recovery_-LRB-Eminem_album-RRB-", 0], [128396, 143110, "Eminem", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45781, 54655, "Shadowhunters", 4]]], "all_evidence": [[45781, 54655, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187436, 199082, "Mani_Ratnam", 1]]], "all_evidence": [[187436, 199082, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144465, null, null, null]]], "all_evidence": [[144465, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216069, null, null, null]]], "all_evidence": [[216069, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20470, null, null, null]]], "all_evidence": [[20470, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33908, 41112, "Global_warming", 13]]], "all_evidence": [[33908, 41112, "Global_warming", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29711, null, null, null]]], "all_evidence": [[29711, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209590, 217385, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209590, 217385, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14868, null, null, null]]], "all_evidence": [[14868, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237585, null, null, null]]], "all_evidence": [[237585, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102421, 115695, "Fist_of_Legend", 2]]], "all_evidence": [[102421, 115695, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227783, 232144, "Tilda_Swinton", 0]]], "all_evidence": [[227783, 232144, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132082, 146925, "The_Cincinnati_Kid", 6]]], "all_evidence": [[132082, 146925, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150963, 165807, "Stanley_Williams", 0]], [[150963, 165808, "Stanley_Williams", 1]]], "all_evidence": [[150963, 165807, "Stanley_Williams", 0], [150963, 165808, "Stanley_Williams", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158288, null, null, null], [158292, null, null, null]]], "all_evidence": [[158288, null, null, null], [158292, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194754, null, null, null]]], "all_evidence": [[194754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165192, 179324, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [165192, 179324, "Disneyland_Park_-LRB-Paris-RRB-", 0]], [[165192, 179325, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]], "all_evidence": [[165192, 179324, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [165192, 179324, "Disneyland_Park_-LRB-Paris-RRB-", 0], [165192, 179325, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54289, 64286, "Margaret_Thatcher", 8]]], "all_evidence": [[54289, 64286, "Margaret_Thatcher", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221830, 227373, "Stadium_Arcadium", 11]]], "all_evidence": [[221830, 227373, "Stadium_Arcadium", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235578, null, null, null]]], "all_evidence": [[235578, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99809, null, null, null]]], "all_evidence": [[99809, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68494, null, null, null], [71251, null, null, null], [303888, null, null, null], [306895, null, null, null]]], "all_evidence": [[68494, null, null, null], [71251, null, null, null], [303888, null, null, null], [306895, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290025, 283095, "House_-LRB-TV_series-RRB-", 0]], [[290025, 283096, "House_-LRB-TV_series-RRB-", 23]], [[290028, 283098, "House_-LRB-TV_series-RRB-", 0]], [[291357, 284302, "House_-LRB-TV_series-RRB-", 23]], [[337484, 322872, "House_-LRB-TV_series-RRB-", 0]], [[337536, 322900, "House_-LRB-TV_series-RRB-", 24], [337536, 322900, "House_-LRB-TV_series-RRB-", 0], [337536, 322900, "House_-LRB-TV_series-RRB-", 23]]], "all_evidence": [[290025, 283095, "House_-LRB-TV_series-RRB-", 0], [290025, 283096, "House_-LRB-TV_series-RRB-", 23], [290028, 283098, "House_-LRB-TV_series-RRB-", 0], [291357, 284302, "House_-LRB-TV_series-RRB-", 23], [337484, 322872, "House_-LRB-TV_series-RRB-", 0], [337536, 322900, "House_-LRB-TV_series-RRB-", 24], [337536, 322900, "House_-LRB-TV_series-RRB-", 0], [337536, 322900, "House_-LRB-TV_series-RRB-", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176833, 189783, "Paramore", 0]]], "all_evidence": [[176833, 189783, "Paramore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45061, 53786, "Chile", 0]], [[45061, 53787, "Chile", 20]], [[45061, 53788, "Chile", 21]], [[45061, 53789, "Chile", 23]], [[45061, 53790, "Chile", 22]]], "all_evidence": [[45061, 53786, "Chile", 0], [45061, 53787, "Chile", 20], [45061, 53788, "Chile", 21], [45061, 53789, "Chile", 23], [45061, 53790, "Chile", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27429, null, null, null]]], "all_evidence": [[27429, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274987, 270187, "Carlos_Santana", 4]], [[276996, 272007, "Carlos_Santana", 1]], [[276996, 272008, "Carlos_Santana", 4]], [[276998, 272009, "Carlos_Santana", 4]], [[324046, 312139, "Carlos_Santana", 4]]], "all_evidence": [[274987, 270187, "Carlos_Santana", 4], [276996, 272007, "Carlos_Santana", 1], [276996, 272008, "Carlos_Santana", 4], [276998, 272009, "Carlos_Santana", 4], [324046, 312139, "Carlos_Santana", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227789, null, null, null]]], "all_evidence": [[227789, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157928, 172532, "Heart", 19]], [[157929, 172533, "Heart", 19]]], "all_evidence": [[157928, 172532, "Heart", 19], [157929, 172533, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62679, null, null, null]]], "all_evidence": [[62679, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257113, 256160, "Homer_Hickam", 2]]], "all_evidence": [[257113, 256160, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120485, 134708, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[120485, 134708, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78536, 90063, "Ron_Weasley", 2]]], "all_evidence": [[78536, 90063, "Ron_Weasley", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268471, 265051, "Michaela_Watkins", 0]], [[268471, 265052, "Michaela_Watkins", 1], [268471, 265052, "Saturday_Night_Live", 0]]], "all_evidence": [[268471, 265051, "Michaela_Watkins", 0], [268471, 265052, "Michaela_Watkins", 1], [268471, 265052, "Saturday_Night_Live", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257106, 256154, "Homer_Hickam", 2]], [[257111, 256158, "Homer_Hickam", 2]]], "all_evidence": [[257106, 256154, "Homer_Hickam", 2], [257111, 256158, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223867, 228787, "Yandex", 0]], [[223879, 228793, "Yandex", 0]], [[223879, 228794, "Yandex", 3]]], "all_evidence": [[223867, 228787, "Yandex", 0], [223879, 228793, "Yandex", 0], [223879, 228794, "Yandex", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83540, 95532, "YouTube", 15]]], "all_evidence": [[83540, 95532, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266593, 263527, "Ralph_Fults", 0]]], "all_evidence": [[266593, 263527, "Ralph_Fults", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32571, 39590, "Jens_Stoltenberg", 4]]], "all_evidence": [[32571, 39590, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176847, 189793, "Camden,_New_Jersey", 40]]], "all_evidence": [[176847, 189793, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122618, null, null, null]]], "all_evidence": [[122618, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296131, 288076, "Heavy_metal_music", 0]], [[297731, 289342, "Heavy_metal_music", 0]], [[299811, 291183, "Heavy_metal_music", 0]], [[342341, 326399, "Heavy_metal_music", 0]], [[342345, 326402, "Heavy_metal_music", 0]], [[342348, 326405, "Heavy_metal_music", 0]]], "all_evidence": [[296131, 288076, "Heavy_metal_music", 0], [297731, 289342, "Heavy_metal_music", 0], [299811, 291183, "Heavy_metal_music", 0], [342341, 326399, "Heavy_metal_music", 0], [342345, 326402, "Heavy_metal_music", 0], [342348, 326405, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268400, 264994, "Danielle_Cormack", 0]]], "all_evidence": [[268400, 264994, "Danielle_Cormack", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142390, 157589, "United_Nations_Charter", 0]]], "all_evidence": [[142390, 157589, "United_Nations_Charter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238537, null, null, null], [238538, null, null, null]]], "all_evidence": [[238537, null, null, null], [238538, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210304, 218075, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210304, 218075, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218418, null, null, null]]], "all_evidence": [[218418, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132671, 147602, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[132671, 147602, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104162, 117636, "Morse_code", 0]]], "all_evidence": [[104162, 117636, "Morse_code", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160534, null, null, null]]], "all_evidence": [[160534, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12737, 15881, "The_Bassoon_King", 0]], [[12738, 15882, "The_Bassoon_King", 0]], [[12740, 15884, "The_Bassoon_King", 0]], [[12745, 15889, "The_Bassoon_King", 0]], [[12914, 16100, "The_Bassoon_King", 0]]], "all_evidence": [[12737, 15881, "The_Bassoon_King", 0], [12738, 15882, "The_Bassoon_King", 0], [12740, 15884, "The_Bassoon_King", 0], [12745, 15889, "The_Bassoon_King", 0], [12914, 16100, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279597, null, null, null], [281316, null, null, null], [283486, null, null, null], [327970, null, null, null]]], "all_evidence": [[279597, null, null, null], [281316, null, null, null], [283486, null, null, null], [327970, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213173, null, null, null]]], "all_evidence": [[213173, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[277775, 272727, "Harvard_University", 15]]], "all_evidence": [[277775, 272727, "Harvard_University", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165185, 179319, "Battle_of_France", 0]]], "all_evidence": [[165185, 179319, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231174, null, null, null]]], "all_evidence": [[231174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130206, 144941, "The_Mighty_Ducks", 1]], [[130207, 144942, "The_Mighty_Ducks", 1]]], "all_evidence": [[130206, 144941, "The_Mighty_Ducks", 1], [130207, 144942, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166933, 180751, "Paramore", 0]]], "all_evidence": [[166933, 180751, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49056, null, null, null]]], "all_evidence": [[49056, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80060, null, null, null]]], "all_evidence": [[80060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111490, 125221, "Aaron_Burr", 9]]], "all_evidence": [[111490, 125221, "Aaron_Burr", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235712, null, null, null]]], "all_evidence": [[235712, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123535, null, null, null]]], "all_evidence": [[123535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191969, 202732, "Drake_Bell", 13]], [[191969, 202733, "Drake_Bell", 16]], [[191969, 202734, "Drake_Bell", 18]], [[191969, 202735, "Drake_Bell", 19]], [[191970, 202736, "Drake_Bell", 13]], [[191970, 202737, "Drake_Bell", 16]], [[191970, 202738, "Drake_Bell", 18]], [[191970, 202739, "Drake_Bell", 19]]], "all_evidence": [[191969, 202732, "Drake_Bell", 13], [191969, 202733, "Drake_Bell", 16], [191969, 202734, "Drake_Bell", 18], [191969, 202735, "Drake_Bell", 19], [191970, 202736, "Drake_Bell", 13], [191970, 202737, "Drake_Bell", 16], [191970, 202738, "Drake_Bell", 18], [191970, 202739, "Drake_Bell", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73939, 85176, "West_Ham_United_F.C.", 5]]], "all_evidence": [[73939, 85176, "West_Ham_United_F.C.", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126844, 141290, "Human_trafficking", 0]]], "all_evidence": [[126844, 141290, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272430, null, null, null]]], "all_evidence": [[272430, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244439, null, null, null], [244440, null, null, null]]], "all_evidence": [[244439, null, null, null], [244440, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13750, 17200, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[13750, 17200, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100724, null, null, null]]], "all_evidence": [[100724, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118490, 132341, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[118490, 132341, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47969, 57288, "Ashton_Kutcher", 8]]], "all_evidence": [[47969, 57288, "Ashton_Kutcher", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142987, null, null, null]]], "all_evidence": [[142987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88346, 100961, "Ed_Wood_-LRB-film-RRB-", 0], [88346, 100961, "Ed_Wood", 1]]], "all_evidence": [[88346, 100961, "Ed_Wood_-LRB-film-RRB-", 0], [88346, 100961, "Ed_Wood", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160910, 175387, "Global_warming", 13]]], "all_evidence": [[160910, 175387, "Global_warming", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211416, null, null, null], [211420, null, null, null]]], "all_evidence": [[211416, null, null, null], [211420, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57439, null, null, null]]], "all_evidence": [[57439, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215815, 222592, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215815, 222592, "Geraldine_Chaplin", 0]]], "all_evidence": [[215815, 222592, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215815, 222592, "Geraldine_Chaplin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104878, 118282, "Civilization_IV", 0]]], "all_evidence": [[104878, 118282, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146811, 161788, "Beaverton,_Oregon", 1]]], "all_evidence": [[146811, 161788, "Beaverton,_Oregon", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85544, 97857, "Bethany_Hamilton", 0]]], "all_evidence": [[85544, 97857, "Bethany_Hamilton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172133, 185524, "Helmand_Province", 7]]], "all_evidence": [[172133, 185524, "Helmand_Province", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157155, null, null, null]]], "all_evidence": [[157155, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200464, 209969, "Sancho_Panza", 0]]], "all_evidence": [[200464, 209969, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72060, null, null, null]]], "all_evidence": [[72060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180133, 192665, "Aarhus", 1]]], "all_evidence": [[180133, 192665, "Aarhus", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101444, null, null, null]]], "all_evidence": [[101444, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185029, null, null, null]]], "all_evidence": [[185029, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275430, 270567, "Danny_Brown", 0]], [[277794, 272741, "Danny_Brown", 0]], [[277794, 272742, "Danny_Brown", 2], [277794, 272742, "The_Hybrid_-LRB-album-RRB-", 0]], [[277794, 272743, "Danny_Brown", 3], [277794, 272743, "XXX_-LRB-Danny_Brown_album-RRB-", 0]], [[277794, 272744, "Danny_Brown", 4], [277794, 272744, "Old_-LRB-Danny_Brown_album-RRB-", 0]], [[277794, 272745, "Danny_Brown", 5], [277794, 272745, "Atrocity_Exhibition_-LRB-album-RRB-", 0]], [[324464, 312435, "Danny_Brown", 1]], [[324464, 312436, "Danny_Brown", 2]], [[324464, 312437, "Danny_Brown", 3]], [[324464, 312438, "Danny_Brown", 4]], [[324464, 312439, "Danny_Brown", 5]], [[325896, 313518, "Danny_Brown", 0]], [[326029, 313609, "Danny_Brown", 0]], [[326029, 313610, "Danny_Brown", 2], [326029, 313610, "The_Hybrid_-LRB-album-RRB-", 0]], [[326029, 313611, "Danny_Brown", 3], [326029, 313611, "XXX_-LRB-Danny_Brown_album-RRB-", 0]], [[326029, 313612, "Danny_Brown", 4], [326029, 313612, "Old_-LRB-Danny_Brown_album-RRB-", 0]], [[326029, 313613, "Danny_Brown", 5], [326029, 313613, "Atrocity_Exhibition_-LRB-album-RRB-", 0]]], "all_evidence": [[275430, 270567, "Danny_Brown", 0], [277794, 272741, "Danny_Brown", 0], [277794, 272742, "Danny_Brown", 2], [277794, 272742, "The_Hybrid_-LRB-album-RRB-", 0], [277794, 272743, "Danny_Brown", 3], [277794, 272743, "XXX_-LRB-Danny_Brown_album-RRB-", 0], [277794, 272744, "Danny_Brown", 4], [277794, 272744, "Old_-LRB-Danny_Brown_album-RRB-", 0], [277794, 272745, "Danny_Brown", 5], [277794, 272745, "Atrocity_Exhibition_-LRB-album-RRB-", 0], [324464, 312435, "Danny_Brown", 1], [324464, 312436, "Danny_Brown", 2], [324464, 312437, "Danny_Brown", 3], [324464, 312438, "Danny_Brown", 4], [324464, 312439, "Danny_Brown", 5], [325896, 313518, "Danny_Brown", 0], [326029, 313609, "Danny_Brown", 0], [326029, 313610, "Danny_Brown", 2], [326029, 313610, "The_Hybrid_-LRB-album-RRB-", 0], [326029, 313611, "Danny_Brown", 3], [326029, 313611, "XXX_-LRB-Danny_Brown_album-RRB-", 0], [326029, 313612, "Danny_Brown", 4], [326029, 313612, "Old_-LRB-Danny_Brown_album-RRB-", 0], [326029, 313613, "Danny_Brown", 5], [326029, 313613, "Atrocity_Exhibition_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245858, null, null, null]]], "all_evidence": [[245858, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227021, 231451, "Barry_Van_Dyke", 0]]], "all_evidence": [[227021, 231451, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93031, 105916, "Jennifer_Lopez", 10]]], "all_evidence": [[93031, 105916, "Jennifer_Lopez", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35446, 42962, "Guillermo_del_Toro", 0]]], "all_evidence": [[35446, 42962, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61077, 71537, "Monster", 0]]], "all_evidence": [[61077, 71537, "Monster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183960, null, null, null], [183966, null, null, null]]], "all_evidence": [[183960, null, null, null], [183966, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25724, 31648, "Chris_Kyle", 0]]], "all_evidence": [[25724, 31648, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46372, 55351, "Life", 0]]], "all_evidence": [[46372, 55351, "Life", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39626, null, null, null]]], "all_evidence": [[39626, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123728, null, null, null]]], "all_evidence": [[123728, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270820, null, null, null]]], "all_evidence": [[270820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77697, 89146, "West_Virginia", 1]]], "all_evidence": [[77697, 89146, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90781, 103481, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[90781, 103481, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193421, 203938, "Don_Bradman", 20]]], "all_evidence": [[193421, 203938, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53735, 63736, "A_View_to_a_Kill", 0]]], "all_evidence": [[53735, 63736, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292570, null, null, null], [294583, null, null, null], [295170, null, null, null], [340377, null, null, null], [340385, null, null, null]]], "all_evidence": [[292570, null, null, null], [294583, null, null, null], [295170, null, null, null], [340377, null, null, null], [340385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193380, 203907, "Don_Bradman", 20]]], "all_evidence": [[193380, 203907, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275313, 270476, "Blade_Runner_2049", 1]], [[277188, 272146, "Blade_Runner_2049", 1]], [[277731, 272678, "Blade_Runner_2049", 1]], [[324352, 312361, "Blade_Runner_2049", 1]], [[325802, 313417, "Blade_Runner_2049", 1]], [[325803, 313418, "Blade_Runner_2049", 1]], [[325805, 313419, "Blade_Runner_2049", 1]], [[325814, 313429, "Blade_Runner_2049", 1]]], "all_evidence": [[275313, 270476, "Blade_Runner_2049", 1], [277188, 272146, "Blade_Runner_2049", 1], [277731, 272678, "Blade_Runner_2049", 1], [324352, 312361, "Blade_Runner_2049", 1], [325802, 313417, "Blade_Runner_2049", 1], [325803, 313418, "Blade_Runner_2049", 1], [325805, 313419, "Blade_Runner_2049", 1], [325814, 313429, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135439, 150322, "Heart", 15]]], "all_evidence": [[135439, 150322, "Heart", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269577, 265870, "Richard_Dawkins", 16]]], "all_evidence": [[269577, 265870, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241414, 242941, "Brad_Wilk", 1]], [[241414, 242942, "Brad_Wilk", 9]]], "all_evidence": [[241414, 242941, "Brad_Wilk", 1], [241414, 242942, "Brad_Wilk", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189884, null, null, null]]], "all_evidence": [[189884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142496, 157677, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[142496, 157677, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258123, 256993, "Monk", 1]], [[258123, 256994, "Monk", 5]]], "all_evidence": [[258123, 256993, "Monk", 1], [258123, 256994, "Monk", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227659, 232001, "Happiness_in_Slavery", 0]]], "all_evidence": [[227659, 232001, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214302, 221383, "Ernest_Medina", 2]], [[214302, 221384, "Ernest_Medina", 3]], [[214304, 221386, "Ernest_Medina", 2]], [[214304, 221387, "Ernest_Medina", 3]]], "all_evidence": [[214302, 221383, "Ernest_Medina", 2], [214302, 221384, "Ernest_Medina", 3], [214304, 221386, "Ernest_Medina", 2], [214304, 221387, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142868, 158002, "Penguin_Books", 2]]], "all_evidence": [[142868, 158002, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89892, 102601, "XHamster", 6]], [[89918, 102621, "XHamster", 6]]], "all_evidence": [[89892, 102601, "XHamster", 6], [89918, 102621, "XHamster", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237564, 239771, "Live_Through_This", 0]], [[237564, 239772, "Live_Through_This", 3]], [[237564, 239773, "Live_Through_This", 4]], [[237564, 239774, "Live_Through_This", 5]], [[237564, 239775, "Live_Through_This", 8]], [[237564, 239776, "Live_Through_This", 9]], [[237564, 239777, "Live_Through_This", 10]], [[237564, 239778, "Live_Through_This", 11]]], "all_evidence": [[237564, 239771, "Live_Through_This", 0], [237564, 239772, "Live_Through_This", 3], [237564, 239773, "Live_Through_This", 4], [237564, 239774, "Live_Through_This", 5], [237564, 239775, "Live_Through_This", 8], [237564, 239776, "Live_Through_This", 9], [237564, 239777, "Live_Through_This", 10], [237564, 239778, "Live_Through_This", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122579, null, null, null]]], "all_evidence": [[122579, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264405, 261867, "Brubaker", 0]]], "all_evidence": [[264405, 261867, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258094, 256973, "Monk", 0]]], "all_evidence": [[258094, 256973, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24431, 30214, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[24431, 30214, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106651, null, null, null]]], "all_evidence": [[106651, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268465, 265047, "Michaela_Watkins", 0]]], "all_evidence": [[268465, 265047, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238972, 240930, "Despicable_Me_2", 1], [238972, 240930, "Cinco_Paul_and_Ken_Daurio", 0]]], "all_evidence": [[238972, 240930, "Despicable_Me_2", 1], [238972, 240930, "Cinco_Paul_and_Ken_Daurio", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57939, 68170, "T2_Trainspotting", 0]]], "all_evidence": [[57939, 68170, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55089, 65127, "Speech_recognition", 0]]], "all_evidence": [[55089, 65127, "Speech_recognition", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172754, 186026, "Edmund_H._North", 0], [172754, 186026, "Pisces_-LRB-astrology-RRB-", 2]]], "all_evidence": [[172754, 186026, "Edmund_H._North", 0], [172754, 186026, "Pisces_-LRB-astrology-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210952, 218619, "Mogadishu", 0]], [[210952, 218620, "Mogadishu", 1]]], "all_evidence": [[210952, 218619, "Mogadishu", 0], [210952, 218620, "Mogadishu", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246517, null, null, null]]], "all_evidence": [[246517, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32576, 39597, "Edmund_H._North", 0]]], "all_evidence": [[32576, 39597, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250997, 250966, "Brick_-LRB-film-RRB-", 0]], [[251002, 250970, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250997, 250966, "Brick_-LRB-film-RRB-", 0], [251002, 250970, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71761, 82768, "Nicholas_Brody", 1], [71761, 82768, "Showtime_-LRB-TV_network-RRB-", 0]]], "all_evidence": [[71761, 82768, "Nicholas_Brody", 1], [71761, 82768, "Showtime_-LRB-TV_network-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120554, null, null, null]]], "all_evidence": [[120554, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174044, 187229, "A_View_to_a_Kill", 6]]], "all_evidence": [[174044, 187229, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33371, 40482, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[33371, 40482, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110710, 124388, "Microbiologist", 14]]], "all_evidence": [[110710, 124388, "Microbiologist", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169681, 183282, "The_Daily_Show", 2]]], "all_evidence": [[169681, 183282, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217315, 223932, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217315, 223932, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159334, 173896, "House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[159334, 173896, "House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156970, null, null, null]]], "all_evidence": [[156970, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42840, null, null, null]]], "all_evidence": [[42840, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99374, 112493, "Shawn_Carlson", 0]]], "all_evidence": [[99374, 112493, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91433, null, null, null]]], "all_evidence": [[91433, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54068, 64054, "Tenacious_D", 0]]], "all_evidence": [[54068, 64054, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149232, 164229, "James_VI_and_I", 10]], [[149238, 164236, "James_VI_and_I", 10]], [[149238, 164237, "James_VI_and_I", 0]]], "all_evidence": [[149232, 164229, "James_VI_and_I", 10], [149238, 164236, "James_VI_and_I", 10], [149238, 164237, "James_VI_and_I", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113379, 127243, "Caroline_Kennedy", 0]]], "all_evidence": [[113379, 127243, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172686, null, null, null]]], "all_evidence": [[172686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162905, 177137, "Rage_Against_the_Machine", 0]]], "all_evidence": [[162905, 177137, "Rage_Against_the_Machine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53541, 63538, "Bruce_Shand", 0]]], "all_evidence": [[53541, 63538, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138542, 153619, "History_of_Earth", 6]], [[138542, 153620, "History_of_Earth", 24]], [[138542, 153621, "History_of_Earth", 25]], [[138542, 153622, "History_of_Earth", 26]]], "all_evidence": [[138542, 153619, "History_of_Earth", 6], [138542, 153620, "History_of_Earth", 24], [138542, 153621, "History_of_Earth", 25], [138542, 153622, "History_of_Earth", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174723, 187870, "Sam_Claflin", 1]]], "all_evidence": [[174723, 187870, "Sam_Claflin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[297106, 288794, "The_Bahamas", 1]], [[340627, 325262, "The_Bahamas", 0], [340627, 325262, "Archipelagic_state", 0]], [[340973, 325464, "The_Bahamas", 0], [340973, 325464, "Archipelagic_state", 0]]], "all_evidence": [[297106, 288794, "The_Bahamas", 1], [340627, 325262, "The_Bahamas", 0], [340627, 325262, "Archipelagic_state", 0], [340973, 325464, "The_Bahamas", 0], [340973, 325464, "Archipelagic_state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16656, 20622, "James_Jones_-LRB-basketball_player-RRB-", 15], [16656, 20622, "NBA_playoffs", 0]]], "all_evidence": [[16656, 20622, "James_Jones_-LRB-basketball_player-RRB-", 15], [16656, 20622, "NBA_playoffs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73276, 84494, "Miranda_Otto", 1]]], "all_evidence": [[73276, 84494, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175284, 188273, "Camden,_New_Jersey", 40]]], "all_evidence": [[175284, 188273, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207691, 215910, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207691, 215910, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268415, 265001, "Danielle_Cormack", 0]]], "all_evidence": [[268415, 265001, "Danielle_Cormack", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268078, 264723, "PacSun", 1]], [[270038, 266177, "PacSun", 1]], [[271161, 267098, "PacSun", 1], [271161, 267098, "PacSun", 0]], [[321797, 310196, "PacSun", 1]], [[323119, 311348, "PacSun", 1]], [[323123, 311352, "PacSun", 1]]], "all_evidence": [[268078, 264723, "PacSun", 1], [270038, 266177, "PacSun", 1], [271161, 267098, "PacSun", 1], [271161, 267098, "PacSun", 0], [321797, 310196, "PacSun", 1], [323119, 311348, "PacSun", 1], [323123, 311352, "PacSun", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54521, 64522, "Colombiana", 0]]], "all_evidence": [[54521, 64522, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73385, 84623, "Daag_-LRB-1973_film-RRB-", 0]], [[73385, 84624, "Daag_-LRB-1973_film-RRB-", 5]], [[73385, 84625, "Daag_-LRB-1973_film-RRB-", 2]], [[73385, 84626, "Daag_-LRB-1973_film-RRB-", 8]], [[73385, 84627, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[73385, 84623, "Daag_-LRB-1973_film-RRB-", 0], [73385, 84624, "Daag_-LRB-1973_film-RRB-", 5], [73385, 84625, "Daag_-LRB-1973_film-RRB-", 2], [73385, 84626, "Daag_-LRB-1973_film-RRB-", 8], [73385, 84627, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255498, 254947, "Gray_Matter_Interactive", 0]]], "all_evidence": [[255498, 254947, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98099, null, null, null]]], "all_evidence": [[98099, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251517, null, null, null]]], "all_evidence": [[251517, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213732, 220890, "Finding_Dory", 1]]], "all_evidence": [[213732, 220890, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239620, 241396, "Polynesian_languages", 6]]], "all_evidence": [[239620, 241396, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99993, 113200, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[99993, 113200, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269556, 265856, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269556, 265856, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168103, 181863, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[168103, 181863, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73473, 84715, "John_Krasinski", 0]]], "all_evidence": [[73473, 84715, "John_Krasinski", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87076, 99575, "Blue_Jasmine", 1]], [[87076, 99576, "Blue_Jasmine", 6]], [[87076, 99577, "Blue_Jasmine", 7]]], "all_evidence": [[87076, 99575, "Blue_Jasmine", 1], [87076, 99576, "Blue_Jasmine", 6], [87076, 99577, "Blue_Jasmine", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45702, 54570, "Gordon_Ramsay", 11]]], "all_evidence": [[45702, 54570, "Gordon_Ramsay", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133545, null, null, null]]], "all_evidence": [[133545, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241385, null, null, null]]], "all_evidence": [[241385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43433, 52076, "Philomena_-LRB-film-RRB-", 8]], [[43433, 52077, "Philomena_-LRB-film-RRB-", 9]]], "all_evidence": [[43433, 52076, "Philomena_-LRB-film-RRB-", 8], [43433, 52077, "Philomena_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172886, 186148, "David_Spade", 2]]], "all_evidence": [[172886, 186148, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227622, 231972, "Happiness_in_Slavery", 0]]], "all_evidence": [[227622, 231972, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225830, 230401, "Love_the_Way_You_Lie", 17]]], "all_evidence": [[225830, 230401, "Love_the_Way_You_Lie", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76564, null, null, null], [305730, null, null, null], [307378, null, null, null]]], "all_evidence": [[76564, null, null, null], [305730, null, null, null], [307378, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184888, 196756, "French_Indochina", 0]], [[184890, 196758, "French_Indochina", 0]]], "all_evidence": [[184888, 196756, "French_Indochina", 0], [184890, 196758, "French_Indochina", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190725, null, null, null]]], "all_evidence": [[190725, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87315, null, null, null]]], "all_evidence": [[87315, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27326, 33494, "AMGTV", 0]]], "all_evidence": [[27326, 33494, "AMGTV", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296690, null, null, null], [300366, null, null, null], [343721, null, null, null], [343722, null, null, null], [343731, null, null, null]]], "all_evidence": [[296690, null, null, null], [300366, null, null, null], [343721, null, null, null], [343722, null, null, null], [343731, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53032, 62981, "Republic_of_Macedonia", 1], [53032, 62981, "Balkans", 0]]], "all_evidence": [[53032, 62981, "Republic_of_Macedonia", 1], [53032, 62981, "Balkans", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229423, 233351, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1]]], "all_evidence": [[229423, 233351, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37402, 45318, "Jackpot_-LRB-2013_film-RRB-", 1]]], "all_evidence": [[37402, 45318, "Jackpot_-LRB-2013_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44309, 52950, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[44309, 52950, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161322, null, null, null]]], "all_evidence": [[161322, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165908, null, null, null]]], "all_evidence": [[165908, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155311, 170001, "Saxony", 4]]], "all_evidence": [[155311, 170001, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180084, 192608, "Always_-LRB-1989_film-RRB-", 3]]], "all_evidence": [[180084, 192608, "Always_-LRB-1989_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92009, null, null, null]]], "all_evidence": [[92009, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124191, null, null, null]]], "all_evidence": [[124191, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231190, 234717, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231190, 234717, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78380, 89914, "L.A._Reid", 1]]], "all_evidence": [[78380, 89914, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173047, null, null, null]]], "all_evidence": [[173047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40054, 48186, "A_View_to_a_Kill", 0], [40054, 48186, "Slipknot_-LRB-band-RRB-", 1]]], "all_evidence": [[40054, 48186, "A_View_to_a_Kill", 0], [40054, 48186, "Slipknot_-LRB-band-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161317, 175805, "The_dress", 7]]], "all_evidence": [[161317, 175805, "The_dress", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125519, 139863, "Starrcade", 0]], [[125519, 139864, "Starrcade", 2]], [[125519, 139865, "Starrcade", 5]], [[125519, 139866, "Starrcade", 21]], [[125519, 139867, "Starrcade", 23]], [[125519, 139868, "Starrcade", 14]]], "all_evidence": [[125519, 139863, "Starrcade", 0], [125519, 139864, "Starrcade", 2], [125519, 139865, "Starrcade", 5], [125519, 139866, "Starrcade", 21], [125519, 139867, "Starrcade", 23], [125519, 139868, "Starrcade", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80556, 92399, "Michigan", 2]]], "all_evidence": [[80556, 92399, "Michigan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270841, 266821, "New_Orleans_Pelicans", 1], [270841, 266821, "Southwest_Division_-LRB-NBA-RRB-", 0]]], "all_evidence": [[270841, 266821, "New_Orleans_Pelicans", 1], [270841, 266821, "Southwest_Division_-LRB-NBA-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229528, null, null, null]]], "all_evidence": [[229528, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129809, null, null, null]]], "all_evidence": [[129809, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104120, null, null, null]]], "all_evidence": [[104120, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150302, 165225, "Justine_Bateman", 0]]], "all_evidence": [[150302, 165225, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148085, null, null, null]]], "all_evidence": [[148085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279606, 274244, "Sean_Penn", 5], [279606, 274244, "Sean_Penn", 6], [279606, 274244, "Sean_Penn", 7], [279606, 274244, "Sean_Penn", 8], [279606, 274244, "Sean_Penn", 11]], [[281327, 275729, "Sean_Penn", 5], [281327, 275729, "Sean_Penn", 6], [281327, 275729, "Sean_Penn", 7], [281327, 275729, "Sean_Penn", 8], [281327, 275729, "Sean_Penn", 11], [281327, 275729, "Sean_Penn", 12], [281327, 275729, "Sean_Penn", 13]], [[328948, 315881, "Sean_Penn", 5], [328948, 315881, "Sean_Penn", 6], [328948, 315881, "Sean_Penn", 7], [328948, 315881, "Sean_Penn", 8], [328948, 315881, "Sean_Penn", 11]]], "all_evidence": [[279606, 274244, "Sean_Penn", 5], [279606, 274244, "Sean_Penn", 6], [279606, 274244, "Sean_Penn", 7], [279606, 274244, "Sean_Penn", 8], [279606, 274244, "Sean_Penn", 11], [281327, 275729, "Sean_Penn", 5], [281327, 275729, "Sean_Penn", 6], [281327, 275729, "Sean_Penn", 7], [281327, 275729, "Sean_Penn", 8], [281327, 275729, "Sean_Penn", 11], [281327, 275729, "Sean_Penn", 12], [281327, 275729, "Sean_Penn", 13], [328948, 315881, "Sean_Penn", 5], [328948, 315881, "Sean_Penn", 6], [328948, 315881, "Sean_Penn", 7], [328948, 315881, "Sean_Penn", 8], [328948, 315881, "Sean_Penn", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273654, 269025, "Working_animal", 0]]], "all_evidence": [[273654, 269025, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93021, 105904, "Camden,_New_Jersey", 0]], [[93021, 105905, "Camden,_New_Jersey", 3], [93021, 105905, "List_of_municipalities_in_New_Jersey", 1]], [[93021, 105906, "Camden,_New_Jersey", 2]], [[93021, 105907, "Camden,_New_Jersey", 5], [93021, 105907, "County_seat", 0]]], "all_evidence": [[93021, 105904, "Camden,_New_Jersey", 0], [93021, 105905, "Camden,_New_Jersey", 3], [93021, 105905, "List_of_municipalities_in_New_Jersey", 1], [93021, 105906, "Camden,_New_Jersey", 2], [93021, 105907, "Camden,_New_Jersey", 5], [93021, 105907, "County_seat", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230034, 233794, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230034, 233794, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231441, 234942, "Diwali", 2]]], "all_evidence": [[231441, 234942, "Diwali", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49741, null, null, null]]], "all_evidence": [[49741, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118104, 131957, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[118104, 131957, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103692, null, null, null]]], "all_evidence": [[103692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146193, 161181, "Bad_Romance", 12]], [[146197, 161185, "Bad_Romance", 12]], [[146198, 161186, "Bad_Romance", 12]]], "all_evidence": [[146193, 161181, "Bad_Romance", 12], [146197, 161185, "Bad_Romance", 12], [146198, 161186, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203700, null, null, null]]], "all_evidence": [[203700, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24105, 29833, "Kellyanne_Conway", 12]]], "all_evidence": [[24105, 29833, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33166, null, null, null]]], "all_evidence": [[33166, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66175, null, null, null]]], "all_evidence": [[66175, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239995, null, null, null]]], "all_evidence": [[239995, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103730, null, null, null]]], "all_evidence": [[103730, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56659, null, null, null]]], "all_evidence": [[56659, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69172, null, null, null]]], "all_evidence": [[69172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185339, 197107, "Juventus_F.C.", 1], [185339, 197107, "Juventus_Stadium", 0]]], "all_evidence": [[185339, 197107, "Juventus_F.C.", 1], [185339, 197107, "Juventus_Stadium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258101, 256977, "Monk", 0]], [[258103, 256979, "Monk", 0]]], "all_evidence": [[258101, 256977, "Monk", 0], [258103, 256979, "Monk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197258, null, null, null]]], "all_evidence": [[197258, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96348, 109495, "Sayyeshaa", 1]]], "all_evidence": [[96348, 109495, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38322, 46274, "EA_Black_Box", 0]]], "all_evidence": [[38322, 46274, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132892, null, null, null]]], "all_evidence": [[132892, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78301, 89835, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[78301, 89835, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111560, 125324, "Terry_Crews", 0]]], "all_evidence": [[111560, 125324, "Terry_Crews", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163439, 177679, "Washington_Wizards", 0], [163439, 177679, "American_Idol", 0]]], "all_evidence": [[163439, 177679, "Washington_Wizards", 0], [163439, 177679, "American_Idol", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22753, 28057, "Stanley_Williams", 5]]], "all_evidence": [[22753, 28057, "Stanley_Williams", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209567, 217368, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209567, 217368, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269608, 265890, "Richard_Dawkins", 16]], [[269612, 265892, "Richard_Dawkins", 16]]], "all_evidence": [[269608, 265890, "Richard_Dawkins", 16], [269612, 265892, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198029, 207976, "Syracuse,_New_York", 2]]], "all_evidence": [[198029, 207976, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25794, 31726, "Harold_Macmillan", 0]], [[27104, 33228, "Harold_Macmillan", 0]], [[30161, 36714, "Harold_Macmillan", 0]], [[301665, 292778, "Harold_Macmillan", 0]], [[301666, 292779, "Harold_Macmillan", 0]], [[302971, 293952, "Harold_Macmillan", 0]]], "all_evidence": [[25794, 31726, "Harold_Macmillan", 0], [27104, 33228, "Harold_Macmillan", 0], [30161, 36714, "Harold_Macmillan", 0], [301665, 292778, "Harold_Macmillan", 0], [301666, 292779, "Harold_Macmillan", 0], [302971, 293952, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251516, 251353, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251516, 251353, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14509, null, null, null]]], "all_evidence": [[14509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231978, 235279, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231978, 235279, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190037, 201181, "Philip_Glass", 9]]], "all_evidence": [[190037, 201181, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253968, null, null, null], [253969, null, null, null]]], "all_evidence": [[253968, null, null, null], [253969, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20510, 25142, "Meteora_-LRB-album-RRB-", 0]], [[20510, 25143, "Meteora_-LRB-album-RRB-", 13]]], "all_evidence": [[20510, 25142, "Meteora_-LRB-album-RRB-", 0], [20510, 25143, "Meteora_-LRB-album-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260874, 259214, "Capsicum_chinense", 0]], [[260876, 259215, "Capsicum_chinense", 0]]], "all_evidence": [[260874, 259214, "Capsicum_chinense", 0], [260876, 259215, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186122, null, null, null]]], "all_evidence": [[186122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12099, 15155, "Lost_-LRB-TV_series-RRB-", 15]]], "all_evidence": [[12099, 15155, "Lost_-LRB-TV_series-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76740, 88089, "Eva_Green", 1]], [[80359, 92183, "Eva_Green", 1]], [[82864, 94730, "Eva_Green", 1]], [[306035, 296786, "Eva_Green", 1]], [[307260, 297792, "Eva_Green", 1]]], "all_evidence": [[76740, 88089, "Eva_Green", 1], [80359, 92183, "Eva_Green", 1], [82864, 94730, "Eva_Green", 1], [306035, 296786, "Eva_Green", 1], [307260, 297792, "Eva_Green", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72186, null, null, null]]], "all_evidence": [[72186, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119387, 133403, "Bethany_Hamilton", 2], [119387, 133403, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[119387, 133403, "Bethany_Hamilton", 2], [119387, 133403, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254371, 254060, "DJ_Quik", 0]], [[254371, 254061, "DJ_Quik", 1]]], "all_evidence": [[254371, 254060, "DJ_Quik", 0], [254371, 254061, "DJ_Quik", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213718, 220877, "Finding_Dory", 1]]], "all_evidence": [[213718, 220877, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105794, null, null, null]]], "all_evidence": [[105794, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[217924, null, null, null], [219883, null, null, null], [317461, null, null, null], [317471, null, null, null]]], "all_evidence": [[217924, null, null, null], [219883, null, null, null], [317461, null, null, null], [317471, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35795, 43336, "Angelsberg", 0]]], "all_evidence": [[35795, 43336, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[280833, 275228, "EA_Black_Box", 0]], [[281060, 275446, "EA_Black_Box", 0]], [[281060, 275447, "EA_Black_Box", 2]], [[328730, 315718, "EA_Black_Box", 0]]], "all_evidence": [[280833, 275228, "EA_Black_Box", 0], [281060, 275446, "EA_Black_Box", 0], [281060, 275447, "EA_Black_Box", 2], [328730, 315718, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34940, 42358, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[34940, 42358, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115206, null, null, null]]], "all_evidence": [[115206, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51218, 60960, "Topman", 0], [51218, 60960, "Topshop", 0]]], "all_evidence": [[51218, 60960, "Topman", 0], [51218, 60960, "Topshop", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182249, 194506, "YouTube", 0]], [[182249, 194507, "YouTube", 2]], [[182249, 194508, "YouTube", 3]], [[182249, 194509, "YouTube", 8]], [[182249, 194510, "YouTube", 13]], [[182249, 194511, "YouTube", 15]]], "all_evidence": [[182249, 194506, "YouTube", 0], [182249, 194507, "YouTube", 2], [182249, 194508, "YouTube", 3], [182249, 194509, "YouTube", 8], [182249, 194510, "YouTube", 13], [182249, 194511, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[297581, 289229, "Poldark_-LRB-2015_TV_series-RRB-", 6], [297581, 289229, "Poldark_-LRB-2015_TV_series-RRB-", 0]], [[342169, 326292, "Poldark_-LRB-2015_TV_series-RRB-", 6]], [[342179, 326299, "Poldark_-LRB-2015_TV_series-RRB-", 6]], [[342206, 326306, "Poldark_-LRB-2015_TV_series-RRB-", 6]]], "all_evidence": [[297581, 289229, "Poldark_-LRB-2015_TV_series-RRB-", 6], [297581, 289229, "Poldark_-LRB-2015_TV_series-RRB-", 0], [342169, 326292, "Poldark_-LRB-2015_TV_series-RRB-", 6], [342179, 326299, "Poldark_-LRB-2015_TV_series-RRB-", 6], [342206, 326306, "Poldark_-LRB-2015_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267518, null, null, null]]], "all_evidence": [[267518, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211220, null, null, null]]], "all_evidence": [[211220, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166928, 180748, "Diana,_Princess_of_Wales", 5]]], "all_evidence": [[166928, 180748, "Diana,_Princess_of_Wales", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132484, 147401, "Juventus_F.C.", 1]]], "all_evidence": [[132484, 147401, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127026, null, null, null]]], "all_evidence": [[127026, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241254, 242796, "Cretaceous", 8]]], "all_evidence": [[241254, 242796, "Cretaceous", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176506, null, null, null]]], "all_evidence": [[176506, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279365, 273986, "Hedda_Gabler", 1]], [[281115, 275506, "Hedda_Gabler", 1]], [[283195, 277271, "Hedda_Gabler", 1]], [[327631, 314860, "Hedda_Gabler", 1]], [[328757, 315756, "Hedda_Gabler", 1]]], "all_evidence": [[279365, 273986, "Hedda_Gabler", 1], [281115, 275506, "Hedda_Gabler", 1], [283195, 277271, "Hedda_Gabler", 1], [327631, 314860, "Hedda_Gabler", 1], [328757, 315756, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121839, null, null, null]]], "all_evidence": [[121839, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203334, 212375, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203334, 212375, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214783, 221777, "Premam", 11]]], "all_evidence": [[214783, 221777, "Premam", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201871, null, null, null], [204752, null, null, null], [315690, null, null, null], [316731, null, null, null], [318660, null, null, null]]], "all_evidence": [[201871, null, null, null], [204752, null, null, null], [315690, null, null, null], [316731, null, null, null], [318660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228738, 232848, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228758, 232876, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]], "all_evidence": [[228738, 232848, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228758, 232876, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182208, null, null, null]]], "all_evidence": [[182208, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121976, null, null, null]]], "all_evidence": [[121976, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181136, null, null, null]]], "all_evidence": [[181136, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136038, 150873, "James_Jones_-LRB-basketball_player-RRB-", 15]]], "all_evidence": [[136038, 150873, "James_Jones_-LRB-basketball_player-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95253, 108255, "Ashley_Cole", 0], [95253, 108255, "LA_Galaxy", 4]]], "all_evidence": [[95253, 108255, "Ashley_Cole", 0], [95253, 108255, "LA_Galaxy", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102294, null, null, null]]], "all_evidence": [[102294, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72877, 83980, "Wildfang", 1]]], "all_evidence": [[72877, 83980, "Wildfang", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171914, null, null, null], [313772, null, null, null], [313775, null, null, null]]], "all_evidence": [[171914, null, null, null], [313772, null, null, null], [313775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248512, 248674, "Tie_Your_Mother_Down", 2]]], "all_evidence": [[248512, 248674, "Tie_Your_Mother_Down", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58230, 68454, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[58230, 68454, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175543, 188552, "James_VI_and_I", 10]], [[175544, 188553, "James_VI_and_I", 10]]], "all_evidence": [[175543, 188552, "James_VI_and_I", 10], [175544, 188553, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79495, 91223, "Rupert_Murdoch", 3]], [[79495, 91224, "Rupert_Murdoch", 20]]], "all_evidence": [[79495, 91223, "Rupert_Murdoch", 3], [79495, 91224, "Rupert_Murdoch", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245445, 246256, "Mel_B", 5]]], "all_evidence": [[245445, 246256, "Mel_B", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[291604, 284509, "Randy_Savage", 0]], [[291604, 284510, "Randy_Savage", 3]], [[291605, 284511, "Randy_Savage", 0]], [[291608, 284513, "Randy_Savage", 0], [291608, 284513, "Professional_wrestling", 2]]], "all_evidence": [[291604, 284509, "Randy_Savage", 0], [291604, 284510, "Randy_Savage", 3], [291605, 284511, "Randy_Savage", 0], [291608, 284513, "Randy_Savage", 0], [291608, 284513, "Professional_wrestling", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116050, 129950, "Gin", 3]]], "all_evidence": [[116050, 129950, "Gin", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210342, 218104, "Southpaw_-LRB-film-RRB-", 0], [210342, 218104, "Kurt_Sutter", 0]]], "all_evidence": [[210342, 218104, "Southpaw_-LRB-film-RRB-", 0], [210342, 218104, "Kurt_Sutter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44362, null, null, null]]], "all_evidence": [[44362, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232001, null, null, null]]], "all_evidence": [[232001, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240864, 242463, "Down_with_Love", 0]]], "all_evidence": [[240864, 242463, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115724, 129588, "Marco_Polo", 0]], [[115724, 129589, "Marco_Polo", 1]], [[115724, 129590, "Marco_Polo", 4]], [[115724, 129591, "Marco_Polo", 6]], [[115724, 129592, "Marco_Polo", 7]], [[115724, 129593, "Marco_Polo", 8]], [[115724, 129594, "Marco_Polo", 11]]], "all_evidence": [[115724, 129588, "Marco_Polo", 0], [115724, 129589, "Marco_Polo", 1], [115724, 129590, "Marco_Polo", 4], [115724, 129591, "Marco_Polo", 6], [115724, 129592, "Marco_Polo", 7], [115724, 129593, "Marco_Polo", 8], [115724, 129594, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208004, null, null, null], [208005, null, null, null]]], "all_evidence": [[208004, null, null, null], [208005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101852, 115099, "Marco_Polo", 0]]], "all_evidence": [[101852, 115099, "Marco_Polo", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136338, null, null, null]]], "all_evidence": [[136338, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169400, 183046, "Anushka_Sharma", 2]], [[169400, 183047, "Anushka_Sharma", 6]], [[169400, 183048, "Anushka_Sharma", 7]], [[169400, 183049, "Anushka_Sharma", 9]]], "all_evidence": [[169400, 183046, "Anushka_Sharma", 2], [169400, 183047, "Anushka_Sharma", 6], [169400, 183048, "Anushka_Sharma", 7], [169400, 183049, "Anushka_Sharma", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292584, 285326, "Peking_University", 0]], [[294587, 286831, "Peking_University", 4]], [[340428, 325073, "Peking_University", 0]], [[340428, 325074, "Peking_University", 1]], [[340428, 325075, "Peking_University", 2]]], "all_evidence": [[292584, 285326, "Peking_University", 0], [294587, 286831, "Peking_University", 4], [340428, 325073, "Peking_University", 0], [340428, 325074, "Peking_University", 1], [340428, 325075, "Peking_University", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152849, 167613, "Highway_to_Heaven", 0]]], "all_evidence": [[152849, 167613, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211218, null, null, null]]], "all_evidence": [[211218, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60229, 70628, "Aarhus", 0]]], "all_evidence": [[60229, 70628, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127354, 141896, "Ed_Wood_-LRB-film-RRB-", 0]], [[127354, 141897, "Ed_Wood_-LRB-film-RRB-", 11], [127354, 141897, "Touchstone_Pictures", 0]], [[127354, 141898, "Ed_Wood_-LRB-film-RRB-", 12], [127354, 141898, "Box_office_bomb", 0]], [[127354, 141899, "Ed_Wood_-LRB-film-RRB-", 13], [127354, 141899, "Academy_Award_for_Best_Makeup_and_Hairstyling", 0]]], "all_evidence": [[127354, 141896, "Ed_Wood_-LRB-film-RRB-", 0], [127354, 141897, "Ed_Wood_-LRB-film-RRB-", 11], [127354, 141897, "Touchstone_Pictures", 0], [127354, 141898, "Ed_Wood_-LRB-film-RRB-", 12], [127354, 141898, "Box_office_bomb", 0], [127354, 141899, "Ed_Wood_-LRB-film-RRB-", 13], [127354, 141899, "Academy_Award_for_Best_Makeup_and_Hairstyling", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46259, 55223, "Sayyeshaa", 1]]], "all_evidence": [[46259, 55223, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190003, 201153, "Philip_Glass", 9]]], "all_evidence": [[190003, 201153, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232819, null, null, null]]], "all_evidence": [[232819, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207648, 215876, "Steve_Ditko", 3]]], "all_evidence": [[207648, 215876, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197256, 207336, "Smriti_Mandhana", 0]]], "all_evidence": [[197256, 207336, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235698, null, null, null]]], "all_evidence": [[235698, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191916, null, null, null]]], "all_evidence": [[191916, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82035, 93828, "Noel_Fisher", 1]]], "all_evidence": [[82035, 93828, "Noel_Fisher", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199468, 209145, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199468, 209145, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67653, null, null, null]]], "all_evidence": [[67653, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32260, null, null, null]]], "all_evidence": [[32260, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34421, null, null, null]]], "all_evidence": [[34421, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46479, null, null, null]]], "all_evidence": [[46479, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183847, null, null, null], [186004, null, null, null], [187545, null, null, null], [314464, null, null, null], [314470, null, null, null]]], "all_evidence": [[183847, null, null, null], [186004, null, null, null], [187545, null, null, null], [314464, null, null, null], [314470, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105651, 119090, "Sleipnir", 6]]], "all_evidence": [[105651, 119090, "Sleipnir", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77006, null, null, null]]], "all_evidence": [[77006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209571, 217371, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209571, 217371, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166992, null, null, null]]], "all_evidence": [[166992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102811, 116107, "Alexandra_Daddario", 0]]], "all_evidence": [[102811, 116107, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64381, 75142, "The_Mod_Squad", 0]]], "all_evidence": [[64381, 75142, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247266, 247586, "Easy_A", 0]]], "all_evidence": [[247266, 247586, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164624, null, null, null]]], "all_evidence": [[164624, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239367, null, null, null], [239371, null, null, null], [239372, null, null, null]]], "all_evidence": [[239367, null, null, null], [239371, null, null, null], [239372, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251510, 251349, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251510, 251349, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160550, 175059, "Tool_-LRB-band-RRB-", 1], [160550, 175059, "Danny_Carey", 0]]], "all_evidence": [[160550, 175059, "Tool_-LRB-band-RRB-", 1], [160550, 175059, "Danny_Carey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65322, 76220, "The_Mighty_Ducks", 1]]], "all_evidence": [[65322, 76220, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13875, 17377, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[13875, 17377, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116100, 130015, "Humphrey_Bogart", 0]], [[116100, 130016, "Humphrey_Bogart", 6], [116100, 130016, "The_Petrified_Forest", 0], [116100, 130016, "Angels_with_Dirty_Faces", 0]], [[116100, 130017, "Humphrey_Bogart", 9], [116100, 130017, "High_Sierra_-LRB-film-RRB-", 0], [116100, 130017, "The_Maltese_Falcon_-LRB-1941_film-RRB-", 0]]], "all_evidence": [[116100, 130015, "Humphrey_Bogart", 0], [116100, 130016, "Humphrey_Bogart", 6], [116100, 130016, "The_Petrified_Forest", 0], [116100, 130016, "Angels_with_Dirty_Faces", 0], [116100, 130017, "Humphrey_Bogart", 9], [116100, 130017, "High_Sierra_-LRB-film-RRB-", 0], [116100, 130017, "The_Maltese_Falcon_-LRB-1941_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199484, 209160, "The_Beach_-LRB-film-RRB-", 0], [199484, 209160, "Adventure_film", 0]]], "all_evidence": [[199484, 209160, "The_Beach_-LRB-film-RRB-", 0], [199484, 209160, "Adventure_film", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140870, 156006, "I_Kissed_a_Girl", 0]]], "all_evidence": [[140870, 156006, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21868, 26856, "Henry_VIII_-LRB-TV_serial-RRB-", 5]], [[21868, 26857, "Henry_VIII_-LRB-TV_serial-RRB-", 6]], [[21868, 26858, "Henry_VIII_-LRB-TV_serial-RRB-", 8]], [[262244, 260283, "Henry_VIII_-LRB-TV_serial-RRB-", 5]], [[262244, 260284, "Henry_VIII_-LRB-TV_serial-RRB-", 6]], [[262244, 260285, "Henry_VIII_-LRB-TV_serial-RRB-", 7], [262244, 260285, "David_Suchet", 0]], [[262244, 260286, "Henry_VIII_-LRB-TV_serial-RRB-", 8], [262244, 260286, "Sean_Bean", 1]]], "all_evidence": [[21868, 26856, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [21868, 26857, "Henry_VIII_-LRB-TV_serial-RRB-", 6], [21868, 26858, "Henry_VIII_-LRB-TV_serial-RRB-", 8], [262244, 260283, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [262244, 260284, "Henry_VIII_-LRB-TV_serial-RRB-", 6], [262244, 260285, "Henry_VIII_-LRB-TV_serial-RRB-", 7], [262244, 260285, "David_Suchet", 0], [262244, 260286, "Henry_VIII_-LRB-TV_serial-RRB-", 8], [262244, 260286, "Sean_Bean", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184862, 196736, "Juventus_F.C.", 1]]], "all_evidence": [[184862, 196736, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16844, 20853, "Chris_Kyle", 0]], [[16844, 20854, "Chris_Kyle", 8]]], "all_evidence": [[16844, 20853, "Chris_Kyle", 0], [16844, 20854, "Chris_Kyle", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86253, 98628, "Kellogg's", 6]]], "all_evidence": [[86253, 98628, "Kellogg's", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85185, 97469, "South_African_Communist_Party", 2]]], "all_evidence": [[85185, 97469, "South_African_Communist_Party", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211979, 219587, "Saturn_Corporation", 0]]], "all_evidence": [[211979, 219587, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124948, null, null, null]]], "all_evidence": [[124948, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96665, 109808, "Men_in_Black_II", 0]]], "all_evidence": [[96665, 109808, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15408, null, null, null]]], "all_evidence": [[15408, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24842, null, null, null], [144089, null, null, null], [299769, null, null, null]]], "all_evidence": [[24842, null, null, null], [144089, null, null, null], [299769, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131747, null, null, null]]], "all_evidence": [[131747, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127955, 142648, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [127955, 142648, "Kim_Go-eun", 0], [127955, 142648, "Kim_Go-eun", 1], [127955, 142648, "Seo_Kang-joon", 0], [127955, 142648, "Seo_Kang-joon", 1]]], "all_evidence": [[127955, 142648, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [127955, 142648, "Kim_Go-eun", 0], [127955, 142648, "Kim_Go-eun", 1], [127955, 142648, "Seo_Kang-joon", 0], [127955, 142648, "Seo_Kang-joon", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95007, 107974, "Washington_Wizards", 12]]], "all_evidence": [[95007, 107974, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102494, null, null, null]]], "all_evidence": [[102494, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100056, null, null, null]]], "all_evidence": [[100056, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46138, 55088, "Ed_Wood_-LRB-film-RRB-", 0]]], "all_evidence": [[46138, 55088, "Ed_Wood_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213689, 220868, "Finding_Dory", 1]]], "all_evidence": [[213689, 220868, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268492, null, null, null]]], "all_evidence": [[268492, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121317, null, null, null]]], "all_evidence": [[121317, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170752, 184331, "Ann_Richards", 0]], [[170752, 184332, "Ann_Richards", 2]]], "all_evidence": [[170752, 184331, "Ann_Richards", 0], [170752, 184332, "Ann_Richards", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213677, 220860, "Finding_Dory", 1]]], "all_evidence": [[213677, 220860, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26034, 31985, "TakePart", 0]], [[26034, 31986, "TakePart", 1]]], "all_evidence": [[26034, 31985, "TakePart", 0], [26034, 31986, "TakePart", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186118, 198028, "Baz_Luhrmann", 2]]], "all_evidence": [[186118, 198028, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254364, null, null, null], [254374, null, null, null]]], "all_evidence": [[254364, null, null, null], [254374, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123357, null, null, null]]], "all_evidence": [[123357, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269645, 265913, "Richard_Dawkins", 16]]], "all_evidence": [[269645, 265913, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217699, 224186, "Asylum_Records", 0]]], "all_evidence": [[217699, 224186, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74745, null, null, null]]], "all_evidence": [[74745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156672, 171286, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[156672, 171286, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243716, null, null, null]]], "all_evidence": [[243716, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111590, null, null, null]]], "all_evidence": [[111590, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139674, null, null, null]]], "all_evidence": [[139674, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151662, 166403, "Awkward_Black_Girl", 0]]], "all_evidence": [[151662, 166403, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238550, 240549, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]], [[238550, 240550, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 1]], [[238550, 240551, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]], [[238550, 240552, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 5]], [[238550, 240553, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 6]], [[238550, 240554, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 7]], [[238550, 240555, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 8]]], "all_evidence": [[238550, 240549, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0], [238550, 240550, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 1], [238550, 240551, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238550, 240552, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 5], [238550, 240553, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 6], [238550, 240554, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 7], [238550, 240555, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196621, 206728, "Michael_Vick", 1]], [[196621, 206729, "Michael_Vick", 2]], [[196621, 206730, "Michael_Vick", 3]], [[196621, 206731, "Michael_Vick", 6]], [[196621, 206732, "Michael_Vick", 7]], [[196621, 206733, "Michael_Vick", 8]], [[196621, 206734, "Michael_Vick", 11]], [[196621, 206735, "Michael_Vick", 12]], [[196621, 206736, "Michael_Vick", 14]]], "all_evidence": [[196621, 206728, "Michael_Vick", 1], [196621, 206729, "Michael_Vick", 2], [196621, 206730, "Michael_Vick", 3], [196621, 206731, "Michael_Vick", 6], [196621, 206732, "Michael_Vick", 7], [196621, 206733, "Michael_Vick", 8], [196621, 206734, "Michael_Vick", 11], [196621, 206735, "Michael_Vick", 12], [196621, 206736, "Michael_Vick", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137724, 152664, "A_River_Runs_Through_It_-LRB-film-RRB-", 0]], [[137724, 152665, "A_River_Runs_Through_It_-LRB-film-RRB-", 1]]], "all_evidence": [[137724, 152664, "A_River_Runs_Through_It_-LRB-film-RRB-", 0], [137724, 152665, "A_River_Runs_Through_It_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117579, 131478, "Trevor_Griffiths", 0]]], "all_evidence": [[117579, 131478, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218040, 224442, "Live_Through_This", 12]]], "all_evidence": [[218040, 224442, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151087, 165902, "White_House_Press_Secretary", 0]]], "all_evidence": [[151087, 165902, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225797, 230379, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225797, 230380, "Ian_Brennan_-LRB-writer-RRB-", 1]]], "all_evidence": [[225797, 230379, "Ian_Brennan_-LRB-writer-RRB-", 0], [225797, 230380, "Ian_Brennan_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158788, null, null, null]]], "all_evidence": [[158788, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151957, 166726, "Heavy_metal_music", 0]]], "all_evidence": [[151957, 166726, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101769, 115020, "Connie_Nielsen", 2]]], "all_evidence": [[101769, 115020, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269574, null, null, null]]], "all_evidence": [[269574, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190720, 201690, "Buffy_Summers", 1]], [[190720, 201691, "Buffy_Summers", 2]], [[190720, 201692, "Buffy_Summers", 3]]], "all_evidence": [[190720, 201690, "Buffy_Summers", 1], [190720, 201691, "Buffy_Summers", 2], [190720, 201692, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108760, 122448, "Microbiologist", 14]]], "all_evidence": [[108760, 122448, "Microbiologist", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148372, 163391, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[148372, 163391, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165221, 179347, "Match_Point", 2]]], "all_evidence": [[165221, 179347, "Match_Point", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218544, 224806, "Diana,_Princess_of_Wales", 9]], [[218544, 224807, "Diana,_Princess_of_Wales", 10]]], "all_evidence": [[218544, 224806, "Diana,_Princess_of_Wales", 9], [218544, 224807, "Diana,_Princess_of_Wales", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101959, 115198, "Rabies", 0]], [[101959, 115199, "Rabies", 8]]], "all_evidence": [[101959, 115198, "Rabies", 0], [101959, 115199, "Rabies", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60563, 70994, "Wales", 16]]], "all_evidence": [[60563, 70994, "Wales", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196601, 206701, "Michael_Vick", 0]]], "all_evidence": [[196601, 206701, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73375, null, null, null]]], "all_evidence": [[73375, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105170, null, null, null]]], "all_evidence": [[105170, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177532, null, null, null]]], "all_evidence": [[177532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153100, 167847, "Guillermo_del_Toro", 0]], [[153100, 167848, "Guillermo_del_Toro", 11]]], "all_evidence": [[153100, 167847, "Guillermo_del_Toro", 0], [153100, 167848, "Guillermo_del_Toro", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144372, null, null, null]]], "all_evidence": [[144372, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239250, 241170, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239250, 241170, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164663, 178887, "Washington_Wizards", 12]]], "all_evidence": [[164663, 178887, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239921, 241601, "Goosebumps_-LRB-film-RRB-", 0]], [[239931, 241609, "Goosebumps_-LRB-film-RRB-", 0]]], "all_evidence": [[239921, 241601, "Goosebumps_-LRB-film-RRB-", 0], [239931, 241609, "Goosebumps_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283036, null, null, null], [331493, null, null, null]]], "all_evidence": [[283036, null, null, null], [331493, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108074, 121588, "Damon_Albarn", 17]]], "all_evidence": [[108074, 121588, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11794, 14795, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[11797, 14797, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[11797, 14798, "Marvel_vs._Capcom-COLON-_Infinite", 11]], [[11806, 14804, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[11806, 14805, "Marvel_vs._Capcom-COLON-_Infinite", 2]], [[11806, 14806, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[11806, 14807, "Marvel_vs._Capcom-COLON-_Infinite", 11]], [[11816, 14818, "Marvel_vs._Capcom-COLON-_Infinite", 0], [11816, 14818, "Marvel_vs._Capcom", 0]], [[11816, 14819, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[11816, 14820, "Marvel_vs._Capcom-COLON-_Infinite", 2]], [[11816, 14821, "Marvel_vs._Capcom-COLON-_Infinite", 3]], [[11816, 14822, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[11816, 14823, "Marvel_vs._Capcom-COLON-_Infinite", 11], [11816, 14823, "Marvel_vs._Capcom", 0]], [[16562, 20499, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[18439, 22621, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[18439, 22622, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[18439, 22623, "Marvel_vs._Capcom-COLON-_Infinite", 0], [18439, 22623, "Marvel_vs._Capcom", 0]], [[18439, 22624, "Marvel_vs._Capcom-COLON-_Infinite", 2]], [[18439, 22625, "Marvel_vs._Capcom-COLON-_Infinite", 3]], [[18439, 22626, "Marvel_vs._Capcom-COLON-_Infinite", 11]], [[19774, 24312, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[190677, 201660, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[195844, 205999, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[203462, 212476, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[226199, 230786, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[226199, 230787, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[226199, 230788, "Marvel_vs._Capcom-COLON-_Infinite", 11]], [[237327, 239551, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[242178, 243629, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[246221, 246780, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[248573, 248730, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[248573, 248731, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[254305, 254015, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[254305, 254016, "Marvel_vs._Capcom-COLON-_Infinite", 2]], [[254305, 254017, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[254305, 254018, "Marvel_vs._Capcom-COLON-_Infinite", 11]], [[265431, 262636, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[265431, 262637, "Marvel_vs._Capcom-COLON-_Infinite", 2]], [[265431, 262638, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[273850, 269191, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[277204, 272153, "Marvel_vs._Capcom-COLON-_Infinite", 0], [277204, 272153, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[280331, 274817, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[294294, 286632, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[298894, 290275, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[300954, 292055, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[310275, 300323, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[329365, 316180, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[329365, 316181, "Marvel_vs._Capcom-COLON-_Infinite", 0], [329365, 316181, "Marvel_vs._Capcom", 0]], [[332375, 318752, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[332376, 318753, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[340321, 325009, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[340321, 325010, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[340321, 325011, "Marvel_vs._Capcom-COLON-_Infinite", 11]]], "all_evidence": [[11794, 14795, "Marvel_vs._Capcom-COLON-_Infinite", 1], [11797, 14797, "Marvel_vs._Capcom-COLON-_Infinite", 1], [11797, 14798, "Marvel_vs._Capcom-COLON-_Infinite", 11], [11806, 14804, "Marvel_vs._Capcom-COLON-_Infinite", 1], [11806, 14805, "Marvel_vs._Capcom-COLON-_Infinite", 2], [11806, 14806, "Marvel_vs._Capcom-COLON-_Infinite", 4], [11806, 14807, "Marvel_vs._Capcom-COLON-_Infinite", 11], [11816, 14818, "Marvel_vs._Capcom-COLON-_Infinite", 0], [11816, 14818, "Marvel_vs._Capcom", 0], [11816, 14819, "Marvel_vs._Capcom-COLON-_Infinite", 1], [11816, 14820, "Marvel_vs._Capcom-COLON-_Infinite", 2], [11816, 14821, "Marvel_vs._Capcom-COLON-_Infinite", 3], [11816, 14822, "Marvel_vs._Capcom-COLON-_Infinite", 4], [11816, 14823, "Marvel_vs._Capcom-COLON-_Infinite", 11], [11816, 14823, "Marvel_vs._Capcom", 0], [16562, 20499, "Marvel_vs._Capcom-COLON-_Infinite", 1], [18439, 22621, "Marvel_vs._Capcom-COLON-_Infinite", 1], [18439, 22622, "Marvel_vs._Capcom-COLON-_Infinite", 4], [18439, 22623, "Marvel_vs._Capcom-COLON-_Infinite", 0], [18439, 22623, "Marvel_vs._Capcom", 0], [18439, 22624, "Marvel_vs._Capcom-COLON-_Infinite", 2], [18439, 22625, "Marvel_vs._Capcom-COLON-_Infinite", 3], [18439, 22626, "Marvel_vs._Capcom-COLON-_Infinite", 11], [19774, 24312, "Marvel_vs._Capcom-COLON-_Infinite", 1], [190677, 201660, "Marvel_vs._Capcom-COLON-_Infinite", 1], [195844, 205999, "Marvel_vs._Capcom-COLON-_Infinite", 1], [203462, 212476, "Marvel_vs._Capcom-COLON-_Infinite", 1], [226199, 230786, "Marvel_vs._Capcom-COLON-_Infinite", 1], [226199, 230787, "Marvel_vs._Capcom-COLON-_Infinite", 4], [226199, 230788, "Marvel_vs._Capcom-COLON-_Infinite", 11], [237327, 239551, "Marvel_vs._Capcom-COLON-_Infinite", 1], [242178, 243629, "Marvel_vs._Capcom-COLON-_Infinite", 1], [246221, 246780, "Marvel_vs._Capcom-COLON-_Infinite", 1], [248573, 248730, "Marvel_vs._Capcom-COLON-_Infinite", 1], [248573, 248731, "Marvel_vs._Capcom-COLON-_Infinite", 4], [254305, 254015, "Marvel_vs._Capcom-COLON-_Infinite", 1], [254305, 254016, "Marvel_vs._Capcom-COLON-_Infinite", 2], [254305, 254017, "Marvel_vs._Capcom-COLON-_Infinite", 4], [254305, 254018, "Marvel_vs._Capcom-COLON-_Infinite", 11], [265431, 262636, "Marvel_vs._Capcom-COLON-_Infinite", 1], [265431, 262637, "Marvel_vs._Capcom-COLON-_Infinite", 2], [265431, 262638, "Marvel_vs._Capcom-COLON-_Infinite", 4], [273850, 269191, "Marvel_vs._Capcom-COLON-_Infinite", 1], [277204, 272153, "Marvel_vs._Capcom-COLON-_Infinite", 0], [277204, 272153, "Marvel_vs._Capcom-COLON-_Infinite", 1], [280331, 274817, "Marvel_vs._Capcom-COLON-_Infinite", 1], [294294, 286632, "Marvel_vs._Capcom-COLON-_Infinite", 1], [298894, 290275, "Marvel_vs._Capcom-COLON-_Infinite", 1], [300954, 292055, "Marvel_vs._Capcom-COLON-_Infinite", 1], [310275, 300323, "Marvel_vs._Capcom-COLON-_Infinite", 1], [329365, 316180, "Marvel_vs._Capcom-COLON-_Infinite", 1], [329365, 316181, "Marvel_vs._Capcom-COLON-_Infinite", 0], [329365, 316181, "Marvel_vs._Capcom", 0], [332375, 318752, "Marvel_vs._Capcom-COLON-_Infinite", 1], [332376, 318753, "Marvel_vs._Capcom-COLON-_Infinite", 1], [340321, 325009, "Marvel_vs._Capcom-COLON-_Infinite", 1], [340321, 325010, "Marvel_vs._Capcom-COLON-_Infinite", 4], [340321, 325011, "Marvel_vs._Capcom-COLON-_Infinite", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235719, 238285, "Tom_DeLonge", 1]]], "all_evidence": [[235719, 238285, "Tom_DeLonge", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38155, 46064, "Fred_Armisen", 0]]], "all_evidence": [[38155, 46064, "Fred_Armisen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119453, 133458, "Anushka_Sharma", 7]]], "all_evidence": [[119453, 133458, "Anushka_Sharma", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239253, 241172, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239253, 241172, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127528, 142120, "Joe_Rogan", 7]]], "all_evidence": [[127528, 142120, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269580, 265874, "Richard_Dawkins", 16]], [[269583, 265876, "Richard_Dawkins", 16]], [[269594, 265882, "Richard_Dawkins", 16]]], "all_evidence": [[269580, 265874, "Richard_Dawkins", 16], [269583, 265876, "Richard_Dawkins", 16], [269594, 265882, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75924, null, null, null]]], "all_evidence": [[75924, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79395, 91074, "Mount_Rushmore", 1]], [[79395, 91075, "Mount_Rushmore", 13], [79395, 91075, "Lincoln_Borglum", 0]]], "all_evidence": [[79395, 91074, "Mount_Rushmore", 1], [79395, 91075, "Mount_Rushmore", 13], [79395, 91075, "Lincoln_Borglum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151139, 165952, "Annette_Badland", 1]]], "all_evidence": [[151139, 165952, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72863, 83964, "Edmund_H._North", 0]]], "all_evidence": [[72863, 83964, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131467, 146244, "Daag_-LRB-1973_film-RRB-", 0]], [[131467, 146245, "Daag_-LRB-1973_film-RRB-", 5]], [[131467, 146247, "Daag_-LRB-1973_film-RRB-", 2]], [[131467, 146248, "Daag_-LRB-1973_film-RRB-", 10]], [[131467, 146249, "Daag_-LRB-1973_film-RRB-", 8]]], "all_evidence": [[131467, 146244, "Daag_-LRB-1973_film-RRB-", 0], [131467, 146245, "Daag_-LRB-1973_film-RRB-", 5], [131467, 146247, "Daag_-LRB-1973_film-RRB-", 2], [131467, 146248, "Daag_-LRB-1973_film-RRB-", 10], [131467, 146249, "Daag_-LRB-1973_film-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106689, null, null, null]]], "all_evidence": [[106689, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128483, null, null, null]]], "all_evidence": [[128483, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234416, 237298, "Psych", 0]], [[237175, 239437, "Psych", 0]], [[240742, 242325, "Psych", 0]], [[318775, 307612, "Psych", 0]], [[320159, 308788, "Psych", 0]]], "all_evidence": [[234416, 237298, "Psych", 0], [237175, 239437, "Psych", 0], [240742, 242325, "Psych", 0], [318775, 307612, "Psych", 0], [320159, 308788, "Psych", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160144, 174656, "Melancholia_-LRB-2011_film-RRB-", 0]], [[160144, 174657, "Melancholia_-LRB-2011_film-RRB-", 1]], [[160144, 174658, "Melancholia_-LRB-2011_film-RRB-", 4]], [[160144, 174659, "Melancholia_-LRB-2011_film-RRB-", 5]], [[160144, 174660, "Melancholia_-LRB-2011_film-RRB-", 6]], [[160144, 174661, "Melancholia_-LRB-2011_film-RRB-", 9]], [[160144, 174662, "Melancholia_-LRB-2011_film-RRB-", 10]], [[160144, 174663, "Melancholia_-LRB-2011_film-RRB-", 13]], [[160144, 174664, "Melancholia_-LRB-2011_film-RRB-", 15]], [[160144, 174665, "Melancholia_-LRB-2011_film-RRB-", 14]]], "all_evidence": [[160144, 174656, "Melancholia_-LRB-2011_film-RRB-", 0], [160144, 174657, "Melancholia_-LRB-2011_film-RRB-", 1], [160144, 174658, "Melancholia_-LRB-2011_film-RRB-", 4], [160144, 174659, "Melancholia_-LRB-2011_film-RRB-", 5], [160144, 174660, "Melancholia_-LRB-2011_film-RRB-", 6], [160144, 174661, "Melancholia_-LRB-2011_film-RRB-", 9], [160144, 174662, "Melancholia_-LRB-2011_film-RRB-", 10], [160144, 174663, "Melancholia_-LRB-2011_film-RRB-", 13], [160144, 174664, "Melancholia_-LRB-2011_film-RRB-", 15], [160144, 174665, "Melancholia_-LRB-2011_film-RRB-", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131389, null, null, null]]], "all_evidence": [[131389, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106091, 119463, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]], "all_evidence": [[106091, 119463, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198037, 207981, "Syracuse,_New_York", 2]]], "all_evidence": [[198037, 207981, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160472, 174978, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[160472, 174978, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228785, null, null, null], [228789, null, null, null], [228798, null, null, null]]], "all_evidence": [[228785, null, null, null], [228789, null, null, null], [228798, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179822, null, null, null]]], "all_evidence": [[179822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56192, 66356, "Wish_Upon", 0]], [[56192, 66357, "Wish_Upon", 2]]], "all_evidence": [[56192, 66356, "Wish_Upon", 0], [56192, 66357, "Wish_Upon", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286708, null, null, null], [290632, null, null, null], [336134, null, null, null], [336138, null, null, null]]], "all_evidence": [[286708, null, null, null], [290632, null, null, null], [336134, null, null, null], [336138, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180132, 192664, "Kellyanne_Conway", 12]]], "all_evidence": [[180132, 192664, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182694, 194878, "Penibaetic_System", 0]]], "all_evidence": [[182694, 194878, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135703, null, null, null]]], "all_evidence": [[135703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91822, null, null, null]]], "all_evidence": [[91822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208015, 216173, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[208015, 216173, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175379, null, null, null]]], "all_evidence": [[175379, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215826, 222600, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215826, 222600, "Steve_Guttenberg", 0], [215826, 222600, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]], "all_evidence": [[215826, 222600, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215826, 222600, "Steve_Guttenberg", 0], [215826, 222600, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130584, 145378, "Fidel_Castro", 20]]], "all_evidence": [[130584, 145378, "Fidel_Castro", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199939, 209578, "Anne_Sullivan", 0]]], "all_evidence": [[199939, 209578, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47037, 56134, "West_Ham_United_F.C.", 0]], [[47037, 56135, "West_Ham_United_F.C.", 2]], [[47037, 56136, "West_Ham_United_F.C.", 1], [47037, 56136, "Premier_League", 0]], [[47037, 56137, "West_Ham_United_F.C.", 5]], [[47037, 56138, "West_Ham_United_F.C.", 7], [47037, 56138, "English_Football_League", 0]], [[47037, 56139, "West_Ham_United_F.C.", 9]], [[47037, 56140, "West_Ham_United_F.C.", 13]], [[47037, 56141, "West_Ham_United_F.C.", 14], [47037, 56141, "UEFA_Intertoto_Cup", 0]], [[47037, 56142, "West_Ham_United_F.C.", 15]], [[47037, 56143, "West_Ham_United_F.C.", 16]]], "all_evidence": [[47037, 56134, "West_Ham_United_F.C.", 0], [47037, 56135, "West_Ham_United_F.C.", 2], [47037, 56136, "West_Ham_United_F.C.", 1], [47037, 56136, "Premier_League", 0], [47037, 56137, "West_Ham_United_F.C.", 5], [47037, 56138, "West_Ham_United_F.C.", 7], [47037, 56138, "English_Football_League", 0], [47037, 56139, "West_Ham_United_F.C.", 9], [47037, 56140, "West_Ham_United_F.C.", 13], [47037, 56141, "West_Ham_United_F.C.", 14], [47037, 56141, "UEFA_Intertoto_Cup", 0], [47037, 56142, "West_Ham_United_F.C.", 15], [47037, 56143, "West_Ham_United_F.C.", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92931, 105811, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[92931, 105811, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75346, 86601, "Rabies", 0], [75346, 86601, "Viral_disease", 0]]], "all_evidence": [[75346, 86601, "Rabies", 0], [75346, 86601, "Viral_disease", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251498, 251340, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251498, 251340, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15887, null, null, null]]], "all_evidence": [[15887, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216046, 222765, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216046, 222765, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172159, null, null, null]]], "all_evidence": [[172159, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70331, 81200, "Annette_Badland", 1]]], "all_evidence": [[70331, 81200, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107633, 121132, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[107633, 121132, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221658, null, null, null], [221660, null, null, null]]], "all_evidence": [[221658, null, null, null], [221660, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104649, null, null, null]]], "all_evidence": [[104649, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143813, null, null, null], [143820, null, null, null]]], "all_evidence": [[143813, null, null, null], [143820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228792, 232904, "Albert_S._Ruddy", 0]], [[228858, 232962, "Albert_S._Ruddy", 0]]], "all_evidence": [[228792, 232904, "Albert_S._Ruddy", 0], [228858, 232962, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131235, 145985, "Janelle_Mona\u0301e", 0]], [[133341, 148216, "Janelle_Mona\u0301e", 0]], [[309215, 299467, "Janelle_Mona\u0301e", 0]], [[310674, 300716, "Janelle_Mona\u0301e", 0]], [[310674, 300717, "Janelle_Mona\u0301e", 1], [310674, 300717, "The_Audition_-LRB-album-RRB-", 0]], [[312260, 302089, "Janelle_Mona\u0301e", 0]], [[312261, 302090, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[131235, 145985, "Janelle_Mona\u0301e", 0], [133341, 148216, "Janelle_Mona\u0301e", 0], [309215, 299467, "Janelle_Mona\u0301e", 0], [310674, 300716, "Janelle_Mona\u0301e", 0], [310674, 300717, "Janelle_Mona\u0301e", 1], [310674, 300717, "The_Audition_-LRB-album-RRB-", 0], [312260, 302089, "Janelle_Mona\u0301e", 0], [312261, 302090, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158147, 172776, "Wildfang", 1]], [[158148, 172777, "Wildfang", 1]]], "all_evidence": [[158147, 172776, "Wildfang", 1], [158148, 172777, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205828, 214304, "Aarhus", 1]], [[208262, 216363, "Aarhus", 1]], [[316799, 305916, "Aarhus", 1]]], "all_evidence": [[205828, 214304, "Aarhus", 1], [208262, 216363, "Aarhus", 1], [316799, 305916, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27327, 33495, "AMGTV", 0]]], "all_evidence": [[27327, 33495, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30306, 36903, "Aaron_Burr", 9], [30306, 36903, "Burr\u2013Hamilton_duel", 0]]], "all_evidence": [[30306, 36903, "Aaron_Burr", 9], [30306, 36903, "Burr\u2013Hamilton_duel", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18261, 22425, "Colin_Kaepernick", 0]], [[18261, 22426, "Colin_Kaepernick", 2]], [[18261, 22427, "Colin_Kaepernick", 1]], [[18261, 22428, "Colin_Kaepernick", 5]]], "all_evidence": [[18261, 22425, "Colin_Kaepernick", 0], [18261, 22426, "Colin_Kaepernick", 2], [18261, 22427, "Colin_Kaepernick", 1], [18261, 22428, "Colin_Kaepernick", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223841, 228764, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223841, 228764, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237934, null, null, null]]], "all_evidence": [[237934, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123226, 137620, "Byron_Howard", 1], [123226, 137620, "Tangled", 0]]], "all_evidence": [[123226, 137620, "Byron_Howard", 1], [123226, 137620, "Tangled", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11912, null, null, null]]], "all_evidence": [[11912, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175728, null, null, null]]], "all_evidence": [[175728, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41526, 49930, "Bethany_Hamilton", 1], [41526, 49930, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[41526, 49930, "Bethany_Hamilton", 1], [41526, 49930, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34905, 42327, "Tim_McGraw", 13]], [[34910, 42331, "Tim_McGraw", 13]]], "all_evidence": [[34905, 42327, "Tim_McGraw", 13], [34910, 42331, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37626, 45560, "United_Nations_Charter", 1]]], "all_evidence": [[37626, 45560, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251013, null, null, null]]], "all_evidence": [[251013, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63027, 73727, "14th_Dalai_Lama", 10]]], "all_evidence": [[63027, 73727, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213729, null, null, null]]], "all_evidence": [[213729, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86756, null, null, null]]], "all_evidence": [[86756, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158559, null, null, null]]], "all_evidence": [[158559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225824, null, null, null]]], "all_evidence": [[225824, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282830, 276959, "Fist_of_Legend", 2]], [[284743, 278478, "Fist_of_Legend", 2], [284743, 278478, "Fist_of_Fury", 0]], [[285500, 279128, "Fist_of_Legend", 2]], [[331088, 317604, "Fist_of_Legend", 2], [331088, 317604, "Fist_of_Fury", 0]], [[332135, 318522, "Fist_of_Legend", 2], [332135, 318522, "Fist_of_Fury", 0]]], "all_evidence": [[282830, 276959, "Fist_of_Legend", 2], [284743, 278478, "Fist_of_Legend", 2], [284743, 278478, "Fist_of_Fury", 0], [285500, 279128, "Fist_of_Legend", 2], [331088, 317604, "Fist_of_Legend", 2], [331088, 317604, "Fist_of_Fury", 0], [332135, 318522, "Fist_of_Legend", 2], [332135, 318522, "Fist_of_Fury", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136697, 151514, "Bloods", 2]]], "all_evidence": [[136697, 151514, "Bloods", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36737, null, null, null]]], "all_evidence": [[36737, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182130, null, null, null]]], "all_evidence": [[182130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125522, 139871, "Raees_-LRB-film-RRB-", 1], [125522, 139871, "Shah_Rukh_Khan", 0]]], "all_evidence": [[125522, 139871, "Raees_-LRB-film-RRB-", 1], [125522, 139871, "Shah_Rukh_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234909, 237697, "Tijuana", 0]]], "all_evidence": [[234909, 237697, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36858, 44512, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[36858, 44512, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245447, null, null, null]]], "all_evidence": [[245447, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43375, null, null, null]]], "all_evidence": [[43375, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150808, 165656, "Stan_Beeman", 0]]], "all_evidence": [[150808, 165656, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107609, 121102, "Billboard_Dad", 0]]], "all_evidence": [[107609, 121102, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241303, null, null, null]]], "all_evidence": [[241303, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179609, 192176, "Michigan", 2]], [[179609, 192177, "Michigan", 4]]], "all_evidence": [[179609, 192176, "Michigan", 2], [179609, 192177, "Michigan", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77071, 88471, "San_Diego_Comic-Con", 1]], [[81418, 93195, "San_Diego_Comic-Con", 1]], [[83059, 94955, "San_Diego_Comic-Con", 1]], [[306057, 296821, "San_Diego_Comic-Con", 1]], [[307281, 297812, "San_Diego_Comic-Con", 1]]], "all_evidence": [[77071, 88471, "San_Diego_Comic-Con", 1], [81418, 93195, "San_Diego_Comic-Con", 1], [83059, 94955, "San_Diego_Comic-Con", 1], [306057, 296821, "San_Diego_Comic-Con", 1], [307281, 297812, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56349, 66545, "Connie_Nielsen", 0]]], "all_evidence": [[56349, 66545, "Connie_Nielsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220332, null, null, null], [222105, null, null, null], [224658, null, null, null], [317847, null, null, null], [317848, null, null, null], [317849, null, null, null]]], "all_evidence": [[220332, null, null, null], [222105, null, null, null], [224658, null, null, null], [317847, null, null, null], [317848, null, null, null], [317849, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190463, null, null, null]]], "all_evidence": [[190463, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227011, 231446, "Barry_Van_Dyke", 0]]], "all_evidence": [[227011, 231446, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264426, 261883, "Brubaker", 0]]], "all_evidence": [[264426, 261883, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145529, 160544, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[145549, 160557, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[145549, 160558, "Kleshas_-LRB-Buddhism-RRB-", 1]], [[145549, 160559, "Kleshas_-LRB-Buddhism-RRB-", 2]], [[145549, 160560, "Kleshas_-LRB-Buddhism-RRB-", 5]], [[145549, 160561, "Kleshas_-LRB-Buddhism-RRB-", 6], [145549, 160561, "Three_poisons", 0]], [[145549, 160562, "Kleshas_-LRB-Buddhism-RRB-", 9]]], "all_evidence": [[145529, 160544, "Kleshas_-LRB-Buddhism-RRB-", 0], [145549, 160557, "Kleshas_-LRB-Buddhism-RRB-", 0], [145549, 160558, "Kleshas_-LRB-Buddhism-RRB-", 1], [145549, 160559, "Kleshas_-LRB-Buddhism-RRB-", 2], [145549, 160560, "Kleshas_-LRB-Buddhism-RRB-", 5], [145549, 160561, "Kleshas_-LRB-Buddhism-RRB-", 6], [145549, 160561, "Three_poisons", 0], [145549, 160562, "Kleshas_-LRB-Buddhism-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27771, null, null, null]]], "all_evidence": [[27771, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262081, 260129, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262081, 260129, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189752, 200972, "Polar_bear", 0]], [[189752, 200973, "Polar_bear", 7]]], "all_evidence": [[189752, 200972, "Polar_bear", 0], [189752, 200973, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112076, 125885, "Angela_Bassett", 0]]], "all_evidence": [[112076, 125885, "Angela_Bassett", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255471, 254925, "Private_Lives", 0]]], "all_evidence": [[255471, 254925, "Private_Lives", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146732, null, null, null], [146745, null, null, null]]], "all_evidence": [[146732, null, null, null], [146745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255469, 254923, "Private_Lives", 0]]], "all_evidence": [[255469, 254923, "Private_Lives", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176033, 188999, "Stephen_Hillenburg", 4]]], "all_evidence": [[176033, 188999, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160459, null, null, null]]], "all_evidence": [[160459, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90751, 103467, "Speech_recognition", 2]]], "all_evidence": [[90751, 103467, "Speech_recognition", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105374, null, null, null]]], "all_evidence": [[105374, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201873, 211227, "Artpop", 13]]], "all_evidence": [[201873, 211227, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219114, 225218, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219114, 225218, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54212, 64201, "Lizzy_Caplan", 2]]], "all_evidence": [[54212, 64201, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145400, null, null, null]]], "all_evidence": [[145400, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66217, null, null, null]]], "all_evidence": [[66217, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258722, 257481, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258722, 257481, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292553, null, null, null], [294567, null, null, null], [295154, null, null, null], [340336, null, null, null], [340338, null, null, null], [340339, null, null, null], [340340, null, null, null]]], "all_evidence": [[292553, null, null, null], [294567, null, null, null], [295154, null, null, null], [340336, null, null, null], [340338, null, null, null], [340339, null, null, null], [340340, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279993, 274579, "Greek_language", 0]], [[281694, 276038, "Greek_language", 11]], [[283780, 277730, "Greek_language", 0]], [[329338, 316164, "Greek_language", 14]], [[329341, 316166, "Greek_language", 0]], [[329348, 316171, "Greek_language", 0]], [[329348, 316172, "Greek_language", 14]]], "all_evidence": [[279993, 274579, "Greek_language", 0], [281694, 276038, "Greek_language", 11], [283780, 277730, "Greek_language", 0], [329338, 316164, "Greek_language", 14], [329341, 316166, "Greek_language", 0], [329348, 316171, "Greek_language", 0], [329348, 316172, "Greek_language", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161206, null, null, null]]], "all_evidence": [[161206, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260655, null, null, null]]], "all_evidence": [[260655, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245454, 246258, "Mel_B", 5]]], "all_evidence": [[245454, 246258, "Mel_B", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255586, 255010, "Dreamer_-LRB-2005_film-RRB-", 0]], [[255587, 255011, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255586, 255010, "Dreamer_-LRB-2005_film-RRB-", 0], [255587, 255011, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40018, 48149, "Ingushetia", 5]]], "all_evidence": [[40018, 48149, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189989, 201146, "Philip_Glass", 9]]], "all_evidence": [[189989, 201146, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110837, null, null, null]]], "all_evidence": [[110837, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222191, null, null, null]]], "all_evidence": [[222191, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116470, 130364, "Jackpot_-LRB-2013_film-RRB-", 1]]], "all_evidence": [[116470, 130364, "Jackpot_-LRB-2013_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79985, 91755, "Camden,_New_Jersey", 40]]], "all_evidence": [[79985, 91755, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207989, null, null, null]]], "all_evidence": [[207989, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18402, null, null, null]]], "all_evidence": [[18402, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289956, null, null, null], [293440, null, null, null], [337287, null, null, null]]], "all_evidence": [[289956, null, null, null], [293440, null, null, null], [337287, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239337, null, null, null]]], "all_evidence": [[239337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213712, 220874, "Finding_Dory", 1], [213712, 220874, "Andrew_Stanton", 0]]], "all_evidence": [[213712, 220874, "Finding_Dory", 1], [213712, 220874, "Andrew_Stanton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287352, null, null, null], [290941, null, null, null], [335717, null, null, null], [335774, null, null, null]]], "all_evidence": [[287352, null, null, null], [290941, null, null, null], [335717, null, null, null], [335774, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190476, null, null, null]]], "all_evidence": [[190476, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266602, 263534, "Ralph_Fults", 0]]], "all_evidence": [[266602, 263534, "Ralph_Fults", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190723, 201695, "Buffy_Summers", 3], [190723, 201695, "Sarah_Michelle_Gellar", 0]], [[190724, 201696, "Buffy_Summers", 3], [190724, 201696, "Kristy_Swanson", 0]]], "all_evidence": [[190723, 201695, "Buffy_Summers", 3], [190723, 201695, "Sarah_Michelle_Gellar", 0], [190724, 201696, "Buffy_Summers", 3], [190724, 201696, "Kristy_Swanson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16106, 19973, "Saxony", 0]]], "all_evidence": [[16106, 19973, "Saxony", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217301, 223919, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5], [217301, 223919, "Quasimodo", 0]]], "all_evidence": [[217301, 223919, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5], [217301, 223919, "Quasimodo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208597, 216598, "Wentworth_Miller", 2]], [[208604, 216602, "Wentworth_Miller", 2]]], "all_evidence": [[208597, 216598, "Wentworth_Miller", 2], [208604, 216602, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85451, 97783, "Trollhunters", 0]]], "all_evidence": [[85451, 97783, "Trollhunters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159899, null, null, null]]], "all_evidence": [[159899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56419, 66623, "Margaret_Thatcher", 0]]], "all_evidence": [[56419, 66623, "Margaret_Thatcher", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158962, null, null, null]]], "all_evidence": [[158962, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200769, null, null, null]]], "all_evidence": [[200769, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110717, 124394, "Harvard_University", 0]]], "all_evidence": [[110717, 124394, "Harvard_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199489, 209164, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199489, 209164, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83504, 95482, "CONCACAF_Champions_League", 0]]], "all_evidence": [[83504, 95482, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232801, 235900, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232801, 235900, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178320, 190903, "Beaverton,_Oregon", 1]]], "all_evidence": [[178320, 190903, "Beaverton,_Oregon", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47495, 56695, "Homo_sapiens", 3], [47495, 56695, "Earth", 0]]], "all_evidence": [[47495, 56695, "Homo_sapiens", 3], [47495, 56695, "Earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131127, 145889, "Danny_Brown", 4]]], "all_evidence": [[131127, 145889, "Danny_Brown", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73232, 84435, "Starrcade", 0]], [[78357, 89889, "Starrcade", 0]], [[80645, 92488, "Starrcade", 0]], [[305795, 296597, "Starrcade", 0]], [[307059, 297600, "Starrcade", 0]]], "all_evidence": [[73232, 84435, "Starrcade", 0], [78357, 89889, "Starrcade", 0], [80645, 92488, "Starrcade", 0], [305795, 296597, "Starrcade", 0], [307059, 297600, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275654, 270772, "Wales", 16], [275654, 270772, "South_Wales_Coalfield", 0]], [[275655, 270773, "Wales", 16], [275655, 270773, "South_Wales_Coalfield", 0]], [[275656, 270774, "Wales", 16], [275656, 270774, "South_Wales_Coalfield", 0]], [[324733, 312616, "Wales", 16]]], "all_evidence": [[275654, 270772, "Wales", 16], [275654, 270772, "South_Wales_Coalfield", 0], [275655, 270773, "Wales", 16], [275655, 270773, "South_Wales_Coalfield", 0], [275656, 270774, "Wales", 16], [275656, 270774, "South_Wales_Coalfield", 0], [324733, 312616, "Wales", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69224, 79999, "Daggering", 0]], [[69224, 80000, "Daggering", 2]]], "all_evidence": [[69224, 79999, "Daggering", 0], [69224, 80000, "Daggering", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112204, null, null, null]]], "all_evidence": [[112204, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119327, null, null, null]]], "all_evidence": [[119327, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51567, 61334, "In_the_End", 1]]], "all_evidence": [[51567, 61334, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266466, 263446, "Ludwig_van_Beethoven", 5]]], "all_evidence": [[266466, 263446, "Ludwig_van_Beethoven", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258356, null, null, null]]], "all_evidence": [[258356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199076, null, null, null]]], "all_evidence": [[199076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135992, 150844, "Brian_Michael_Bendis", 12], [135992, 150844, "Brian_Michael_Bendis", 0]]], "all_evidence": [[135992, 150844, "Brian_Michael_Bendis", 12], [135992, 150844, "Brian_Michael_Bendis", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245442, null, null, null]]], "all_evidence": [[245442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54358, 64351, "Duane_Chapman", 0]], [[54359, 64352, "Duane_Chapman", 0]]], "all_evidence": [[54358, 64351, "Duane_Chapman", 0], [54359, 64352, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92466, null, null, null], [95084, null, null, null], [97216, null, null, null], [306692, null, null, null], [306696, null, null, null], [306714, null, null, null]]], "all_evidence": [[92466, null, null, null], [95084, null, null, null], [97216, null, null, null], [306692, null, null, null], [306696, null, null, null], [306714, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100262, 113508, "Martin_Van_Buren", 10]], [[100262, 113509, "Martin_Van_Buren", 12]], [[100262, 113510, "Martin_Van_Buren", 15]], [[100262, 113511, "Martin_Van_Buren", 3]], [[100262, 113512, "Martin_Van_Buren", 2]], [[100262, 113513, "Martin_Van_Buren", 4]], [[100262, 113514, "Martin_Van_Buren", 5]], [[100262, 113515, "Martin_Van_Buren", 6]], [[100262, 113516, "Martin_Van_Buren", 1]], [[100262, 113517, "Martin_Van_Buren", 0]], [[100262, 113518, "Martin_Van_Buren", 9]], [[100262, 113519, "Martin_Van_Buren", 19]], [[100262, 113520, "Martin_Van_Buren", 21]]], "all_evidence": [[100262, 113508, "Martin_Van_Buren", 10], [100262, 113509, "Martin_Van_Buren", 12], [100262, 113510, "Martin_Van_Buren", 15], [100262, 113511, "Martin_Van_Buren", 3], [100262, 113512, "Martin_Van_Buren", 2], [100262, 113513, "Martin_Van_Buren", 4], [100262, 113514, "Martin_Van_Buren", 5], [100262, 113515, "Martin_Van_Buren", 6], [100262, 113516, "Martin_Van_Buren", 1], [100262, 113517, "Martin_Van_Buren", 0], [100262, 113518, "Martin_Van_Buren", 9], [100262, 113519, "Martin_Van_Buren", 19], [100262, 113520, "Martin_Van_Buren", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161070, 175546, "Angelsberg", 0]], [[161070, 175547, "Angelsberg", 1]]], "all_evidence": [[161070, 175546, "Angelsberg", 0], [161070, 175547, "Angelsberg", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98942, null, null, null]]], "all_evidence": [[98942, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167318, null, null, null]]], "all_evidence": [[167318, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62962, 73648, "Wilhelmina_Slater", 0]], [[62962, 73649, "Wilhelmina_Slater", 1], [62962, 73649, "NAACP_Image_Awards", 0]]], "all_evidence": [[62962, 73648, "Wilhelmina_Slater", 0], [62962, 73649, "Wilhelmina_Slater", 1], [62962, 73649, "NAACP_Image_Awards", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100811, null, null, null]]], "all_evidence": [[100811, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93934, 106887, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[93934, 106887, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136985, null, null, null], [309750, null, null, null], [309752, null, null, null], [309754, null, null, null]]], "all_evidence": [[136985, null, null, null], [309750, null, null, null], [309752, null, null, null], [309754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17175, 21271, "EA_Black_Box", 0]]], "all_evidence": [[17175, 21271, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74007, 85242, "NRG_Recording_Studios", 0]], [[79109, 90748, "NRG_Recording_Studios", 0]], [[81452, 93222, "NRG_Recording_Studios", 0]], [[305890, 296662, "NRG_Recording_Studios", 0]], [[307138, 297677, "NRG_Recording_Studios", 0]]], "all_evidence": [[74007, 85242, "NRG_Recording_Studios", 0], [79109, 90748, "NRG_Recording_Studios", 0], [81452, 93222, "NRG_Recording_Studios", 0], [305890, 296662, "NRG_Recording_Studios", 0], [307138, 297677, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227793, null, null, null]]], "all_evidence": [[227793, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34946, 42364, "Victoria_Palace_Theatre", 0], [34946, 42364, "London_Victoria_station", 0]]], "all_evidence": [[34946, 42364, "Victoria_Palace_Theatre", 0], [34946, 42364, "London_Victoria_station", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143210, 158304, "Danger_UXB", 0]], [[143210, 158305, "Danger_UXB", 3]], [[143210, 158306, "Danger_UXB", 7]], [[143210, 158307, "Danger_UXB", 11]]], "all_evidence": [[143210, 158304, "Danger_UXB", 0], [143210, 158305, "Danger_UXB", 3], [143210, 158306, "Danger_UXB", 7], [143210, 158307, "Danger_UXB", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140926, 156079, "Due_Date", 2]]], "all_evidence": [[140926, 156079, "Due_Date", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34745, 42134, "Heavy_metal_music", 0]]], "all_evidence": [[34745, 42134, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125548, 139904, "Trevor_Griffiths", 0]], [[125549, 139905, "Trevor_Griffiths", 0]]], "all_evidence": [[125548, 139904, "Trevor_Griffiths", 0], [125549, 139905, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216109, 222822, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216109, 222822, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149782, 164726, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[149782, 164726, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13731, 17172, "I_Kissed_a_Girl", 0]], [[13731, 17173, "I_Kissed_a_Girl", 1]], [[13731, 17174, "I_Kissed_a_Girl", 2]], [[13731, 17175, "I_Kissed_a_Girl", 3]], [[13731, 17176, "I_Kissed_a_Girl", 20]]], "all_evidence": [[13731, 17172, "I_Kissed_a_Girl", 0], [13731, 17173, "I_Kissed_a_Girl", 1], [13731, 17174, "I_Kissed_a_Girl", 2], [13731, 17175, "I_Kissed_a_Girl", 3], [13731, 17176, "I_Kissed_a_Girl", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25464, 31389, "San_Diego_Comic-Con", 1]]], "all_evidence": [[25464, 31389, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165018, 179195, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[165018, 179195, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185634, 197385, "French_Indochina", 0]]], "all_evidence": [[185634, 197385, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111270, 124899, "Murda_Beatz", 0]], [[111272, 124900, "Murda_Beatz", 0]]], "all_evidence": [[111270, 124899, "Murda_Beatz", 0], [111272, 124900, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48601, 57907, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[48601, 57907, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231997, null, null, null]]], "all_evidence": [[231997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44805, 53496, "Creedence_Clearwater_Revival", 0]], [[44805, 53497, "Creedence_Clearwater_Revival", 4]]], "all_evidence": [[44805, 53496, "Creedence_Clearwater_Revival", 0], [44805, 53497, "Creedence_Clearwater_Revival", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198034, 207979, "Syracuse,_New_York", 2]]], "all_evidence": [[198034, 207979, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208123, null, null, null]]], "all_evidence": [[208123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102153, 115430, "Margaret_Thatcher", 8]]], "all_evidence": [[102153, 115430, "Margaret_Thatcher", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77934, null, null, null], [305739, null, null, null], [307025, null, null, null]]], "all_evidence": [[77934, null, null, null], [305739, null, null, null], [307025, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150631, 165501, "Hindu_Kush", 0]]], "all_evidence": [[150631, 165501, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269610, 265891, "Richard_Dawkins", 16]]], "all_evidence": [[269610, 265891, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45053, 53780, "Kuching", 0]]], "all_evidence": [[45053, 53780, "Kuching", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19310, 23712, "Mike_Huckabee", 0]]], "all_evidence": [[19310, 23712, "Mike_Huckabee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103186, null, null, null]]], "all_evidence": [[103186, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24122, 29851, "Duane_Chapman", 0]]], "all_evidence": [[24122, 29851, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24570, 30343, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[24570, 30343, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89327, null, null, null]]], "all_evidence": [[89327, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214298, 221379, "Ernest_Medina", 2], [214298, 221379, "My_Lai_Massacre", 0]]], "all_evidence": [[214298, 221379, "Ernest_Medina", 2], [214298, 221379, "My_Lai_Massacre", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241395, null, null, null]]], "all_evidence": [[241395, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180451, 192928, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[180451, 192928, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208059, 216204, "Osamu_Tezuka", 6]]], "all_evidence": [[208059, 216204, "Osamu_Tezuka", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149069, null, null, null]]], "all_evidence": [[149069, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46942, 55993, "Indian_Army", 0]]], "all_evidence": [[46942, 55993, "Indian_Army", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182692, 194876, "Penibaetic_System", 0]]], "all_evidence": [[182692, 194876, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15935, 19816, "Paul_Nicholls_-LRB-actor-RRB-", 0]]], "all_evidence": [[15935, 19816, "Paul_Nicholls_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240817, null, null, null]]], "all_evidence": [[240817, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268065, null, null, null]]], "all_evidence": [[268065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138344, 153377, "Fidel_Castro", 7]], [[141091, 156282, "Fidel_Castro", 7]], [[142915, 158034, "Fidel_Castro", 7]], [[310435, 300474, "Fidel_Castro", 7]], [[310888, 300921, "Fidel_Castro", 7]], [[310891, 300924, "Fidel_Castro", 20], [310891, 300924, "Rau\u0301l_Castro", 7]], [[310891, 300925, "Fidel_Castro", 7]]], "all_evidence": [[138344, 153377, "Fidel_Castro", 7], [141091, 156282, "Fidel_Castro", 7], [142915, 158034, "Fidel_Castro", 7], [310435, 300474, "Fidel_Castro", 7], [310888, 300921, "Fidel_Castro", 7], [310891, 300924, "Fidel_Castro", 20], [310891, 300924, "Rau\u0301l_Castro", 7], [310891, 300925, "Fidel_Castro", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189879, 201071, "Mickey_Rourke", 13], [189879, 201071, "The_Expendables_-LRB-2010_film-RRB-", 0]]], "all_evidence": [[189879, 201071, "Mickey_Rourke", 13], [189879, 201071, "The_Expendables_-LRB-2010_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209749, 217539, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]], "all_evidence": [[209749, 217539, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231191, 234718, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231191, 234718, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132301, 147197, "A_View_to_a_Kill", 0]]], "all_evidence": [[132301, 147197, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83764, 95762, "Blue_Jasmine", 0]], [[83764, 95763, "Blue_Jasmine", 1]], [[83764, 95764, "Blue_Jasmine", 2]], [[83764, 95765, "Blue_Jasmine", 6]], [[83764, 95766, "Blue_Jasmine", 8]], [[83764, 95767, "Blue_Jasmine", 7]]], "all_evidence": [[83764, 95762, "Blue_Jasmine", 0], [83764, 95763, "Blue_Jasmine", 1], [83764, 95764, "Blue_Jasmine", 2], [83764, 95765, "Blue_Jasmine", 6], [83764, 95766, "Blue_Jasmine", 8], [83764, 95767, "Blue_Jasmine", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69006, null, null, null]]], "all_evidence": [[69006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47308, 56434, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[47308, 56434, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46143, 55097, "Ed_Wood_-LRB-film-RRB-", 0]], [[46143, 55099, "Ed_Wood_-LRB-film-RRB-", 1]], [[46143, 55101, "Ed_Wood_-LRB-film-RRB-", 5]], [[46143, 55103, "Ed_Wood_-LRB-film-RRB-", 6]], [[46143, 55105, "Ed_Wood_-LRB-film-RRB-", 10]], [[46143, 55107, "Ed_Wood_-LRB-film-RRB-", 11]], [[46143, 55109, "Ed_Wood_-LRB-film-RRB-", 12]]], "all_evidence": [[46143, 55097, "Ed_Wood_-LRB-film-RRB-", 0], [46143, 55099, "Ed_Wood_-LRB-film-RRB-", 1], [46143, 55101, "Ed_Wood_-LRB-film-RRB-", 5], [46143, 55103, "Ed_Wood_-LRB-film-RRB-", 6], [46143, 55105, "Ed_Wood_-LRB-film-RRB-", 10], [46143, 55107, "Ed_Wood_-LRB-film-RRB-", 11], [46143, 55109, "Ed_Wood_-LRB-film-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36703, 44327, "Trevor_Griffiths", 0]]], "all_evidence": [[36703, 44327, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65914, 76784, "Henry_II_of_France", 13]]], "all_evidence": [[65914, 76784, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122245, null, null, null]]], "all_evidence": [[122245, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129473, 144204, "James_VI_and_I", 0]], [[129473, 144205, "James_VI_and_I", 4]], [[129473, 144206, "James_VI_and_I", 5]], [[129473, 144207, "James_VI_and_I", 7]], [[129473, 144208, "James_VI_and_I", 6]], [[129473, 144209, "James_VI_and_I", 8]], [[129473, 144210, "James_VI_and_I", 9]], [[129473, 144211, "James_VI_and_I", 10]], [[129473, 144212, "James_VI_and_I", 11]], [[129473, 144213, "James_VI_and_I", 14]], [[129473, 144215, "James_VI_and_I", 15]], [[129473, 144216, "James_VI_and_I", 16]], [[129473, 144217, "James_VI_and_I", 17]], [[129473, 144218, "James_VI_and_I", 18]], [[129473, 144219, "James_VI_and_I", 19]], [[129473, 144220, "James_VI_and_I", 20]]], "all_evidence": [[129473, 144204, "James_VI_and_I", 0], [129473, 144205, "James_VI_and_I", 4], [129473, 144206, "James_VI_and_I", 5], [129473, 144207, "James_VI_and_I", 7], [129473, 144208, "James_VI_and_I", 6], [129473, 144209, "James_VI_and_I", 8], [129473, 144210, "James_VI_and_I", 9], [129473, 144211, "James_VI_and_I", 10], [129473, 144212, "James_VI_and_I", 11], [129473, 144213, "James_VI_and_I", 14], [129473, 144215, "James_VI_and_I", 15], [129473, 144216, "James_VI_and_I", 16], [129473, 144217, "James_VI_and_I", 17], [129473, 144218, "James_VI_and_I", 18], [129473, 144219, "James_VI_and_I", 19], [129473, 144220, "James_VI_and_I", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181861, 194126, "Janet_Leigh", 1]], [[181861, 194127, "Janet_Leigh", 0]]], "all_evidence": [[181861, 194126, "Janet_Leigh", 1], [181861, 194127, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292912, 285585, "Alexandra_Daddario", 0]], [[297198, 288880, "Alexandra_Daddario", 0]], [[341070, 325558, "Alexandra_Daddario", 0]], [[341424, 325904, "Alexandra_Daddario", 0]]], "all_evidence": [[292912, 285585, "Alexandra_Daddario", 0], [297198, 288880, "Alexandra_Daddario", 0], [341070, 325558, "Alexandra_Daddario", 0], [341424, 325904, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35787, 43330, "Wildfang", 1]]], "all_evidence": [[35787, 43330, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48985, 58318, "Advertising", 0]]], "all_evidence": [[48985, 58318, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118663, 132511, "Indian_Army", 17]]], "all_evidence": [[118663, 132511, "Indian_Army", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150014, null, null, null]]], "all_evidence": [[150014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121680, 135988, "Diana,_Princess_of_Wales", 5]]], "all_evidence": [[121680, 135988, "Diana,_Princess_of_Wales", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154139, null, null, null]]], "all_evidence": [[154139, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46499, null, null, null]]], "all_evidence": [[46499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67667, 78494, "Thomas_Jefferson", 28]]], "all_evidence": [[67667, 78494, "Thomas_Jefferson", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211213, 218883, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]], "all_evidence": [[211213, 218883, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11784, 14780, "The_Adventures_of_Pluto_Nash", 0]], [[11788, 14785, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[11784, 14780, "The_Adventures_of_Pluto_Nash", 0], [11788, 14785, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253955, 253745, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253955, 253745, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45864, 54788, "Fist_of_Legend", 2]]], "all_evidence": [[45864, 54788, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79131, null, null, null]]], "all_evidence": [[79131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182056, 194335, "Heart", 19]]], "all_evidence": [[182056, 194335, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74236, null, null, null]]], "all_evidence": [[74236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18895, 23143, "Horse", 3]]], "all_evidence": [[18895, 23143, "Horse", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147376, null, null, null]]], "all_evidence": [[147376, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186072, 197984, "Baz_Luhrmann", 2]]], "all_evidence": [[186072, 197984, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147174, 162159, "Hot_Right_Now", 0]]], "all_evidence": [[147174, 162159, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56522, null, null, null]]], "all_evidence": [[56522, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23464, 28910, "Colin_Kaepernick", 5], [23464, 28910, "2012_San_Francisco_49ers_season", 0]]], "all_evidence": [[23464, 28910, "Colin_Kaepernick", 5], [23464, 28910, "2012_San_Francisco_49ers_season", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80226, null, null, null]]], "all_evidence": [[80226, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61118, 71585, "Bret_Easton_Ellis", 20]]], "all_evidence": [[61118, 71585, "Bret_Easton_Ellis", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201851, 211208, "Artpop", 13]]], "all_evidence": [[201851, 211208, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72379, 83433, "Telemundo", 8]]], "all_evidence": [[72379, 83433, "Telemundo", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200471, 209975, "Sancho_Panza", 0]]], "all_evidence": [[200471, 209975, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80955, null, null, null]]], "all_evidence": [[80955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87787, 100314, "John_Dolmayan", 0]], [[87792, 100318, "John_Dolmayan", 0]]], "all_evidence": [[87787, 100314, "John_Dolmayan", 0], [87792, 100318, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214267, 221348, "Kenneth_Lonergan", 0]], [[214267, 221349, "Kenneth_Lonergan", 1]], [[214267, 221350, "Kenneth_Lonergan", 2], [214267, 221350, "Gangs_of_New_York", 1]], [[214267, 221351, "Kenneth_Lonergan", 3], [214267, 221351, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]], "all_evidence": [[214267, 221348, "Kenneth_Lonergan", 0], [214267, 221349, "Kenneth_Lonergan", 1], [214267, 221350, "Kenneth_Lonergan", 2], [214267, 221350, "Gangs_of_New_York", 1], [214267, 221351, "Kenneth_Lonergan", 3], [214267, 221351, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106180, 119616, "Brian_Michael_Bendis", 0]]], "all_evidence": [[106180, 119616, "Brian_Michael_Bendis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44500, 53167, "Justine_Bateman", 0]]], "all_evidence": [[44500, 53167, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207699, 215915, "Congressional_Space_Medal_of_Honor", 1]], [[207700, 215916, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207699, 215915, "Congressional_Space_Medal_of_Honor", 1], [207700, 215916, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193400, null, null, null]]], "all_evidence": [[193400, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133928, 148810, "Chile", 0]], [[133928, 148811, "Chile", 1]], [[133928, 148812, "Chile", 2]], [[133928, 148813, "Chile", 6]], [[133928, 148814, "Chile", 7]], [[133928, 148815, "Chile", 3]], [[133928, 148816, "Chile", 9]], [[133928, 148817, "Chile", 8]], [[133928, 148818, "Chile", 12]], [[133928, 148819, "Chile", 13]], [[133928, 148820, "Chile", 14]], [[133928, 148821, "Chile", 16]], [[133928, 148822, "Chile", 20]], [[133928, 148823, "Chile", 21]], [[133928, 148824, "Chile", 23]], [[133928, 148825, "Chile", 22]]], "all_evidence": [[133928, 148810, "Chile", 0], [133928, 148811, "Chile", 1], [133928, 148812, "Chile", 2], [133928, 148813, "Chile", 6], [133928, 148814, "Chile", 7], [133928, 148815, "Chile", 3], [133928, 148816, "Chile", 9], [133928, 148817, "Chile", 8], [133928, 148818, "Chile", 12], [133928, 148819, "Chile", 13], [133928, 148820, "Chile", 14], [133928, 148821, "Chile", 16], [133928, 148822, "Chile", 20], [133928, 148823, "Chile", 21], [133928, 148824, "Chile", 23], [133928, 148825, "Chile", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85782, null, null, null]]], "all_evidence": [[85782, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234914, 237702, "Tijuana", 0]]], "all_evidence": [[234914, 237702, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136126, 150964, "Lizzy_Caplan", 2]]], "all_evidence": [[136126, 150964, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114889, null, null, null]]], "all_evidence": [[114889, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103672, 117129, "T2_Trainspotting", 0]], [[103672, 117130, "T2_Trainspotting", 7]], [[103672, 117131, "T2_Trainspotting", 1]]], "all_evidence": [[103672, 117129, "T2_Trainspotting", 0], [103672, 117130, "T2_Trainspotting", 7], [103672, 117131, "T2_Trainspotting", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41328, 49675, "Vietnam", 1]], [[41351, 49701, "Vietnam", 1]]], "all_evidence": [[41328, 49675, "Vietnam", 1], [41351, 49701, "Vietnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33373, 40483, "Justin_Chatwin", 7]]], "all_evidence": [[33373, 40483, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146295, 161266, "Paramore", 0]]], "all_evidence": [[146295, 161266, "Paramore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40179, 48342, "Quran", 0]]], "all_evidence": [[40179, 48342, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286452, 279911, "The_Wallace_-LRB-poem-RRB-", 0]], [[286452, 279912, "The_Wallace_-LRB-poem-RRB-", 2]], [[286452, 279913, "The_Wallace_-LRB-poem-RRB-", 3]], [[288659, 281885, "The_Wallace_-LRB-poem-RRB-", 0]], [[288659, 281886, "The_Wallace_-LRB-poem-RRB-", 3]], [[288659, 281887, "The_Wallace_-LRB-poem-RRB-", 6], [288659, 281887, "Blind_Harry", 0]], [[334303, 320373, "The_Wallace_-LRB-poem-RRB-", 0]], [[334308, 320379, "The_Wallace_-LRB-poem-RRB-", 0]], [[334309, 320380, "The_Wallace_-LRB-poem-RRB-", 0]], [[334312, 320383, "The_Wallace_-LRB-poem-RRB-", 0]]], "all_evidence": [[286452, 279911, "The_Wallace_-LRB-poem-RRB-", 0], [286452, 279912, "The_Wallace_-LRB-poem-RRB-", 2], [286452, 279913, "The_Wallace_-LRB-poem-RRB-", 3], [288659, 281885, "The_Wallace_-LRB-poem-RRB-", 0], [288659, 281886, "The_Wallace_-LRB-poem-RRB-", 3], [288659, 281887, "The_Wallace_-LRB-poem-RRB-", 6], [288659, 281887, "Blind_Harry", 0], [334303, 320373, "The_Wallace_-LRB-poem-RRB-", 0], [334308, 320379, "The_Wallace_-LRB-poem-RRB-", 0], [334309, 320380, "The_Wallace_-LRB-poem-RRB-", 0], [334312, 320383, "The_Wallace_-LRB-poem-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137297, null, null, null]]], "all_evidence": [[137297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209813, 217613, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]], "all_evidence": [[209813, 217613, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45643, null, null, null]]], "all_evidence": [[45643, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227762, null, null, null]]], "all_evidence": [[227762, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245461, 246263, "Mel_B", 0]]], "all_evidence": [[245461, 246263, "Mel_B", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193471, null, null, null]]], "all_evidence": [[193471, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158554, 173212, "Blue_Jasmine", 0]]], "all_evidence": [[158554, 173212, "Blue_Jasmine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175898, 188865, "Edmund_H._North", 0]]], "all_evidence": [[175898, 188865, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130562, 145339, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[130562, 145339, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16355, 20287, "TakePart", 0]]], "all_evidence": [[16355, 20287, "TakePart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237495, 239701, "North_Vietnam", 0]]], "all_evidence": [[237495, 239701, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270819, 266805, "New_Orleans_Pelicans", 1]]], "all_evidence": [[270819, 266805, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135018, 149928, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[135018, 149928, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77938, 89407, "West_Virginia", 1], [77938, 89407, "Florida", 1]]], "all_evidence": [[77938, 89407, "West_Virginia", 1], [77938, 89407, "Florida", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245108, 246016, "Endometrial_cancer", 27]], [[245108, 246017, "Endometrial_cancer", 26]]], "all_evidence": [[245108, 246016, "Endometrial_cancer", 27], [245108, 246017, "Endometrial_cancer", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148535, 163550, "Colosseum", 0]], [[148535, 163551, "Colosseum", 1]], [[148535, 163552, "Colosseum", 9]], [[148535, 163553, "Colosseum", 21]], [[148535, 163554, "Colosseum", 22]], [[148535, 163555, "Colosseum", 44]]], "all_evidence": [[148535, 163550, "Colosseum", 0], [148535, 163551, "Colosseum", 1], [148535, 163552, "Colosseum", 9], [148535, 163553, "Colosseum", 21], [148535, 163554, "Colosseum", 22], [148535, 163555, "Colosseum", 44]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99636, 112763, "Luis_Fonsi", 0]]], "all_evidence": [[99636, 112763, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241380, 242924, "Brad_Wilk", 4]], [[241381, 242925, "Brad_Wilk", 4]]], "all_evidence": [[241380, 242924, "Brad_Wilk", 4], [241381, 242925, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197395, 207440, "Lalla_Ward", 0]]], "all_evidence": [[197395, 207440, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[287011, 280483, "Fist_of_Legend", 2], [287011, 280483, "Fist_of_Fury", 0]], [[289108, 282275, "Fist_of_Legend", 2], [289108, 282275, "Fist_of_Fury", 0]], [[290770, 283732, "Fist_of_Legend", 2], [290770, 283732, "Fist_of_Fury", 0]], [[334918, 320852, "Fist_of_Legend", 2], [334918, 320852, "Fist_of_Fury", 0]]], "all_evidence": [[287011, 280483, "Fist_of_Legend", 2], [287011, 280483, "Fist_of_Fury", 0], [289108, 282275, "Fist_of_Legend", 2], [289108, 282275, "Fist_of_Fury", 0], [290770, 283732, "Fist_of_Legend", 2], [290770, 283732, "Fist_of_Fury", 0], [334918, 320852, "Fist_of_Legend", 2], [334918, 320852, "Fist_of_Fury", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182697, 194880, "Penibaetic_System", 0]]], "all_evidence": [[182697, 194880, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134119, 149003, "Human_brain", 2], [134119, 149003, "Brainstem", 12], [134119, 149003, "Brainstem", 13]]], "all_evidence": [[134119, 149003, "Human_brain", 2], [134119, 149003, "Brainstem", 12], [134119, 149003, "Brainstem", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184387, 196286, "Christa_McAuliffe", 4]]], "all_evidence": [[184387, 196286, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206508, 214851, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[206508, 214851, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290231, null, null, null], [291576, null, null, null], [293685, null, null, null], [293689, null, null, null], [338042, null, null, null]]], "all_evidence": [[290231, null, null, null], [291576, null, null, null], [293685, null, null, null], [293689, null, null, null], [338042, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66433, 77279, "The_Adventures_of_Pluto_Nash", 1], [66433, 77279, "Randy_Quaid", 0]]], "all_evidence": [[66433, 77279, "The_Adventures_of_Pluto_Nash", 1], [66433, 77279, "Randy_Quaid", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116671, 130567, "Morse_code", 18]]], "all_evidence": [[116671, 130567, "Morse_code", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234498, 237362, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234498, 237362, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111554, 125318, "Terry_Crews", 9], [111554, 125318, "National_Football_League", 0]]], "all_evidence": [[111554, 125318, "Terry_Crews", 9], [111554, 125318, "National_Football_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296143, null, null, null], [297695, null, null, null], [299792, null, null, null], [342537, null, null, null], [342538, null, null, null]]], "all_evidence": [[296143, null, null, null], [297695, null, null, null], [299792, null, null, null], [342537, null, null, null], [342538, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89632, 102308, "Tatum_O'Neal", 6]]], "all_evidence": [[89632, 102308, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281964, null, null, null], [283975, null, null, null], [329793, null, null, null], [331175, null, null, null]]], "all_evidence": [[281964, null, null, null], [283975, null, null, null], [329793, null, null, null], [331175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41279, 49617, "Quran", 0]], [[41279, 49618, "Quran", 6]]], "all_evidence": [[41279, 49617, "Quran", 0], [41279, 49618, "Quran", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[301917, 293009, "Camden,_New_Jersey", 40]], [[301932, 293018, "Camden,_New_Jersey", 40], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 0], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 2], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 3]], [[303376, 294342, "Camden,_New_Jersey", 40]], [[304573, 295391, "Camden,_New_Jersey", 40], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 0], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 1], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 2]]], "all_evidence": [[301917, 293009, "Camden,_New_Jersey", 40], [301932, 293018, "Camden,_New_Jersey", 40], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 0], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 2], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 3], [303376, 294342, "Camden,_New_Jersey", 40], [304573, 295391, "Camden,_New_Jersey", 40], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 0], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 1], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123726, null, null, null]]], "all_evidence": [[123726, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234921, 237707, "Tijuana", 2]]], "all_evidence": [[234921, 237707, "Tijuana", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198045, 207990, "Dave_Gibbons", 0]], [[198048, 207992, "Dave_Gibbons", 0]]], "all_evidence": [[198045, 207990, "Dave_Gibbons", 0], [198048, 207992, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106284, null, null, null]]], "all_evidence": [[106284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82122, 93908, "Philomena_-LRB-film-RRB-", 0]]], "all_evidence": [[82122, 93908, "Philomena_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155260, null, null, null]]], "all_evidence": [[155260, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140761, null, null, null]]], "all_evidence": [[140761, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66381, null, null, null]]], "all_evidence": [[66381, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292497, 285260, "Paul_Nicholls_-LRB-actor-RRB-", 1]], [[294559, 286814, "Paul_Nicholls_-LRB-actor-RRB-", 1]], [[295105, 287298, "Paul_Nicholls_-LRB-actor-RRB-", 1]], [[340206, 324949, "Paul_Nicholls_-LRB-actor-RRB-", 1]], [[340418, 325067, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[292497, 285260, "Paul_Nicholls_-LRB-actor-RRB-", 1], [294559, 286814, "Paul_Nicholls_-LRB-actor-RRB-", 1], [295105, 287298, "Paul_Nicholls_-LRB-actor-RRB-", 1], [340206, 324949, "Paul_Nicholls_-LRB-actor-RRB-", 1], [340418, 325067, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130993, 145764, "Marco_Polo", 11]]], "all_evidence": [[130993, 145764, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0], [158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 13], [158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 14]], [[158602, 173248, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]], "all_evidence": [[158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0], [158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 13], [158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 14], [158602, 173248, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268063, 264716, "Kentucky", 11]]], "all_evidence": [[268063, 264716, "Kentucky", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190751, 201715, "Alice_Cooper", 0]]], "all_evidence": [[190751, 201715, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101480, null, null, null]]], "all_evidence": [[101480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114064, 127883, "Quran", 0]]], "all_evidence": [[114064, 127883, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87823, 100348, "Edmund_H._North", 0]], [[87823, 100349, "Edmund_H._North", 3]]], "all_evidence": [[87823, 100348, "Edmund_H._North", 0], [87823, 100349, "Edmund_H._North", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282380, null, null, null], [284350, null, null, null], [330506, null, null, null]]], "all_evidence": [[282380, null, null, null], [284350, null, null, null], [330506, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146440, 161406, "Fist_of_Legend", 2], [146440, 161406, "Fist_of_Fury", 0]]], "all_evidence": [[146440, 161406, "Fist_of_Legend", 2], [146440, 161406, "Fist_of_Fury", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238952, null, null, null]]], "all_evidence": [[238952, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260673, 259010, "Valencia", 0]], [[260674, 259011, "Valencia", 0]]], "all_evidence": [[260673, 259010, "Valencia", 0], [260674, 259011, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150430, 165319, "Lou_Gehrig", 15]], [[152519, 167322, "Lou_Gehrig", 15]], [[155023, 169737, "Lou_Gehrig", 15]], [[311581, 301517, "Lou_Gehrig", 15]], [[312987, 302694, "Lou_Gehrig", 15]]], "all_evidence": [[150430, 165319, "Lou_Gehrig", 15], [152519, 167322, "Lou_Gehrig", 15], [155023, 169737, "Lou_Gehrig", 15], [311581, 301517, "Lou_Gehrig", 15], [312987, 302694, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282675, 276814, "Highway_to_Heaven", 0]], [[284603, 278382, "Highway_to_Heaven", 0]], [[285424, 279045, "Highway_to_Heaven", 0]], [[330836, 317372, "Highway_to_Heaven", 0]]], "all_evidence": [[282675, 276814, "Highway_to_Heaven", 0], [284603, 278382, "Highway_to_Heaven", 0], [285424, 279045, "Highway_to_Heaven", 0], [330836, 317372, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239901, 241586, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239901, 241586, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179770, 192317, "The_Dark_Tower_-LRB-2017_film-RRB-", 1]]], "all_evidence": [[179770, 192317, "The_Dark_Tower_-LRB-2017_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234935, null, null, null]]], "all_evidence": [[234935, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259614, null, null, null]]], "all_evidence": [[259614, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142404, null, null, null]]], "all_evidence": [[142404, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170779, null, null, null]]], "all_evidence": [[170779, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157131, null, null, null]]], "all_evidence": [[157131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215831, 222607, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215831, 222607, "Steve_Guttenberg", 0]]], "all_evidence": [[215831, 222607, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215831, 222607, "Steve_Guttenberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255609, 255027, "Dreamer_-LRB-2005_film-RRB-", 0]], [[255610, 255028, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255609, 255027, "Dreamer_-LRB-2005_film-RRB-", 0], [255610, 255028, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97718, null, null, null]]], "all_evidence": [[97718, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54284, 64280, "Byron_Howard", 1]]], "all_evidence": [[54284, 64280, "Byron_Howard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259471, 258043, "Libya", 2]]], "all_evidence": [[259471, 258043, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227633, 231977, "Happiness_in_Slavery", 0]]], "all_evidence": [[227633, 231977, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199063, 208743, "Matteo_Renzi", 0]], [[199063, 208744, "Matteo_Renzi", 3]], [[199063, 208745, "Matteo_Renzi", 6]], [[199063, 208746, "Matteo_Renzi", 7]], [[199063, 208747, "Matteo_Renzi", 1], [199063, 208747, "Italian_constitutional_referendum,_2016", 4]]], "all_evidence": [[199063, 208743, "Matteo_Renzi", 0], [199063, 208744, "Matteo_Renzi", 3], [199063, 208745, "Matteo_Renzi", 6], [199063, 208746, "Matteo_Renzi", 7], [199063, 208747, "Matteo_Renzi", 1], [199063, 208747, "Italian_constitutional_referendum,_2016", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169956, 183559, "Rhythm_Nation", 23]]], "all_evidence": [[169956, 183559, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18901, null, null, null]]], "all_evidence": [[18901, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218432, 224718, "The_Hurt_Locker", 0]]], "all_evidence": [[218432, 224718, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193472, 203971, "Larry_Wilmore", 0]]], "all_evidence": [[193472, 203971, "Larry_Wilmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118465, 132308, "Fantastic_Four_-LRB-2005_film-RRB-", 0]], [[118465, 132309, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[118465, 132308, "Fantastic_Four_-LRB-2005_film-RRB-", 0], [118465, 132309, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91726, null, null, null]]], "all_evidence": [[91726, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225656, null, null, null]]], "all_evidence": [[225656, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211475, 219173, "Princess_Mononoke", 7]]], "all_evidence": [[211475, 219173, "Princess_Mononoke", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58214, 68443, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[58214, 68443, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227053, 231475, "Bea_Arthur", 0]]], "all_evidence": [[227053, 231475, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53315, 63287, "Rupert_Murdoch", 1]], [[53315, 63288, "Rupert_Murdoch", 0]], [[53315, 63289, "Rupert_Murdoch", 2]], [[53315, 63290, "Rupert_Murdoch", 3]]], "all_evidence": [[53315, 63287, "Rupert_Murdoch", 1], [53315, 63288, "Rupert_Murdoch", 0], [53315, 63289, "Rupert_Murdoch", 2], [53315, 63290, "Rupert_Murdoch", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237504, 239708, "North_Vietnam", 0]]], "all_evidence": [[237504, 239708, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125895, null, null, null]]], "all_evidence": [[125895, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236649, 239080, "Marcus_Bentley", 0]]], "all_evidence": [[236649, 239080, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72632, null, null, null]]], "all_evidence": [[72632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215834, 222609, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215834, 222609, "Geraldine_Chaplin", 0]]], "all_evidence": [[215834, 222609, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215834, 222609, "Geraldine_Chaplin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80679, null, null, null]]], "all_evidence": [[80679, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59040, 69369, "Duff_McKagan", 0]], [[59040, 69370, "Duff_McKagan", 1]], [[59040, 69371, "Duff_McKagan", 2]], [[59040, 69372, "Duff_McKagan", 5]], [[59040, 69373, "Duff_McKagan", 6]], [[59040, 69374, "Duff_McKagan", 7], [59040, 69374, "Velvet_Revolver", 0]], [[59040, 69375, "Duff_McKagan", 8], [59040, 69375, "Hollywood_Vampires_-LRB-band-RRB-", 0]], [[59040, 69376, "Duff_McKagan", 11]]], "all_evidence": [[59040, 69369, "Duff_McKagan", 0], [59040, 69370, "Duff_McKagan", 1], [59040, 69371, "Duff_McKagan", 2], [59040, 69372, "Duff_McKagan", 5], [59040, 69373, "Duff_McKagan", 6], [59040, 69374, "Duff_McKagan", 7], [59040, 69374, "Velvet_Revolver", 0], [59040, 69375, "Duff_McKagan", 8], [59040, 69375, "Hollywood_Vampires_-LRB-band-RRB-", 0], [59040, 69376, "Duff_McKagan", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75951, null, null, null]]], "all_evidence": [[75951, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184156, null, null, null]]], "all_evidence": [[184156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141048, 156223, "Johnny_Galecki", 1], [141048, 156223, "Leonard_Hofstadter", 1]]], "all_evidence": [[141048, 156223, "Johnny_Galecki", 1], [141048, 156223, "Leonard_Hofstadter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208643, 216646, "Wentworth_Miller", 2]]], "all_evidence": [[208643, 216646, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298490, null, null, null], [300547, null, null, null], [344228, null, null, null]]], "all_evidence": [[298490, null, null, null], [300547, null, null, null], [344228, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30383, 36983, "Joe_Walsh", 24]]], "all_evidence": [[30383, 36983, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209755, 217545, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209755, 217545, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188647, 200098, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188647, 200098, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227780, 232140, "Tilda_Swinton", 0]]], "all_evidence": [[227780, 232140, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175997, null, null, null]]], "all_evidence": [[175997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106432, 119851, "Stanley_Williams", 1]]], "all_evidence": [[106432, 119851, "Stanley_Williams", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241369, null, null, null]]], "all_evidence": [[241369, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29213, 35627, "Alexandra_Daddario", 0]]], "all_evidence": [[29213, 35627, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274244, null, null, null], [274246, null, null, null], [274248, null, null, null], [322340, null, null, null], [323497, null, null, null], [323500, null, null, null]]], "all_evidence": [[274244, null, null, null], [274246, null, null, null], [274248, null, null, null], [322340, null, null, null], [323497, null, null, null], [323500, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225943, 230511, "Roland_Emmerich", 3]]], "all_evidence": [[225943, 230511, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199066, 208749, "Matteo_Renzi", 0]]], "all_evidence": [[199066, 208749, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132857, 147771, "Uranium-235", 6], [132857, 147771, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[132857, 147771, "Uranium-235", 6], [132857, 147771, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191685, 202503, "Anne_Rice", 5]]], "all_evidence": [[191685, 202503, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23458, 28902, "Colin_Kaepernick", 6]]], "all_evidence": [[23458, 28902, "Colin_Kaepernick", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245458, null, null, null]]], "all_evidence": [[245458, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223840, null, null, null]]], "all_evidence": [[223840, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260710, null, null, null], [260714, null, null, null]]], "all_evidence": [[260710, null, null, null], [260714, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276297, null, null, null], [276302, null, null, null], [278551, null, null, null], [325897, null, null, null], [326427, null, null, null], [326440, null, null, null]]], "all_evidence": [[276297, null, null, null], [276302, null, null, null], [278551, null, null, null], [325897, null, null, null], [326427, null, null, null], [326440, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96497, null, null, null]]], "all_evidence": [[96497, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275367, 270521, "Michigan", 0]], [[275376, 270525, "Michigan", 0]], [[275376, 270526, "Michigan", 2]], [[275376, 270527, "Michigan", 13]], [[277228, 272174, "Michigan", 0]], [[324405, 312399, "Michigan", 0]], [[324420, 312405, "Michigan", 0]], [[324420, 312406, "Michigan", 2]], [[324420, 312407, "Michigan", 8], [324420, 312407, "U.S._state", 0]], [[324420, 312408, "Michigan", 13]]], "all_evidence": [[275367, 270521, "Michigan", 0], [275376, 270525, "Michigan", 0], [275376, 270526, "Michigan", 2], [275376, 270527, "Michigan", 13], [277228, 272174, "Michigan", 0], [324405, 312399, "Michigan", 0], [324420, 312405, "Michigan", 0], [324420, 312406, "Michigan", 2], [324420, 312407, "Michigan", 8], [324420, 312407, "U.S._state", 0], [324420, 312408, "Michigan", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132488, null, null, null]]], "all_evidence": [[132488, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185039, 196862, "Edgar_Wright", 0], [185039, 196862, "Gemini_-LRB-astrology-RRB-", 1]]], "all_evidence": [[185039, 196862, "Edgar_Wright", 0], [185039, 196862, "Gemini_-LRB-astrology-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253972, null, null, null]]], "all_evidence": [[253972, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76716, null, null, null]]], "all_evidence": [[76716, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133782, 148664, "Lizzy_Caplan", 2]]], "all_evidence": [[133782, 148664, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231175, null, null, null]]], "all_evidence": [[231175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166674, 180467, "Quran", 0]]], "all_evidence": [[166674, 180467, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216057, 222778, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216057, 222778, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163768, null, null, null]]], "all_evidence": [[163768, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207659, null, null, null]]], "all_evidence": [[207659, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34358, 41675, "Lost_-LRB-TV_series-RRB-", 16]]], "all_evidence": [[34358, 41675, "Lost_-LRB-TV_series-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98839, 111923, "Nicholas_Brody", 1]]], "all_evidence": [[98839, 111923, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259469, 258041, "Libya", 2]]], "all_evidence": [[259469, 258041, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191671, 202488, "Anne_Rice", 0]], [[191672, 202489, "Anne_Rice", 0]]], "all_evidence": [[191671, 202488, "Anne_Rice", 0], [191672, 202489, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97569, null, null, null]]], "all_evidence": [[97569, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245237, 246102, "Efraim_Diveroli", 6]]], "all_evidence": [[245237, 246102, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148821, 163865, "Horse", 2]]], "all_evidence": [[148821, 163865, "Horse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164776, null, null, null]]], "all_evidence": [[164776, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111945, 125769, "Underdog_-LRB-film-RRB-", 1], [111945, 125769, "Amy_Adams", 0], [111945, 125769, "Jason_Lee_-LRB-actor-RRB-", 0]]], "all_evidence": [[111945, 125769, "Underdog_-LRB-film-RRB-", 1], [111945, 125769, "Amy_Adams", 0], [111945, 125769, "Jason_Lee_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241400, 242934, "Brad_Wilk", 4]]], "all_evidence": [[241400, 242934, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237975, 240140, "Tamerlan_Tsarnaev", 1]], [[237975, 240142, "Tamerlan_Tsarnaev", 8]], [[237975, 240143, "Tamerlan_Tsarnaev", 9]]], "all_evidence": [[237975, 240140, "Tamerlan_Tsarnaev", 1], [237975, 240142, "Tamerlan_Tsarnaev", 8], [237975, 240143, "Tamerlan_Tsarnaev", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236657, 239086, "Marcus_Bentley", 0]]], "all_evidence": [[236657, 239086, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215940, null, null, null], [215941, null, null, null]]], "all_evidence": [[215940, null, null, null], [215941, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161555, 175999, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[161555, 175999, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141798, 157042, "House_-LRB-TV_series-RRB-", 0]], [[141798, 157043, "House_-LRB-TV_series-RRB-", 11]], [[141798, 157044, "House_-LRB-TV_series-RRB-", 13]], [[141798, 157045, "House_-LRB-TV_series-RRB-", 14]], [[141798, 157046, "House_-LRB-TV_series-RRB-", 16]], [[141798, 157047, "House_-LRB-TV_series-RRB-", 17]], [[141798, 157048, "House_-LRB-TV_series-RRB-", 20]], [[141798, 157049, "House_-LRB-TV_series-RRB-", 23]]], "all_evidence": [[141798, 157042, "House_-LRB-TV_series-RRB-", 0], [141798, 157043, "House_-LRB-TV_series-RRB-", 11], [141798, 157044, "House_-LRB-TV_series-RRB-", 13], [141798, 157045, "House_-LRB-TV_series-RRB-", 14], [141798, 157046, "House_-LRB-TV_series-RRB-", 16], [141798, 157047, "House_-LRB-TV_series-RRB-", 17], [141798, 157048, "House_-LRB-TV_series-RRB-", 20], [141798, 157049, "House_-LRB-TV_series-RRB-", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105571, null, null, null]]], "all_evidence": [[105571, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129619, 144356, "Henry_II_of_France", 13]]], "all_evidence": [[129619, 144356, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42577, null, null, null]]], "all_evidence": [[42577, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128793, null, null, null]]], "all_evidence": [[128793, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22374, 27568, "Emma_Watson", 0]]], "all_evidence": [[22374, 27568, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190487, 201497, "Tom_Baker_-LRB-English_actor-RRB-", 1]], [[190487, 201498, "Tom_Baker_-LRB-English_actor-RRB-", 10]], [[190487, 201499, "Tom_Baker_-LRB-English_actor-RRB-", 11]], [[190487, 201500, "Tom_Baker_-LRB-English_actor-RRB-", 14]], [[190487, 201501, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190487, 201497, "Tom_Baker_-LRB-English_actor-RRB-", 1], [190487, 201498, "Tom_Baker_-LRB-English_actor-RRB-", 10], [190487, 201499, "Tom_Baker_-LRB-English_actor-RRB-", 11], [190487, 201500, "Tom_Baker_-LRB-English_actor-RRB-", 14], [190487, 201501, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132681, null, null, null]]], "all_evidence": [[132681, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149934, 164863, "TV_Choice", 0]], [[149934, 164864, "TV_Choice", 1]]], "all_evidence": [[149934, 164863, "TV_Choice", 0], [149934, 164864, "TV_Choice", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272414, null, null, null]]], "all_evidence": [[272414, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124995, 139327, "AMGTV", 0]]], "all_evidence": [[124995, 139327, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234922, 237708, "Tijuana", 0]]], "all_evidence": [[234922, 237708, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36955, 44610, "Battle_of_France", 0]]], "all_evidence": [[36955, 44610, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56621, 66836, "United_Nations_Charter", 1]]], "all_evidence": [[56621, 66836, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185286, 197061, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]], "all_evidence": [[185286, 197061, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200747, 210222, "Earl_Scruggs", 0]], [[200750, 210226, "Earl_Scruggs", 0]]], "all_evidence": [[200747, 210222, "Earl_Scruggs", 0], [200750, 210226, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134719, 149638, "Aparshakti_Khurana", 0]], [[134720, 149639, "Aparshakti_Khurana", 0]], [[134721, 149640, "Aparshakti_Khurana", 0]], [[134722, 149642, "Aparshakti_Khurana", 0]], [[134723, 149641, "Aparshakti_Khurana", 0]], [[134724, 149643, "Aparshakti_Khurana", 0]], [[134725, 149644, "Aparshakti_Khurana", 0]], [[134726, 149645, "Aparshakti_Khurana", 0]], [[134727, 149646, "Aparshakti_Khurana", 0]], [[134728, 149647, "Aparshakti_Khurana", 0]], [[134729, 149648, "Aparshakti_Khurana", 0]], [[134730, 149649, "Aparshakti_Khurana", 0]], [[134731, 149650, "Aparshakti_Khurana", 0]], [[134733, 149652, "Aparshakti_Khurana", 0]], [[134734, 149653, "Aparshakti_Khurana", 0]], [[134735, 149654, "Aparshakti_Khurana", 0]], [[134736, 149655, "Aparshakti_Khurana", 0]], [[134737, 149656, "Aparshakti_Khurana", 0]], [[134738, 149657, "Aparshakti_Khurana", 0]], [[134739, 149658, "Aparshakti_Khurana", 0]]], "all_evidence": [[134719, 149638, "Aparshakti_Khurana", 0], [134720, 149639, "Aparshakti_Khurana", 0], [134721, 149640, "Aparshakti_Khurana", 0], [134722, 149642, "Aparshakti_Khurana", 0], [134723, 149641, "Aparshakti_Khurana", 0], [134724, 149643, "Aparshakti_Khurana", 0], [134725, 149644, "Aparshakti_Khurana", 0], [134726, 149645, "Aparshakti_Khurana", 0], [134727, 149646, "Aparshakti_Khurana", 0], [134728, 149647, "Aparshakti_Khurana", 0], [134729, 149648, "Aparshakti_Khurana", 0], [134730, 149649, "Aparshakti_Khurana", 0], [134731, 149650, "Aparshakti_Khurana", 0], [134733, 149652, "Aparshakti_Khurana", 0], [134734, 149653, "Aparshakti_Khurana", 0], [134735, 149654, "Aparshakti_Khurana", 0], [134736, 149655, "Aparshakti_Khurana", 0], [134737, 149656, "Aparshakti_Khurana", 0], [134738, 149657, "Aparshakti_Khurana", 0], [134739, 149658, "Aparshakti_Khurana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87915, 100432, "Same_Old_Love", 0]]], "all_evidence": [[87915, 100432, "Same_Old_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219130, 225231, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219130, 225231, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169304, 182958, "Joe_Walsh", 24]]], "all_evidence": [[169304, 182958, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223832, 228758, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223832, 228758, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198059, 208002, "Dave_Gibbons", 0]]], "all_evidence": [[198059, 208002, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104239, 117699, "You_Belong_with_Me", 4]]], "all_evidence": [[104239, 117699, "You_Belong_with_Me", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56439, 66645, "Rachel_Green", 0]]], "all_evidence": [[56439, 66645, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97246, 110431, "Recovery_-LRB-Eminem_album-RRB-", 0]]], "all_evidence": [[97246, 110431, "Recovery_-LRB-Eminem_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176066, null, null, null]]], "all_evidence": [[176066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143079, 158190, "Rupert_Murdoch", 3]]], "all_evidence": [[143079, 158190, "Rupert_Murdoch", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130036, null, null, null]]], "all_evidence": [[130036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52028, 61916, "Psych", 2], [52028, 61916, "James_Roday", 0]], [[52028, 61917, "Psych", 3], [52028, 61917, "Corbin_Bernsen", 0], [52028, 61917, "Dule\u0301_Hill", 0]]], "all_evidence": [[52028, 61916, "Psych", 2], [52028, 61916, "James_Roday", 0], [52028, 61917, "Psych", 3], [52028, 61917, "Corbin_Bernsen", 0], [52028, 61917, "Dule\u0301_Hill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107232, 120629, "Michigan", 2]]], "all_evidence": [[107232, 120629, "Michigan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180455, 192932, "Aparshakti_Khurana", 0]], [[180455, 192933, "Aparshakti_Khurana", 1]], [[180455, 192934, "Aparshakti_Khurana", 2], [180455, 192934, "Dangal_-LRB-film-RRB-", 0]]], "all_evidence": [[180455, 192932, "Aparshakti_Khurana", 0], [180455, 192933, "Aparshakti_Khurana", 1], [180455, 192934, "Aparshakti_Khurana", 2], [180455, 192934, "Dangal_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159251, 173835, "Lithuanians", 0]], [[159251, 173836, "Lithuanians", 3]]], "all_evidence": [[159251, 173835, "Lithuanians", 0], [159251, 173836, "Lithuanians", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76745, null, null, null]]], "all_evidence": [[76745, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167601, null, null, null]]], "all_evidence": [[167601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231457, 234956, "Diwali", 2]]], "all_evidence": [[231457, 234956, "Diwali", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145978, 160990, "House_-LRB-TV_series-RRB-", 0]], [[145978, 160991, "House_-LRB-TV_series-RRB-", 23]]], "all_evidence": [[145978, 160990, "House_-LRB-TV_series-RRB-", 0], [145978, 160991, "House_-LRB-TV_series-RRB-", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250334, null, null, null]]], "all_evidence": [[250334, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235755, 238320, "Tom_DeLonge", 4], [235755, 238320, "Mark_Hoppus", 0], [235755, 238320, "Scott_Raynor", 0]]], "all_evidence": [[235755, 238320, "Tom_DeLonge", 4], [235755, 238320, "Mark_Hoppus", 0], [235755, 238320, "Scott_Raynor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240787, null, null, null]]], "all_evidence": [[240787, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132630, 147542, "Quran", 0]], [[132632, 147543, "Quran", 0]], [[132636, 147547, "Quran", 0]], [[132638, 147553, "Quran", 0]]], "all_evidence": [[132630, 147542, "Quran", 0], [132632, 147543, "Quran", 0], [132636, 147547, "Quran", 0], [132638, 147553, "Quran", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229408, null, null, null]]], "all_evidence": [[229408, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227052, 231474, "Bea_Arthur", 0]]], "all_evidence": [[227052, 231474, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110794, null, null, null]]], "all_evidence": [[110794, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153675, 168515, "Men_in_Black_II", 0]]], "all_evidence": [[153675, 168515, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198614, 208408, "Selena_Gomez_&_the_Scene", 3]], [[198618, 208412, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198614, 208408, "Selena_Gomez_&_the_Scene", 3], [198618, 208412, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28019, 34311, "Australia_-LRB-2008_film-RRB-", 4], [28019, 34311, "Bowen,_Queensland", 0]]], "all_evidence": [[28019, 34311, "Australia_-LRB-2008_film-RRB-", 4], [28019, 34311, "Bowen,_Queensland", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131788, 146641, "Johnny_Galecki", 1]]], "all_evidence": [[131788, 146641, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141725, 156960, "Ron_Weasley", 3]]], "all_evidence": [[141725, 156960, "Ron_Weasley", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32566, 39584, "Edmund_H._North", 0]]], "all_evidence": [[32566, 39584, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[288492, null, null, null]]], "all_evidence": [[288492, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201862, 211218, "Artpop", 1]]], "all_evidence": [[201862, 211218, "Artpop", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162578, null, null, null]]], "all_evidence": [[162578, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[343398, 327201, "Juventus_F.C.", 1]], [[343766, 327450, "Juventus_F.C.", 1]], [[343932, 327579, "Juventus_F.C.", 1]]], "all_evidence": [[343398, 327201, "Juventus_F.C.", 1], [343766, 327450, "Juventus_F.C.", 1], [343932, 327579, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171960, null, null, null]]], "all_evidence": [[171960, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121197, null, null, null]]], "all_evidence": [[121197, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209598, null, null, null]]], "all_evidence": [[209598, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97574, null, null, null]]], "all_evidence": [[97574, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107861, null, null, null]]], "all_evidence": [[107861, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73213, 84423, "Raees_-LRB-film-RRB-", 1], [73213, 84423, "Shah_Rukh_Khan", 0], [73213, 84423, "Mahira_Khan", 0], [73213, 84423, "Nawazuddin_Siddiqui", 0]], [[78309, 89847, "Raees_-LRB-film-RRB-", 1]], [[80626, 92466, "Raees_-LRB-film-RRB-", 1], [80626, 92466, "Shah_Rukh_Khan", 0], [80626, 92466, "Mahira_Khan", 0], [80626, 92466, "Nawazuddin_Siddiqui", 0]], [[307058, 297599, "Raees_-LRB-film-RRB-", 1], [307058, 297599, "Mahira_Khan", 0]]], "all_evidence": [[73213, 84423, "Raees_-LRB-film-RRB-", 1], [73213, 84423, "Shah_Rukh_Khan", 0], [73213, 84423, "Mahira_Khan", 0], [73213, 84423, "Nawazuddin_Siddiqui", 0], [78309, 89847, "Raees_-LRB-film-RRB-", 1], [80626, 92466, "Raees_-LRB-film-RRB-", 1], [80626, 92466, "Shah_Rukh_Khan", 0], [80626, 92466, "Mahira_Khan", 0], [80626, 92466, "Nawazuddin_Siddiqui", 0], [307058, 297599, "Raees_-LRB-film-RRB-", 1], [307058, 297599, "Mahira_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118673, 132521, "French_Indochina", 0]]], "all_evidence": [[118673, 132521, "French_Indochina", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185095, null, null, null]]], "all_evidence": [[185095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141761, 157015, "The_Bahamas", 0], [141761, 157015, "Archipelagic_state", 0]]], "all_evidence": [[141761, 157015, "The_Bahamas", 0], [141761, 157015, "Archipelagic_state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151349, 166147, "XHamster", 6]]], "all_evidence": [[151349, 166147, "XHamster", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251720, 251528, "Mary-Kate_and_Ashley_Olsen", 0]], [[251720, 251529, "Mary-Kate_and_Ashley_Olsen", 1]], [[251720, 251530, "Mary-Kate_and_Ashley_Olsen", 2]]], "all_evidence": [[251720, 251528, "Mary-Kate_and_Ashley_Olsen", 0], [251720, 251529, "Mary-Kate_and_Ashley_Olsen", 1], [251720, 251530, "Mary-Kate_and_Ashley_Olsen", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46752, null, null, null]]], "all_evidence": [[46752, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144226, null, null, null]]], "all_evidence": [[144226, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209605, null, null, null]]], "all_evidence": [[209605, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260885, null, null, null]]], "all_evidence": [[260885, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16214, 20085, "Tottenham_Hotspur_F.C.", 0]], [[16214, 20086, "Tottenham_Hotspur_F.C.", 1]], [[16214, 20087, "Tottenham_Hotspur_F.C.", 5]], [[16214, 20088, "Tottenham_Hotspur_F.C.", 6]], [[16214, 20089, "Tottenham_Hotspur_F.C.", 7]], [[16214, 20090, "Tottenham_Hotspur_F.C.", 8], [16214, 20090, "FA_Cup", 7]], [[16214, 20091, "Tottenham_Hotspur_F.C.", 9], [16214, 20091, "EFL_Cup", 1]], [[16214, 20092, "Tottenham_Hotspur_F.C.", 11]], [[16214, 20093, "Tottenham_Hotspur_F.C.", 12], [16214, 20093, "EFL_Cup", 1]], [[16214, 20094, "Tottenham_Hotspur_F.C.", 15]], [[16214, 20095, "Tottenham_Hotspur_F.C.", 16]]], "all_evidence": [[16214, 20085, "Tottenham_Hotspur_F.C.", 0], [16214, 20086, "Tottenham_Hotspur_F.C.", 1], [16214, 20087, "Tottenham_Hotspur_F.C.", 5], [16214, 20088, "Tottenham_Hotspur_F.C.", 6], [16214, 20089, "Tottenham_Hotspur_F.C.", 7], [16214, 20090, "Tottenham_Hotspur_F.C.", 8], [16214, 20090, "FA_Cup", 7], [16214, 20091, "Tottenham_Hotspur_F.C.", 9], [16214, 20091, "EFL_Cup", 1], [16214, 20092, "Tottenham_Hotspur_F.C.", 11], [16214, 20093, "Tottenham_Hotspur_F.C.", 12], [16214, 20093, "EFL_Cup", 1], [16214, 20094, "Tottenham_Hotspur_F.C.", 15], [16214, 20095, "Tottenham_Hotspur_F.C.", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18365, null, null, null]]], "all_evidence": [[18365, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166596, null, null, null]]], "all_evidence": [[166596, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262156, null, null, null]]], "all_evidence": [[262156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158430, 173058, "Brazzers", 0]]], "all_evidence": [[158430, 173058, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77619, 89067, "A_View_to_a_Kill", 5]], [[77619, 89068, "A_View_to_a_Kill", 6]]], "all_evidence": [[77619, 89067, "A_View_to_a_Kill", 5], [77619, 89068, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253964, 253752, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253964, 253752, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57716, null, null, null], [57730, null, null, null]]], "all_evidence": [[57716, null, null, null], [57730, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260839, null, null, null]]], "all_evidence": [[260839, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40786, 49038, "Stanley_Williams", 0]], [[40794, 49046, "Stanley_Williams", 0]]], "all_evidence": [[40786, 49038, "Stanley_Williams", 0], [40794, 49046, "Stanley_Williams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85222, 97501, "Yara_Shahidi", 0]], [[85228, 97507, "Yara_Shahidi", 0]]], "all_evidence": [[85222, 97501, "Yara_Shahidi", 0], [85228, 97507, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170356, null, null, null]]], "all_evidence": [[170356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189897, null, null, null]]], "all_evidence": [[189897, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238555, null, null, null]]], "all_evidence": [[238555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206499, 214844, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[206499, 214844, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205314, 213924, "Invasion_literature", 3]]], "all_evidence": [[205314, 213924, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125033, 139380, "Croatia", 0], [125033, 139380, "Sovereign_state", 0], [125033, 139380, "Sovereign_state", 1]]], "all_evidence": [[125033, 139380, "Croatia", 0], [125033, 139380, "Sovereign_state", 0], [125033, 139380, "Sovereign_state", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34690, 42063, "Tenacious_D", 0]]], "all_evidence": [[34690, 42063, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99602, 112701, "Topman", 0]]], "all_evidence": [[99602, 112701, "Topman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194723, null, null, null]]], "all_evidence": [[194723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205313, 213923, "Uranium-235", 6], [205313, 213923, "Arthur_Jeffrey_Dempster", 0]], [[207747, 215958, "Uranium-235", 6], [207747, 215958, "Arthur_Jeffrey_Dempster", 0]], [[315747, 305007, "Uranium-235", 6], [315747, 305007, "Arthur_Jeffrey_Dempster", 0]], [[316765, 305889, "Uranium-235", 6], [316765, 305889, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[205313, 213923, "Uranium-235", 6], [205313, 213923, "Arthur_Jeffrey_Dempster", 0], [207747, 215958, "Uranium-235", 6], [207747, 215958, "Arthur_Jeffrey_Dempster", 0], [315747, 305007, "Uranium-235", 6], [315747, 305007, "Arthur_Jeffrey_Dempster", 0], [316765, 305889, "Uranium-235", 6], [316765, 305889, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214257, 221334, "Kenneth_Lonergan", 0]], [[214257, 221335, "Kenneth_Lonergan", 1]], [[214257, 221336, "Kenneth_Lonergan", 2], [214257, 221336, "Gangs_of_New_York", 1]], [[214257, 221337, "Kenneth_Lonergan", 3], [214257, 221337, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]], "all_evidence": [[214257, 221334, "Kenneth_Lonergan", 0], [214257, 221335, "Kenneth_Lonergan", 1], [214257, 221336, "Kenneth_Lonergan", 2], [214257, 221336, "Gangs_of_New_York", 1], [214257, 221337, "Kenneth_Lonergan", 3], [214257, 221337, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194715, 205089, "Middle-earth", 0]]], "all_evidence": [[194715, 205089, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231967, 235271, "Luke_Cage", 0]], [[231967, 235272, "Luke_Cage", 2]], [[231968, 235273, "Luke_Cage", 0]], [[231968, 235274, "Luke_Cage", 2]]], "all_evidence": [[231967, 235271, "Luke_Cage", 0], [231967, 235272, "Luke_Cage", 2], [231968, 235273, "Luke_Cage", 0], [231968, 235274, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21283, 26146, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[21283, 26146, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51574, 61341, "Ann_Richards", 0], [51574, 61341, "Governor_of_Texas", 0]]], "all_evidence": [[51574, 61341, "Ann_Richards", 0], [51574, 61341, "Governor_of_Texas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264398, 261860, "Brubaker", 0]]], "all_evidence": [[264398, 261860, "Brubaker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165477, null, null, null], [167701, null, null, null], [169840, null, null, null], [312400, null, null, null], [312403, null, null, null], [312409, null, null, null]]], "all_evidence": [[165477, null, null, null], [167701, null, null, null], [169840, null, null, null], [312400, null, null, null], [312403, null, null, null], [312409, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113238, 127123, "John_Dolmayan", 0]]], "all_evidence": [[113238, 127123, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208083, null, null, null]]], "all_evidence": [[208083, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111302, 124926, "CONCACAF_Champions_League", 0]]], "all_evidence": [[111302, 124926, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194792, null, null, null]]], "all_evidence": [[194792, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84332, null, null, null]]], "all_evidence": [[84332, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43165, 51804, "Tottenham_Hotspur_F.C.", 0]], [[43303, 51946, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[43165, 51804, "Tottenham_Hotspur_F.C.", 0], [43303, 51946, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166201, null, null, null]]], "all_evidence": [[166201, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183426, 195426, "Guatemala", 16]]], "all_evidence": [[183426, 195426, "Guatemala", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251711, 251519, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251711, 251519, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70200, 81078, "Noel_Fisher", 1]]], "all_evidence": [[70200, 81078, "Noel_Fisher", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221278, 226922, "Yandex", 9]]], "all_evidence": [[221278, 226922, "Yandex", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185036, 196859, "Edgar_Wright", 0]]], "all_evidence": [[185036, 196859, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218031, 224434, "Live_Through_This", 12]]], "all_evidence": [[218031, 224434, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55246, 65293, "Duane_Chapman", 0]]], "all_evidence": [[55246, 65293, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23592, 29139, "Prescott,_Arizona", 0]], [[23592, 29140, "Prescott,_Arizona", 1]], [[23592, 29141, "Prescott,_Arizona", 2]], [[23592, 29142, "Prescott,_Arizona", 8]], [[299531, 290910, "Prescott,_Arizona", 0]]], "all_evidence": [[23592, 29139, "Prescott,_Arizona", 0], [23592, 29140, "Prescott,_Arizona", 1], [23592, 29141, "Prescott,_Arizona", 2], [23592, 29142, "Prescott,_Arizona", 8], [299531, 290910, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173262, 186524, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[173262, 186524, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31608, null, null, null]]], "all_evidence": [[31608, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102738, null, null, null]]], "all_evidence": [[102738, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26517, 32556, "Papua_-LRB-province-RRB-", 0], [26517, 32556, "Western_New_Guinea", 0]]], "all_evidence": [[26517, 32556, "Papua_-LRB-province-RRB-", 0], [26517, 32556, "Western_New_Guinea", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56787, null, null, null]]], "all_evidence": [[56787, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194724, 205096, "Middle-earth", 0]]], "all_evidence": [[194724, 205096, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248519, 248678, "Tie_Your_Mother_Down", 1]], [[248520, 248679, "Tie_Your_Mother_Down", 2]], [[248520, 248680, "Tie_Your_Mother_Down", 6]]], "all_evidence": [[248519, 248678, "Tie_Your_Mother_Down", 1], [248520, 248679, "Tie_Your_Mother_Down", 2], [248520, 248680, "Tie_Your_Mother_Down", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117550, 131451, "Ashley_Cole", 0]]], "all_evidence": [[117550, 131451, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160264, 174813, "Bessie_Smith", 0]]], "all_evidence": [[160264, 174813, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118168, null, null, null]]], "all_evidence": [[118168, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208031, 216185, "Franchising", 8]], [[208042, 216193, "Franchising", 8]]], "all_evidence": [[208031, 216185, "Franchising", 8], [208042, 216193, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178417, 191005, "Bessie_Smith", 0]]], "all_evidence": [[178417, 191005, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64467, 75249, "Topman", 0], [64467, 75249, "Topshop", 0]], [[64467, 75250, "Topman", 1], [64467, 75250, "Arcadia_Group", 0]]], "all_evidence": [[64467, 75249, "Topman", 0], [64467, 75249, "Topshop", 0], [64467, 75250, "Topman", 1], [64467, 75250, "Arcadia_Group", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225836, 230404, "Love_the_Way_You_Lie", 17]]], "all_evidence": [[225836, 230404, "Love_the_Way_You_Lie", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76019, null, null, null]]], "all_evidence": [[76019, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17401, 21530, "Ed_Wood_-LRB-film-RRB-", 0]], [[17401, 21531, "Ed_Wood_-LRB-film-RRB-", 1]]], "all_evidence": [[17401, 21530, "Ed_Wood_-LRB-film-RRB-", 0], [17401, 21531, "Ed_Wood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152655, 167438, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[152655, 167438, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237005, null, null, null], [237006, null, null, null]]], "all_evidence": [[237005, null, null, null], [237006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199060, 208741, "Matteo_Renzi", 0]]], "all_evidence": [[199060, 208741, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147480, null, null, null]]], "all_evidence": [[147480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200456, 209960, "Sancho_Panza", 0]]], "all_evidence": [[200456, 209960, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157667, null, null, null]]], "all_evidence": [[157667, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148076, 163063, "Edison_Machine_Works", 0]]], "all_evidence": [[148076, 163063, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203578, 212567, "Helmand_Province", 0], [203578, 212567, "Lashkargah", 0]], [[206011, 214461, "Helmand_Province", 7], [206011, 214461, "Lashkargah", 0]], [[315499, 304749, "Helmand_Province", 3]], [[315499, 304750, "Helmand_Province", 7]], [[315499, 304751, "Helmand_Province", 8]]], "all_evidence": [[203578, 212567, "Helmand_Province", 0], [203578, 212567, "Lashkargah", 0], [206011, 214461, "Helmand_Province", 7], [206011, 214461, "Lashkargah", 0], [315499, 304749, "Helmand_Province", 3], [315499, 304750, "Helmand_Province", 7], [315499, 304751, "Helmand_Province", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286228, 279725, "Alexandra_Daddario", 0]], [[287967, 281248, "Alexandra_Daddario", 0]], [[288579, 281798, "Alexandra_Daddario", 0]], [[333031, 319237, "Alexandra_Daddario", 0]], [[334141, 320271, "Alexandra_Daddario", 0]]], "all_evidence": [[286228, 279725, "Alexandra_Daddario", 0], [287967, 281248, "Alexandra_Daddario", 0], [288579, 281798, "Alexandra_Daddario", 0], [333031, 319237, "Alexandra_Daddario", 0], [334141, 320271, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90068, 102740, "Terry_Crews", 0]], [[90068, 102741, "Terry_Crews", 9]]], "all_evidence": [[90068, 102740, "Terry_Crews", 0], [90068, 102741, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207678, null, null, null]]], "all_evidence": [[207678, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11346, 14289, "Monster", 0]]], "all_evidence": [[11346, 14289, "Monster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108975, 122684, "Australia_-LRB-2008_film-RRB-", 4], [108975, 122684, "Bowen,_Queensland", 0]]], "all_evidence": [[108975, 122684, "Australia_-LRB-2008_film-RRB-", 4], [108975, 122684, "Bowen,_Queensland", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169323, 182972, "Aleister_Crowley", 5]]], "all_evidence": [[169323, 182972, "Aleister_Crowley", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34373, 41694, "Shawn_Carlson", 0]]], "all_evidence": [[34373, 41694, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145007, null, null, null]]], "all_evidence": [[145007, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14822, 18451, "Wilhelmina_Slater", 0]]], "all_evidence": [[14822, 18451, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20841, 25532, "John_Dolmayan", 0]], [[20841, 25533, "John_Dolmayan", 1]], [[20841, 25534, "John_Dolmayan", 2]], [[20841, 25535, "John_Dolmayan", 4]]], "all_evidence": [[20841, 25532, "John_Dolmayan", 0], [20841, 25533, "John_Dolmayan", 1], [20841, 25534, "John_Dolmayan", 2], [20841, 25535, "John_Dolmayan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234506, null, null, null]]], "all_evidence": [[234506, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213169, 220503, "Tata_Motors", 13], [213169, 220503, "Bombay_Stock_Exchange", 0]]], "all_evidence": [[213169, 220503, "Tata_Motors", 13], [213169, 220503, "Bombay_Stock_Exchange", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83291, 95237, "Shane_McMahon", 10]], [[85367, 97680, "Shane_McMahon", 10]], [[85839, 98117, "Shane_McMahon", 10]], [[306090, 296846, "Shane_McMahon", 10]], [[307315, 297832, "Shane_McMahon", 10]]], "all_evidence": [[83291, 95237, "Shane_McMahon", 10], [85367, 97680, "Shane_McMahon", 10], [85839, 98117, "Shane_McMahon", 10], [306090, 296846, "Shane_McMahon", 10], [307315, 297832, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36687, null, null, null]]], "all_evidence": [[36687, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269443, null, null, null], [272519, null, null, null], [273936, null, null, null], [322010, null, null, null], [323330, null, null, null]]], "all_evidence": [[269443, null, null, null], [272519, null, null, null], [273936, null, null, null], [322010, null, null, null], [323330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189995, null, null, null], [190001, null, null, null]]], "all_evidence": [[189995, null, null, null], [190001, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26717, 32790, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[26717, 32790, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42644, 51294, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[42644, 51294, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72649, 83690, "Ashley_Graham_-LRB-model-RRB-", 4]], [[72649, 83691, "Ashley_Graham_-LRB-model-RRB-", 6]]], "all_evidence": [[72649, 83690, "Ashley_Graham_-LRB-model-RRB-", 4], [72649, 83691, "Ashley_Graham_-LRB-model-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243119, null, null, null]]], "all_evidence": [[243119, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46900, 55935, "Shane_McMahon", 0], [46900, 55935, "Shane_McMahon", 7]]], "all_evidence": [[46900, 55935, "Shane_McMahon", 0], [46900, 55935, "Shane_McMahon", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152505, null, null, null], [152526, null, null, null]]], "all_evidence": [[152505, null, null, null], [152526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123335, 137777, "Faroe_Islands", 9]], [[123335, 137778, "Faroe_Islands", 10]], [[123335, 137779, "Faroe_Islands", 11]]], "all_evidence": [[123335, 137777, "Faroe_Islands", 9], [123335, 137778, "Faroe_Islands", 10], [123335, 137779, "Faroe_Islands", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41555, 49962, "Greek_language", 14]]], "all_evidence": [[41555, 49962, "Greek_language", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28305, null, null, null]]], "all_evidence": [[28305, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110051, 123681, "Sikkim", 4]]], "all_evidence": [[110051, 123681, "Sikkim", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139943, 154962, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[139943, 154962, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28523, 34851, "Taran_Killam", 0]], [[31336, 38049, "Taran_Killam", 0]], [[33606, 40772, "Taran_Killam", 0]], [[301752, 292862, "Taran_Killam", 0]], [[304284, 295106, "Taran_Killam", 0]]], "all_evidence": [[28523, 34851, "Taran_Killam", 0], [31336, 38049, "Taran_Killam", 0], [33606, 40772, "Taran_Killam", 0], [301752, 292862, "Taran_Killam", 0], [304284, 295106, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218408, 224701, "The_Hurt_Locker", 0]]], "all_evidence": [[218408, 224701, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270503, 266532, "Jenna_Jameson", 3]]], "all_evidence": [[270503, 266532, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36098, 43624, "Chile", 0]], [[36098, 43625, "Chile", 1], [36098, 43625, "Drake_Passage", 0], [36098, 43625, "Bolivia", 0], [36098, 43625, "Argentina", 0], [36098, 43625, "Peru", 0]], [[36098, 43626, "Chile", 20]]], "all_evidence": [[36098, 43624, "Chile", 0], [36098, 43625, "Chile", 1], [36098, 43625, "Drake_Passage", 0], [36098, 43625, "Bolivia", 0], [36098, 43625, "Argentina", 0], [36098, 43625, "Peru", 0], [36098, 43626, "Chile", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107300, 120710, "Daggering", 0]], [[107300, 120711, "Daggering", 1]], [[107300, 120712, "Daggering", 2]]], "all_evidence": [[107300, 120710, "Daggering", 0], [107300, 120711, "Daggering", 1], [107300, 120712, "Daggering", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247512, 247802, "Stadium_Arcadium", 6]]], "all_evidence": [[247512, 247802, "Stadium_Arcadium", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133438, 148303, "Mary_of_Teck", 0]]], "all_evidence": [[133438, 148303, "Mary_of_Teck", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223877, 228792, "Yandex", 9]]], "all_evidence": [[223877, 228792, "Yandex", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35866, 43420, "NRG_Recording_Studios", 0]]], "all_evidence": [[35866, 43420, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296235, 288152, "Winter's_Tale_-LRB-novel-RRB-", 0]], [[297809, 289409, "Winter's_Tale_-LRB-novel-RRB-", 0]], [[299967, 291294, "Winter's_Tale_-LRB-novel-RRB-", 0]], [[342630, 326596, "Winter's_Tale_-LRB-novel-RRB-", 0]], [[342696, 326641, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[296235, 288152, "Winter's_Tale_-LRB-novel-RRB-", 0], [297809, 289409, "Winter's_Tale_-LRB-novel-RRB-", 0], [299967, 291294, "Winter's_Tale_-LRB-novel-RRB-", 0], [342630, 326596, "Winter's_Tale_-LRB-novel-RRB-", 0], [342696, 326641, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72105, 83092, "Daggering", 3], [72105, 83092, "Dancehall", 0]]], "all_evidence": [[72105, 83092, "Daggering", 3], [72105, 83092, "Dancehall", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71176, 82108, "New_York_Knicks", 1]], [[71176, 82109, "New_York_Knicks", 9]]], "all_evidence": [[71176, 82108, "New_York_Knicks", 1], [71176, 82109, "New_York_Knicks", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104187, null, null, null], [106850, null, null, null], [107208, null, null, null], [307954, null, null, null], [309254, null, null, null]]], "all_evidence": [[104187, null, null, null], [106850, null, null, null], [107208, null, null, null], [307954, null, null, null], [309254, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26574, 32616, "Henry_II_of_France", 13]]], "all_evidence": [[26574, 32616, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86706, null, null, null]]], "all_evidence": [[86706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89868, 102577, "Scotty_Moore", 0]]], "all_evidence": [[89868, 102577, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243113, null, null, null]]], "all_evidence": [[243113, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199392, 209083, "Dave_Gibbons", 0]]], "all_evidence": [[199392, 209083, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114163, 127974, "Nestor_Carbonell", 0]], [[114163, 127975, "Nestor_Carbonell", 1]]], "all_evidence": [[114163, 127974, "Nestor_Carbonell", 0], [114163, 127975, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289995, 283078, "Janelle_Mona\u0301e", 0]], [[291351, 284287, "Janelle_Mona\u0301e", 0]], [[291351, 284288, "Janelle_Mona\u0301e", 1], [291351, 284288, "The_Audition_-LRB-album-RRB-", 0]], [[291351, 284289, "Janelle_Mona\u0301e", 4], [291351, 284289, "The_ArchAndroid", 0]], [[291351, 284290, "Janelle_Mona\u0301e", 6], [291351, 284290, "Tightrope_-LRB-Janelle_Mona\u0301e_song-RRB-", 0]], [[291351, 284291, "Janelle_Mona\u0301e", 11]], [[291351, 284292, "Janelle_Mona\u0301e", 12]], [[291351, 284293, "Janelle_Mona\u0301e", 13], [291351, 284293, "The_Electric_Lady", 0]], [[291351, 284294, "Janelle_Mona\u0301e", 15]], [[291351, 284295, "Janelle_Mona\u0301e", 16]], [[293480, 285996, "Janelle_Mona\u0301e", 0]], [[337396, 322760, "Janelle_Mona\u0301e", 0]], [[337396, 322761, "Janelle_Mona\u0301e", 1]], [[337396, 322762, "Janelle_Mona\u0301e", 4]], [[337396, 322763, "Janelle_Mona\u0301e", 10]], [[337396, 322764, "Janelle_Mona\u0301e", 11]], [[337396, 322765, "Janelle_Mona\u0301e", 12]], [[337396, 322766, "Janelle_Mona\u0301e", 13]], [[337396, 322767, "Janelle_Mona\u0301e", 14]], [[337396, 322768, "Janelle_Mona\u0301e", 15]], [[337404, 322775, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[289995, 283078, "Janelle_Mona\u0301e", 0], [291351, 284287, "Janelle_Mona\u0301e", 0], [291351, 284288, "Janelle_Mona\u0301e", 1], [291351, 284288, "The_Audition_-LRB-album-RRB-", 0], [291351, 284289, "Janelle_Mona\u0301e", 4], [291351, 284289, "The_ArchAndroid", 0], [291351, 284290, "Janelle_Mona\u0301e", 6], [291351, 284290, "Tightrope_-LRB-Janelle_Mona\u0301e_song-RRB-", 0], [291351, 284291, "Janelle_Mona\u0301e", 11], [291351, 284292, "Janelle_Mona\u0301e", 12], [291351, 284293, "Janelle_Mona\u0301e", 13], [291351, 284293, "The_Electric_Lady", 0], [291351, 284294, "Janelle_Mona\u0301e", 15], [291351, 284295, "Janelle_Mona\u0301e", 16], [293480, 285996, "Janelle_Mona\u0301e", 0], [337396, 322760, "Janelle_Mona\u0301e", 0], [337396, 322761, "Janelle_Mona\u0301e", 1], [337396, 322762, "Janelle_Mona\u0301e", 4], [337396, 322763, "Janelle_Mona\u0301e", 10], [337396, 322764, "Janelle_Mona\u0301e", 11], [337396, 322765, "Janelle_Mona\u0301e", 12], [337396, 322766, "Janelle_Mona\u0301e", 13], [337396, 322767, "Janelle_Mona\u0301e", 14], [337396, 322768, "Janelle_Mona\u0301e", 15], [337404, 322775, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43900, 52542, "Colosseum", 0]]], "all_evidence": [[43900, 52542, "Colosseum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153219, 167987, "Rage_Against_the_Machine", 0]]], "all_evidence": [[153219, 167987, "Rage_Against_the_Machine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289738, 282806, "Vedam_-LRB-film-RRB-", 0], [289738, 282806, "Manchu_Manoj", 0]], [[289747, 282818, "Vedam_-LRB-film-RRB-", 0], [289747, 282818, "Allu_Arjun", 0]], [[336908, 322384, "Vedam_-LRB-film-RRB-", 0], [336908, 322384, "Allu_Arjun", 0]], [[336921, 322395, "Vedam_-LRB-film-RRB-", 0], [336921, 322395, "Allu_Arjun", 0], [336921, 322395, "Anushka_Shetty", 0], [336921, 322395, "Deeksha_Seth", 0], [336921, 322395, "Lekha_Washington", 0], [336921, 322395, "Manchu_Manoj", 0], [336921, 322395, "Manoj_Bajpayee", 0], [336921, 322395, "Saranya_Ponvannan", 0]], [[336925, 322397, "Vedam_-LRB-film-RRB-", 0], [336925, 322397, "Allu_Arjun", 0]]], "all_evidence": [[289738, 282806, "Vedam_-LRB-film-RRB-", 0], [289738, 282806, "Manchu_Manoj", 0], [289747, 282818, "Vedam_-LRB-film-RRB-", 0], [289747, 282818, "Allu_Arjun", 0], [336908, 322384, "Vedam_-LRB-film-RRB-", 0], [336908, 322384, "Allu_Arjun", 0], [336921, 322395, "Vedam_-LRB-film-RRB-", 0], [336921, 322395, "Allu_Arjun", 0], [336921, 322395, "Anushka_Shetty", 0], [336921, 322395, "Deeksha_Seth", 0], [336921, 322395, "Lekha_Washington", 0], [336921, 322395, "Manchu_Manoj", 0], [336921, 322395, "Manoj_Bajpayee", 0], [336921, 322395, "Saranya_Ponvannan", 0], [336925, 322397, "Vedam_-LRB-film-RRB-", 0], [336925, 322397, "Allu_Arjun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82254, 94039, "Leonard_Nimoy", 10], [82254, 94039, "Civilization_IV", 0]]], "all_evidence": [[82254, 94039, "Leonard_Nimoy", 10], [82254, 94039, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163352, 177557, "Bee_Gees", 2]], [[163352, 177558, "Bee_Gees", 3], [163352, 177558, "Barry_Gibb", 0], [163352, 177558, "Maurice_Gibb", 0], [163352, 177558, "Robin_Gibb", 0]], [[163352, 177559, "Bee_Gees", 4]], [[163352, 177560, "Bee_Gees", 5]], [[163352, 177561, "Bee_Gees", 6]], [[163352, 177562, "Bee_Gees", 9], [163352, 177562, "The_Rattlesnakes_-LRB-1955_band-RRB-", 0]], [[163352, 177563, "Bee_Gees", 11], [163352, 177563, "Spicks_and_Specks_-LRB-song-RRB-", 0]], [[163352, 177564, "Bee_Gees", 14]], [[163352, 177565, "Bee_Gees", 15]], [[163352, 177566, "Bee_Gees", 16]]], "all_evidence": [[163352, 177557, "Bee_Gees", 2], [163352, 177558, "Bee_Gees", 3], [163352, 177558, "Barry_Gibb", 0], [163352, 177558, "Maurice_Gibb", 0], [163352, 177558, "Robin_Gibb", 0], [163352, 177559, "Bee_Gees", 4], [163352, 177560, "Bee_Gees", 5], [163352, 177561, "Bee_Gees", 6], [163352, 177562, "Bee_Gees", 9], [163352, 177562, "The_Rattlesnakes_-LRB-1955_band-RRB-", 0], [163352, 177563, "Bee_Gees", 11], [163352, 177563, "Spicks_and_Specks_-LRB-song-RRB-", 0], [163352, 177564, "Bee_Gees", 14], [163352, 177565, "Bee_Gees", 15], [163352, 177566, "Bee_Gees", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94431, 107422, "Neil_Diamond", 0]]], "all_evidence": [[94431, 107422, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51305, null, null, null]]], "all_evidence": [[51305, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88286, null, null, null]]], "all_evidence": [[88286, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254337, null, null, null]]], "all_evidence": [[254337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200459, 209964, "Sancho_Panza", 0]], [[200460, 209965, "Sancho_Panza", 0]], [[200462, 209967, "Sancho_Panza", 0]]], "all_evidence": [[200459, 209964, "Sancho_Panza", 0], [200460, 209965, "Sancho_Panza", 0], [200462, 209967, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139977, 154988, "Aarhus", 0]], [[139977, 154989, "Aarhus", 1]]], "all_evidence": [[139977, 154988, "Aarhus", 0], [139977, 154989, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240854, 242455, "Down_with_Love", 0]]], "all_evidence": [[240854, 242455, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238978, 240935, "Despicable_Me_2", 1]]], "all_evidence": [[238978, 240935, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210312, 218083, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210312, 218083, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112208, 126030, "Chrysler_Building", 1]]], "all_evidence": [[112208, 126030, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279693, null, null, null]]], "all_evidence": [[279693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142103, 157338, "Faroe_Islands", 9]]], "all_evidence": [[142103, 157338, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17174, 21270, "EA_Black_Box", 0]]], "all_evidence": [[17174, 21270, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119340, 133321, "Jack_Falahee", 0]]], "all_evidence": [[119340, 133321, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46448, 55414, "Danger_UXB", 0]]], "all_evidence": [[46448, 55414, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30540, 37143, "James_VI_and_I", 10]]], "all_evidence": [[30540, 37143, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132540, 147448, "Angelsberg", 0]]], "all_evidence": [[132540, 147448, "Angelsberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73884, null, null, null]]], "all_evidence": [[73884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108566, 122170, "Mary_of_Teck", 12]]], "all_evidence": [[108566, 122170, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292199, null, null, null], [294208, null, null, null], [294841, null, null, null], [339384, null, null, null]]], "all_evidence": [[292199, null, null, null], [294208, null, null, null], [294841, null, null, null], [339384, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32446, 39424, "Yara_Shahidi", 0]]], "all_evidence": [[32446, 39424, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245234, 246099, "Efraim_Diveroli", 6]]], "all_evidence": [[245234, 246099, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192747, 203462, "Cadet_Kelly", 0]], [[192747, 203463, "Cadet_Kelly", 1]]], "all_evidence": [[192747, 203462, "Cadet_Kelly", 0], [192747, 203463, "Cadet_Kelly", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134898, 149793, "Underdog_-LRB-film-RRB-", 1], [134898, 149793, "Adam_Rifkin", 0], [134898, 149793, "Brad_Garrett", 0], [134898, 149793, "Jason_Lee_-LRB-actor-RRB-", 0], [134898, 149793, "Jim_Belushi", 0], [134898, 149793, "John_Slattery", 0], [134898, 149793, "Patrick_Warburton", 0], [134898, 149793, "Peter_Dinklage", 0]]], "all_evidence": [[134898, 149793, "Underdog_-LRB-film-RRB-", 1], [134898, 149793, "Adam_Rifkin", 0], [134898, 149793, "Brad_Garrett", 0], [134898, 149793, "Jason_Lee_-LRB-actor-RRB-", 0], [134898, 149793, "Jim_Belushi", 0], [134898, 149793, "John_Slattery", 0], [134898, 149793, "Patrick_Warburton", 0], [134898, 149793, "Peter_Dinklage", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209601, null, null, null]]], "all_evidence": [[209601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130294, 145046, "Otto_I,_Holy_Roman_Emperor", 11]]], "all_evidence": [[130294, 145046, "Otto_I,_Holy_Roman_Emperor", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243701, 244869, "Palo_Alto,_California", 0]]], "all_evidence": [[243701, 244869, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92977, 105857, "Annette_Badland", 1]]], "all_evidence": [[92977, 105857, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20414, 24999, "Monster", 0]]], "all_evidence": [[20414, 24999, "Monster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251020, null, null, null], [251024, null, null, null]]], "all_evidence": [[251020, null, null, null], [251024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286229, 279726, "AMGTV", 0]], [[286229, 279727, "AMGTV", 1]], [[287969, 281251, "AMGTV", 0]], [[287969, 281252, "AMGTV", 1]], [[287970, 281253, "AMGTV", 0]], [[287970, 281254, "AMGTV", 1]], [[333024, 319234, "AMGTV", 0]], [[334106, 320251, "AMGTV", 0]]], "all_evidence": [[286229, 279726, "AMGTV", 0], [286229, 279727, "AMGTV", 1], [287969, 281251, "AMGTV", 0], [287969, 281252, "AMGTV", 1], [287970, 281253, "AMGTV", 0], [287970, 281254, "AMGTV", 1], [333024, 319234, "AMGTV", 0], [334106, 320251, "AMGTV", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235702, null, null, null]]], "all_evidence": [[235702, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86937, 99398, "YouTube", 15]], [[86938, 99399, "YouTube", 15]]], "all_evidence": [[86937, 99398, "YouTube", 15], [86938, 99399, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154344, 169091, "Andrew_Kevin_Walker", 0]], [[154345, 169092, "Andrew_Kevin_Walker", 0]], [[154345, 169093, "Andrew_Kevin_Walker", 1]]], "all_evidence": [[154344, 169091, "Andrew_Kevin_Walker", 0], [154345, 169092, "Andrew_Kevin_Walker", 0], [154345, 169093, "Andrew_Kevin_Walker", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253971, 253756, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253971, 253756, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73955, null, null, null]]], "all_evidence": [[73955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222205, 227586, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222205, 227586, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83478, null, null, null]]], "all_evidence": [[83478, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270839, null, null, null]]], "all_evidence": [[270839, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115544, 129410, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[115544, 129410, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103548, 116979, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[103548, 116979, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82018, 93803, "In_the_End", 1], [82018, 93803, "Hybrid_Theory", 0]]], "all_evidence": [[82018, 93803, "In_the_End", 1], [82018, 93803, "Hybrid_Theory", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84113, 96238, "Human_brain", 25], [84113, 96238, "Limbic_system", 0]]], "all_evidence": [[84113, 96238, "Human_brain", 25], [84113, 96238, "Limbic_system", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90150, null, null, null]]], "all_evidence": [[90150, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122849, 137145, "Global_warming", 15]]], "all_evidence": [[122849, 137145, "Global_warming", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92721, 105561, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [92721, 105561, "Ray_Winstone", 0]]], "all_evidence": [[92721, 105561, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [92721, 105561, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236584, null, null, null]]], "all_evidence": [[236584, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83693, null, null, null]]], "all_evidence": [[83693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78120, 89624, "Francis_I_of_France", 11]]], "all_evidence": [[78120, 89624, "Francis_I_of_France", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131913, 146753, "Byron_Howard", 2]]], "all_evidence": [[131913, 146753, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16687, 20673, "Off_the_Wall", 7]], [[16687, 20674, "Off_the_Wall", 14]]], "all_evidence": [[16687, 20673, "Off_the_Wall", 7], [16687, 20674, "Off_the_Wall", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27049, 33170, "Saxony", 4]]], "all_evidence": [[27049, 33170, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264399, 261861, "Brubaker", 0]]], "all_evidence": [[264399, 261861, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199908, 209547, "Anne_Sullivan", 0]]], "all_evidence": [[199908, 209547, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29815, null, null, null]]], "all_evidence": [[29815, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260485, 258896, "Savages_-LRB-2012_film-RRB-", 3]]], "all_evidence": [[260485, 258896, "Savages_-LRB-2012_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217676, 224167, "Asylum_Records", 0]]], "all_evidence": [[217676, 224167, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111856, 125683, "Rupert_Murdoch", 3]], [[111856, 125684, "Rupert_Murdoch", 12]], [[111856, 125685, "Rupert_Murdoch", 14]]], "all_evidence": [[111856, 125683, "Rupert_Murdoch", 3], [111856, 125684, "Rupert_Murdoch", 12], [111856, 125685, "Rupert_Murdoch", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60780, 71262, "Murda_Beatz", 0]]], "all_evidence": [[60780, 71262, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99815, 112988, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[99815, 112988, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92783, 105649, "Awkward_Black_Girl", 0], [92783, 105649, "Issa_Rae", 0], [92783, 105649, "Issa_Rae", 1]]], "all_evidence": [[92783, 105649, "Awkward_Black_Girl", 0], [92783, 105649, "Issa_Rae", 0], [92783, 105649, "Issa_Rae", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260677, 259013, "Valencia", 0]]], "all_evidence": [[260677, 259013, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83538, 95523, "Harold_Macmillan", 0]], [[83538, 95524, "Harold_Macmillan", 7]], [[83538, 95525, "Harold_Macmillan", 11]], [[83538, 95526, "Harold_Macmillan", 12], [83538, 95526, "Prime_minister", 0]], [[83538, 95527, "Harold_Macmillan", 21]], [[83538, 95528, "Harold_Macmillan", 27]], [[83538, 95529, "Harold_Macmillan", 26]], [[83538, 95530, "Harold_Macmillan", 31]]], "all_evidence": [[83538, 95523, "Harold_Macmillan", 0], [83538, 95524, "Harold_Macmillan", 7], [83538, 95525, "Harold_Macmillan", 11], [83538, 95526, "Harold_Macmillan", 12], [83538, 95526, "Prime_minister", 0], [83538, 95527, "Harold_Macmillan", 21], [83538, 95528, "Harold_Macmillan", 27], [83538, 95529, "Harold_Macmillan", 26], [83538, 95530, "Harold_Macmillan", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101910, 115156, "Charles_Manson", 0]], [[101914, 115159, "Charles_Manson", 0]]], "all_evidence": [[101910, 115156, "Charles_Manson", 0], [101914, 115159, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161362, 175854, "Michelin_Guide", 0]]], "all_evidence": [[161362, 175854, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112394, 126239, "Helmand_Province", 7], [112394, 126239, "Helmand_Province", 0]], [[115919, 129795, "Helmand_Province", 7]], [[118589, 132448, "Helmand_Province", 7]], [[308404, 298785, "Helmand_Province", 7]], [[308405, 298786, "Helmand_Province", 7]]], "all_evidence": [[112394, 126239, "Helmand_Province", 7], [112394, 126239, "Helmand_Province", 0], [115919, 129795, "Helmand_Province", 7], [118589, 132448, "Helmand_Province", 7], [308404, 298785, "Helmand_Province", 7], [308405, 298786, "Helmand_Province", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208064, null, null, null]]], "all_evidence": [[208064, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169039, 182714, "Eva_Green", 1]]], "all_evidence": [[169039, 182714, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71702, 82673, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[71702, 82673, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114945, 128657, "Camden,_New_Jersey", 40]]], "all_evidence": [[114945, 128657, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22360, 27556, "Amyotrophic_lateral_sclerosis", 0]]], "all_evidence": [[22360, 27556, "Amyotrophic_lateral_sclerosis", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109291, null, null, null]]], "all_evidence": [[109291, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185056, 196870, "Christa_McAuliffe", 4]]], "all_evidence": [[185056, 196870, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193465, 203966, "Larry_Wilmore", 0]]], "all_evidence": [[193465, 203966, "Larry_Wilmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105602, 119052, "Carlos_Santana", 0]]], "all_evidence": [[105602, 119052, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193490, null, null, null]]], "all_evidence": [[193490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205316, 213926, "Invasion_literature", 3]]], "all_evidence": [[205316, 213926, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292293, 285103, "Diana,_Princess_of_Wales", 18], [292293, 285103, "Funeral_of_Diana,_Princess_of_Wales", 0]], [[294304, 286641, "Diana,_Princess_of_Wales", 18], [294304, 286641, "Funeral_of_Diana,_Princess_of_Wales", 0]], [[294918, 287142, "Diana,_Princess_of_Wales", 18], [294918, 287142, "Funeral_of_Diana,_Princess_of_Wales", 0]], [[339651, 324548, "Diana,_Princess_of_Wales", 18], [339651, 324548, "Funeral_of_Diana,_Princess_of_Wales", 0]], [[339672, 324562, "Diana,_Princess_of_Wales", 18], [339672, 324562, "Funeral_of_Diana,_Princess_of_Wales", 0]]], "all_evidence": [[292293, 285103, "Diana,_Princess_of_Wales", 18], [292293, 285103, "Funeral_of_Diana,_Princess_of_Wales", 0], [294304, 286641, "Diana,_Princess_of_Wales", 18], [294304, 286641, "Funeral_of_Diana,_Princess_of_Wales", 0], [294918, 287142, "Diana,_Princess_of_Wales", 18], [294918, 287142, "Funeral_of_Diana,_Princess_of_Wales", 0], [339651, 324548, "Diana,_Princess_of_Wales", 18], [339651, 324548, "Funeral_of_Diana,_Princess_of_Wales", 0], [339672, 324562, "Diana,_Princess_of_Wales", 18], [339672, 324562, "Funeral_of_Diana,_Princess_of_Wales", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37838, 45760, "Kuching", 0]]], "all_evidence": [[37838, 45760, "Kuching", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239917, null, null, null]]], "all_evidence": [[239917, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124370, null, null, null]]], "all_evidence": [[124370, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55588, 65616, "David_Packouz", 0]]], "all_evidence": [[55588, 65616, "David_Packouz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101554, null, null, null]]], "all_evidence": [[101554, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196600, null, null, null]]], "all_evidence": [[196600, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260689, null, null, null]]], "all_evidence": [[260689, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179435, null, null, null]]], "all_evidence": [[179435, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260479, 258890, "Savages_-LRB-2012_film-RRB-", 3]], [[260498, 258906, "Savages_-LRB-2012_film-RRB-", 3]]], "all_evidence": [[260479, 258890, "Savages_-LRB-2012_film-RRB-", 3], [260498, 258906, "Savages_-LRB-2012_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113519, null, null, null]]], "all_evidence": [[113519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114049, 127864, "Speech_recognition", 18], [114049, 127864, "Speech_recognition", 21]]], "all_evidence": [[114049, 127864, "Speech_recognition", 18], [114049, 127864, "Speech_recognition", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196626, null, null, null]]], "all_evidence": [[196626, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186121, 198030, "Baz_Luhrmann", 0]], [[186121, 198031, "Baz_Luhrmann", 2]], [[186121, 198032, "Baz_Luhrmann", 3]]], "all_evidence": [[186121, 198030, "Baz_Luhrmann", 0], [186121, 198031, "Baz_Luhrmann", 2], [186121, 198032, "Baz_Luhrmann", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189749, 200969, "Polar_bear", 7]], [[189750, 200970, "Polar_bear", 7]]], "all_evidence": [[189749, 200969, "Polar_bear", 7], [189750, 200970, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209771, 217565, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]], [[209771, 217566, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]], [[209771, 217567, "Victoria_-LRB-Dance_Exponents_song-RRB-", 2]]], "all_evidence": [[209771, 217565, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0], [209771, 217566, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1], [209771, 217567, "Victoria_-LRB-Dance_Exponents_song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254341, 254039, "DJ_Quik", 0]], [[254342, 254040, "DJ_Quik", 0]]], "all_evidence": [[254341, 254039, "DJ_Quik", 0], [254342, 254040, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66333, 77170, "Margaret_Thatcher", 3], [66333, 77170, "Thatcherism", 0]]], "all_evidence": [[66333, 77170, "Margaret_Thatcher", 3], [66333, 77170, "Thatcherism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233063, null, null, null]]], "all_evidence": [[233063, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126039, 140444, "Sam_Claflin", 1]]], "all_evidence": [[126039, 140444, "Sam_Claflin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57216, 67446, "Civilization_IV", 0]], [[57216, 67447, "Civilization_IV", 5]]], "all_evidence": [[57216, 67446, "Civilization_IV", 0], [57216, 67447, "Civilization_IV", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69610, 80438, "Sean_Penn", 1], [69610, 80438, "Mystic_River_-LRB-film-RRB-", 0]], [[69610, 80439, "Sean_Penn", 5], [69610, 80439, "Taps_-LRB-film-RRB-", 0]], [[69610, 80440, "Sean_Penn", 6], [69610, 80440, "Dead_Man_Walking_-LRB-film-RRB-", 0]], [[69610, 80441, "Sean_Penn", 7], [69610, 80441, "Sweet_and_Lowdown", 0]], [[69610, 80442, "Sean_Penn", 8]]], "all_evidence": [[69610, 80438, "Sean_Penn", 1], [69610, 80438, "Mystic_River_-LRB-film-RRB-", 0], [69610, 80439, "Sean_Penn", 5], [69610, 80439, "Taps_-LRB-film-RRB-", 0], [69610, 80440, "Sean_Penn", 6], [69610, 80440, "Dead_Man_Walking_-LRB-film-RRB-", 0], [69610, 80441, "Sean_Penn", 7], [69610, 80441, "Sweet_and_Lowdown", 0], [69610, 80442, "Sean_Penn", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124857, 139200, "Jack_Falahee", 0]], [[124858, 139201, "Jack_Falahee", 0]]], "all_evidence": [[124857, 139200, "Jack_Falahee", 0], [124858, 139201, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94775, null, null, null]]], "all_evidence": [[94775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59392, 69780, "Jamie_Murray", 5]], [[59392, 69781, "Jamie_Murray", 1]]], "all_evidence": [[59392, 69780, "Jamie_Murray", 5], [59392, 69781, "Jamie_Murray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258699, 257466, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258699, 257466, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191700, 202513, "Anne_Rice", 0]], [[191701, 202514, "Anne_Rice", 0]]], "all_evidence": [[191700, 202513, "Anne_Rice", 0], [191701, 202514, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205294, 213893, "Invasion_literature", 3]]], "all_evidence": [[205294, 213893, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227208, 231611, "Kim_Jong-il", 16]]], "all_evidence": [[227208, 231611, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28993, null, null, null]]], "all_evidence": [[28993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137469, 152340, "Camden,_New_Jersey", 40]]], "all_evidence": [[137469, 152340, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136577, null, null, null]]], "all_evidence": [[136577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59608, 70013, "Billboard_Dad", 0]]], "all_evidence": [[59608, 70013, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125811, 140218, "Duff_McKagan", 0]]], "all_evidence": [[125811, 140218, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211249, null, null, null]]], "all_evidence": [[211249, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194757, 205125, "Manmohan_Singh", 22], [194757, 205125, "Manmohan_Singh", 1]]], "all_evidence": [[194757, 205125, "Manmohan_Singh", 22], [194757, 205125, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234928, null, null, null]]], "all_evidence": [[234928, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223846, null, null, null]]], "all_evidence": [[223846, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62102, 72633, "Daggering", 0]]], "all_evidence": [[62102, 72633, "Daggering", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203212, null, null, null]]], "all_evidence": [[203212, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183434, 195433, "Guatemala", 16]]], "all_evidence": [[183434, 195433, "Guatemala", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151072, 165887, "DNA_-LRB-Little_Mix_album-RRB-", 0]], [[151073, 165888, "DNA_-LRB-Little_Mix_album-RRB-", 0]], [[151073, 165889, "DNA_-LRB-Little_Mix_album-RRB-", 3]], [[151073, 165890, "DNA_-LRB-Little_Mix_album-RRB-", 4]]], "all_evidence": [[151072, 165887, "DNA_-LRB-Little_Mix_album-RRB-", 0], [151073, 165888, "DNA_-LRB-Little_Mix_album-RRB-", 0], [151073, 165889, "DNA_-LRB-Little_Mix_album-RRB-", 3], [151073, 165890, "DNA_-LRB-Little_Mix_album-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29283, 35723, "Tatum_O'Neal", 6]]], "all_evidence": [[29283, 35723, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228736, 232847, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228741, 232852, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228741, 232852, "Pharrell_Williams", 0]], [[228765, 232883, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228771, 232890, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]], "all_evidence": [[228736, 232847, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228741, 232852, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228741, 232852, "Pharrell_Williams", 0], [228765, 232883, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228771, 232890, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170866, 184420, "Mike_Huckabee", 0]]], "all_evidence": [[170866, 184420, "Mike_Huckabee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231469, null, null, null]]], "all_evidence": [[231469, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170211, 183767, "Heavy_metal_music", 0]], [[170211, 183768, "Heavy_metal_music", 5]], [[170211, 183769, "Heavy_metal_music", 6]], [[170211, 183770, "Heavy_metal_music", 7]], [[170211, 183771, "Heavy_metal_music", 11]], [[170211, 183772, "Heavy_metal_music", 12], [170211, 183772, "Anthrax_-LRB-American_band-RRB-", 0]], [[170211, 183773, "Heavy_metal_music", 13]], [[170211, 183774, "Heavy_metal_music", 14], [170211, 183774, "Nu_metal", 9]]], "all_evidence": [[170211, 183767, "Heavy_metal_music", 0], [170211, 183768, "Heavy_metal_music", 5], [170211, 183769, "Heavy_metal_music", 6], [170211, 183770, "Heavy_metal_music", 7], [170211, 183771, "Heavy_metal_music", 11], [170211, 183772, "Heavy_metal_music", 12], [170211, 183772, "Anthrax_-LRB-American_band-RRB-", 0], [170211, 183773, "Heavy_metal_music", 13], [170211, 183774, "Heavy_metal_music", 14], [170211, 183774, "Nu_metal", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25869, null, null, null]]], "all_evidence": [[25869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193500, 203995, "Larry_Wilmore", 0], [193500, 203995, "Gemini_-LRB-astrology-RRB-", 1]]], "all_evidence": [[193500, 203995, "Larry_Wilmore", 0], [193500, 203995, "Gemini_-LRB-astrology-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88386, 101002, "David_Packouz", 0]], [[88386, 101003, "David_Packouz", 3]]], "all_evidence": [[88386, 101002, "David_Packouz", 0], [88386, 101003, "David_Packouz", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242980, 244236, "St._Anger", 0]]], "all_evidence": [[242980, 244236, "St._Anger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80666, 92518, "Aparshakti_Khurana", 2]]], "all_evidence": [[80666, 92518, "Aparshakti_Khurana", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117683, 131566, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]], "all_evidence": [[117683, 131566, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22825, null, null, null]]], "all_evidence": [[22825, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45068, null, null, null], [47248, null, null, null], [49828, null, null, null], [302283, null, null, null], [304083, null, null, null], [304087, null, null, null]]], "all_evidence": [[45068, null, null, null], [47248, null, null, null], [49828, null, null, null], [302283, null, null, null], [304083, null, null, null], [304087, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117583, 131481, "Seohyun", 0]]], "all_evidence": [[117583, 131481, "Seohyun", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235721, null, null, null], [235730, null, null, null]]], "all_evidence": [[235721, null, null, null], [235730, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154770, 169532, "David_Packouz", 0]]], "all_evidence": [[154770, 169532, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246591, 247070, "Excuse_My_French_-LRB-album-RRB-", 0]], [[246597, 247078, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246591, 247070, "Excuse_My_French_-LRB-album-RRB-", 0], [246597, 247078, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161260, null, null, null]]], "all_evidence": [[161260, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30859, 37501, "Mount_Rushmore", 1]], [[30859, 37502, "Mount_Rushmore", 12], [30859, 37502, "Mount_Rushmore", 15]]], "all_evidence": [[30859, 37501, "Mount_Rushmore", 1], [30859, 37502, "Mount_Rushmore", 12], [30859, 37502, "Mount_Rushmore", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162908, null, null, null]]], "all_evidence": [[162908, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213694, null, null, null], [213695, null, null, null]]], "all_evidence": [[213694, null, null, null], [213695, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58262, 68502, "Kellogg's", 0]], [[58262, 68503, "Kellogg's", 6]]], "all_evidence": [[58262, 68502, "Kellogg's", 0], [58262, 68503, "Kellogg's", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28467, 34800, "A_View_to_a_Kill", 6]]], "all_evidence": [[28467, 34800, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147579, 162582, "YouTube", 15]]], "all_evidence": [[147579, 162582, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108451, 122027, "Eric_Church", 0]]], "all_evidence": [[108451, 122027, "Eric_Church", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125103, null, null, null]]], "all_evidence": [[125103, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104686, null, null, null]]], "all_evidence": [[104686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135002, 149892, "Eva_Green", 0]], [[135002, 149893, "Eva_Green", 1]], [[135002, 149894, "Eva_Green", 2]], [[135002, 149895, "Eva_Green", 3]], [[135002, 149896, "Eva_Green", 6]], [[135002, 149897, "Eva_Green", 7]], [[135002, 149898, "Eva_Green", 8]], [[135002, 149899, "Eva_Green", 9]], [[135002, 149901, "Eva_Green", 10]], [[135002, 149903, "Eva_Green", 11]]], "all_evidence": [[135002, 149892, "Eva_Green", 0], [135002, 149893, "Eva_Green", 1], [135002, 149894, "Eva_Green", 2], [135002, 149895, "Eva_Green", 3], [135002, 149896, "Eva_Green", 6], [135002, 149897, "Eva_Green", 7], [135002, 149898, "Eva_Green", 8], [135002, 149899, "Eva_Green", 9], [135002, 149901, "Eva_Green", 10], [135002, 149903, "Eva_Green", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255548, null, null, null]]], "all_evidence": [[255548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161190, 175690, "Miranda_Otto", 1]], [[161190, 175691, "Miranda_Otto", 0]]], "all_evidence": [[161190, 175690, "Miranda_Otto", 1], [161190, 175691, "Miranda_Otto", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37925, 45839, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[37925, 45839, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119091, 133010, "The_Good_Wife", 0], [119091, 133010, "CBS", 0]], [[119091, 133011, "The_Good_Wife", 6], [119091, 133011, "CBS", 0]], [[119091, 133012, "The_Good_Wife", 13], [119091, 133012, "CBS", 0]]], "all_evidence": [[119091, 133010, "The_Good_Wife", 0], [119091, 133010, "CBS", 0], [119091, 133011, "The_Good_Wife", 6], [119091, 133011, "CBS", 0], [119091, 133012, "The_Good_Wife", 13], [119091, 133012, "CBS", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210877, 218537, "WGBH-TV", 0]], [[210878, 218538, "WGBH-TV", 0]]], "all_evidence": [[210877, 218537, "WGBH-TV", 0], [210878, 218538, "WGBH-TV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168117, 181897, "Stan_Beeman", 0]], [[168117, 181898, "Stan_Beeman", 2], [168117, 181898, "Elizabeth_Jennings_-LRB-The_Americans-RRB-", 0]]], "all_evidence": [[168117, 181897, "Stan_Beeman", 0], [168117, 181898, "Stan_Beeman", 2], [168117, 181898, "Elizabeth_Jennings_-LRB-The_Americans-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197392, 207439, "Lalla_Ward", 0]]], "all_evidence": [[197392, 207439, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268077, null, null, null]]], "all_evidence": [[268077, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236973, 239305, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236974, 239306, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236975, 239307, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236980, 239312, "Varsity_Blues_-LRB-film-RRB-", 5]]], "all_evidence": [[236973, 239305, "Varsity_Blues_-LRB-film-RRB-", 5], [236974, 239306, "Varsity_Blues_-LRB-film-RRB-", 5], [236975, 239307, "Varsity_Blues_-LRB-film-RRB-", 5], [236980, 239312, "Varsity_Blues_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148970, 164011, "A_View_to_a_Kill", 6], [148970, 164011, "A_View_to_a_Kill", 0]]], "all_evidence": [[148970, 164011, "A_View_to_a_Kill", 6], [148970, 164011, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125185, 139528, "Hindu_Kush", 5]]], "all_evidence": [[125185, 139528, "Hindu_Kush", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135822, 150671, "Michigan", 13]]], "all_evidence": [[135822, 150671, "Michigan", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201136, 210589, "The_Endless_River", 0], [201136, 210589, "Pink_Floyd", 0]]], "all_evidence": [[201136, 210589, "The_Endless_River", 0], [201136, 210589, "Pink_Floyd", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69887, 80763, "A_View_to_a_Kill", 0]]], "all_evidence": [[69887, 80763, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80106, null, null, null]]], "all_evidence": [[80106, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286142, 279679, "Eva_Green", 1], [286142, 279679, "The_Dreamers_-LRB-film-RRB-", 0]], [[332912, 319149, "Eva_Green", 1], [332912, 319149, "The_Dreamers_-LRB-film-RRB-", 0]], [[332924, 319158, "Eva_Green", 1], [332924, 319158, "The_Dreamers_-LRB-film-RRB-", 0]], [[334427, 320495, "Eva_Green", 1], [334427, 320495, "The_Dreamers_-LRB-film-RRB-", 0]]], "all_evidence": [[286142, 279679, "Eva_Green", 1], [286142, 279679, "The_Dreamers_-LRB-film-RRB-", 0], [332912, 319149, "Eva_Green", 1], [332912, 319149, "The_Dreamers_-LRB-film-RRB-", 0], [332924, 319158, "Eva_Green", 1], [332924, 319158, "The_Dreamers_-LRB-film-RRB-", 0], [334427, 320495, "Eva_Green", 1], [334427, 320495, "The_Dreamers_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176944, null, null, null]]], "all_evidence": [[176944, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250373, null, null, null]]], "all_evidence": [[250373, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17316, 21423, "Bloods", 0]]], "all_evidence": [[17316, 21423, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191456, 202316, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191456, 202316, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51735, 61519, "Taylor_Lautner", 4]]], "all_evidence": [[51735, 61519, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92095, null, null, null]]], "all_evidence": [[92095, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243689, null, null, null]]], "all_evidence": [[243689, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232780, null, null, null]]], "all_evidence": [[232780, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259610, 258171, "French_Resistance", 6]]], "all_evidence": [[259610, 258171, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238563, 240560, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238563, 240560, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97869, 111021, "Miranda_Otto", 2]], [[97869, 111022, "Miranda_Otto", 1]], [[97869, 111023, "Miranda_Otto", 5]], [[97869, 111024, "Miranda_Otto", 6]]], "all_evidence": [[97869, 111021, "Miranda_Otto", 2], [97869, 111022, "Miranda_Otto", 1], [97869, 111023, "Miranda_Otto", 5], [97869, 111024, "Miranda_Otto", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34052, 41292, "Gordon_Ramsay", 11]]], "all_evidence": [[34052, 41292, "Gordon_Ramsay", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142992, 158116, "Raees_-LRB-film-RRB-", 1], [142992, 158116, "Mahira_Khan", 0]]], "all_evidence": [[142992, 158116, "Raees_-LRB-film-RRB-", 1], [142992, 158116, "Mahira_Khan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190788, null, null, null]]], "all_evidence": [[190788, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148760, 163795, "I_Kissed_a_Girl", 0]]], "all_evidence": [[148760, 163795, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190002, 201152, "Philip_Glass", 9]]], "all_evidence": [[190002, 201152, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202999, 212126, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[202999, 212126, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201132, 210586, "The_Endless_River", 0]]], "all_evidence": [[201132, 210586, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87202, null, null, null]]], "all_evidence": [[87202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83539, 95531, "YouTube", 15]]], "all_evidence": [[83539, 95531, "YouTube", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239348, null, null, null]]], "all_evidence": [[239348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44081, 52723, "The_Others_-LRB-2001_film-RRB-", 7]]], "all_evidence": [[44081, 52723, "The_Others_-LRB-2001_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124715, 139061, "Edison_Machine_Works", 0]]], "all_evidence": [[124715, 139061, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119529, null, null, null]]], "all_evidence": [[119529, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190766, 201726, "Alice_Cooper", 0]], [[190770, 201728, "Alice_Cooper", 0]]], "all_evidence": [[190766, 201726, "Alice_Cooper", 0], [190770, 201728, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151526, 166283, "Greek_language", 0]]], "all_evidence": [[151526, 166283, "Greek_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17591, null, null, null]]], "all_evidence": [[17591, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152622, null, null, null]]], "all_evidence": [[152622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184148, 196100, "Edgar_Wright", 0]], [[184148, 196101, "Edgar_Wright", 1]], [[184148, 196102, "Edgar_Wright", 2]]], "all_evidence": [[184148, 196100, "Edgar_Wright", 0], [184148, 196101, "Edgar_Wright", 1], [184148, 196102, "Edgar_Wright", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191783, 202582, "Anne_Rice", 5]]], "all_evidence": [[191783, 202582, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214281, null, null, null]]], "all_evidence": [[214281, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193491, null, null, null]]], "all_evidence": [[193491, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27877, null, null, null], [27884, null, null, null]]], "all_evidence": [[27877, null, null, null], [27884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[273662, 269030, "Working_animal", 0]]], "all_evidence": [[273662, 269030, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225911, 230486, "Roland_Emmerich", 3]]], "all_evidence": [[225911, 230486, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34880, 42299, "Justin_Chatwin", 0]], [[34880, 42300, "Justin_Chatwin", 1]], [[34880, 42301, "Justin_Chatwin", 3]], [[34880, 42302, "Justin_Chatwin", 7]]], "all_evidence": [[34880, 42299, "Justin_Chatwin", 0], [34880, 42300, "Justin_Chatwin", 1], [34880, 42301, "Justin_Chatwin", 3], [34880, 42302, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30436, null, null, null]]], "all_evidence": [[30436, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36496, 44099, "Mount_Rushmore", 1]], [[36496, 44100, "Mount_Rushmore", 13]]], "all_evidence": [[36496, 44099, "Mount_Rushmore", 1], [36496, 44100, "Mount_Rushmore", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175012, 188086, "Lithuanians", 0], [175012, 188086, "Ethnic_group", 0]]], "all_evidence": [[175012, 188086, "Lithuanians", 0], [175012, 188086, "Ethnic_group", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94057, 107048, "Washington_Wizards", 12]]], "all_evidence": [[94057, 107048, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237955, 240115, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237955, 240115, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243725, 244899, "Palo_Alto,_California", 0]]], "all_evidence": [[243725, 244899, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239008, 240959, "Despicable_Me_2", 1]]], "all_evidence": [[239008, 240959, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214317, 221401, "Ernest_Medina", 3]], [[214323, 221407, "Ernest_Medina", 3]]], "all_evidence": [[214317, 221401, "Ernest_Medina", 3], [214323, 221407, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102079, null, null, null]]], "all_evidence": [[102079, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222201, null, null, null]]], "all_evidence": [[222201, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175998, null, null, null]]], "all_evidence": [[175998, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68866, 79681, "Colombiana", 0]]], "all_evidence": [[68866, 79681, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86239, null, null, null]]], "all_evidence": [[86239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274024, null, null, null], [274025, null, null, null], [322145, null, null, null]]], "all_evidence": [[274024, null, null, null], [274025, null, null, null], [322145, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268483, 265063, "Michaela_Watkins", 0]], [[268483, 265064, "Michaela_Watkins", 1]], [[268483, 265065, "Michaela_Watkins", 2]]], "all_evidence": [[268483, 265063, "Michaela_Watkins", 0], [268483, 265064, "Michaela_Watkins", 1], [268483, 265065, "Michaela_Watkins", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41311, 49645, "Bee_Gees", 11], [41311, 49645, "Spicks_and_Specks_-LRB-song-RRB-", 0]], [[41311, 49646, "Bee_Gees", 4]]], "all_evidence": [[41311, 49645, "Bee_Gees", 11], [41311, 49645, "Spicks_and_Specks_-LRB-song-RRB-", 0], [41311, 49646, "Bee_Gees", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62353, 72959, "Charles_Manson", 0]]], "all_evidence": [[62353, 72959, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105370, 118835, "Mick_Thomson", 1]], [[105370, 118836, "Mick_Thomson", 3]]], "all_evidence": [[105370, 118835, "Mick_Thomson", 1], [105370, 118836, "Mick_Thomson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231989, 235289, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231989, 235289, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61393, 71902, "Reign_Over_Me", 4]], [[61393, 71903, "Reign_Over_Me", 5]]], "all_evidence": [[61393, 71902, "Reign_Over_Me", 4], [61393, 71903, "Reign_Over_Me", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232813, 235909, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232813, 235909, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190754, null, null, null]]], "all_evidence": [[190754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40014, 48136, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]], [[40014, 48137, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[40014, 48138, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 3]], [[40014, 48139, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4]], [[40014, 48140, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9]]], "all_evidence": [[40014, 48136, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [40014, 48137, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [40014, 48138, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 3], [40014, 48139, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], [40014, 48140, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166128, 180068, "French_Indochina", 0]]], "all_evidence": [[166128, 180068, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102403, 115681, "Paramore", 0]]], "all_evidence": [[102403, 115681, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166866, null, null, null]]], "all_evidence": [[166866, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[285758, null, null, null], [287461, null, null, null], [287469, null, null, null], [287471, null, null, null], [287493, null, null, null]]], "all_evidence": [[285758, null, null, null], [287461, null, null, null], [287469, null, null, null], [287471, null, null, null], [287493, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286959, 280425, "Liam_Neeson", 11]], [[289084, 282255, "Liam_Neeson", 11]], [[290798, 283746, "Liam_Neeson", 11]], [[334862, 320822, "Liam_Neeson", 11]], [[334899, 320839, "Liam_Neeson", 11]]], "all_evidence": [[286959, 280425, "Liam_Neeson", 11], [289084, 282255, "Liam_Neeson", 11], [290798, 283746, "Liam_Neeson", 11], [334862, 320822, "Liam_Neeson", 11], [334899, 320839, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109973, 123589, "Rupert_Murdoch", 2], [109973, 123589, "Rupert_Murdoch", 3], [109973, 123589, "Rupert_Murdoch", 6], [109973, 123589, "Rupert_Murdoch", 7]]], "all_evidence": [[109973, 123589, "Rupert_Murdoch", 2], [109973, 123589, "Rupert_Murdoch", 3], [109973, 123589, "Rupert_Murdoch", 6], [109973, 123589, "Rupert_Murdoch", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55909, 66011, "Bethany_Hamilton", 0]]], "all_evidence": [[55909, 66011, "Bethany_Hamilton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208044, null, null, null], [208045, null, null, null]]], "all_evidence": [[208044, null, null, null], [208045, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270771, 266777, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270771, 266777, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17479, 21637, "Sheryl_Lee", 7], [17479, 21637, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[17479, 21637, "Sheryl_Lee", 7], [17479, 21637, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214308, null, null, null]]], "all_evidence": [[214308, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43897, 52540, "Stephen_Hillenburg", 4]]], "all_evidence": [[43897, 52540, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184136, 196082, "Edgar_Wright", 0]], [[184137, 196083, "Edgar_Wright", 0]]], "all_evidence": [[184136, 196082, "Edgar_Wright", 0], [184137, 196083, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153778, 168636, "The_Daily_Show", 6]], [[153779, 168637, "The_Daily_Show", 6]], [[153799, 168655, "The_Daily_Show", 2]]], "all_evidence": [[153778, 168636, "The_Daily_Show", 6], [153779, 168637, "The_Daily_Show", 6], [153799, 168655, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238060, null, null, null]]], "all_evidence": [[238060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25016, 30886, "The_Bahamas", 0]]], "all_evidence": [[25016, 30886, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101772, 115023, "Connie_Nielsen", 2]]], "all_evidence": [[101772, 115023, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164957, null, null, null]]], "all_evidence": [[164957, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238995, null, null, null]]], "all_evidence": [[238995, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225652, 230275, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225653, 230276, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225652, 230275, "Ian_Brennan_-LRB-writer-RRB-", 0], [225653, 230276, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37001, 44658, "A_Milli", 0]]], "all_evidence": [[37001, 44658, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199470, 209147, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199470, 209147, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227761, 232111, "Tilda_Swinton", 0]]], "all_evidence": [[227761, 232111, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210896, 218544, "WGBH-TV", 0]]], "all_evidence": [[210896, 218544, "WGBH-TV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59094, 69432, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[59094, 69432, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253975, 253759, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253975, 253759, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219123, 225226, "The_Sterile_Cuckoo", 0]]], "all_evidence": [[219123, 225226, "The_Sterile_Cuckoo", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34743, null, null, null]]], "all_evidence": [[34743, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238958, 240914, "Despicable_Me_2", 0]], [[238958, 240915, "Despicable_Me_2", 9]], [[238958, 240916, "Despicable_Me_2", 11]]], "all_evidence": [[238958, 240914, "Despicable_Me_2", 0], [238958, 240915, "Despicable_Me_2", 9], [238958, 240916, "Despicable_Me_2", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234937, null, null, null]]], "all_evidence": [[234937, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134100, 148984, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[134100, 148984, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255566, null, null, null]]], "all_evidence": [[255566, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275948, 271011, "Hundred_Years'_War", 21]], [[278240, 273111, "Hundred_Years'_War", 21]], [[280223, 274747, "Hundred_Years'_War", 21]], [[325146, 312910, "Hundred_Years'_War", 21]], [[326188, 313713, "Hundred_Years'_War", 21]]], "all_evidence": [[275948, 271011, "Hundred_Years'_War", 21], [278240, 273111, "Hundred_Years'_War", 21], [280223, 274747, "Hundred_Years'_War", 21], [325146, 312910, "Hundred_Years'_War", 21], [326188, 313713, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258690, 257459, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258690, 257459, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84977, 97237, "Ingushetia", 5]]], "all_evidence": [[84977, 97237, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264418, 261876, "Brubaker", 0]]], "all_evidence": [[264418, 261876, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275695, 270811, "Melancholia_-LRB-2011_film-RRB-", 0]], [[275701, 270817, "Melancholia_-LRB-2011_film-RRB-", 0]], [[277977, 272895, "Melancholia_-LRB-2011_film-RRB-", 0]], [[277978, 272896, "Melancholia_-LRB-2011_film-RRB-", 0]], [[277979, 272897, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[275695, 270811, "Melancholia_-LRB-2011_film-RRB-", 0], [275701, 270817, "Melancholia_-LRB-2011_film-RRB-", 0], [277977, 272895, "Melancholia_-LRB-2011_film-RRB-", 0], [277978, 272896, "Melancholia_-LRB-2011_film-RRB-", 0], [277979, 272897, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115587, 129461, "Uranium-235", 6]], [[118230, 132073, "Uranium-235", 6], [118230, 132073, "Arthur_Jeffrey_Dempster", 0]], [[308359, 298746, "Uranium-235", 6]], [[309857, 299956, "Uranium-235", 6]], [[309862, 299964, "Uranium-235", 6]], [[309870, 299967, "Uranium-235", 6]]], "all_evidence": [[115587, 129461, "Uranium-235", 6], [118230, 132073, "Uranium-235", 6], [118230, 132073, "Arthur_Jeffrey_Dempster", 0], [308359, 298746, "Uranium-235", 6], [309857, 299956, "Uranium-235", 6], [309862, 299964, "Uranium-235", 6], [309870, 299967, "Uranium-235", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262068, null, null, null]]], "all_evidence": [[262068, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40019, 48150, "A_View_to_a_Kill", 0]]], "all_evidence": [[40019, 48150, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53434, 63434, "Life", 0]]], "all_evidence": [[53434, 63434, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247519, 247808, "Stadium_Arcadium", 1]]], "all_evidence": [[247519, 247808, "Stadium_Arcadium", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83062, 94957, "Wish_Upon", 0]]], "all_evidence": [[83062, 94957, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36416, 44009, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[36416, 44009, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36096, 43623, "Rage_Against_the_Machine", 20]], [[38371, 46324, "Rage_Against_the_Machine", 7]], [[38700, 46669, "Rage_Against_the_Machine", 19]], [[38700, 46670, "Rage_Against_the_Machine", 20]], [[38700, 46671, "Rage_Against_the_Machine", 7]], [[301930, 293017, "Rage_Against_the_Machine", 20]], [[303384, 294347, "Rage_Against_the_Machine", 20]], [[304580, 295397, "Rage_Against_the_Machine", 20]]], "all_evidence": [[36096, 43623, "Rage_Against_the_Machine", 20], [38371, 46324, "Rage_Against_the_Machine", 7], [38700, 46669, "Rage_Against_the_Machine", 19], [38700, 46670, "Rage_Against_the_Machine", 20], [38700, 46671, "Rage_Against_the_Machine", 7], [301930, 293017, "Rage_Against_the_Machine", 20], [303384, 294347, "Rage_Against_the_Machine", 20], [304580, 295397, "Rage_Against_the_Machine", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229573, 233499, "Happiness_in_Slavery", 0]]], "all_evidence": [[229573, 233499, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80590, 92432, "Justine_Bateman", 0]]], "all_evidence": [[80590, 92432, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286150, null, null, null], [288481, null, null, null], [332881, null, null, null], [334326, null, null, null], [334335, null, null, null], [334350, null, null, null]]], "all_evidence": [[286150, null, null, null], [288481, null, null, null], [332881, null, null, null], [334326, null, null, null], [334335, null, null, null], [334350, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56541, 66733, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[56541, 66733, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203335, 212376, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203335, 212376, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47174, 56298, "A_View_to_a_Kill", 0]], [[47174, 56299, "A_View_to_a_Kill", 10]]], "all_evidence": [[47174, 56298, "A_View_to_a_Kill", 0], [47174, 56299, "A_View_to_a_Kill", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65996, null, null, null]]], "all_evidence": [[65996, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127751, 142408, "Harold_Macmillan", 0]]], "all_evidence": [[127751, 142408, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255562, null, null, null]]], "all_evidence": [[255562, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200744, null, null, null]]], "all_evidence": [[200744, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123854, 138214, "Chris_Kyle", 0]]], "all_evidence": [[123854, 138214, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248518, null, null, null]]], "all_evidence": [[248518, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200467, null, null, null]]], "all_evidence": [[200467, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118982, null, null, null]]], "all_evidence": [[118982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160647, 175167, "Yara_Shahidi", 0]]], "all_evidence": [[160647, 175167, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151168, 165970, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[151168, 165970, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199075, 208753, "Matteo_Renzi", 0]], [[199075, 208754, "Matteo_Renzi", 7]], [[199075, 208755, "Matteo_Renzi", 6]], [[199075, 208756, "Matteo_Renzi", 1], [199075, 208756, "Italian_constitutional_referendum,_2016", 4]]], "all_evidence": [[199075, 208753, "Matteo_Renzi", 0], [199075, 208754, "Matteo_Renzi", 7], [199075, 208755, "Matteo_Renzi", 6], [199075, 208756, "Matteo_Renzi", 1], [199075, 208756, "Italian_constitutional_referendum,_2016", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282666, 276808, "Michigan", 2]], [[284597, 278377, "Michigan", 2]], [[285419, 279041, "Michigan", 2]], [[285420, 279042, "Michigan", 2]], [[330829, 317366, "Michigan", 2]], [[330833, 317370, "Michigan", 2]]], "all_evidence": [[282666, 276808, "Michigan", 2], [284597, 278377, "Michigan", 2], [285419, 279041, "Michigan", 2], [285420, 279042, "Michigan", 2], [330829, 317366, "Michigan", 2], [330833, 317370, "Michigan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218300, 224611, "Eva_Mendes", 0]]], "all_evidence": [[218300, 224611, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239897, 241584, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239897, 241584, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282410, 276588, "Meteora_-LRB-album-RRB-", 0]], [[284385, 278223, "Meteora_-LRB-album-RRB-", 0]], [[330551, 317143, "Meteora_-LRB-album-RRB-", 0]], [[330557, 317161, "Meteora_-LRB-album-RRB-", 0]], [[330581, 317177, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[282410, 276588, "Meteora_-LRB-album-RRB-", 0], [284385, 278223, "Meteora_-LRB-album-RRB-", 0], [330551, 317143, "Meteora_-LRB-album-RRB-", 0], [330557, 317161, "Meteora_-LRB-album-RRB-", 0], [330581, 317177, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69341, 80121, "L.A._Reid", 1]], [[69341, 80122, "L.A._Reid", 6], [69341, 80122, "Fifth_Harmony", 2]]], "all_evidence": [[69341, 80121, "L.A._Reid", 1], [69341, 80122, "L.A._Reid", 6], [69341, 80122, "Fifth_Harmony", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110084, 123715, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[110084, 123715, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93174, 106087, "University_of_Mississippi", 4]]], "all_evidence": [[93174, 106087, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293121, null, null, null], [295749, null, null, null], [341451, null, null, null]]], "all_evidence": [[293121, null, null, null], [295749, null, null, null], [341451, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115384, null, null, null]]], "all_evidence": [[115384, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168686, null, null, null]]], "all_evidence": [[168686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107937, 121420, "Psych", 2], [107937, 121420, "Shawn_Spencer", 0]]], "all_evidence": [[107937, 121420, "Psych", 2], [107937, 121420, "Shawn_Spencer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52643, 62604, "Henry_II_of_France", 13]]], "all_evidence": [[52643, 62604, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89195, null, null, null]]], "all_evidence": [[89195, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262073, 260123, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262073, 260123, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177592, 190354, "Republic_of_Macedonia", 1]], [[179885, 192433, "Republic_of_Macedonia", 1]], [[179885, 192434, "Republic_of_Macedonia", 2], [179885, 192434, "Socialist_Federal_Republic_of_Yugoslavia", 0]], [[179885, 192435, "Republic_of_Macedonia", 6], [179885, 192435, "Albania", 0]], [[179885, 192436, "Republic_of_Macedonia", 7], [179885, 192436, "Macedonia_-LRB-region-RRB-", 0]], [[179885, 192437, "Republic_of_Macedonia", 19], [179885, 192437, "Balkan_Wars", 0]], [[179885, 192438, "Republic_of_Macedonia", 20], [179885, 192438, "Socialist_Federal_Republic_of_Yugoslavia", 0]], [[179885, 192439, "Republic_of_Macedonia", 21]], [[179885, 192440, "Republic_of_Macedonia", 26]]], "all_evidence": [[177592, 190354, "Republic_of_Macedonia", 1], [179885, 192433, "Republic_of_Macedonia", 1], [179885, 192434, "Republic_of_Macedonia", 2], [179885, 192434, "Socialist_Federal_Republic_of_Yugoslavia", 0], [179885, 192435, "Republic_of_Macedonia", 6], [179885, 192435, "Albania", 0], [179885, 192436, "Republic_of_Macedonia", 7], [179885, 192436, "Macedonia_-LRB-region-RRB-", 0], [179885, 192437, "Republic_of_Macedonia", 19], [179885, 192437, "Balkan_Wars", 0], [179885, 192438, "Republic_of_Macedonia", 20], [179885, 192438, "Socialist_Federal_Republic_of_Yugoslavia", 0], [179885, 192439, "Republic_of_Macedonia", 21], [179885, 192440, "Republic_of_Macedonia", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279409, null, null, null], [281148, null, null, null], [283231, null, null, null], [327695, null, null, null], [327696, null, null, null]]], "all_evidence": [[279409, null, null, null], [281148, null, null, null], [283231, null, null, null], [327695, null, null, null], [327696, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178888, 191441, "Tenacious_D", 0]]], "all_evidence": [[178888, 191441, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74089, 85317, "Efraim_Diveroli", 1]], [[74089, 85318, "Efraim_Diveroli", 0], [74089, 85318, "Arms_industry", 0]]], "all_evidence": [[74089, 85317, "Efraim_Diveroli", 1], [74089, 85318, "Efraim_Diveroli", 0], [74089, 85318, "Arms_industry", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131200, 145954, "Billboard_Dad", 0]], [[133320, 148197, "Billboard_Dad", 0]], [[309201, 299461, "Billboard_Dad", 0]], [[309202, 299462, "Billboard_Dad", 0]], [[309237, 299481, "Billboard_Dad", 0]]], "all_evidence": [[131200, 145954, "Billboard_Dad", 0], [133320, 148197, "Billboard_Dad", 0], [309201, 299461, "Billboard_Dad", 0], [309202, 299462, "Billboard_Dad", 0], [309237, 299481, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270750, 266756, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270750, 266756, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217698, 224185, "Asylum_Records", 0]]], "all_evidence": [[217698, 224185, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240811, null, null, null], [240823, null, null, null]]], "all_evidence": [[240811, null, null, null], [240823, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131942, 146786, "Tenacious_D", 1], [131942, 146786, "Jack_Black", 0]]], "all_evidence": [[131942, 146786, "Tenacious_D", 1], [131942, 146786, "Jack_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60490, 70898, "Chaka_Khan", 0]]], "all_evidence": [[60490, 70898, "Chaka_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148500, 163514, "Ashton_Kutcher", 8]]], "all_evidence": [[148500, 163514, "Ashton_Kutcher", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228842, 232948, "Albert_S._Ruddy", 0]], [[228843, 232949, "Albert_S._Ruddy", 0]], [[228845, 232951, "Albert_S._Ruddy", 0]], [[228846, 232952, "Albert_S._Ruddy", 0]], [[228848, 232954, "Albert_S._Ruddy", 0]], [[228849, 232955, "Albert_S._Ruddy", 0]], [[228850, 232956, "Albert_S._Ruddy", 0]]], "all_evidence": [[228842, 232948, "Albert_S._Ruddy", 0], [228843, 232949, "Albert_S._Ruddy", 0], [228845, 232951, "Albert_S._Ruddy", 0], [228846, 232952, "Albert_S._Ruddy", 0], [228848, 232954, "Albert_S._Ruddy", 0], [228849, 232955, "Albert_S._Ruddy", 0], [228850, 232956, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50305, 59894, "Riddick_-LRB-character-RRB-", 0], [50305, 59894, "Riddick_-LRB-film-RRB-", 0], [50305, 59894, "Pitch_Black_-LRB-film-RRB-", 0]], [[50305, 59895, "Riddick_-LRB-character-RRB-", 1], [50305, 59895, "Riddick_-LRB-film-RRB-", 0]], [[50305, 59896, "Riddick_-LRB-character-RRB-", 4], [50305, 59896, "Riddick_-LRB-film-RRB-", 0]], [[50305, 59897, "Riddick_-LRB-character-RRB-", 8], [50305, 59897, "Riddick_-LRB-film-RRB-", 0]], [[50305, 59898, "Riddick_-LRB-character-RRB-", 9], [50305, 59898, "Pitch_Black_-LRB-film-RRB-", 0]], [[50305, 59899, "Riddick_-LRB-character-RRB-", 13], [50305, 59899, "Riddick_-LRB-film-RRB-", 0]]], "all_evidence": [[50305, 59894, "Riddick_-LRB-character-RRB-", 0], [50305, 59894, "Riddick_-LRB-film-RRB-", 0], [50305, 59894, "Pitch_Black_-LRB-film-RRB-", 0], [50305, 59895, "Riddick_-LRB-character-RRB-", 1], [50305, 59895, "Riddick_-LRB-film-RRB-", 0], [50305, 59896, "Riddick_-LRB-character-RRB-", 4], [50305, 59896, "Riddick_-LRB-film-RRB-", 0], [50305, 59897, "Riddick_-LRB-character-RRB-", 8], [50305, 59897, "Riddick_-LRB-film-RRB-", 0], [50305, 59898, "Riddick_-LRB-character-RRB-", 9], [50305, 59898, "Pitch_Black_-LRB-film-RRB-", 0], [50305, 59899, "Riddick_-LRB-character-RRB-", 13], [50305, 59899, "Riddick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28456, 34790, "Tremont_Street_Subway", 0]], [[28456, 34791, "Tremont_Street_Subway", 5]]], "all_evidence": [[28456, 34790, "Tremont_Street_Subway", 0], [28456, 34791, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176407, 189354, "Eddie_Guerrero", 10]]], "all_evidence": [[176407, 189354, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118365, 132198, "Humphrey_Bogart", 0]], [[118365, 132199, "Humphrey_Bogart", 10], [118365, 132199, "Casablanca_-LRB-film-RRB-", 0]]], "all_evidence": [[118365, 132198, "Humphrey_Bogart", 0], [118365, 132199, "Humphrey_Bogart", 10], [118365, 132199, "Casablanca_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61552, 72064, "Jackpot_-LRB-2013_film-RRB-", 0]]], "all_evidence": [[61552, 72064, "Jackpot_-LRB-2013_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30089, 36651, "TV_Choice", 1]]], "all_evidence": [[30089, 36651, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190474, 201488, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190474, 201488, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292736, 285450, "Basildon", 13]], [[297122, 288815, "Basildon", 13]], [[340876, 325391, "Basildon", 13]]], "all_evidence": [[292736, 285450, "Basildon", 13], [297122, 288815, "Basildon", 13], [340876, 325391, "Basildon", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165709, null, null, null]]], "all_evidence": [[165709, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75310, null, null, null]]], "all_evidence": [[75310, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145499, null, null, null]]], "all_evidence": [[145499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168829, 182532, "Terry_Crews", 0]], [[168829, 182533, "Terry_Crews", 9]]], "all_evidence": [[168829, 182532, "Terry_Crews", 0], [168829, 182533, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30152, null, null, null]]], "all_evidence": [[30152, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124267, 138635, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[124267, 138635, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13793, null, null, null]]], "all_evidence": [[13793, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166941, null, null, null]]], "all_evidence": [[166941, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208067, null, null, null]]], "all_evidence": [[208067, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228284, 232495, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228284, 232495, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244422, 245431, "Samwell_Tarly", 0]], [[244422, 245432, "Samwell_Tarly", 3], [244422, 245432, "A_Game_of_Thrones", 0]], [[244422, 245433, "Samwell_Tarly", 4], [244422, 245433, "A_Clash_of_Kings", 0]], [[244423, 245434, "Samwell_Tarly", 0]]], "all_evidence": [[244422, 245431, "Samwell_Tarly", 0], [244422, 245432, "Samwell_Tarly", 3], [244422, 245432, "A_Game_of_Thrones", 0], [244422, 245433, "Samwell_Tarly", 4], [244422, 245433, "A_Clash_of_Kings", 0], [244423, 245434, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70981, 81869, "Bethany_Hamilton", 2], [70981, 81869, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[70981, 81869, "Bethany_Hamilton", 2], [70981, 81869, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193498, null, null, null]]], "all_evidence": [[193498, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119541, 133581, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[119541, 133581, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193492, 203985, "Larry_Wilmore", 2]], [[193492, 203986, "Larry_Wilmore", 3]]], "all_evidence": [[193492, 203985, "Larry_Wilmore", 2], [193492, 203986, "Larry_Wilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226467, null, null, null]]], "all_evidence": [[226467, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251709, null, null, null]]], "all_evidence": [[251709, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191691, 202508, "Anne_Rice", 5]]], "all_evidence": [[191691, 202508, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168104, 181864, "AMGTV", 0]], [[168104, 181865, "AMGTV", 1]], [[168104, 181866, "AMGTV", 4]], [[168104, 181867, "AMGTV", 5]]], "all_evidence": [[168104, 181864, "AMGTV", 0], [168104, 181865, "AMGTV", 1], [168104, 181866, "AMGTV", 4], [168104, 181867, "AMGTV", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97601, null, null, null]]], "all_evidence": [[97601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233037, 236041, "Saturn", 0]]], "all_evidence": [[233037, 236041, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72634, 83675, "Aarhus", 1]], [[76556, 87844, "Aarhus", 0]], [[76556, 87845, "Aarhus", 1], [76556, 87845, "Jutland", 2], [76556, 87845, "Jutland", 0]], [[76556, 87846, "Aarhus", 3], [76556, 87846, "East_Jutland_metropolitan_area", 5], [76556, 87846, "East_Jutland_metropolitan_area", 2], [76556, 87846, "East_Jutland_metropolitan_area", 8], [76556, 87846, "East_Jutland_metropolitan_area", 6], [76556, 87846, "East_Jutland_metropolitan_area", 0]], [[76556, 87847, "Aarhus", 13], [76556, 87847, "Aarhus_Municipality", 6], [76556, 87847, "Aarhus_Municipality", 0], [76556, 87847, "Aarhus_Municipality", 4], [76556, 87847, "Aarhus_Municipality", 5], [76556, 87847, "Aarhus_Municipality", 3], [76556, 87847, "Aarhus_Municipality", 9]], [[305723, 296525, "Aarhus", 1]], [[305724, 296526, "Aarhus", 1]], [[305725, 296527, "Aarhus", 1]]], "all_evidence": [[72634, 83675, "Aarhus", 1], [76556, 87844, "Aarhus", 0], [76556, 87845, "Aarhus", 1], [76556, 87845, "Jutland", 2], [76556, 87845, "Jutland", 0], [76556, 87846, "Aarhus", 3], [76556, 87846, "East_Jutland_metropolitan_area", 5], [76556, 87846, "East_Jutland_metropolitan_area", 2], [76556, 87846, "East_Jutland_metropolitan_area", 8], [76556, 87846, "East_Jutland_metropolitan_area", 6], [76556, 87846, "East_Jutland_metropolitan_area", 0], [76556, 87847, "Aarhus", 13], [76556, 87847, "Aarhus_Municipality", 6], [76556, 87847, "Aarhus_Municipality", 0], [76556, 87847, "Aarhus_Municipality", 4], [76556, 87847, "Aarhus_Municipality", 5], [76556, 87847, "Aarhus_Municipality", 3], [76556, 87847, "Aarhus_Municipality", 9], [305723, 296525, "Aarhus", 1], [305724, 296526, "Aarhus", 1], [305725, 296527, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199912, 209550, "Anne_Sullivan", 0]]], "all_evidence": [[199912, 209550, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110307, null, null, null]]], "all_evidence": [[110307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46065, 55018, "A_Milli", 0]]], "all_evidence": [[46065, 55018, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16044, 19918, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[16044, 19918, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93177, 106097, "Due_Date", 2]]], "all_evidence": [[93177, 106097, "Due_Date", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95624, 108666, "Diana,_Princess_of_Wales", 18], [95624, 108666, "Funeral_of_Diana,_Princess_of_Wales", 0]]], "all_evidence": [[95624, 108666, "Diana,_Princess_of_Wales", 18], [95624, 108666, "Funeral_of_Diana,_Princess_of_Wales", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91484, 104235, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[91484, 104235, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161905, 176314, "The_Bassoon_King", 0]]], "all_evidence": [[161905, 176314, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107459, 120922, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[107459, 120922, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237576, null, null, null], [237583, null, null, null]]], "all_evidence": [[237576, null, null, null], [237583, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215930, null, null, null]]], "all_evidence": [[215930, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30559, null, null, null]]], "all_evidence": [[30559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96717, null, null, null]]], "all_evidence": [[96717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164714, 178921, "Seohyun", 0]], [[164714, 178922, "Seohyun", 2]], [[164714, 178923, "Seohyun", 4]]], "all_evidence": [[164714, 178921, "Seohyun", 0], [164714, 178922, "Seohyun", 2], [164714, 178923, "Seohyun", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66440, 77288, "Harold_Macmillan", 0]]], "all_evidence": [[66440, 77288, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28021, 34313, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]], [[30918, 37557, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]], [[33052, 40148, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]], [[301712, 292821, "The_Dark_Tower_-LRB-2017_film-RRB-", 6], [301712, 292821, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]], [[304419, 295224, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[28021, 34313, "The_Dark_Tower_-LRB-2017_film-RRB-", 6], [30918, 37557, "The_Dark_Tower_-LRB-2017_film-RRB-", 6], [33052, 40148, "The_Dark_Tower_-LRB-2017_film-RRB-", 6], [301712, 292821, "The_Dark_Tower_-LRB-2017_film-RRB-", 6], [301712, 292821, "The_Dark_Tower_-LRB-2017_film-RRB-", 0], [304419, 295224, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62470, 73090, "Vietnam", 1]]], "all_evidence": [[62470, 73090, "Vietnam", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194398, null, null, null], [197319, null, null, null], [199277, null, null, null]]], "all_evidence": [[194398, null, null, null], [197319, null, null, null], [199277, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149305, null, null, null]]], "all_evidence": [[149305, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113683, 127549, "Tim_McGraw", 13]]], "all_evidence": [[113683, 127549, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146655, 161645, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]], "all_evidence": [[146655, 161645, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84494, 96658, "Murda_Beatz", 0]]], "all_evidence": [[84494, 96658, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99946, 113159, "Rabies", 9]]], "all_evidence": [[99946, 113159, "Rabies", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50360, 59951, "Eric_Church", 2], [50360, 59951, "Two_Pink_Lines", 0], [50360, 59951, "Guys_Like_Me", 0]], [[50360, 59952, "Eric_Church", 5], [50360, 59952, "Smoke_a_Little_Smoke", 0], [50360, 59952, "Love_Your_Love_the_Most", 0], [50360, 59952, "Hell_on_the_Heart", 0]], [[50360, 59953, "Eric_Church", 6], [50360, 59953, "Homeboy_-LRB-Eric_Church_song-RRB-", 0], [50360, 59953, "Drink_in_My_Hand", 0], [50360, 59953, "Like_Jesus_Does", 0]], [[50360, 59954, "Eric_Church", 9], [50360, 59954, "The_Outsiders_-LRB-Eric_Church_song-RRB-", 0], [50360, 59954, "Give_Me_Back_My_Hometown", 0], [50360, 59954, "Cold_One", 0], [50360, 59954, "Like_a_Wrecking_Ball", 0], [50360, 59954, "Talladega_-LRB-song-RRB-", 0]], [[50360, 59955, "Eric_Church", 10], [50360, 59955, "Give_Me_Back_My_Hometown", 0], [50360, 59955, "Talladega_-LRB-song-RRB-", 0]]], "all_evidence": [[50360, 59951, "Eric_Church", 2], [50360, 59951, "Two_Pink_Lines", 0], [50360, 59951, "Guys_Like_Me", 0], [50360, 59952, "Eric_Church", 5], [50360, 59952, "Smoke_a_Little_Smoke", 0], [50360, 59952, "Love_Your_Love_the_Most", 0], [50360, 59952, "Hell_on_the_Heart", 0], [50360, 59953, "Eric_Church", 6], [50360, 59953, "Homeboy_-LRB-Eric_Church_song-RRB-", 0], [50360, 59953, "Drink_in_My_Hand", 0], [50360, 59953, "Like_Jesus_Does", 0], [50360, 59954, "Eric_Church", 9], [50360, 59954, "The_Outsiders_-LRB-Eric_Church_song-RRB-", 0], [50360, 59954, "Give_Me_Back_My_Hometown", 0], [50360, 59954, "Cold_One", 0], [50360, 59954, "Like_a_Wrecking_Ball", 0], [50360, 59954, "Talladega_-LRB-song-RRB-", 0], [50360, 59955, "Eric_Church", 10], [50360, 59955, "Give_Me_Back_My_Hometown", 0], [50360, 59955, "Talladega_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152859, 167621, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[152859, 167621, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282781, null, null, null], [284690, null, null, null], [332109, null, null, null]]], "all_evidence": [[282781, null, null, null], [284690, null, null, null], [332109, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146174, 161159, "Amyotrophic_lateral_sclerosis", 7]], [[146174, 161160, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[146174, 161159, "Amyotrophic_lateral_sclerosis", 7], [146174, 161160, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124047, 138374, "Omar_Khadr", 18]]], "all_evidence": [[124047, 138374, "Omar_Khadr", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228833, 232939, "Albert_S._Ruddy", 0]], [[228838, 232944, "Albert_S._Ruddy", 0]], [[228839, 232945, "Albert_S._Ruddy", 0]]], "all_evidence": [[228833, 232939, "Albert_S._Ruddy", 0], [228838, 232944, "Albert_S._Ruddy", 0], [228839, 232945, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82259, 94044, "Highway_to_Heaven", 0]]], "all_evidence": [[82259, 94044, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98407, 111519, "Touchscreen", 9]]], "all_evidence": [[98407, 111519, "Touchscreen", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[301028, null, null, null]]], "all_evidence": [[301028, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45921, 54835, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[45921, 54835, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289876, 282982, "Sheryl_Lee", 0]], [[289876, 282984, "Sheryl_Lee", 1]], [[289876, 282985, "Sheryl_Lee", 5]], [[289876, 282986, "Sheryl_Lee", 6]], [[291236, 284187, "Sheryl_Lee", 0]], [[291236, 284188, "Sheryl_Lee", 1]], [[291236, 284189, "Sheryl_Lee", 5], [291236, 284189, "Backbeat_-LRB-film-RRB-", 0]], [[291236, 284190, "Sheryl_Lee", 6]], [[291236, 284191, "Sheryl_Lee", 7], [291236, 284191, "Cafe\u0301_Society_-LRB-film-RRB-", 0]], [[291240, 284193, "Sheryl_Lee", 1]], [[291240, 284194, "Sheryl_Lee", 5], [291240, 284194, "Backbeat_-LRB-film-RRB-", 0]], [[291240, 284195, "Sheryl_Lee", 6]], [[291240, 284196, "Sheryl_Lee", 7], [291240, 284196, "Cafe\u0301_Society_-LRB-film-RRB-", 0]], [[337146, 322565, "Sheryl_Lee", 5]], [[337146, 322566, "Sheryl_Lee", 6]], [[337146, 322567, "Sheryl_Lee", 7], [337146, 322567, "Cafe\u0301_Society_-LRB-film-RRB-", 0]], [[337154, 322573, "Sheryl_Lee", 5]], [[337154, 322574, "Sheryl_Lee", 6]], [[337155, 322575, "Sheryl_Lee", 5]]], "all_evidence": [[289876, 282982, "Sheryl_Lee", 0], [289876, 282984, "Sheryl_Lee", 1], [289876, 282985, "Sheryl_Lee", 5], [289876, 282986, "Sheryl_Lee", 6], [291236, 284187, "Sheryl_Lee", 0], [291236, 284188, "Sheryl_Lee", 1], [291236, 284189, "Sheryl_Lee", 5], [291236, 284189, "Backbeat_-LRB-film-RRB-", 0], [291236, 284190, "Sheryl_Lee", 6], [291236, 284191, "Sheryl_Lee", 7], [291236, 284191, "Cafe\u0301_Society_-LRB-film-RRB-", 0], [291240, 284193, "Sheryl_Lee", 1], [291240, 284194, "Sheryl_Lee", 5], [291240, 284194, "Backbeat_-LRB-film-RRB-", 0], [291240, 284195, "Sheryl_Lee", 6], [291240, 284196, "Sheryl_Lee", 7], [291240, 284196, "Cafe\u0301_Society_-LRB-film-RRB-", 0], [337146, 322565, "Sheryl_Lee", 5], [337146, 322566, "Sheryl_Lee", 6], [337146, 322567, "Sheryl_Lee", 7], [337146, 322567, "Cafe\u0301_Society_-LRB-film-RRB-", 0], [337154, 322573, "Sheryl_Lee", 5], [337154, 322574, "Sheryl_Lee", 6], [337155, 322575, "Sheryl_Lee", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272539, null, null, null]]], "all_evidence": [[272539, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40213, 48382, "New_York_Knicks", 1]]], "all_evidence": [[40213, 48382, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183984, 195959, "Dan_O'Bannon", 0]], [[183985, 195960, "Dan_O'Bannon", 0]], [[183985, 195961, "Dan_O'Bannon", 3]], [[183985, 195962, "Dan_O'Bannon", 4]]], "all_evidence": [[183984, 195959, "Dan_O'Bannon", 0], [183985, 195960, "Dan_O'Bannon", 0], [183985, 195961, "Dan_O'Bannon", 3], [183985, 195962, "Dan_O'Bannon", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215942, null, null, null]]], "all_evidence": [[215942, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28317, 34633, "Viola_Davis", 6]]], "all_evidence": [[28317, 34633, "Viola_Davis", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232793, null, null, null]]], "all_evidence": [[232793, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74527, 85764, "Awkward_Black_Girl", 0]]], "all_evidence": [[74527, 85764, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178940, 191486, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[178940, 191486, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73359, 84576, "Mick_Thomson", 1]], [[73359, 84577, "Mick_Thomson", 2]], [[73359, 84578, "Mick_Thomson", 3]]], "all_evidence": [[73359, 84576, "Mick_Thomson", 1], [73359, 84577, "Mick_Thomson", 2], [73359, 84578, "Mick_Thomson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227217, 231620, "Kim_Jong-il", 16]]], "all_evidence": [[227217, 231620, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266475, null, null, null]]], "all_evidence": [[266475, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54734, null, null, null]]], "all_evidence": [[54734, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65191, null, null, null]]], "all_evidence": [[65191, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155498, null, null, null]]], "all_evidence": [[155498, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142220, 157431, "Hundred_Years'_War", 21]], [[144150, 159203, "Hundred_Years'_War", 21]], [[144151, 159204, "Hundred_Years'_War", 21]], [[311086, 301117, "Hundred_Years'_War", 21]], [[312776, 302527, "Hundred_Years'_War", 21]]], "all_evidence": [[142220, 157431, "Hundred_Years'_War", 21], [144150, 159203, "Hundred_Years'_War", 21], [144151, 159204, "Hundred_Years'_War", 21], [311086, 301117, "Hundred_Years'_War", 21], [312776, 302527, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37934, 45846, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[37934, 45846, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87095, 99591, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[87095, 99591, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88769, 101399, "Psych", 2], [88769, 101399, "Santa_Barbara_Police_Department", 0]]], "all_evidence": [[88769, 101399, "Psych", 2], [88769, 101399, "Santa_Barbara_Police_Department", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86302, 98701, "Horse", 3]]], "all_evidence": [[86302, 98701, "Horse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267302, 264028, "Southampton_F.C.", 9]]], "all_evidence": [[267302, 264028, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98161, null, null, null]]], "all_evidence": [[98161, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212000, 219604, "Saturn_Corporation", 0]]], "all_evidence": [[212000, 219604, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86813, 99266, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[86813, 99266, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71399, 82352, "Yara_Shahidi", 0]], [[71399, 82353, "Yara_Shahidi", 1]]], "all_evidence": [[71399, 82352, "Yara_Shahidi", 0], [71399, 82353, "Yara_Shahidi", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141873, 157125, "Ashton_Kutcher", 8], [141873, 157125, "No_Strings_Attached_-LRB-film-RRB-", 0]], [[141877, 157127, "Ashton_Kutcher", 8], [141877, 157127, "No_Strings_Attached_-LRB-film-RRB-", 0]]], "all_evidence": [[141873, 157125, "Ashton_Kutcher", 8], [141873, 157125, "No_Strings_Attached_-LRB-film-RRB-", 0], [141877, 157127, "Ashton_Kutcher", 8], [141877, 157127, "No_Strings_Attached_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258705, 257469, "The_Pelican_Brief_-LRB-film-RRB-", 0]], [[258708, 257472, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258705, 257469, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258708, 257472, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66711, 77532, "Flaked", 2]]], "all_evidence": [[66711, 77532, "Flaked", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80320, 92123, "Janet_Leigh", 0]]], "all_evidence": [[80320, 92123, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63633, 74383, "Greek_language", 14]]], "all_evidence": [[63633, 74383, "Greek_language", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169174, 182844, "The_dress", 1]], [[171068, 184588, "The_dress", 1]], [[173193, 186457, "The_dress", 7]], [[312599, 302375, "The_dress", 1]], [[313719, 303257, "The_dress", 1]], [[313719, 303258, "The_dress", 7]]], "all_evidence": [[169174, 182844, "The_dress", 1], [171068, 184588, "The_dress", 1], [173193, 186457, "The_dress", 7], [312599, 302375, "The_dress", 1], [313719, 303257, "The_dress", 1], [313719, 303258, "The_dress", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144553, null, null, null]]], "all_evidence": [[144553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61101, 71562, "Bloods", 2]]], "all_evidence": [[61101, 71562, "Bloods", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251007, 250978, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[251007, 250978, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255570, null, null, null]]], "all_evidence": [[255570, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263223, null, null, null]]], "all_evidence": [[263223, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264436, 261892, "Brubaker", 0]]], "all_evidence": [[264436, 261892, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102862, 116151, "Bruce_Shand", 0]]], "all_evidence": [[102862, 116151, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105592, null, null, null], [105594, null, null, null]]], "all_evidence": [[105592, null, null, null], [105594, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31282, null, null, null]]], "all_evidence": [[31282, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201143, 210596, "The_Endless_River", 0]]], "all_evidence": [[201143, 210596, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199067, 208750, "Matteo_Renzi", 0]]], "all_evidence": [[199067, 208750, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127730, 142355, "Gordon_Ramsay", 5]], [[127730, 142356, "Gordon_Ramsay", 4]], [[127730, 142357, "Gordon_Ramsay", 0]]], "all_evidence": [[127730, 142355, "Gordon_Ramsay", 5], [127730, 142356, "Gordon_Ramsay", 4], [127730, 142357, "Gordon_Ramsay", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165285, 179392, "Hindu_Kush", 0]]], "all_evidence": [[165285, 179392, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286934, null, null, null], [289065, null, null, null], [290748, null, null, null], [334816, null, null, null], [334817, null, null, null]]], "all_evidence": [[286934, null, null, null], [289065, null, null, null], [290748, null, null, null], [334816, null, null, null], [334817, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213705, null, null, null]]], "all_evidence": [[213705, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72693, null, null, null]]], "all_evidence": [[72693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258686, 257456, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258686, 257456, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231464, 234959, "Diwali", 2]]], "all_evidence": [[231464, 234959, "Diwali", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200739, 210210, "Earl_Scruggs", 0]]], "all_evidence": [[200739, 210210, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68671, null, null, null]]], "all_evidence": [[68671, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180352, null, null, null]]], "all_evidence": [[180352, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18679, 22919, "Flaked", 2]]], "all_evidence": [[18679, 22919, "Flaked", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243012, 244301, "St._Anger", 0]], [[243012, 244302, "St._Anger", 3]]], "all_evidence": [[243012, 244301, "St._Anger", 0], [243012, 244302, "St._Anger", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258098, 256975, "Monk", 0]]], "all_evidence": [[258098, 256975, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97570, 110728, "Harris_Jayaraj", 0]]], "all_evidence": [[97570, 110728, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63727, null, null, null]]], "all_evidence": [[63727, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182684, 194869, "Penibaetic_System", 0]]], "all_evidence": [[182684, 194869, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140128, null, null, null]]], "all_evidence": [[140128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101443, 114684, "Rachel_Green", 1]]], "all_evidence": [[101443, 114684, "Rachel_Green", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172725, null, null, null]]], "all_evidence": [[172725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24839, 30683, "Byron_Howard", 2]]], "all_evidence": [[24839, 30683, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177205, 190083, "Ed_Wood_-LRB-film-RRB-", 0]]], "all_evidence": [[177205, 190083, "Ed_Wood_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74687, 85917, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[74687, 85918, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 0]]], "all_evidence": [[74687, 85917, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [74687, 85918, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17678, null, null, null]]], "all_evidence": [[17678, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231443, 234944, "Diwali", 2]]], "all_evidence": [[231443, 234944, "Diwali", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97466, null, null, null], [97474, null, null, null]]], "all_evidence": [[97466, null, null, null], [97474, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168372, 182118, "Global_warming", 13]], [[168376, 182121, "Global_warming", 13]]], "all_evidence": [[168372, 182118, "Global_warming", 13], [168376, 182121, "Global_warming", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227057, null, null, null]]], "all_evidence": [[227057, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131213, null, null, null], [131214, null, null, null]]], "all_evidence": [[131213, null, null, null], [131214, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33619, 40782, "Colombiana", 0]]], "all_evidence": [[33619, 40782, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215948, null, null, null]]], "all_evidence": [[215948, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190721, 201693, "Buffy_Summers", 3]]], "all_evidence": [[190721, 201693, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174194, 187384, "You_Belong_with_Me", 20]]], "all_evidence": [[174194, 187384, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159575, 174075, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[159575, 174075, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75790, 87062, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[75790, 87062, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259479, 258050, "Libya", 0]], [[259479, 258051, "Libya", 2]]], "all_evidence": [[259479, 258050, "Libya", 0], [259479, 258051, "Libya", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156816, null, null, null]]], "all_evidence": [[156816, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206511, 214854, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[206511, 214854, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264063, 261593, "Bullitt", 0]]], "all_evidence": [[264063, 261593, "Bullitt", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203249, 212317, "Trevor_Griffiths", 0]], [[315451, 304682, "Trevor_Griffiths", 0]], [[316598, 305755, "Trevor_Griffiths", 0]], [[318435, 307363, "Trevor_Griffiths", 0]]], "all_evidence": [[203249, 212317, "Trevor_Griffiths", 0], [315451, 304682, "Trevor_Griffiths", 0], [316598, 305755, "Trevor_Griffiths", 0], [318435, 307363, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126192, 140577, "John_Deighton", 24]]], "all_evidence": [[126192, 140577, "John_Deighton", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195804, null, null, null]]], "all_evidence": [[195804, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241278, null, null, null]]], "all_evidence": [[241278, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296691, 288459, "Baz_Luhrmann", 2], [296691, 288459, "Australia_-LRB-2008_film-RRB-", 0]], [[298315, 289823, "Baz_Luhrmann", 2], [298315, 289823, "Hugh_Jackman", 0], [298315, 289823, "Nicole_Kidman", 0]], [[298316, 289824, "Baz_Luhrmann", 2], [298316, 289824, "Hugh_Jackman", 0], [298316, 289824, "Nicole_Kidman", 0]], [[343718, 327432, "Baz_Luhrmann", 2]], [[343725, 327434, "Baz_Luhrmann", 2]], [[343726, 327435, "Baz_Luhrmann", 2], [343726, 327435, "Hugh_Jackman", 0]], [[343755, 327447, "Baz_Luhrmann", 2]]], "all_evidence": [[296691, 288459, "Baz_Luhrmann", 2], [296691, 288459, "Australia_-LRB-2008_film-RRB-", 0], [298315, 289823, "Baz_Luhrmann", 2], [298315, 289823, "Hugh_Jackman", 0], [298315, 289823, "Nicole_Kidman", 0], [298316, 289824, "Baz_Luhrmann", 2], [298316, 289824, "Hugh_Jackman", 0], [298316, 289824, "Nicole_Kidman", 0], [343718, 327432, "Baz_Luhrmann", 2], [343725, 327434, "Baz_Luhrmann", 2], [343726, 327435, "Baz_Luhrmann", 2], [343726, 327435, "Hugh_Jackman", 0], [343755, 327447, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57805, null, null, null], [60860, null, null, null], [62616, null, null, null], [303123, null, null, null], [305208, null, null, null]]], "all_evidence": [[57805, null, null, null], [60860, null, null, null], [62616, null, null, null], [303123, null, null, null], [305208, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255575, null, null, null]]], "all_evidence": [[255575, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63674, 74422, "Margaret_Thatcher", 3]]], "all_evidence": [[63674, 74422, "Margaret_Thatcher", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76912, 88305, "Aristotle", 4]]], "all_evidence": [[76912, 88305, "Aristotle", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21856, 26847, "Due_Date", 2]]], "all_evidence": [[21856, 26847, "Due_Date", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241276, 242818, "Cretaceous", 8]], [[241276, 242819, "Cretaceous", 9]], [[241276, 242820, "Cretaceous", 0]]], "all_evidence": [[241276, 242818, "Cretaceous", 8], [241276, 242819, "Cretaceous", 9], [241276, 242820, "Cretaceous", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104271, 117716, "Annette_Badland", 1]]], "all_evidence": [[104271, 117716, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140204, 155199, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[140204, 155199, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63401, null, null, null]]], "all_evidence": [[63401, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218092, 224478, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218092, 224478, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70097, 80982, "Despacito", 12]]], "all_evidence": [[70097, 80982, "Despacito", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16904, 20907, "Homo_sapiens", 3], [16904, 20907, "Earth", 0]]], "all_evidence": [[16904, 20907, "Homo_sapiens", 3], [16904, 20907, "Earth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73815, null, null, null]]], "all_evidence": [[73815, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214258, null, null, null]]], "all_evidence": [[214258, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205319, 213928, "Invasion_literature", 3]]], "all_evidence": [[205319, 213928, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235599, null, null, null]]], "all_evidence": [[235599, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239015, null, null, null]]], "all_evidence": [[239015, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164184, null, null, null]]], "all_evidence": [[164184, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63053, null, null, null]]], "all_evidence": [[63053, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175957, 188928, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[175957, 188928, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30172, null, null, null]]], "all_evidence": [[30172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202657, 211858, "TakePart", 0], [202657, 211858, "Participant_Media", 0]], [[205515, 214088, "TakePart", 0], [205515, 214088, "Participant_Media", 0]], [[207957, 216138, "TakePart", 0], [207957, 216138, "Participant_Media", 0]], [[315793, 305056, "TakePart", 0], [315793, 305056, "Participant_Media", 0]], [[316779, 305902, "TakePart", 0], [316779, 305902, "Participant_Media", 0]]], "all_evidence": [[202657, 211858, "TakePart", 0], [202657, 211858, "Participant_Media", 0], [205515, 214088, "TakePart", 0], [205515, 214088, "Participant_Media", 0], [207957, 216138, "TakePart", 0], [207957, 216138, "Participant_Media", 0], [315793, 305056, "TakePart", 0], [315793, 305056, "Participant_Media", 0], [316779, 305902, "TakePart", 0], [316779, 305902, "Participant_Media", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195908, null, null, null]]], "all_evidence": [[195908, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40197, 48365, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[40197, 48365, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247515, 247804, "Stadium_Arcadium", 1]], [[247515, 247805, "Stadium_Arcadium", 3]], [[247515, 247806, "Stadium_Arcadium", 4]]], "all_evidence": [[247515, 247804, "Stadium_Arcadium", 1], [247515, 247805, "Stadium_Arcadium", 3], [247515, 247806, "Stadium_Arcadium", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213166, null, null, null]]], "all_evidence": [[213166, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13034, null, null, null], [13035, null, null, null], [13036, null, null, null], [13037, null, null, null], [13041, null, null, null]]], "all_evidence": [[13034, null, null, null], [13035, null, null, null], [13036, null, null, null], [13037, null, null, null], [13041, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205327, 213934, "Invasion_literature", 3]]], "all_evidence": [[205327, 213934, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282334, 276534, "Jack_Falahee", 0]], [[284308, 278148, "Jack_Falahee", 0]], [[285253, 278919, "Jack_Falahee", 0]], [[330461, 317026, "Jack_Falahee", 0]], [[331642, 318137, "Jack_Falahee", 0]]], "all_evidence": [[282334, 276534, "Jack_Falahee", 0], [284308, 278148, "Jack_Falahee", 0], [285253, 278919, "Jack_Falahee", 0], [330461, 317026, "Jack_Falahee", 0], [331642, 318137, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151017, null, null, null]]], "all_evidence": [[151017, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80069, 91832, "In_the_End", 1]], [[80084, 91861, "In_the_End", 1]]], "all_evidence": [[80069, 91832, "In_the_End", 1], [80084, 91861, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260883, 259220, "Capsicum_chinense", 0]]], "all_evidence": [[260883, 259220, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244429, 245440, "Samwell_Tarly", 0]]], "all_evidence": [[244429, 245440, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180048, 192567, "Harold_Macmillan", 0]]], "all_evidence": [[180048, 192567, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88646, null, null, null]]], "all_evidence": [[88646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182686, 194871, "Penibaetic_System", 0]]], "all_evidence": [[182686, 194871, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90520, null, null, null]]], "all_evidence": [[90520, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292030, 284865, "CONCACAF_Champions_League", 0]], [[338903, 323971, "CONCACAF_Champions_League", 0]]], "all_evidence": [[292030, 284865, "CONCACAF_Champions_League", 0], [338903, 323971, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296194, null, null, null], [297778, null, null, null], [299920, null, null, null], [342548, null, null, null], [342570, null, null, null], [342582, null, null, null]]], "all_evidence": [[296194, null, null, null], [297778, null, null, null], [299920, null, null, null], [342548, null, null, null], [342570, null, null, null], [342582, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269597, null, null, null]]], "all_evidence": [[269597, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[284613, 278387, "Derek_Hough", 5]], [[284613, 278388, "Derek_Hough", 6]], [[330840, 317374, "Derek_Hough", 5]], [[330840, 317375, "Derek_Hough", 6]], [[331965, 318394, "Derek_Hough", 5]]], "all_evidence": [[284613, 278387, "Derek_Hough", 5], [284613, 278388, "Derek_Hough", 6], [330840, 317374, "Derek_Hough", 5], [330840, 317375, "Derek_Hough", 6], [331965, 318394, "Derek_Hough", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227055, null, null, null]]], "all_evidence": [[227055, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84544, 96736, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[84544, 96736, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24958, 30821, "Trollhunters", 0], [24958, 30821, "Guillermo_del_Toro", 0]]], "all_evidence": [[24958, 30821, "Trollhunters", 0], [24958, 30821, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21100, 25904, "Duff_McKagan", 0]]], "all_evidence": [[21100, 25904, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127036, null, null, null]]], "all_evidence": [[127036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117383, 131303, "Reign_Over_Me", 0]]], "all_evidence": [[117383, 131303, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268084, null, null, null]]], "all_evidence": [[268084, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19119, 23445, "Indian_Institute_of_Management_Bangalore", 6]]], "all_evidence": [[19119, 23445, "Indian_Institute_of_Management_Bangalore", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172226, null, null, null], [172229, null, null, null]]], "all_evidence": [[172226, null, null, null], [172229, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39461, 47548, "Philomena_-LRB-film-RRB-", 9]]], "all_evidence": [[39461, 47548, "Philomena_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132797, 147706, "2016_Tour_de_France", 2], [132797, 147706, "2016_Tour_de_France", 0]]], "all_evidence": [[132797, 147706, "2016_Tour_de_France", 2], [132797, 147706, "2016_Tour_de_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292171, null, null, null], [294174, null, null, null], [339294, null, null, null], [339309, null, null, null]]], "all_evidence": [[292171, null, null, null], [294174, null, null, null], [339294, null, null, null], [339309, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228770, null, null, null]]], "all_evidence": [[228770, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19649, 24145, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[19649, 24145, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110142, null, null, null]]], "all_evidence": [[110142, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38612, null, null, null]]], "all_evidence": [[38612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118360, 132196, "James_VI_and_I", 11]]], "all_evidence": [[118360, 132196, "James_VI_and_I", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145476, 160472, "Homo_sapiens", 3]]], "all_evidence": [[145476, 160472, "Homo_sapiens", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204128, null, null, null], [206536, null, null, null], [315569, null, null, null], [315571, null, null, null], [315592, null, null, null]]], "all_evidence": [[204128, null, null, null], [206536, null, null, null], [315569, null, null, null], [315571, null, null, null], [315592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235577, null, null, null]]], "all_evidence": [[235577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109475, 123110, "Raees_-LRB-film-RRB-", 1], [109475, 123110, "Mahira_Khan", 0]]], "all_evidence": [[109475, 123110, "Raees_-LRB-film-RRB-", 1], [109475, 123110, "Mahira_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21316, 26186, "John_Dolmayan", 0]]], "all_evidence": [[21316, 26186, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63977, 74680, "Sleipnir", 0]]], "all_evidence": [[63977, 74680, "Sleipnir", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218088, 224476, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218088, 224476, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264414, 261874, "Brubaker", 0]]], "all_evidence": [[264414, 261874, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78034, 89506, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[78034, 89506, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240833, 242439, "Glee.com", 1]]], "all_evidence": [[240833, 242439, "Glee.com", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157549, null, null, null]]], "all_evidence": [[157549, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238535, null, null, null]]], "all_evidence": [[238535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[278013, 272915, "Eddie_Guerrero", 10]], [[280081, 274638, "Eddie_Guerrero", 10]], [[324814, 312687, "Eddie_Guerrero", 10]]], "all_evidence": [[278013, 272915, "Eddie_Guerrero", 10], [280081, 274638, "Eddie_Guerrero", 10], [324814, 312687, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109830, 123421, "Aaron_Burr", 9]]], "all_evidence": [[109830, 123421, "Aaron_Burr", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227784, null, null, null]]], "all_evidence": [[227784, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194118, 204525, "Rick_Yune", 1]]], "all_evidence": [[194118, 204525, "Rick_Yune", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147845, null, null, null]]], "all_evidence": [[147845, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19457, null, null, null]]], "all_evidence": [[19457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161009, 175476, "West_Virginia", 1]]], "all_evidence": [[161009, 175476, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31404, 38119, "Riverdale_-LRB-2017_TV_series-RRB-", 0]], [[31404, 38120, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[31404, 38119, "Riverdale_-LRB-2017_TV_series-RRB-", 0], [31404, 38120, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70063, 80947, "Garden_State_-LRB-film-RRB-", 6]]], "all_evidence": [[70063, 80947, "Garden_State_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226470, null, null, null]]], "all_evidence": [[226470, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290678, null, null, null], [333788, null, null, null], [333791, null, null, null]]], "all_evidence": [[290678, null, null, null], [333788, null, null, null], [333791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93354, 106306, "Charles_Manson", 0]]], "all_evidence": [[93354, 106306, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19031, 23330, "Luis_Fonsi", 0]]], "all_evidence": [[19031, 23330, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268075, null, null, null]]], "all_evidence": [[268075, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162703, null, null, null]]], "all_evidence": [[162703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145876, null, null, null]]], "all_evidence": [[145876, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189881, null, null, null]]], "all_evidence": [[189881, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108081, 121595, "Wildfang", 1]]], "all_evidence": [[108081, 121595, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152045, 166792, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[152045, 166792, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33674, 40835, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[33674, 40835, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90989, 103665, "Chile", 20]]], "all_evidence": [[90989, 103665, "Chile", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131635, 146432, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[131635, 146432, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123371, 137826, "Eddie_Guerrero", 10]]], "all_evidence": [[123371, 137826, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201868, 211223, "Artpop", 13]]], "all_evidence": [[201868, 211223, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259463, 258036, "Libya", 2]]], "all_evidence": [[259463, 258036, "Libya", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124054, null, null, null]]], "all_evidence": [[124054, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142905, 158027, "Danger_UXB", 0]]], "all_evidence": [[142905, 158027, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97243, null, null, null]]], "all_evidence": [[97243, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140863, 155999, "Ingushetia", 5]]], "all_evidence": [[140863, 155999, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154872, 169619, "Muscarinic_acetylcholine_receptor", 0], [154872, 169619, "DNA", 0]]], "all_evidence": [[154872, 169619, "Muscarinic_acetylcholine_receptor", 0], [154872, 169619, "DNA", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230153, null, null, null]]], "all_evidence": [[230153, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47595, 56801, "Brazzers", 0]], [[47603, 56809, "Brazzers", 0]]], "all_evidence": [[47595, 56801, "Brazzers", 0], [47603, 56809, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63513, 74259, "Penguin_Books", 0]]], "all_evidence": [[63513, 74259, "Penguin_Books", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55911, 66014, "Bethany_Hamilton", 0]]], "all_evidence": [[55911, 66014, "Bethany_Hamilton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31882, null, null, null]]], "all_evidence": [[31882, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78689, 90241, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[78689, 90241, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258712, 257475, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258712, 257475, "John_Grisham", 0]]], "all_evidence": [[258712, 257475, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258712, 257475, "John_Grisham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239925, 241604, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239925, 241604, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134970, 149858, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[134970, 149858, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86761, 99222, "Garden_State_-LRB-film-RRB-", 6]]], "all_evidence": [[86761, 99222, "Garden_State_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114128, null, null, null]]], "all_evidence": [[114128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140048, 155055, "Robert_Palmer_-LRB-writer-RRB-", 1]], [[140048, 155056, "Robert_Palmer_-LRB-writer-RRB-", 2]]], "all_evidence": [[140048, 155055, "Robert_Palmer_-LRB-writer-RRB-", 1], [140048, 155056, "Robert_Palmer_-LRB-writer-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199466, 209143, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199466, 209143, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269551, null, null, null]]], "all_evidence": [[269551, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175088, 188145, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[175088, 188145, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47876, 57150, "Trevor_Griffiths", 0]]], "all_evidence": [[47876, 57150, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142418, null, null, null], [142422, null, null, null]]], "all_evidence": [[142418, null, null, null], [142422, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178616, null, null, null]]], "all_evidence": [[178616, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272455, 268148, "Island_Records", 1]]], "all_evidence": [[272455, 268148, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246611, 247088, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246611, 247088, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13351, 16693, "Veeru_Devgan", 0]], [[13351, 16694, "Veeru_Devgan", 2]], [[22596, 27858, "Veeru_Devgan", 0]], [[100046, 113267, "Veeru_Devgan", 0]], [[299232, 290608, "Veeru_Devgan", 0]], [[299232, 290609, "Veeru_Devgan", 2]]], "all_evidence": [[13351, 16693, "Veeru_Devgan", 0], [13351, 16694, "Veeru_Devgan", 2], [22596, 27858, "Veeru_Devgan", 0], [100046, 113267, "Veeru_Devgan", 0], [299232, 290608, "Veeru_Devgan", 0], [299232, 290609, "Veeru_Devgan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259454, 258027, "Libya", 0], [259454, 258027, "North_Africa", 0]]], "all_evidence": [[259454, 258027, "Libya", 0], [259454, 258027, "North_Africa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233067, 236067, "Saturn", 0]]], "all_evidence": [[233067, 236067, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274748, 269983, "James_Earl_Jones", 4]], [[274772, 270011, "James_Earl_Jones", 4]], [[274772, 270012, "James_Earl_Jones", 7]], [[274772, 270013, "James_Earl_Jones", 12]], [[276877, 271897, "James_Earl_Jones", 4]], [[323794, 311977, "James_Earl_Jones", 4]], [[323794, 311978, "James_Earl_Jones", 7]], [[325215, 312965, "James_Earl_Jones", 4]]], "all_evidence": [[274748, 269983, "James_Earl_Jones", 4], [274772, 270011, "James_Earl_Jones", 4], [274772, 270012, "James_Earl_Jones", 7], [274772, 270013, "James_Earl_Jones", 12], [276877, 271897, "James_Earl_Jones", 4], [323794, 311977, "James_Earl_Jones", 4], [323794, 311978, "James_Earl_Jones", 7], [325215, 312965, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237491, 239698, "North_Vietnam", 0]]], "all_evidence": [[237491, 239698, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268071, null, null, null]]], "all_evidence": [[268071, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279206, null, null, null], [280768, null, null, null], [281012, null, null, null], [328690, null, null, null]]], "all_evidence": [[279206, null, null, null], [280768, null, null, null], [281012, null, null, null], [328690, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49043, 58381, "Colombiana", 0], [49043, 58381, "Olivier_Megaton", 0]]], "all_evidence": [[49043, 58381, "Colombiana", 0], [49043, 58381, "Olivier_Megaton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143886, 158968, "Anushka_Sharma", 7]]], "all_evidence": [[143886, 158968, "Anushka_Sharma", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129275, 144036, "West_Virginia", 1]]], "all_evidence": [[129275, 144036, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104968, 118390, "Noah_Cyrus", 4]]], "all_evidence": [[104968, 118390, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240822, 242431, "Glee.com", 1]]], "all_evidence": [[240822, 242431, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194766, 205130, "Manmohan_Singh", 0]], [[194766, 205131, "Manmohan_Singh", 1]], [[194766, 205132, "Manmohan_Singh", 22]], [[194766, 205133, "Manmohan_Singh", 24]]], "all_evidence": [[194766, 205130, "Manmohan_Singh", 0], [194766, 205131, "Manmohan_Singh", 1], [194766, 205132, "Manmohan_Singh", 22], [194766, 205133, "Manmohan_Singh", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87673, 100185, "AMGTV", 0]]], "all_evidence": [[87673, 100185, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29166, 35589, "English_people", 6]]], "all_evidence": [[29166, 35589, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74529, 85766, "Moonlight_-LRB-2016_film-RRB-", 6], [74529, 85766, "Telluride_Film_Festival", 0]]], "all_evidence": [[74529, 85766, "Moonlight_-LRB-2016_film-RRB-", 6], [74529, 85766, "Telluride_Film_Festival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122006, 136293, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[122006, 136293, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154158, null, null, null], [154160, null, null, null]]], "all_evidence": [[154158, null, null, null], [154160, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171284, 184775, "Justine_Bateman", 0]]], "all_evidence": [[171284, 184775, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179209, 191748, "Kerplunk_-LRB-album-RRB-", 0], [179209, 191748, "Lookout_Records", 1]], [[179209, 191749, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[179209, 191748, "Kerplunk_-LRB-album-RRB-", 0], [179209, 191748, "Lookout_Records", 1], [179209, 191749, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228762, 232880, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228762, 232881, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]]], "all_evidence": [[228762, 232880, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228762, 232881, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231445, 234948, "Diwali", 0]], [[231445, 234949, "Diwali", 2]], [[231445, 234950, "Diwali", 4]]], "all_evidence": [[231445, 234948, "Diwali", 0], [231445, 234949, "Diwali", 2], [231445, 234950, "Diwali", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67633, 78461, "Sayyeshaa", 0]], [[67633, 78462, "Sayyeshaa", 1]]], "all_evidence": [[67633, 78461, "Sayyeshaa", 0], [67633, 78462, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170764, 184341, "Hot_Right_Now", 0]]], "all_evidence": [[170764, 184341, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116860, null, null, null]]], "all_evidence": [[116860, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221645, null, null, null]]], "all_evidence": [[221645, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114241, null, null, null]]], "all_evidence": [[114241, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137675, null, null, null]]], "all_evidence": [[137675, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227028, null, null, null]]], "all_evidence": [[227028, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161746, 176168, "Nicholas_Brody", 1]]], "all_evidence": [[161746, 176168, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209588, 217383, "Swordfish_-LRB-film-RRB-", 1], [209588, 217383, "Security_hacker", 0]], [[209591, 217386, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209588, 217383, "Swordfish_-LRB-film-RRB-", 1], [209588, 217383, "Security_hacker", 0], [209591, 217386, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144233, null, null, null]]], "all_evidence": [[144233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38279, 46218, "Faroe_Islands", 9]]], "all_evidence": [[38279, 46218, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102156, null, null, null]]], "all_evidence": [[102156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68139, 79018, "Soyuz_-LRB-spacecraft-RRB-", 0], [68139, 79018, "Spacecraft", 0]]], "all_evidence": [[68139, 79018, "Soyuz_-LRB-spacecraft-RRB-", 0], [68139, 79018, "Spacecraft", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179246, null, null, null]]], "all_evidence": [[179246, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255989, 255296, "Weekly_Idol", 1]]], "all_evidence": [[255989, 255296, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210884, 218541, "WGBH-TV", 0]]], "all_evidence": [[210884, 218541, "WGBH-TV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14088, 17612, "Sayyeshaa", 1]], [[14089, 17613, "Sayyeshaa", 1]], [[14091, 17614, "Sayyeshaa", 1]], [[14094, 17618, "Sayyeshaa", 1]]], "all_evidence": [[14088, 17612, "Sayyeshaa", 1], [14089, 17613, "Sayyeshaa", 1], [14091, 17614, "Sayyeshaa", 1], [14094, 17618, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203498, 212506, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0], [203498, 212506, "Patricia_Highsmith", 0]]], "all_evidence": [[203498, 212506, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0], [203498, 212506, "Patricia_Highsmith", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22844, null, null, null]]], "all_evidence": [[22844, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144919, 159925, "The_Daily_Show", 2]]], "all_evidence": [[144919, 159925, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53180, 63147, "Hot_Right_Now", 0]]], "all_evidence": [[53180, 63147, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211448, 219161, "Princess_Mononoke", 0], [211448, 219161, "Studio_Ghibli", 0]]], "all_evidence": [[211448, 219161, "Princess_Mononoke", 0], [211448, 219161, "Studio_Ghibli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50196, null, null, null]]], "all_evidence": [[50196, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49777, 59220, "Topman", 1]]], "all_evidence": [[49777, 59220, "Topman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48760, 58073, "Mohra", 4], [48760, 58073, "Filmfare", 0]]], "all_evidence": [[48760, 58073, "Mohra", 4], [48760, 58073, "Filmfare", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236586, 239019, "Regina_King", 0]], [[236586, 239020, "Regina_King", 1]], [[236586, 239021, "Regina_King", 2]], [[236586, 239022, "Regina_King", 3]], [[236586, 239023, "Regina_King", 4]], [[236586, 239024, "Regina_King", 7]], [[236594, 239029, "Regina_King", 0]], [[236594, 239030, "Regina_King", 1]], [[236594, 239031, "Regina_King", 2]], [[236594, 239032, "Regina_King", 3]], [[236594, 239033, "Regina_King", 4]], [[236594, 239034, "Regina_King", 7]]], "all_evidence": [[236586, 239019, "Regina_King", 0], [236586, 239020, "Regina_King", 1], [236586, 239021, "Regina_King", 2], [236586, 239022, "Regina_King", 3], [236586, 239023, "Regina_King", 4], [236586, 239024, "Regina_King", 7], [236594, 239029, "Regina_King", 0], [236594, 239030, "Regina_King", 1], [236594, 239031, "Regina_King", 2], [236594, 239032, "Regina_King", 3], [236594, 239033, "Regina_King", 4], [236594, 239034, "Regina_King", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131045, null, null, null]]], "all_evidence": [[131045, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37227, null, null, null]]], "all_evidence": [[37227, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67473, 78286, "Indian_Army", 0], [67473, 78286, "Army", 3], [67473, 78286, "Army", 0]], [[67473, 78287, "Indian_Army", 1], [67473, 78287, "Army", 3], [67473, 78287, "Army", 0]], [[67473, 78288, "Indian_Army", 3], [67473, 78288, "Army", 3], [67473, 78288, "Army", 0]], [[67473, 78289, "Indian_Army", 4], [67473, 78289, "Army", 3], [67473, 78289, "Army", 0]], [[67473, 78290, "Indian_Army", 7], [67473, 78290, "Army", 3], [67473, 78290, "Army", 0]], [[67473, 78291, "Indian_Army", 8], [67473, 78291, "Operation_Surya_Hope", 13]], [[67473, 78292, "Indian_Army", 15], [67473, 78292, "Army", 3], [67473, 78292, "Army", 0]], [[67473, 78293, "Indian_Army", 16], [67473, 78293, "Volunteer_military", 0]], [[67473, 78294, "Indian_Army", 17]]], "all_evidence": [[67473, 78286, "Indian_Army", 0], [67473, 78286, "Army", 3], [67473, 78286, "Army", 0], [67473, 78287, "Indian_Army", 1], [67473, 78287, "Army", 3], [67473, 78287, "Army", 0], [67473, 78288, "Indian_Army", 3], [67473, 78288, "Army", 3], [67473, 78288, "Army", 0], [67473, 78289, "Indian_Army", 4], [67473, 78289, "Army", 3], [67473, 78289, "Army", 0], [67473, 78290, "Indian_Army", 7], [67473, 78290, "Army", 3], [67473, 78290, "Army", 0], [67473, 78291, "Indian_Army", 8], [67473, 78291, "Operation_Surya_Hope", 13], [67473, 78292, "Indian_Army", 15], [67473, 78292, "Army", 3], [67473, 78292, "Army", 0], [67473, 78293, "Indian_Army", 16], [67473, 78293, "Volunteer_military", 0], [67473, 78294, "Indian_Army", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225927, 230503, "Roland_Emmerich", 3]], [[225928, 230504, "Roland_Emmerich", 3]], [[225933, 230506, "Roland_Emmerich", 3]]], "all_evidence": [[225927, 230503, "Roland_Emmerich", 3], [225928, 230504, "Roland_Emmerich", 3], [225933, 230506, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237503, 239707, "North_Vietnam", 0]]], "all_evidence": [[237503, 239707, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214248, 221325, "Kenneth_Lonergan", 0]]], "all_evidence": [[214248, 221325, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149288, 164269, "Life", 0]], [[149289, 164270, "Life", 0]], [[149291, 164271, "Life", 0]]], "all_evidence": [[149288, 164269, "Life", 0], [149289, 164270, "Life", 0], [149291, 164271, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212189, 219790, "Epistemology", 3], [212189, 219790, "Theory_of_justification", 0]], [[212189, 219791, "Epistemology", 4], [212189, 219791, "Theory_of_justification", 0]]], "all_evidence": [[212189, 219790, "Epistemology", 3], [212189, 219790, "Theory_of_justification", 0], [212189, 219791, "Epistemology", 4], [212189, 219791, "Theory_of_justification", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129077, 143858, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[129077, 143858, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79851, 91578, "Hundred_Years'_War", 21]]], "all_evidence": [[79851, 91578, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98066, 111202, "Yale_University", 23]]], "all_evidence": [[98066, 111202, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119952, 134087, "A_Milli", 0]]], "all_evidence": [[119952, 134087, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62615, 73248, "Indian_Institute_of_Management_Bangalore", 5]]], "all_evidence": [[62615, 73248, "Indian_Institute_of_Management_Bangalore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276414, null, null, null], [326604, null, null, null], [328238, null, null, null]]], "all_evidence": [[276414, null, null, null], [326604, null, null, null], [328238, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170180, 183744, "Eva_Green", 1]]], "all_evidence": [[170180, 183744, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124008, 138346, "Advertising", 0]]], "all_evidence": [[124008, 138346, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159871, 174378, "Beaverton,_Oregon", 0]], [[159871, 174379, "Beaverton,_Oregon", 4]]], "all_evidence": [[159871, 174378, "Beaverton,_Oregon", 0], [159871, 174379, "Beaverton,_Oregon", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270748, 266754, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270748, 266754, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95251, 108253, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[95251, 108253, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170119, null, null, null]]], "all_evidence": [[170119, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38891, null, null, null]]], "all_evidence": [[38891, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267315, 264042, "Southampton_F.C.", 9]]], "all_evidence": [[267315, 264042, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141695, 156930, "Margaret_Thatcher", 8]]], "all_evidence": [[141695, 156930, "Margaret_Thatcher", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112292, 126115, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[112292, 126115, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76015, 87309, "The_Adventures_of_Pluto_Nash", 0], [76015, 87309, "Eddie_Murphy", 0]]], "all_evidence": [[76015, 87309, "The_Adventures_of_Pluto_Nash", 0], [76015, 87309, "Eddie_Murphy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257069, 256127, "Chagatai_language", 0]]], "all_evidence": [[257069, 256127, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129557, 144293, "Life", 0]]], "all_evidence": [[129557, 144293, "Life", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132145, null, null, null]]], "all_evidence": [[132145, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15567, 19393, "Advertising", 0]]], "all_evidence": [[15567, 19393, "Advertising", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210947, null, null, null]]], "all_evidence": [[210947, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178830, 191371, "Luis_Fonsi", 0]], [[178831, 191372, "Luis_Fonsi", 0]]], "all_evidence": [[178830, 191371, "Luis_Fonsi", 0], [178831, 191372, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114959, null, null, null]]], "all_evidence": [[114959, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57455, null, null, null]]], "all_evidence": [[57455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205315, 213925, "Invasion_literature", 3]]], "all_evidence": [[205315, 213925, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163421, null, null, null]]], "all_evidence": [[163421, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111398, null, null, null], [308286, null, null, null], [309719, null, null, null], [309721, null, null, null], [309722, null, null, null]]], "all_evidence": [[111398, null, null, null], [308286, null, null, null], [309719, null, null, null], [309721, null, null, null], [309722, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40405, null, null, null]]], "all_evidence": [[40405, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110122, 123749, "Harold_Macmillan", 0]]], "all_evidence": [[110122, 123749, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239338, null, null, null]]], "all_evidence": [[239338, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107586, null, null, null]]], "all_evidence": [[107586, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102215, 115499, "AMGTV", 0]], [[102215, 115500, "AMGTV", 4]]], "all_evidence": [[102215, 115499, "AMGTV", 0], [102215, 115500, "AMGTV", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149092, null, null, null]]], "all_evidence": [[149092, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142866, 158000, "Highway_to_Heaven", 0]]], "all_evidence": [[142866, 158000, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218298, 224609, "Eva_Mendes", 0]]], "all_evidence": [[218298, 224609, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89100, 101798, "Columbia_River", 21]]], "all_evidence": [[89100, 101798, "Columbia_River", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80844, 92689, "Columbia_River", 21]]], "all_evidence": [[80844, 92689, "Columbia_River", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169824, null, null, null]]], "all_evidence": [[169824, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67548, null, null, null]]], "all_evidence": [[67548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228169, 232417, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228169, 232417, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255453, 254911, "Private_Lives", 0], [255453, 254911, "Noe\u0308l_Coward", 0]]], "all_evidence": [[255453, 254911, "Private_Lives", 0], [255453, 254911, "Noe\u0308l_Coward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37450, 45370, "14th_Dalai_Lama", 10]]], "all_evidence": [[37450, 45370, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95707, 108750, "Sebastian_Stan", 1]]], "all_evidence": [[95707, 108750, "Sebastian_Stan", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144636, null, null, null]]], "all_evidence": [[144636, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282377, null, null, null], [284348, null, null, null], [284355, null, null, null], [330499, null, null, null]]], "all_evidence": [[282377, null, null, null], [284348, null, null, null], [284355, null, null, null], [330499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239246, 241166, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239246, 241166, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176582, 189521, "Margaret_Thatcher", 0]]], "all_evidence": [[176582, 189521, "Margaret_Thatcher", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198596, 208393, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198596, 208393, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46034, 54990, "Reign_Over_Me", 0]]], "all_evidence": [[46034, 54990, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228218, 232458, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]], [[228220, 232459, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228218, 232458, "Fortunes_of_War_-LRB-TV_series-RRB-", 1], [228220, 232459, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240380, null, null, null]]], "all_evidence": [[240380, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107872, null, null, null]]], "all_evidence": [[107872, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175710, null, null, null]]], "all_evidence": [[175710, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15331, null, null, null]]], "all_evidence": [[15331, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51034, null, null, null]]], "all_evidence": [[51034, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135132, 150044, "Peking_University", 0]]], "all_evidence": [[135132, 150044, "Peking_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38632, 46594, "Eddie_Guerrero", 10]]], "all_evidence": [[38632, 46594, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250354, null, null, null]]], "all_evidence": [[250354, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31969, 38803, "Hindu_Kush", 5]]], "all_evidence": [[31969, 38803, "Hindu_Kush", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259605, null, null, null]]], "all_evidence": [[259605, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150570, 165441, "Colosseum", 0]]], "all_evidence": [[150570, 165441, "Colosseum", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189527, null, null, null], [192535, null, null, null], [195469, null, null, null]]], "all_evidence": [[189527, null, null, null], [192535, null, null, null], [195469, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36131, 43675, "Trevor_Griffiths", 0], [36131, 43675, "Ancoats", 0]]], "all_evidence": [[36131, 43675, "Trevor_Griffiths", 0], [36131, 43675, "Ancoats", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163312, 177503, "Henry_II_of_France", 0]], [[163312, 177504, "Henry_II_of_France", 13]], [[163312, 177505, "Henry_II_of_France", 14], [163312, 177505, "Gabriel,_comte_de_Montgomery", 1]]], "all_evidence": [[163312, 177503, "Henry_II_of_France", 0], [163312, 177504, "Henry_II_of_France", 13], [163312, 177505, "Henry_II_of_France", 14], [163312, 177505, "Gabriel,_comte_de_Montgomery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104053, 117553, "Gin", 0]]], "all_evidence": [[104053, 117553, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78410, 89941, "Chaka_Khan", 4]]], "all_evidence": [[78410, 89941, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103980, 117485, "Chris_Kyle", 0]], [[103980, 117486, "Chris_Kyle", 8]]], "all_evidence": [[103980, 117485, "Chris_Kyle", 0], [103980, 117486, "Chris_Kyle", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159700, null, null, null]]], "all_evidence": [[159700, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163401, null, null, null]]], "all_evidence": [[163401, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269600, null, null, null]]], "all_evidence": [[269600, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117006, null, null, null]]], "all_evidence": [[117006, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182529, null, null, null]]], "all_evidence": [[182529, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86495, 98912, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[86495, 98912, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81514, 93268, "Sheryl_Lee", 7]]], "all_evidence": [[81514, 93268, "Sheryl_Lee", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109591, 123210, "The_Mighty_Ducks", 1]]], "all_evidence": [[109591, 123210, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198061, 208004, "Dave_Gibbons", 0]]], "all_evidence": [[198061, 208004, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160478, 174982, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[160478, 174982, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250987, 250958, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250987, 250958, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47316, 56442, "The_100_-LRB-TV_series-RRB-", 4], [47316, 56442, "The_100_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[47316, 56442, "The_100_-LRB-TV_series-RRB-", 4], [47316, 56442, "The_100_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229537, 233463, "Bea_Arthur", 0]], [[229538, 233464, "Bea_Arthur", 0]]], "all_evidence": [[229537, 233463, "Bea_Arthur", 0], [229538, 233464, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208047, 216196, "Franchising", 8]], [[208048, 216197, "Franchising", 8]]], "all_evidence": [[208047, 216196, "Franchising", 8], [208048, 216197, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95635, 108675, "Underdog_-LRB-film-RRB-", 1], [95635, 108675, "Underdog_-LRB-film-RRB-", 0]]], "all_evidence": [[95635, 108675, "Underdog_-LRB-film-RRB-", 1], [95635, 108675, "Underdog_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18210, null, null, null]]], "all_evidence": [[18210, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173263, 186525, "Bloods", 0]]], "all_evidence": [[173263, 186525, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25090, 30968, "Emma_Watson", 12]], [[25090, 30969, "Emma_Watson", 15]], [[25090, 30970, "Emma_Watson", 9], [25090, 30970, "The_Circle_-LRB-2017_film-RRB-", 1]], [[25090, 30971, "Emma_Watson", 16], [25090, 30971, "Emma_Watson", 15]], [[25090, 30972, "Emma_Watson", 8]], [[25090, 30973, "Emma_Watson", 7]], [[25090, 30974, "Emma_Watson", 6]], [[25090, 30975, "Emma_Watson", 3]]], "all_evidence": [[25090, 30968, "Emma_Watson", 12], [25090, 30969, "Emma_Watson", 15], [25090, 30970, "Emma_Watson", 9], [25090, 30970, "The_Circle_-LRB-2017_film-RRB-", 1], [25090, 30971, "Emma_Watson", 16], [25090, 30971, "Emma_Watson", 15], [25090, 30972, "Emma_Watson", 8], [25090, 30973, "Emma_Watson", 7], [25090, 30974, "Emma_Watson", 6], [25090, 30975, "Emma_Watson", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62832, null, null, null]]], "all_evidence": [[62832, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26376, 32413, "Shinji_Mikami", 2], [26376, 32413, "Dino_Crisis", 0]]], "all_evidence": [[26376, 32413, "Shinji_Mikami", 2], [26376, 32413, "Dino_Crisis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211405, 219118, "Don_Hall_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[211405, 219118, "Don_Hall_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216564, 223256, "Mani_Ratnam", 1]]], "all_evidence": [[216564, 223256, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138531, 153595, "Liverpool", 13]]], "all_evidence": [[138531, 153595, "Liverpool", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146959, 161935, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[146959, 161935, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87790, 100316, "TV_Choice", 0]]], "all_evidence": [[87790, 100316, "TV_Choice", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215950, 222691, "Bradley_Fuller", 1]]], "all_evidence": [[215950, 222691, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206705, 215019, "Al_Jardine", 1], [206705, 215019, "Come_Go_with_Me", 0]]], "all_evidence": [[206705, 215019, "Al_Jardine", 1], [206705, 215019, "Come_Go_with_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65362, 76252, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[65362, 76252, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72239, 83250, "Bloods", 2]]], "all_evidence": [[72239, 83250, "Bloods", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76128, null, null, null]]], "all_evidence": [[76128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211387, 219107, "Don_Hall_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[211387, 219107, "Don_Hall_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69446, 80250, "Sebastian_Stan", 2]]], "all_evidence": [[69446, 80250, "Sebastian_Stan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253973, 253757, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253973, 253757, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24681, 30473, "State_of_Palestine", 1]]], "all_evidence": [[24681, 30473, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227228, null, null, null]]], "all_evidence": [[227228, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262074, 260124, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262074, 260124, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105236, 118657, "Due_Date", 2]], [[105239, 118660, "Due_Date", 2]]], "all_evidence": [[105236, 118657, "Due_Date", 2], [105239, 118660, "Due_Date", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60618, 71038, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[60618, 71038, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154687, null, null, null]]], "all_evidence": [[154687, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108939, 122649, "John_Krasinski", 0]], [[108939, 122650, "John_Krasinski", 1]], [[108939, 122651, "John_Krasinski", 5]], [[108939, 122652, "John_Krasinski", 6]], [[108939, 122653, "John_Krasinski", 2]]], "all_evidence": [[108939, 122649, "John_Krasinski", 0], [108939, 122650, "John_Krasinski", 1], [108939, 122651, "John_Krasinski", 5], [108939, 122652, "John_Krasinski", 6], [108939, 122653, "John_Krasinski", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95190, 108196, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[95190, 108196, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79322, 91000, "In_the_End", 6]]], "all_evidence": [[79322, 91000, "In_the_End", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217681, 224172, "Asylum_Records", 0]]], "all_evidence": [[217681, 224172, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33587, 40752, "Colombiana", 0]]], "all_evidence": [[33587, 40752, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[281748, 276065, "Speech_recognition", 2]], [[283822, 277757, "Speech_recognition", 2]], [[329403, 316205, "Speech_recognition", 2]], [[330925, 317424, "Speech_recognition", 11]]], "all_evidence": [[281748, 276065, "Speech_recognition", 2], [283822, 277757, "Speech_recognition", 2], [329403, 316205, "Speech_recognition", 2], [330925, 317424, "Speech_recognition", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134556, 149469, "Liverpool", 13]], [[136172, 151005, "Liverpool", 13]], [[309653, 299812, "Liverpool", 13]], [[310757, 300780, "Liverpool", 13]], [[310758, 300781, "Liverpool", 13]]], "all_evidence": [[134556, 149469, "Liverpool", 13], [136172, 151005, "Liverpool", 13], [309653, 299812, "Liverpool", 13], [310757, 300780, "Liverpool", 13], [310758, 300781, "Liverpool", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211396, null, null, null], [211397, null, null, null], [211407, null, null, null]]], "all_evidence": [[211396, null, null, null], [211397, null, null, null], [211407, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215817, null, null, null]]], "all_evidence": [[215817, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114166, 127979, "Bessie_Smith", 0]], [[114166, 127980, "Bessie_Smith", 1]], [[114166, 127981, "Bessie_Smith", 2]]], "all_evidence": [[114166, 127979, "Bessie_Smith", 0], [114166, 127980, "Bessie_Smith", 1], [114166, 127981, "Bessie_Smith", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227046, null, null, null]]], "all_evidence": [[227046, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32453, 39431, "Reign_Over_Me", 0]]], "all_evidence": [[32453, 39431, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33496, 40654, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[33496, 40654, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198855, null, null, null]]], "all_evidence": [[198855, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246595, null, null, null]]], "all_evidence": [[246595, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41858, 50349, "Reign_Over_Me", 0]], [[41858, 50350, "Reign_Over_Me", 4]], [[41858, 50351, "Reign_Over_Me", 5]], [[44469, 53139, "Reign_Over_Me", 0]], [[46682, 55693, "Reign_Over_Me", 0]], [[46682, 55694, "Reign_Over_Me", 4]]], "all_evidence": [[41858, 50349, "Reign_Over_Me", 0], [41858, 50350, "Reign_Over_Me", 4], [41858, 50351, "Reign_Over_Me", 5], [44469, 53139, "Reign_Over_Me", 0], [46682, 55693, "Reign_Over_Me", 0], [46682, 55694, "Reign_Over_Me", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132019, 146864, "Harold_Macmillan", 0]]], "all_evidence": [[132019, 146864, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39679, 47757, "CONCACAF_Champions_League", 0]], [[39679, 47758, "CONCACAF_Champions_League", 9]]], "all_evidence": [[39679, 47757, "CONCACAF_Champions_League", 0], [39679, 47758, "CONCACAF_Champions_League", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223168, null, null, null], [226828, null, null, null], [229632, null, null, null]]], "all_evidence": [[223168, null, null, null], [226828, null, null, null], [229632, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213174, null, null, null]]], "all_evidence": [[213174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179441, 192002, "Floppy_disk", 0]]], "all_evidence": [[179441, 192002, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175932, 188892, "Arizona", 0]], [[175932, 188893, "Arizona", 1], [175932, 188893, "Mountain_States", 6]], [[175932, 188894, "Arizona", 2], [175932, 188894, "List_of_U.S._states_and_territories_by_area", 0]], [[175932, 188895, "Arizona", 3], [175932, 188895, "Phoenix,_Arizona", 0]], [[175932, 188896, "Arizona", 4], [175932, 188896, "Four_Corners", 0]], [[175932, 188897, "Arizona", 5], [175932, 188897, "California", 0], [175932, 188897, "Colorado", 0], [175932, 188897, "Mexico", 0], [175932, 188897, "Nevada", 0]], [[175932, 188898, "Arizona", 9], [175932, 188898, "Contiguous_United_States", 0]], [[175932, 188899, "Arizona", 12]], [[175932, 188900, "Arizona", 15], [175932, 188900, "Southern_Arizona", 0]], [[175932, 188901, "Arizona", 16], [175932, 188901, "Northern_Arizona", 0]]], "all_evidence": [[175932, 188892, "Arizona", 0], [175932, 188893, "Arizona", 1], [175932, 188893, "Mountain_States", 6], [175932, 188894, "Arizona", 2], [175932, 188894, "List_of_U.S._states_and_territories_by_area", 0], [175932, 188895, "Arizona", 3], [175932, 188895, "Phoenix,_Arizona", 0], [175932, 188896, "Arizona", 4], [175932, 188896, "Four_Corners", 0], [175932, 188897, "Arizona", 5], [175932, 188897, "California", 0], [175932, 188897, "Colorado", 0], [175932, 188897, "Mexico", 0], [175932, 188897, "Nevada", 0], [175932, 188898, "Arizona", 9], [175932, 188898, "Contiguous_United_States", 0], [175932, 188899, "Arizona", 12], [175932, 188900, "Arizona", 15], [175932, 188900, "Southern_Arizona", 0], [175932, 188901, "Arizona", 16], [175932, 188901, "Northern_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236643, 239079, "Marcus_Bentley", 0]]], "all_evidence": [[236643, 239079, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54208, 64199, "Viola_Davis", 6]]], "all_evidence": [[54208, 64199, "Viola_Davis", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109546, 123164, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[109546, 123164, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25726, 31650, "The_dress", 7]]], "all_evidence": [[25726, 31650, "The_dress", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94725, null, null, null]]], "all_evidence": [[94725, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231471, null, null, null]]], "all_evidence": [[231471, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179878, 192429, "Make_It_or_Break_It", 0]]], "all_evidence": [[179878, 192429, "Make_It_or_Break_It", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37650, 45577, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[37650, 45577, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237977, 240144, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237977, 240144, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268458, 265038, "Michaela_Watkins", 0]]], "all_evidence": [[268458, 265038, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130417, 145190, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[130417, 145190, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61581, 72091, "Harold_Macmillan", 0]], [[61581, 72092, "Harold_Macmillan", 31]], [[61586, 72097, "Harold_Macmillan", 0]]], "all_evidence": [[61581, 72091, "Harold_Macmillan", 0], [61581, 72092, "Harold_Macmillan", 31], [61586, 72097, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53112, 63066, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[53112, 63066, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113780, 127651, "Fargo_-LRB-season_2-RRB-", 6]], [[117182, 131079, "Fargo_-LRB-season_2-RRB-", 6]], [[119795, 133925, "Fargo_-LRB-season_2-RRB-", 6]], [[308538, 298900, "Fargo_-LRB-season_2-RRB-", 6]], [[310151, 300221, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[113780, 127651, "Fargo_-LRB-season_2-RRB-", 6], [117182, 131079, "Fargo_-LRB-season_2-RRB-", 6], [119795, 133925, "Fargo_-LRB-season_2-RRB-", 6], [308538, 298900, "Fargo_-LRB-season_2-RRB-", 6], [310151, 300221, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42342, 50949, "Fist_of_Legend", 2]]], "all_evidence": [[42342, 50949, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62478, 73102, "Seohyun", 0]]], "all_evidence": [[62478, 73102, "Seohyun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190464, 201480, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190464, 201480, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90308, 103057, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[90308, 103057, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238980, null, null, null]]], "all_evidence": [[238980, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203718, 212684, "Aunt_May", 0]], [[203718, 212685, "Aunt_May", 1]]], "all_evidence": [[203718, 212684, "Aunt_May", 0], [203718, 212685, "Aunt_May", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25756, null, null, null], [27143, null, null, null], [301660, null, null, null], [302966, null, null, null], [302968, null, null, null]]], "all_evidence": [[25756, null, null, null], [27143, null, null, null], [301660, null, null, null], [302966, null, null, null], [302968, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67926, null, null, null]]], "all_evidence": [[67926, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173419, 186677, "Bee_Gees", 6]]], "all_evidence": [[173419, 186677, "Bee_Gees", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101067, 114322, "Carlos_Santana", 0]], [[101067, 114323, "Carlos_Santana", 2], [101067, 114323, "Santana_-LRB-band-RRB-", 0]], [[101069, 114325, "Carlos_Santana", 0]], [[101069, 114326, "Carlos_Santana", 1]]], "all_evidence": [[101067, 114322, "Carlos_Santana", 0], [101067, 114323, "Carlos_Santana", 2], [101067, 114323, "Santana_-LRB-band-RRB-", 0], [101069, 114325, "Carlos_Santana", 0], [101069, 114326, "Carlos_Santana", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271166, 267102, "Giada_at_Home", 1]]], "all_evidence": [[271166, 267102, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250991, null, null, null]]], "all_evidence": [[250991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65644, 76515, "Kerplunk_-LRB-album-RRB-", 0]], [[65644, 76516, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[65644, 76515, "Kerplunk_-LRB-album-RRB-", 0], [65644, 76516, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186389, 198207, "Robert_Lopez", 1]]], "all_evidence": [[186389, 198207, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80189, 91976, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[80189, 91976, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184383, null, null, null]]], "all_evidence": [[184383, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194822, null, null, null]]], "all_evidence": [[194822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234913, 237701, "Tijuana", 0]], [[234916, 237704, "Tijuana", 0]]], "all_evidence": [[234913, 237701, "Tijuana", 0], [234916, 237704, "Tijuana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140493, null, null, null]]], "all_evidence": [[140493, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121550, 135823, "Ann_Richards", 0]], [[121550, 135824, "Ann_Richards", 2]], [[121550, 135825, "Ann_Richards", 3]]], "all_evidence": [[121550, 135823, "Ann_Richards", 0], [121550, 135824, "Ann_Richards", 2], [121550, 135825, "Ann_Richards", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65278, 76151, "Wilhelmina_Slater", 0]]], "all_evidence": [[65278, 76151, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223650, 228613, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223650, 228613, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142011, 157261, "Gin", 0]], [[143977, 159058, "Gin", 0]], [[146991, 161992, "Gin", 0]], [[311048, 301065, "Gin", 0], [311048, 301065, "Juniper_berry", 0]], [[312750, 302511, "Gin", 0]], [[312768, 302522, "Gin", 0]]], "all_evidence": [[142011, 157261, "Gin", 0], [143977, 159058, "Gin", 0], [146991, 161992, "Gin", 0], [311048, 301065, "Gin", 0], [311048, 301065, "Juniper_berry", 0], [312750, 302511, "Gin", 0], [312768, 302522, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192732, 203450, "Cadet_Kelly", 0]], [[192732, 203451, "Cadet_Kelly", 1]]], "all_evidence": [[192732, 203450, "Cadet_Kelly", 0], [192732, 203451, "Cadet_Kelly", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269558, null, null, null], [269564, null, null, null]]], "all_evidence": [[269558, null, null, null], [269564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73960, 85193, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]], "all_evidence": [[73960, 85193, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250996, 250965, "Brick_-LRB-film-RRB-", 0]], [[250999, 250967, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250996, 250965, "Brick_-LRB-film-RRB-", 0], [250999, 250967, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229395, 233327, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]], "all_evidence": [[229395, 233327, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51559, null, null, null]]], "all_evidence": [[51559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76054, null, null, null]]], "all_evidence": [[76054, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44349, 53007, "Marco_Polo", 11]]], "all_evidence": [[44349, 53007, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186390, 198208, "Robert_Lopez", 1]]], "all_evidence": [[186390, 198208, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200465, 209970, "Sancho_Panza", 0]]], "all_evidence": [[200465, 209970, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11631, null, null, null]]], "all_evidence": [[11631, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235586, 238199, "Natural_Born_Killers", 5]]], "all_evidence": [[235586, 238199, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199490, null, null, null]]], "all_evidence": [[199490, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189992, null, null, null]]], "all_evidence": [[189992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100697, 113995, "Angelsberg", 0]]], "all_evidence": [[100697, 113995, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106167, 119592, "Michelin_Guide", 0]]], "all_evidence": [[106167, 119592, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156723, 171330, "Damon_Albarn", 4]], [[156723, 171331, "Damon_Albarn", 6], [156723, 171331, "Modern_Life_Is_Rubbish", 0]], [[156723, 171332, "Damon_Albarn", 8], [156723, 171332, "13_-LRB-Blur_album-RRB-", 0]], [[156723, 171333, "Damon_Albarn", 11], [156723, 171333, "Gorillaz", 8]], [[156723, 171334, "Damon_Albarn", 12]], [[156723, 171335, "Damon_Albarn", 17]]], "all_evidence": [[156723, 171330, "Damon_Albarn", 4], [156723, 171331, "Damon_Albarn", 6], [156723, 171331, "Modern_Life_Is_Rubbish", 0], [156723, 171332, "Damon_Albarn", 8], [156723, 171332, "13_-LRB-Blur_album-RRB-", 0], [156723, 171333, "Damon_Albarn", 11], [156723, 171333, "Gorillaz", 8], [156723, 171334, "Damon_Albarn", 12], [156723, 171335, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100962, 114214, "Same_Old_Love", 0]], [[100962, 114215, "Same_Old_Love", 5]], [[100962, 114216, "Same_Old_Love", 9]], [[100962, 114217, "Same_Old_Love", 13]], [[100962, 114218, "Same_Old_Love", 12]]], "all_evidence": [[100962, 114214, "Same_Old_Love", 0], [100962, 114215, "Same_Old_Love", 5], [100962, 114216, "Same_Old_Love", 9], [100962, 114217, "Same_Old_Love", 13], [100962, 114218, "Same_Old_Love", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160569, 175077, "Global_warming", 13], [160569, 175077, "Retreat_of_glaciers_since_1850", 7]]], "all_evidence": [[160569, 175077, "Global_warming", 13], [160569, 175077, "Retreat_of_glaciers_since_1850", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112066, null, null, null]]], "all_evidence": [[112066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82160, 93938, "Harvard_University", 11]]], "all_evidence": [[82160, 93938, "Harvard_University", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283693, null, null, null]]], "all_evidence": [[283693, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66138, null, null, null]]], "all_evidence": [[66138, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183983, null, null, null]]], "all_evidence": [[183983, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62502, 73124, "Ann_Richards", 0]]], "all_evidence": [[62502, 73124, "Ann_Richards", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42637, null, null, null]]], "all_evidence": [[42637, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227796, 232158, "Tilda_Swinton", 0]]], "all_evidence": [[227796, 232158, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238553, null, null, null]]], "all_evidence": [[238553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179279, 191827, "Taran_Killam", 0]], [[179279, 191828, "Taran_Killam", 1]], [[179279, 191829, "Taran_Killam", 2]], [[179279, 191830, "Taran_Killam", 5]]], "all_evidence": [[179279, 191827, "Taran_Killam", 0], [179279, 191828, "Taran_Killam", 1], [179279, 191829, "Taran_Killam", 2], [179279, 191830, "Taran_Killam", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102293, 115573, "Scotty_Moore", 0]]], "all_evidence": [[102293, 115573, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40123, 48272, "Rupert_Murdoch", 13]]], "all_evidence": [[40123, 48272, "Rupert_Murdoch", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69612, 80444, "Trollhunters", 3]], [[69612, 80445, "Trollhunters", 4]]], "all_evidence": [[69612, 80444, "Trollhunters", 3], [69612, 80445, "Trollhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97982, 111117, "Aristotle", 2]], [[97982, 111118, "Aristotle", 4]]], "all_evidence": [[97982, 111117, "Aristotle", 2], [97982, 111118, "Aristotle", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43413, 52058, "Henry_VIII_-LRB-TV_serial-RRB-", 5]]], "all_evidence": [[43413, 52058, "Henry_VIII_-LRB-TV_serial-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218311, 224624, "Eva_Mendes", 0]]], "all_evidence": [[218311, 224624, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177224, null, null, null]]], "all_evidence": [[177224, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253956, 253746, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253956, 253746, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132005, 146855, "Angelsberg", 0]]], "all_evidence": [[132005, 146855, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217291, 223911, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217291, 223911, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205317, null, null, null]]], "all_evidence": [[205317, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39692, null, null, null]]], "all_evidence": [[39692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234010, 236903, "Muscarinic_acetylcholine_receptor", 0]], [[236805, 239180, "Muscarinic_acetylcholine_receptor", 0]], [[318688, 307540, "Muscarinic_acetylcholine_receptor", 0]], [[318689, 307541, "Muscarinic_acetylcholine_receptor", 0]], [[318690, 307542, "Muscarinic_acetylcholine_receptor", 0]], [[318694, 307545, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[234010, 236903, "Muscarinic_acetylcholine_receptor", 0], [236805, 239180, "Muscarinic_acetylcholine_receptor", 0], [318688, 307540, "Muscarinic_acetylcholine_receptor", 0], [318689, 307541, "Muscarinic_acetylcholine_receptor", 0], [318690, 307542, "Muscarinic_acetylcholine_receptor", 0], [318694, 307545, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69780, null, null, null]]], "all_evidence": [[69780, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156322, 170927, "Camden,_New_Jersey", 0]]], "all_evidence": [[156322, 170927, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13131, 16426, "Colin_Kaepernick", 5]], [[13133, 16428, "Colin_Kaepernick", 5]]], "all_evidence": [[13131, 16426, "Colin_Kaepernick", 5], [13133, 16428, "Colin_Kaepernick", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255987, 255294, "Weekly_Idol", 1], [255987, 255294, "Weekly_Idol", 0]]], "all_evidence": [[255987, 255294, "Weekly_Idol", 1], [255987, 255294, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170615, 184156, "Yara_Shahidi", 0]]], "all_evidence": [[170615, 184156, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31141, 37825, "Eva_Green", 1]]], "all_evidence": [[31141, 37825, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245433, 246245, "Mel_B", 5]]], "all_evidence": [[245433, 246245, "Mel_B", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56162, 66320, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[56162, 66320, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213734, 220891, "Finding_Dory", 1]]], "all_evidence": [[213734, 220891, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83176, 95115, "I_Kissed_a_Girl", 0]]], "all_evidence": [[83176, 95115, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145724, 160734, "Stanley_Williams", 0]]], "all_evidence": [[145724, 160734, "Stanley_Williams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291503, 284423, "Camden,_New_Jersey", 0]], [[291503, 284424, "Camden,_New_Jersey", 2]], [[291503, 284425, "Camden,_New_Jersey", 4]], [[291503, 284426, "Camden,_New_Jersey", 6]], [[293586, 286068, "Camden,_New_Jersey", 2]], [[337652, 323019, "Camden,_New_Jersey", 0]], [[337665, 323029, "Camden,_New_Jersey", 0]]], "all_evidence": [[291503, 284423, "Camden,_New_Jersey", 0], [291503, 284424, "Camden,_New_Jersey", 2], [291503, 284425, "Camden,_New_Jersey", 4], [291503, 284426, "Camden,_New_Jersey", 6], [293586, 286068, "Camden,_New_Jersey", 2], [337652, 323019, "Camden,_New_Jersey", 0], [337665, 323029, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28628, 34976, "Anushka_Sharma", 2]], [[28628, 34977, "Anushka_Sharma", 7]]], "all_evidence": [[28628, 34976, "Anushka_Sharma", 2], [28628, 34977, "Anushka_Sharma", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57449, 67657, "Carlos_Santana", 0], [57449, 67657, "Santana_-LRB-band-RRB-", 0]]], "all_evidence": [[57449, 67657, "Carlos_Santana", 0], [57449, 67657, "Santana_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99343, null, null, null]]], "all_evidence": [[99343, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145334, 160326, "Bethany_Hamilton", 2], [145334, 160326, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[145334, 160326, "Bethany_Hamilton", 2], [145334, 160326, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272435, 268131, "Island_Records", 1]]], "all_evidence": [[272435, 268131, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122528, 136827, "Mike_Huckabee", 0]]], "all_evidence": [[122528, 136827, "Mike_Huckabee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255584, null, null, null]]], "all_evidence": [[255584, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51802, 61638, "Colombiana", 0]]], "all_evidence": [[51802, 61638, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155692, null, null, null]]], "all_evidence": [[155692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164189, 178439, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[164189, 178439, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241684, 243207, "Rio_-LRB-2011_film-RRB-", 20]], [[241685, 243208, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241684, 243207, "Rio_-LRB-2011_film-RRB-", 20], [241685, 243208, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109041, 122743, "Michael_B._Jordan", 0]]], "all_evidence": [[109041, 122743, "Michael_B._Jordan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240805, 242417, "Glee.com", 1]]], "all_evidence": [[240805, 242417, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25001, 30871, "Harris_Jayaraj", 0]]], "all_evidence": [[25001, 30871, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208600, null, null, null]]], "all_evidence": [[208600, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218102, null, null, null]]], "all_evidence": [[218102, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17505, null, null, null]]], "all_evidence": [[17505, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89286, 101981, "Greek_language", 14]]], "all_evidence": [[89286, 101981, "Greek_language", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227210, 231613, "Kim_Jong-il", 16]], [[227211, 231614, "Kim_Jong-il", 16]]], "all_evidence": [[227210, 231613, "Kim_Jong-il", 16], [227211, 231614, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116229, 130147, "Steve_Wozniak", 0]]], "all_evidence": [[116229, 130147, "Steve_Wozniak", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31065, 37732, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[31065, 37732, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76804, null, null, null]]], "all_evidence": [[76804, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286974, null, null, null], [289087, null, null, null], [290762, null, null, null], [334882, null, null, null], [334884, null, null, null]]], "all_evidence": [[286974, null, null, null], [289087, null, null, null], [290762, null, null, null], [334882, null, null, null], [334884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90717, 103436, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[90717, 103436, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231199, 234722, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231199, 234722, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191489, 202335, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191489, 202335, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33660, 40821, "Lost_-LRB-TV_series-RRB-", 0]], [[35629, 43182, "Lost_-LRB-TV_series-RRB-", 0]], [[37573, 45511, "Lost_-LRB-TV_series-RRB-", 0]], [[301886, 292979, "Lost_-LRB-TV_series-RRB-", 0]], [[303336, 294307, "Lost_-LRB-TV_series-RRB-", 0]], [[303338, 294308, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[33660, 40821, "Lost_-LRB-TV_series-RRB-", 0], [35629, 43182, "Lost_-LRB-TV_series-RRB-", 0], [37573, 45511, "Lost_-LRB-TV_series-RRB-", 0], [301886, 292979, "Lost_-LRB-TV_series-RRB-", 0], [303336, 294307, "Lost_-LRB-TV_series-RRB-", 0], [303338, 294308, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260871, 259212, "Capsicum_chinense", 0]]], "all_evidence": [[260871, 259212, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214301, 221381, "Ernest_Medina", 2]], [[214301, 221382, "Ernest_Medina", 3]]], "all_evidence": [[214301, 221381, "Ernest_Medina", 2], [214301, 221382, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135305, null, null, null]]], "all_evidence": [[135305, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172738, 186004, "Margaret_Thatcher", 0]], [[172738, 186005, "Margaret_Thatcher", 1]], [[172738, 186006, "Margaret_Thatcher", 2]], [[172738, 186007, "Margaret_Thatcher", 3]], [[172738, 186008, "Margaret_Thatcher", 6]], [[172738, 186009, "Margaret_Thatcher", 7]], [[172738, 186010, "Margaret_Thatcher", 8]], [[172738, 186011, "Margaret_Thatcher", 9]], [[172738, 186012, "Margaret_Thatcher", 12]], [[172738, 186013, "Margaret_Thatcher", 18]], [[172738, 186014, "Margaret_Thatcher", 14]], [[172738, 186015, "Margaret_Thatcher", 13]], [[172738, 186016, "Margaret_Thatcher", 25]], [[172738, 186017, "Margaret_Thatcher", 21]], [[172738, 186018, "Margaret_Thatcher", 20]]], "all_evidence": [[172738, 186004, "Margaret_Thatcher", 0], [172738, 186005, "Margaret_Thatcher", 1], [172738, 186006, "Margaret_Thatcher", 2], [172738, 186007, "Margaret_Thatcher", 3], [172738, 186008, "Margaret_Thatcher", 6], [172738, 186009, "Margaret_Thatcher", 7], [172738, 186010, "Margaret_Thatcher", 8], [172738, 186011, "Margaret_Thatcher", 9], [172738, 186012, "Margaret_Thatcher", 12], [172738, 186013, "Margaret_Thatcher", 18], [172738, 186014, "Margaret_Thatcher", 14], [172738, 186015, "Margaret_Thatcher", 13], [172738, 186016, "Margaret_Thatcher", 25], [172738, 186017, "Margaret_Thatcher", 21], [172738, 186018, "Margaret_Thatcher", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180323, 192834, "Shadowhunters", 4]], [[182076, 194354, "Shadowhunters", 4]], [[182267, 194528, "Shadowhunters", 4]], [[314193, 303619, "Shadowhunters", 4]], [[315979, 305190, "Shadowhunters", 4]]], "all_evidence": [[180323, 192834, "Shadowhunters", 4], [182076, 194354, "Shadowhunters", 4], [182267, 194528, "Shadowhunters", 4], [314193, 303619, "Shadowhunters", 4], [315979, 305190, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49985, 59493, "Hindu_Kush", 0]]], "all_evidence": [[49985, 59493, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186373, 198196, "Robert_Lopez", 1]]], "all_evidence": [[186373, 198196, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55794, null, null, null]]], "all_evidence": [[55794, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107657, null, null, null]]], "all_evidence": [[107657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117312, 131213, "Hot_Right_Now", 0]]], "all_evidence": [[117312, 131213, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243015, 244303, "St._Anger", 0]]], "all_evidence": [[243015, 244303, "St._Anger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171306, 184792, "Fist_of_Legend", 2]], [[171307, 184793, "Fist_of_Legend", 2]], [[173441, 186695, "Fist_of_Legend", 2]], [[312685, 302460, "Fist_of_Legend", 2]], [[313735, 303272, "Fist_of_Legend", 2]]], "all_evidence": [[171306, 184792, "Fist_of_Legend", 2], [171307, 184793, "Fist_of_Legend", 2], [173441, 186695, "Fist_of_Legend", 2], [312685, 302460, "Fist_of_Legend", 2], [313735, 303272, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208633, 216637, "Wentworth_Miller", 2]], [[208633, 216638, "Wentworth_Miller", 0]]], "all_evidence": [[208633, 216637, "Wentworth_Miller", 2], [208633, 216638, "Wentworth_Miller", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105411, null, null, null]]], "all_evidence": [[105411, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254357, 254050, "DJ_Quik", 0]]], "all_evidence": [[254357, 254050, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33951, null, null, null]]], "all_evidence": [[33951, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198850, 208558, "The_King_and_I", 1]]], "all_evidence": [[198850, 208558, "The_King_and_I", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44605, 53287, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]]], "all_evidence": [[44605, 53287, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237487, 239694, "North_Vietnam", 0]]], "all_evidence": [[237487, 239694, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20332, null, null, null], [21844, null, null, null], [301451, null, null, null], [304155, null, null, null], [304215, null, null, null]]], "all_evidence": [[20332, null, null, null], [21844, null, null, null], [301451, null, null, null], [304155, null, null, null], [304215, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262152, 260201, "Bullitt", 0]], [[262152, 260202, "Bullitt", 9]], [[262152, 260203, "Bullitt", 8]]], "all_evidence": [[262152, 260201, "Bullitt", 0], [262152, 260202, "Bullitt", 9], [262152, 260203, "Bullitt", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107921, 121407, "John_Deighton", 15]]], "all_evidence": [[107921, 121407, "John_Deighton", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172528, null, null, null]]], "all_evidence": [[172528, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141850, 157100, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[141850, 157100, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180543, null, null, null]]], "all_evidence": [[180543, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171283, 184774, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]], "all_evidence": [[171283, 184774, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29332, 35795, "Qui-Gon_Jinn", 0]]], "all_evidence": [[29332, 35795, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30294, 36892, "Wildfang", 1]]], "all_evidence": [[30294, 36892, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124496, 138843, "San_Diego_Comic-Con", 1]]], "all_evidence": [[124496, 138843, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136956, 151786, "Wildfang", 0]]], "all_evidence": [[136956, 151786, "Wildfang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215810, 222588, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215810, 222588, "Holly_Hunter", 0]]], "all_evidence": [[215810, 222588, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215810, 222588, "Holly_Hunter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218543, 224805, "Diana,_Princess_of_Wales", 0]]], "all_evidence": [[218543, 224805, "Diana,_Princess_of_Wales", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231458, null, null, null]]], "all_evidence": [[231458, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173141, null, null, null]]], "all_evidence": [[173141, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17963, 22118, "YouTube", 15]]], "all_evidence": [[17963, 22118, "YouTube", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203010, null, null, null]]], "all_evidence": [[203010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66198, 77033, "Bee_Gees", 2]]], "all_evidence": [[66198, 77033, "Bee_Gees", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159247, 173832, "Augustus", 10]]], "all_evidence": [[159247, 173832, "Augustus", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159979, null, null, null]]], "all_evidence": [[159979, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163437, 177678, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[163437, 177678, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66158, 76992, "Dakota_Fanning", 0]]], "all_evidence": [[66158, 76992, "Dakota_Fanning", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101660, 114915, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[101660, 114915, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55396, 65454, "Brazzers", 0]]], "all_evidence": [[55396, 65454, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149683, 164640, "Saxony", 0]], [[149683, 164641, "Saxony", 1]], [[149683, 164642, "Saxony", 4]], [[149683, 164643, "Saxony", 7]], [[149683, 164644, "Saxony", 8]], [[149683, 164645, "Saxony", 11]]], "all_evidence": [[149683, 164640, "Saxony", 0], [149683, 164641, "Saxony", 1], [149683, 164642, "Saxony", 4], [149683, 164643, "Saxony", 7], [149683, 164644, "Saxony", 8], [149683, 164645, "Saxony", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152383, 167183, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[152383, 167183, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182293, null, null, null]]], "all_evidence": [[182293, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191682, 202499, "Anne_Rice", 0]]], "all_evidence": [[191682, 202499, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206692, 215010, "Al_Jardine", 1], [206692, 215010, "Come_Go_with_Me", 0]]], "all_evidence": [[206692, 215010, "Al_Jardine", 1], [206692, 215010, "Come_Go_with_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173809, null, null, null]]], "all_evidence": [[173809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172848, 186100, "Luis_Fonsi", 0]]], "all_evidence": [[172848, 186100, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213684, 220864, "Finding_Dory", 1]]], "all_evidence": [[213684, 220864, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198846, null, null, null]]], "all_evidence": [[198846, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210235, 218026, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 24], [210235, 218026, "So_You_Think_You_Can_Dance", 0]], [[210235, 218027, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 18], [210235, 218027, "So_You_Think_You_Can_Dance_-LRB-U.S._season_10-RRB-", 0]], [[210235, 218028, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 4], [210235, 218028, "Cat_Deeley", 5]], [[210235, 218029, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 1], [210235, 218029, "Nigel_Lythgoe", 1]], [[210235, 218030, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]], "all_evidence": [[210235, 218026, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 24], [210235, 218026, "So_You_Think_You_Can_Dance", 0], [210235, 218027, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 18], [210235, 218027, "So_You_Think_You_Can_Dance_-LRB-U.S._season_10-RRB-", 0], [210235, 218028, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 4], [210235, 218028, "Cat_Deeley", 5], [210235, 218029, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 1], [210235, 218029, "Nigel_Lythgoe", 1], [210235, 218030, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40101, 48241, "Villa_Park", 2]], [[40101, 48242, "Villa_Park", 3]], [[40101, 48243, "Villa_Park", 11]], [[40101, 48244, "Villa_Park", 14]], [[40101, 48245, "Villa_Park", 12]], [[40101, 48246, "Villa_Park", 13]]], "all_evidence": [[40101, 48241, "Villa_Park", 2], [40101, 48242, "Villa_Park", 3], [40101, 48243, "Villa_Park", 11], [40101, 48244, "Villa_Park", 14], [40101, 48245, "Villa_Park", 12], [40101, 48246, "Villa_Park", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35191, 42679, "Osamu_Tezuka", 2]]], "all_evidence": [[35191, 42679, "Osamu_Tezuka", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176698, 189636, "Kerplunk_-LRB-album-RRB-", 0]]], "all_evidence": [[176698, 189636, "Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124460, null, null, null]]], "all_evidence": [[124460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106143, 119548, "John_Deighton", 24]]], "all_evidence": [[106143, 119548, "John_Deighton", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48040, null, null, null]]], "all_evidence": [[48040, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61566, null, null, null]]], "all_evidence": [[61566, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73151, 84358, "Washington_Wizards", 12]]], "all_evidence": [[73151, 84358, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18586, 22814, "Randy_Savage", 4]]], "all_evidence": [[18586, 22814, "Randy_Savage", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197396, 207441, "Lalla_Ward", 0]]], "all_evidence": [[197396, 207441, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253943, 253737, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253943, 253737, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208615, 216611, "Wentworth_Miller", 2]]], "all_evidence": [[208615, 216611, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52693, 62655, "X-Men-COLON-_Apocalypse", 6]], [[56071, 66177, "X-Men-COLON-_Apocalypse", 6]], [[58519, 68821, "X-Men-COLON-_Apocalypse", 6]], [[302810, 293795, "X-Men-COLON-_Apocalypse", 6]], [[305016, 295825, "X-Men-COLON-_Apocalypse", 6]]], "all_evidence": [[52693, 62655, "X-Men-COLON-_Apocalypse", 6], [56071, 66177, "X-Men-COLON-_Apocalypse", 6], [58519, 68821, "X-Men-COLON-_Apocalypse", 6], [302810, 293795, "X-Men-COLON-_Apocalypse", 6], [305016, 295825, "X-Men-COLON-_Apocalypse", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84840, 97063, "I_Kissed_a_Girl", 0]]], "all_evidence": [[84840, 97063, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158672, 173298, "Stanley_Williams", 0]], [[158672, 173299, "Stanley_Williams", 5]], [[158672, 173300, "Stanley_Williams", 4]]], "all_evidence": [[158672, 173298, "Stanley_Williams", 0], [158672, 173299, "Stanley_Williams", 5], [158672, 173300, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180254, 192784, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[180254, 192784, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279757, null, null, null], [281461, null, null, null], [328179, null, null, null], [328182, null, null, null]]], "all_evidence": [[279757, null, null, null], [281461, null, null, null], [328179, null, null, null], [328182, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262043, null, null, null], [264190, null, null, null], [321504, null, null, null], [321507, null, null, null], [321508, null, null, null]]], "all_evidence": [[262043, null, null, null], [264190, null, null, null], [321504, null, null, null], [321507, null, null, null], [321508, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30138, 36698, "Rupert_Murdoch", 13]]], "all_evidence": [[30138, 36698, "Rupert_Murdoch", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218409, 224702, "The_Hurt_Locker", 0]]], "all_evidence": [[218409, 224702, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56597, 66806, "Veeru_Devgan", 0]]], "all_evidence": [[56597, 66806, "Veeru_Devgan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119965, 134108, "Hedda_Gabler", 1]]], "all_evidence": [[119965, 134108, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23633, null, null, null], [299570, null, null, null], [299571, null, null, null]]], "all_evidence": [[23633, null, null, null], [299570, null, null, null], [299571, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116497, null, null, null]]], "all_evidence": [[116497, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79760, null, null, null]]], "all_evidence": [[79760, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191481, null, null, null]]], "all_evidence": [[191481, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213745, null, null, null]]], "all_evidence": [[213745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194721, 205093, "Middle-earth", 0]]], "all_evidence": [[194721, 205093, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260654, 258997, "Valencia", 0]], [[260658, 258998, "Valencia", 0]]], "all_evidence": [[260654, 258997, "Valencia", 0], [260658, 258998, "Valencia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176451, null, null, null]]], "all_evidence": [[176451, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58913, null, null, null]]], "all_evidence": [[58913, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67256, 78063, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[67256, 78063, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246622, null, null, null]]], "all_evidence": [[246622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176073, 189038, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[176073, 189038, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121872, 136162, "CONCACAF_Champions_League", 0]], [[121876, 136166, "CONCACAF_Champions_League", 0]]], "all_evidence": [[121872, 136162, "CONCACAF_Champions_League", 0], [121876, 136166, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85986, null, null, null]]], "all_evidence": [[85986, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214303, 221385, "Ernest_Medina", 3]]], "all_evidence": [[214303, 221385, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135033, 149947, "English_people", 6]]], "all_evidence": [[135033, 149947, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218154, 224518, "Bermuda_Triangle", 0]]], "all_evidence": [[218154, 224518, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62652, null, null, null]]], "all_evidence": [[62652, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153806, 168659, "Kuching", 0]], [[153806, 168660, "Kuching", 2]]], "all_evidence": [[153806, 168659, "Kuching", 0], [153806, 168660, "Kuching", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37731, 45663, "Battle_of_France", 20]], [[37731, 45664, "Battle_of_France", 1]]], "all_evidence": [[37731, 45663, "Battle_of_France", 20], [37731, 45664, "Battle_of_France", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81390, 93174, "Tatum_O'Neal", 6]]], "all_evidence": [[81390, 93174, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259615, 258178, "French_Resistance", 6]]], "all_evidence": [[259615, 258178, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39330, 47367, "Flaked", 0]]], "all_evidence": [[39330, 47367, "Flaked", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93070, null, null, null]]], "all_evidence": [[93070, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243726, null, null, null]]], "all_evidence": [[243726, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181791, null, null, null]]], "all_evidence": [[181791, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132482, null, null, null]]], "all_evidence": [[132482, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216443, null, null, null], [216444, null, null, null], [216447, null, null, null]]], "all_evidence": [[216443, null, null, null], [216444, null, null, null], [216447, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82655, 94474, "Brazzers", 0]]], "all_evidence": [[82655, 94474, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171584, 185062, "Justine_Bateman", 0]], [[171585, 185063, "Justine_Bateman", 0]], [[171586, 185064, "Justine_Bateman", 0]]], "all_evidence": [[171584, 185062, "Justine_Bateman", 0], [171585, 185063, "Justine_Bateman", 0], [171586, 185064, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15494, null, null, null]]], "all_evidence": [[15494, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237971, null, null, null]]], "all_evidence": [[237971, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26753, null, null, null]]], "all_evidence": [[26753, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94281, 107282, "Humphrey_Bogart", 11]], [[94281, 107283, "Humphrey_Bogart", 15]], [[94281, 107284, "Humphrey_Bogart", 16]]], "all_evidence": [[94281, 107282, "Humphrey_Bogart", 11], [94281, 107283, "Humphrey_Bogart", 15], [94281, 107284, "Humphrey_Bogart", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12925, 16124, "Miranda_Otto", 1]], [[12927, 16126, "Miranda_Otto", 1]], [[18740, 22974, "Miranda_Otto", 1]], [[21077, 25878, "Miranda_Otto", 1]], [[278724, 273440, "Miranda_Otto", 1]], [[299159, 290532, "Miranda_Otto", 1]], [[301228, 292349, "Miranda_Otto", 1]]], "all_evidence": [[12925, 16124, "Miranda_Otto", 1], [12927, 16126, "Miranda_Otto", 1], [18740, 22974, "Miranda_Otto", 1], [21077, 25878, "Miranda_Otto", 1], [278724, 273440, "Miranda_Otto", 1], [299159, 290532, "Miranda_Otto", 1], [301228, 292349, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135209, null, null, null]]], "all_evidence": [[135209, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248551, 248709, "Tie_Your_Mother_Down", 1]], [[248551, 248710, "Tie_Your_Mother_Down", 2]]], "all_evidence": [[248551, 248709, "Tie_Your_Mother_Down", 1], [248551, 248710, "Tie_Your_Mother_Down", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196789, 206875, "Mike_Huckabee", 0], [196789, 206875, "Minister_-LRB-Christianity-RRB-", 0]], [[196789, 206876, "Mike_Huckabee", 7]], [[315136, 304421, "Mike_Huckabee", 0]], [[315137, 304422, "Mike_Huckabee", 0]], [[315137, 304423, "Mike_Huckabee", 1]], [[315137, 304424, "Mike_Huckabee", 2]], [[315144, 304430, "Mike_Huckabee", 0]], [[315144, 304431, "Mike_Huckabee", 8]], [[315144, 304432, "Mike_Huckabee", 7]], [[315144, 304433, "Mike_Huckabee", 6]], [[315144, 304434, "Mike_Huckabee", 5]]], "all_evidence": [[196789, 206875, "Mike_Huckabee", 0], [196789, 206875, "Minister_-LRB-Christianity-RRB-", 0], [196789, 206876, "Mike_Huckabee", 7], [315136, 304421, "Mike_Huckabee", 0], [315137, 304422, "Mike_Huckabee", 0], [315137, 304423, "Mike_Huckabee", 1], [315137, 304424, "Mike_Huckabee", 2], [315144, 304430, "Mike_Huckabee", 0], [315144, 304431, "Mike_Huckabee", 8], [315144, 304432, "Mike_Huckabee", 7], [315144, 304433, "Mike_Huckabee", 6], [315144, 304434, "Mike_Huckabee", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180165, 192700, "Magic_Johnson", 0]]], "all_evidence": [[180165, 192700, "Magic_Johnson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100691, null, null, null]]], "all_evidence": [[100691, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94924, null, null, null]]], "all_evidence": [[94924, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92174, 104949, "Marvel_vs._Capcom-COLON-_Infinite", 0]]], "all_evidence": [[92174, 104949, "Marvel_vs._Capcom-COLON-_Infinite", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177900, null, null, null]]], "all_evidence": [[177900, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164962, null, null, null]]], "all_evidence": [[164962, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84608, null, null, null]]], "all_evidence": [[84608, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148222, 163228, "T2_Trainspotting", 0]]], "all_evidence": [[148222, 163228, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58690, 68990, "Ron_Weasley", 0]]], "all_evidence": [[58690, 68990, "Ron_Weasley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71651, 82636, "Colombiana", 0]]], "all_evidence": [[71651, 82636, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52283, 62250, "Liverpool", 0], [52283, 62250, "North_West_England", 2]], [[52283, 62251, "Liverpool", 1]]], "all_evidence": [[52283, 62250, "Liverpool", 0], [52283, 62250, "North_West_England", 2], [52283, 62251, "Liverpool", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245448, 246257, "Mel_B", 5]]], "all_evidence": [[245448, 246257, "Mel_B", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90944, null, null, null]]], "all_evidence": [[90944, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144219, null, null, null]]], "all_evidence": [[144219, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86162, 98506, "Folklore", 1]]], "all_evidence": [[86162, 98506, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83084, 95001, "Men_in_Black_II", 0]]], "all_evidence": [[83084, 95001, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144062, 159136, "Hedda_Gabler", 1]]], "all_evidence": [[144062, 159136, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116955, null, null, null]]], "all_evidence": [[116955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43697, 52334, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]], [[43697, 52335, "The_Dark_Tower_-LRB-2017_film-RRB-", 1]], [[43697, 52336, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[43697, 52334, "The_Dark_Tower_-LRB-2017_film-RRB-", 0], [43697, 52335, "The_Dark_Tower_-LRB-2017_film-RRB-", 1], [43697, 52336, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245087, 246002, "Endometrial_cancer", 27]], [[245087, 246003, "Endometrial_cancer", 26]], [[245093, 246007, "Endometrial_cancer", 27], [245093, 246007, "Endometrial_cancer", 26]]], "all_evidence": [[245087, 246002, "Endometrial_cancer", 27], [245087, 246003, "Endometrial_cancer", 26], [245093, 246007, "Endometrial_cancer", 27], [245093, 246007, "Endometrial_cancer", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253946, null, null, null]]], "all_evidence": [[253946, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212198, null, null, null], [212202, null, null, null]]], "all_evidence": [[212198, null, null, null], [212202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226510, 231057, "Captain_America's_shield", 1]]], "all_evidence": [[226510, 231057, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217670, 224162, "Asylum_Records", 0]]], "all_evidence": [[217670, 224162, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71892, 82875, "Indian_Army", 16], [71892, 82875, "Volunteer_military", 0]]], "all_evidence": [[71892, 82875, "Indian_Army", 16], [71892, 82875, "Volunteer_military", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162515, 176793, "Stan_Beeman", 0]], [[162516, 176794, "Stan_Beeman", 0]]], "all_evidence": [[162515, 176793, "Stan_Beeman", 0], [162516, 176794, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112420, 126262, "Joe_Walsh", 24]]], "all_evidence": [[112420, 126262, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42575, null, null, null]]], "all_evidence": [[42575, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270422, null, null, null], [323167, null, null, null], [323298, null, null, null]]], "all_evidence": [[270422, null, null, null], [323167, null, null, null], [323298, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71293, null, null, null]]], "all_evidence": [[71293, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26932, 33060, "Daggering", 2]]], "all_evidence": [[26932, 33060, "Daggering", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209581, 217378, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209581, 217378, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46071, 55029, "Chile", 20]]], "all_evidence": [[46071, 55029, "Chile", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245094, 246008, "Endometrial_cancer", 26]]], "all_evidence": [[245094, 246008, "Endometrial_cancer", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153228, 167993, "Awkward_Black_Girl", 0]]], "all_evidence": [[153228, 167993, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17012, 21074, "Brian_Michael_Bendis", 12]]], "all_evidence": [[17012, 21074, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207688, 215908, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207688, 215908, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93539, 106491, "Bruce_Shand", 0]]], "all_evidence": [[93539, 106491, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229626, 233531, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]], "all_evidence": [[229626, 233531, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213717, 220876, "Finding_Dory", 1]]], "all_evidence": [[213717, 220876, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67254, 78062, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[67254, 78062, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39522, 47604, "Billboard_Dad", 0]]], "all_evidence": [[39522, 47604, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176935, null, null, null]]], "all_evidence": [[176935, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53497, null, null, null]]], "all_evidence": [[53497, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99377, null, null, null]]], "all_evidence": [[99377, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290239, 283276, "Angela_Bassett", 6]], [[291584, 284493, "Angela_Bassett", 6]], [[293693, 286137, "Angela_Bassett", 6]], [[337977, 323295, "Angela_Bassett", 6]], [[337981, 323298, "Angela_Bassett", 6]], [[337983, 323299, "Angela_Bassett", 6]], [[337984, 323300, "Angela_Bassett", 6]]], "all_evidence": [[290239, 283276, "Angela_Bassett", 6], [291584, 284493, "Angela_Bassett", 6], [293693, 286137, "Angela_Bassett", 6], [337977, 323295, "Angela_Bassett", 6], [337981, 323298, "Angela_Bassett", 6], [337983, 323299, "Angela_Bassett", 6], [337984, 323300, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238512, null, null, null]]], "all_evidence": [[238512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255476, 254928, "Private_Lives", 0]], [[255477, 254929, "Private_Lives", 0]]], "all_evidence": [[255476, 254928, "Private_Lives", 0], [255477, 254929, "Private_Lives", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170965, 184509, "Battle_of_France", 0]]], "all_evidence": [[170965, 184509, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243708, 244880, "Palo_Alto,_California", 0]]], "all_evidence": [[243708, 244880, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103609, 117055, "South_African_Communist_Party", 2], [103609, 117055, "Congress_of_South_African_Trade_Unions", 0], [103609, 117055, "Tripartite_Alliance", 0], [103609, 117055, "African_National_Congress", 0]]], "all_evidence": [[103609, 117055, "South_African_Communist_Party", 2], [103609, 117055, "Congress_of_South_African_Trade_Unions", 0], [103609, 117055, "Tripartite_Alliance", 0], [103609, 117055, "African_National_Congress", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212188, 219789, "Epistemology", 3]]], "all_evidence": [[212188, 219789, "Epistemology", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117480, 131391, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]], "all_evidence": [[117480, 131391, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184892, null, null, null], [184899, null, null, null]]], "all_evidence": [[184892, null, null, null], [184899, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232794, null, null, null]]], "all_evidence": [[232794, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116901, 130770, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[116901, 130770, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234951, 237729, "Tijuana", 0]], [[234952, 237730, "Tijuana", 0]]], "all_evidence": [[234951, 237729, "Tijuana", 0], [234952, 237730, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268452, 265033, "Michaela_Watkins", 0]], [[268481, 265060, "Michaela_Watkins", 1], [268481, 265060, "Casual_-LRB-TV_series-RRB-", 0]], [[268481, 265061, "Michaela_Watkins", 0]], [[268481, 265062, "Michaela_Watkins", 2], [268481, 265062, "Enlightened_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[268452, 265033, "Michaela_Watkins", 0], [268481, 265060, "Michaela_Watkins", 1], [268481, 265060, "Casual_-LRB-TV_series-RRB-", 0], [268481, 265061, "Michaela_Watkins", 0], [268481, 265062, "Michaela_Watkins", 2], [268481, 265062, "Enlightened_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118122, null, null, null]]], "all_evidence": [[118122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210953, 218621, "Mogadishu", 0]], [[210953, 218622, "Mogadishu", 1]], [[210953, 218623, "Mogadishu", 5]], [[210953, 218624, "Mogadishu", 7]], [[210953, 218625, "Mogadishu", 9]]], "all_evidence": [[210953, 218621, "Mogadishu", 0], [210953, 218622, "Mogadishu", 1], [210953, 218623, "Mogadishu", 5], [210953, 218624, "Mogadishu", 7], [210953, 218625, "Mogadishu", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227027, null, null, null]]], "all_evidence": [[227027, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286116, null, null, null], [287847, null, null, null], [288476, null, null, null], [332863, null, null, null], [334020, null, null, null]]], "all_evidence": [[286116, null, null, null], [287847, null, null, null], [288476, null, null, null], [332863, null, null, null], [334020, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257330, null, null, null]]], "all_evidence": [[257330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189843, null, null, null], [195812, null, null, null], [314936, null, null, null], [314937, null, null, null]]], "all_evidence": [[189843, null, null, null], [195812, null, null, null], [314936, null, null, null], [314937, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125283, null, null, null]]], "all_evidence": [[125283, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162923, 177154, "Ludwig_van_Beethoven", 1]]], "all_evidence": [[162923, 177154, "Ludwig_van_Beethoven", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69526, 80348, "Hindu_Kush", 0]]], "all_evidence": [[69526, 80348, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286456, null, null, null], [288206, null, null, null], [334468, null, null, null]]], "all_evidence": [[286456, null, null, null], [288206, null, null, null], [334468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159904, 174411, "Rage_Against_the_Machine", 20]]], "all_evidence": [[159904, 174411, "Rage_Against_the_Machine", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112048, 125847, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]], "all_evidence": [[112048, 125847, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68247, 79125, "The_Cincinnati_Kid", 6]]], "all_evidence": [[68247, 79125, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117493, 131399, "Saw_-LRB-franchise-RRB-", 14], [117493, 131399, "Saw_II", 0]]], "all_evidence": [[117493, 131399, "Saw_-LRB-franchise-RRB-", 14], [117493, 131399, "Saw_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34710, 42089, "Wales", 16], [34710, 42089, "South_Wales_Coalfield", 0]], [[34710, 42090, "Wales", 17], [34710, 42090, "South_Wales", 2]]], "all_evidence": [[34710, 42089, "Wales", 16], [34710, 42089, "South_Wales_Coalfield", 0], [34710, 42090, "Wales", 17], [34710, 42090, "South_Wales", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20619, 25251, "Kendall_Jenner", 0]], [[20619, 25252, "Kendall_Jenner", 1]], [[20619, 25253, "Kendall_Jenner", 6]]], "all_evidence": [[20619, 25251, "Kendall_Jenner", 0], [20619, 25252, "Kendall_Jenner", 1], [20619, 25253, "Kendall_Jenner", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193408, 203927, "Don_Bradman", 1]], [[193408, 203928, "Don_Bradman", 5]], [[193408, 203929, "Don_Bradman", 20]]], "all_evidence": [[193408, 203927, "Don_Bradman", 1], [193408, 203928, "Don_Bradman", 5], [193408, 203929, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193467, 203968, "Larry_Wilmore", 0]]], "all_evidence": [[193467, 203968, "Larry_Wilmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200743, 210214, "Earl_Scruggs", 0]], [[200743, 210215, "Earl_Scruggs", 6]]], "all_evidence": [[200743, 210214, "Earl_Scruggs", 0], [200743, 210215, "Earl_Scruggs", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33906, 41107, "Monster", 0]], [[33906, 41108, "Monster", 5]], [[33906, 41109, "Monster", 9]], [[33906, 41110, "Monster", 13]]], "all_evidence": [[33906, 41107, "Monster", 0], [33906, 41108, "Monster", 5], [33906, 41109, "Monster", 9], [33906, 41110, "Monster", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223825, null, null, null]]], "all_evidence": [[223825, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43181, 51816, "David_Packouz", 0]]], "all_evidence": [[43181, 51816, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192600, 203323, "Make_It_or_Break_It", 8]], [[314889, 304186, "Make_It_or_Break_It", 8]], [[314895, 304188, "Make_It_or_Break_It", 8]]], "all_evidence": [[192600, 203323, "Make_It_or_Break_It", 8], [314889, 304186, "Make_It_or_Break_It", 8], [314895, 304188, "Make_It_or_Break_It", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71170, 82104, "Francis_I_of_France", 0]]], "all_evidence": [[71170, 82104, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144694, 159715, "Yale_University", 23]]], "all_evidence": [[144694, 159715, "Yale_University", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191285, null, null, null], [315108, null, null, null]]], "all_evidence": [[191285, null, null, null], [315108, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257110, 256157, "Homer_Hickam", 2]]], "all_evidence": [[257110, 256157, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203719, null, null, null]]], "all_evidence": [[203719, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80619, 92459, "Flaked", 0]]], "all_evidence": [[80619, 92459, "Flaked", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64948, null, null, null]]], "all_evidence": [[64948, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254106, 253859, "Gray_Matter_Interactive", 0]]], "all_evidence": [[254106, 253859, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213709, null, null, null]]], "all_evidence": [[213709, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268456, null, null, null]]], "all_evidence": [[268456, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211468, null, null, null]]], "all_evidence": [[211468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226524, 231066, "Captain_America's_shield", 1]]], "all_evidence": [[226524, 231066, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173916, 187093, "Trollhunters", 0]]], "all_evidence": [[173916, 187093, "Trollhunters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63037, null, null, null]]], "all_evidence": [[63037, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20248, 24791, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[20248, 24791, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94776, 107746, "Eva_Green", 1], [94776, 107746, "The_Dreamers_-LRB-film-RRB-", 0]]], "all_evidence": [[94776, 107746, "Eva_Green", 1], [94776, 107746, "The_Dreamers_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19312, 23713, "Mike_Huckabee", 0]]], "all_evidence": [[19312, 23713, "Mike_Huckabee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161772, 176195, "Michigan", 2]]], "all_evidence": [[161772, 176195, "Michigan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88971, null, null, null]]], "all_evidence": [[88971, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238554, 240556, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238554, 240556, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19449, null, null, null]]], "all_evidence": [[19449, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144006, 159086, "Brazzers", 0]]], "all_evidence": [[144006, 159086, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12050, null, null, null]]], "all_evidence": [[12050, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183993, 195969, "Dan_O'Bannon", 0]]], "all_evidence": [[183993, 195969, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111957, null, null, null]]], "all_evidence": [[111957, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203708, 212677, "Aunt_May", 10], [203708, 212677, "Captain_America-COLON-_Civil_War", 0], [203708, 212677, "Spider-Man_-LRB-1977_film-RRB-", 0]]], "all_evidence": [[203708, 212677, "Aunt_May", 10], [203708, 212677, "Captain_America-COLON-_Civil_War", 0], [203708, 212677, "Spider-Man_-LRB-1977_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87107, null, null, null]]], "all_evidence": [[87107, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32742, 39806, "Janelle_Mona\u0301e", 0], [32742, 39806, "Atlantic_Records", 2]]], "all_evidence": [[32742, 39806, "Janelle_Mona\u0301e", 0], [32742, 39806, "Atlantic_Records", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194703, 205076, "Middle-earth", 0]]], "all_evidence": [[194703, 205076, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124160, 138505, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[124160, 138505, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192720, 203425, "Cadet_Kelly", 0]]], "all_evidence": [[192720, 203425, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223834, 228760, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223834, 228760, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210868, 218531, "WGBH-TV", 0]], [[210869, 218532, "WGBH-TV", 0]]], "all_evidence": [[210868, 218531, "WGBH-TV", 0], [210869, 218532, "WGBH-TV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272427, 268127, "Island_Records", 0]]], "all_evidence": [[272427, 268127, "Island_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101617, 114858, "Jamie_Murray", 1]]], "all_evidence": [[101617, 114858, "Jamie_Murray", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[273645, null, null, null]]], "all_evidence": [[273645, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87488, 99962, "Paul_Nicholls_-LRB-actor-RRB-", 0]]], "all_evidence": [[87488, 99962, "Paul_Nicholls_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151943, 166710, "Marvel_vs._Capcom-COLON-_Infinite", 6], [151943, 166710, "Microsoft_Windows", 0], [151943, 166710, "PlayStation_4", 0], [151943, 166710, "Xbox_One", 0]]], "all_evidence": [[151943, 166710, "Marvel_vs._Capcom-COLON-_Infinite", 6], [151943, 166710, "Microsoft_Windows", 0], [151943, 166710, "PlayStation_4", 0], [151943, 166710, "Xbox_One", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190785, 201734, "Alice_Cooper", 0]]], "all_evidence": [[190785, 201734, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55612, 65638, "Knocked_Up", 0]]], "all_evidence": [[55612, 65638, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52916, 62846, "Prowler_-LRB-comics-RRB-", 0]], [[52916, 62847, "Prowler_-LRB-comics-RRB-", 1], [52916, 62847, "The_Amazing_Spider-Man", 0]]], "all_evidence": [[52916, 62846, "Prowler_-LRB-comics-RRB-", 0], [52916, 62847, "Prowler_-LRB-comics-RRB-", 1], [52916, 62847, "The_Amazing_Spider-Man", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135228, 150148, "Alexandra_Daddario", 0]]], "all_evidence": [[135228, 150148, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31648, 38392, "Columbia_River", 21]]], "all_evidence": [[31648, 38392, "Columbia_River", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164720, 178929, "Emma_Watson", 0]]], "all_evidence": [[164720, 178929, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270519, null, null, null]]], "all_evidence": [[270519, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91589, null, null, null]]], "all_evidence": [[91589, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147552, null, null, null]]], "all_evidence": [[147552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58079, 68303, "Sora_-LRB-Kingdom_Hearts-RRB-", 5]], [[58079, 68304, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]], "all_evidence": [[58079, 68303, "Sora_-LRB-Kingdom_Hearts-RRB-", 5], [58079, 68304, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214800, 221793, "Premam", 0]], [[214802, 221795, "Premam", 0]]], "all_evidence": [[214800, 221793, "Premam", 0], [214802, 221795, "Premam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155216, 169911, "Knocked_Up", 0]]], "all_evidence": [[155216, 169911, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225917, null, null, null]]], "all_evidence": [[225917, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258702, null, null, null]]], "all_evidence": [[258702, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260898, 259233, "Capsicum_chinense", 0]]], "all_evidence": [[260898, 259233, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257091, 256138, "Homer_Hickam", 2]]], "all_evidence": [[257091, 256138, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87756, 100267, "Britt_Robertson", 15]]], "all_evidence": [[87756, 100267, "Britt_Robertson", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157168, 171722, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[157168, 171722, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15761, 19618, "Ashley_Graham_-LRB-model-RRB-", 6]]], "all_evidence": [[15761, 19618, "Ashley_Graham_-LRB-model-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259462, 258034, "Libya", 0]], [[259462, 258035, "Libya", 2]]], "all_evidence": [[259462, 258034, "Libya", 0], [259462, 258035, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260727, 259052, "Valencia", 2], [260727, 259052, "Village", 0]]], "all_evidence": [[260727, 259052, "Valencia", 2], [260727, 259052, "Village", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143108, null, null, null]]], "all_evidence": [[143108, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246271, 246817, "Easy_A", 0]], [[246272, 246818, "Easy_A", 0]]], "all_evidence": [[246271, 246817, "Easy_A", 0], [246272, 246818, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177097, 190013, "Brazzers", 0]]], "all_evidence": [[177097, 190013, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199927, null, null, null]]], "all_evidence": [[199927, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237014, null, null, null]]], "all_evidence": [[237014, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99952, null, null, null]]], "all_evidence": [[99952, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102305, null, null, null]]], "all_evidence": [[102305, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71466, 82426, "Michelin_Guide", 0]]], "all_evidence": [[71466, 82426, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28746, 35082, "Tim_McGraw", 13]]], "all_evidence": [[28746, 35082, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274503, null, null, null], [322664, null, null, null]]], "all_evidence": [[274503, null, null, null], [322664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122095, 136386, "Guillermo_del_Toro", 0]]], "all_evidence": [[122095, 136386, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27859, 34143, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[27859, 34143, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152513, null, null, null], [152516, null, null, null]]], "all_evidence": [[152513, null, null, null], [152516, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167005, 180834, "Ed_Wood_-LRB-film-RRB-", 0]], [[167005, 180835, "Ed_Wood_-LRB-film-RRB-", 1]], [[167005, 180836, "Ed_Wood_-LRB-film-RRB-", 5]], [[167005, 180837, "Ed_Wood_-LRB-film-RRB-", 6]], [[167005, 180838, "Ed_Wood_-LRB-film-RRB-", 10]], [[167005, 180839, "Ed_Wood_-LRB-film-RRB-", 11]], [[167005, 180840, "Ed_Wood_-LRB-film-RRB-", 12]], [[167005, 180841, "Ed_Wood_-LRB-film-RRB-", 13], [167005, 180841, "Academy_Award_for_Best_Makeup_and_Hairstyling", 1], [167005, 180841, "Academy_Award_for_Best_Supporting_Actor", 1]]], "all_evidence": [[167005, 180834, "Ed_Wood_-LRB-film-RRB-", 0], [167005, 180835, "Ed_Wood_-LRB-film-RRB-", 1], [167005, 180836, "Ed_Wood_-LRB-film-RRB-", 5], [167005, 180837, "Ed_Wood_-LRB-film-RRB-", 6], [167005, 180838, "Ed_Wood_-LRB-film-RRB-", 10], [167005, 180839, "Ed_Wood_-LRB-film-RRB-", 11], [167005, 180840, "Ed_Wood_-LRB-film-RRB-", 12], [167005, 180841, "Ed_Wood_-LRB-film-RRB-", 13], [167005, 180841, "Academy_Award_for_Best_Makeup_and_Hairstyling", 1], [167005, 180841, "Academy_Award_for_Best_Supporting_Actor", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167781, null, null, null]]], "all_evidence": [[167781, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17718, null, null, null]]], "all_evidence": [[17718, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137752, 152685, "United_Nations_Charter", 0]], [[139949, 154969, "United_Nations_Charter", 1]], [[140528, 155603, "United_Nations_Charter", 0], [140528, 155603, "United_Nations_Charter", 1]], [[310177, 300242, "United_Nations_Charter", 0], [310177, 300242, "United_Nations_Charter", 1]], [[312467, 302261, "United_Nations_Charter", 0], [312467, 302261, "United_Nations_Charter", 1]], [[312484, 302286, "United_Nations_Charter", 0]], [[312484, 302287, "United_Nations_Charter", 1]]], "all_evidence": [[137752, 152685, "United_Nations_Charter", 0], [139949, 154969, "United_Nations_Charter", 1], [140528, 155603, "United_Nations_Charter", 0], [140528, 155603, "United_Nations_Charter", 1], [310177, 300242, "United_Nations_Charter", 0], [310177, 300242, "United_Nations_Charter", 1], [312467, 302261, "United_Nations_Charter", 0], [312467, 302261, "United_Nations_Charter", 1], [312484, 302286, "United_Nations_Charter", 0], [312484, 302287, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208081, null, null, null]]], "all_evidence": [[208081, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131944, 146787, "Beaverton,_Oregon", 1]]], "all_evidence": [[131944, 146787, "Beaverton,_Oregon", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147667, null, null, null]]], "all_evidence": [[147667, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199471, 209148, "The_Beach_-LRB-film-RRB-", 0], [199471, 209148, "Adventure_film", 0], [199471, 209148, "Drama_-LRB-film_and_television-RRB-", 0]]], "all_evidence": [[199471, 209148, "The_Beach_-LRB-film-RRB-", 0], [199471, 209148, "Adventure_film", 0], [199471, 209148, "Drama_-LRB-film_and_television-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105148, 118573, "Sora_-LRB-Kingdom_Hearts-RRB-", 4], [105148, 118573, "Donald_Duck", 0], [105148, 118573, "Goofy", 0]]], "all_evidence": [[105148, 118573, "Sora_-LRB-Kingdom_Hearts-RRB-", 4], [105148, 118573, "Donald_Duck", 0], [105148, 118573, "Goofy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15583, 19413, "Indian_Institute_of_Management_Bangalore", 5]], [[16296, 20198, "Indian_Institute_of_Management_Bangalore", 5]], [[17806, 21960, "Indian_Institute_of_Management_Bangalore", 5]], [[301329, 292455, "Indian_Institute_of_Management_Bangalore", 5]], [[302280, 293312, "Indian_Institute_of_Management_Bangalore", 5]]], "all_evidence": [[15583, 19413, "Indian_Institute_of_Management_Bangalore", 5], [16296, 20198, "Indian_Institute_of_Management_Bangalore", 5], [17806, 21960, "Indian_Institute_of_Management_Bangalore", 5], [301329, 292455, "Indian_Institute_of_Management_Bangalore", 5], [302280, 293312, "Indian_Institute_of_Management_Bangalore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115518, 129385, "Peking_University", 1], [115518, 129385, "Boston_Latin_School", 1]]], "all_evidence": [[115518, 129385, "Peking_University", 1], [115518, 129385, "Boston_Latin_School", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100608, 113904, "House_-LRB-TV_series-RRB-", 0]], [[100608, 113905, "House_-LRB-TV_series-RRB-", 23]], [[106553, 119963, "House_-LRB-TV_series-RRB-", 0]], [[307922, 298388, "House_-LRB-TV_series-RRB-", 0]], [[307922, 298389, "House_-LRB-TV_series-RRB-", 23]], [[309181, 299444, "House_-LRB-TV_series-RRB-", 0]], [[309183, 299445, "House_-LRB-TV_series-RRB-", 0]], [[309192, 299451, "House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[100608, 113904, "House_-LRB-TV_series-RRB-", 0], [100608, 113905, "House_-LRB-TV_series-RRB-", 23], [106553, 119963, "House_-LRB-TV_series-RRB-", 0], [307922, 298388, "House_-LRB-TV_series-RRB-", 0], [307922, 298389, "House_-LRB-TV_series-RRB-", 23], [309181, 299444, "House_-LRB-TV_series-RRB-", 0], [309183, 299445, "House_-LRB-TV_series-RRB-", 0], [309192, 299451, "House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219134, 225234, "The_Sterile_Cuckoo", 3], [219134, 225234, "The_Sterile_Cuckoo_-LRB-novel-RRB-", 0]]], "all_evidence": [[219134, 225234, "The_Sterile_Cuckoo", 3], [219134, 225234, "The_Sterile_Cuckoo_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84229, 96355, "In_the_End", 1]], [[86788, 99244, "In_the_End", 1]], [[86788, 99245, "In_the_End", 16]], [[88814, 101446, "In_the_End", 1], [88814, 101446, "Hybrid_Theory", 9]], [[306224, 296952, "In_the_End", 1]], [[307422, 297929, "In_the_End", 1]], [[307423, 297930, "In_the_End", 1]]], "all_evidence": [[84229, 96355, "In_the_End", 1], [86788, 99244, "In_the_End", 1], [86788, 99245, "In_the_End", 16], [88814, 101446, "In_the_End", 1], [88814, 101446, "Hybrid_Theory", 9], [306224, 296952, "In_the_End", 1], [307422, 297929, "In_the_End", 1], [307423, 297930, "In_the_End", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170084, null, null, null]]], "all_evidence": [[170084, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22709, 28017, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[22709, 28017, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127184, 141715, "Prescott,_Arizona", 0]]], "all_evidence": [[127184, 141715, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221282, 226926, "Yandex", 9]]], "all_evidence": [[221282, 226926, "Yandex", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32307, 39272, "You_Belong_with_Me", 20]]], "all_evidence": [[32307, 39272, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93081, 105989, "Camden,_New_Jersey", 0]], [[93081, 105990, "Camden,_New_Jersey", 2]], [[93081, 105991, "Camden,_New_Jersey", 3]], [[93081, 105992, "Camden,_New_Jersey", 4]], [[93081, 105993, "Camden,_New_Jersey", 5]], [[93081, 105994, "Camden,_New_Jersey", 50]]], "all_evidence": [[93081, 105989, "Camden,_New_Jersey", 0], [93081, 105990, "Camden,_New_Jersey", 2], [93081, 105991, "Camden,_New_Jersey", 3], [93081, 105992, "Camden,_New_Jersey", 4], [93081, 105993, "Camden,_New_Jersey", 5], [93081, 105994, "Camden,_New_Jersey", 50]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126043, 140446, "Awkward_Black_Girl", 0]], [[126043, 140447, "Awkward_Black_Girl", 1]], [[126043, 140448, "Awkward_Black_Girl", 6]]], "all_evidence": [[126043, 140446, "Awkward_Black_Girl", 0], [126043, 140447, "Awkward_Black_Girl", 1], [126043, 140448, "Awkward_Black_Girl", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37670, 45595, "Harold_Macmillan", 0]], [[37670, 45596, "Harold_Macmillan", 7]], [[37670, 45597, "Harold_Macmillan", 11]], [[37670, 45598, "Harold_Macmillan", 12]]], "all_evidence": [[37670, 45595, "Harold_Macmillan", 0], [37670, 45596, "Harold_Macmillan", 7], [37670, 45597, "Harold_Macmillan", 11], [37670, 45598, "Harold_Macmillan", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257326, null, null, null]]], "all_evidence": [[257326, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167349, 181187, "Eric_Church", 0]], [[167349, 181188, "Eric_Church", 1], [167349, 181188, "Capitol_Records_Nashville", 0]], [[167349, 181189, "Eric_Church", 5], [167349, 181189, "Carolina_-LRB-Eric_Church_album-RRB-", 0]], [[167349, 181190, "Eric_Church", 2], [167349, 181190, "Sinners_Like_Me", 0], [167349, 181190, "Two_Pink_Lines", 0]], [[167349, 181191, "Eric_Church", 8], [167349, 181191, "The_Outsiders_-LRB-Eric_Church_album-RRB-", 0]], [[167349, 181192, "Eric_Church", 7]], [[167349, 181193, "Eric_Church", 6], [167349, 181193, "Chief_-LRB-album-RRB-", 0]], [[167349, 181194, "Eric_Church", 9], [167349, 181194, "Give_Me_Back_My_Hometown", 0]], [[167349, 181195, "Eric_Church", 10], [167349, 181195, "Talladega_-LRB-song-RRB-", 0]], [[167349, 181196, "Eric_Church", 11], [167349, 181196, "Raise_'Em_Up", 0]], [[167349, 181197, "Eric_Church", 12], [167349, 181197, "Mr._Misunderstood", 0]]], "all_evidence": [[167349, 181187, "Eric_Church", 0], [167349, 181188, "Eric_Church", 1], [167349, 181188, "Capitol_Records_Nashville", 0], [167349, 181189, "Eric_Church", 5], [167349, 181189, "Carolina_-LRB-Eric_Church_album-RRB-", 0], [167349, 181190, "Eric_Church", 2], [167349, 181190, "Sinners_Like_Me", 0], [167349, 181190, "Two_Pink_Lines", 0], [167349, 181191, "Eric_Church", 8], [167349, 181191, "The_Outsiders_-LRB-Eric_Church_album-RRB-", 0], [167349, 181192, "Eric_Church", 7], [167349, 181193, "Eric_Church", 6], [167349, 181193, "Chief_-LRB-album-RRB-", 0], [167349, 181194, "Eric_Church", 9], [167349, 181194, "Give_Me_Back_My_Hometown", 0], [167349, 181195, "Eric_Church", 10], [167349, 181195, "Talladega_-LRB-song-RRB-", 0], [167349, 181196, "Eric_Church", 11], [167349, 181196, "Raise_'Em_Up", 0], [167349, 181197, "Eric_Church", 12], [167349, 181197, "Mr._Misunderstood", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43410, 52055, "The_Cincinnati_Kid", 6]]], "all_evidence": [[43410, 52055, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161842, null, null, null]]], "all_evidence": [[161842, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232812, 235908, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232812, 235908, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97628, 110776, "A_View_to_a_Kill", 0]], [[97628, 110777, "A_View_to_a_Kill", 5]], [[97628, 110778, "A_View_to_a_Kill", 1]]], "all_evidence": [[97628, 110776, "A_View_to_a_Kill", 0], [97628, 110777, "A_View_to_a_Kill", 5], [97628, 110778, "A_View_to_a_Kill", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108392, null, null, null], [108399, null, null, null]]], "all_evidence": [[108392, null, null, null], [108399, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182706, 194888, "Penibaetic_System", 0]]], "all_evidence": [[182706, 194888, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80361, null, null, null]]], "all_evidence": [[80361, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123308, null, null, null]]], "all_evidence": [[123308, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223687, 228632, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223687, 228632, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216105, 222819, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216105, 222819, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97372, null, null, null]]], "all_evidence": [[97372, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145243, null, null, null]]], "all_evidence": [[145243, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105160, null, null, null]]], "all_evidence": [[105160, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[195885, 206023, "Larry_Wilmore", 0], [195885, 206023, "Gemini_-LRB-astrology-RRB-", 1]]], "all_evidence": [[195885, 206023, "Larry_Wilmore", 0], [195885, 206023, "Gemini_-LRB-astrology-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154055, 168855, "Wish_Upon", 0]]], "all_evidence": [[154055, 168855, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239007, 240956, "Despicable_Me_2", 0]], [[239007, 240957, "Despicable_Me_2", 9]], [[239007, 240958, "Despicable_Me_2", 11]]], "all_evidence": [[239007, 240956, "Despicable_Me_2", 0], [239007, 240957, "Despicable_Me_2", 9], [239007, 240958, "Despicable_Me_2", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171866, 185332, "Shadowhunters", 5]], [[171868, 185334, "Shadowhunters", 5]]], "all_evidence": [[171866, 185332, "Shadowhunters", 5], [171868, 185334, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169532, null, null, null]]], "all_evidence": [[169532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186409, 198224, "Robert_Lopez", 1]]], "all_evidence": [[186409, 198224, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134905, 149797, "Duane_Chapman", 0]]], "all_evidence": [[134905, 149797, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240809, null, null, null]]], "all_evidence": [[240809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272415, 268120, "Island_Records", 1]], [[272416, 268121, "Island_Records", 1]]], "all_evidence": [[272415, 268120, "Island_Records", 1], [272416, 268121, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70988, 81880, "Joe_Rogan", 0]], [[70988, 81881, "Joe_Rogan", 7]]], "all_evidence": [[70988, 81880, "Joe_Rogan", 0], [70988, 81881, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18530, 22730, "Robert_Palmer_-LRB-writer-RRB-", 0]]], "all_evidence": [[18530, 22730, "Robert_Palmer_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257108, null, null, null]]], "all_evidence": [[257108, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216091, null, null, null]]], "all_evidence": [[216091, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215856, null, null, null]]], "all_evidence": [[215856, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13818, 17311, "Janelle_Mona\u0301e", 0]], [[14525, 18134, "Janelle_Mona\u0301e", 0]], [[15023, 18684, "Janelle_Mona\u0301e", 0]], [[20395, 24983, "Janelle_Mona\u0301e", 0]], [[299306, 290677, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[13818, 17311, "Janelle_Mona\u0301e", 0], [14525, 18134, "Janelle_Mona\u0301e", 0], [15023, 18684, "Janelle_Mona\u0301e", 0], [20395, 24983, "Janelle_Mona\u0301e", 0], [299306, 290677, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198601, 208398, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198601, 208398, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286684, 280148, "Rhythm_Nation", 23]], [[288857, 282059, "Rhythm_Nation", 23]], [[333656, 319877, "Rhythm_Nation", 23]], [[333657, 319878, "Rhythm_Nation", 23]]], "all_evidence": [[286684, 280148, "Rhythm_Nation", 23], [288857, 282059, "Rhythm_Nation", 23], [333656, 319877, "Rhythm_Nation", 23], [333657, 319878, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21128, null, null, null]]], "all_evidence": [[21128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49017, 58358, "John_Krasinski", 1]]], "all_evidence": [[49017, 58358, "John_Krasinski", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49360, 58692, "Blue_Jasmine", 1]]], "all_evidence": [[49360, 58692, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140357, 155384, "Global_warming", 13]]], "all_evidence": [[140357, 155384, "Global_warming", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172119, 185501, "Kendall_Jenner", 0]]], "all_evidence": [[172119, 185501, "Kendall_Jenner", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89371, 102069, "Vietnam", 1]]], "all_evidence": [[89371, 102069, "Vietnam", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206503, null, null, null]]], "all_evidence": [[206503, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81480, null, null, null]]], "all_evidence": [[81480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237496, 239702, "North_Vietnam", 0]]], "all_evidence": [[237496, 239702, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62312, 72906, "Peking_University", 1]], [[62312, 72907, "Peking_University", 0]]], "all_evidence": [[62312, 72906, "Peking_University", 1], [62312, 72907, "Peking_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51541, 61305, "Aleister_Crowley", 0]]], "all_evidence": [[51541, 61305, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193478, null, null, null]]], "all_evidence": [[193478, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225672, 230286, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225672, 230286, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127742, 142397, "Paramore", 0]]], "all_evidence": [[127742, 142397, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[252354, null, null, null]]], "all_evidence": [[252354, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28550, null, null, null]]], "all_evidence": [[28550, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24808, 30641, "Knocked_Up", 4]], [[121011, 135303, "Knocked_Up", 4]], [[299737, 291140, "Knocked_Up", 4]]], "all_evidence": [[24808, 30641, "Knocked_Up", 4], [121011, 135303, "Knocked_Up", 4], [299737, 291140, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82730, 94584, "Kelly_Preston", 3]]], "all_evidence": [[82730, 94584, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82551, 94343, "James_Earl_Jones", 4]]], "all_evidence": [[82551, 94343, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30498, 37102, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[30498, 37102, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210337, null, null, null]]], "all_evidence": [[210337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177472, 190265, "Off_the_Wall", 0]]], "all_evidence": [[177472, 190265, "Off_the_Wall", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166513, null, null, null]]], "all_evidence": [[166513, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58085, 68309, "EA_Black_Box", 0]]], "all_evidence": [[58085, 68309, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40085, null, null, null]]], "all_evidence": [[40085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26808, 32901, "Arizona", 0]], [[26808, 32902, "Arizona", 21]]], "all_evidence": [[26808, 32901, "Arizona", 0], [26808, 32902, "Arizona", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16420, null, null, null]]], "all_evidence": [[16420, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218095, null, null, null]]], "all_evidence": [[218095, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128563, null, null, null]]], "all_evidence": [[128563, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221280, 226924, "Yandex", 9]]], "all_evidence": [[221280, 226924, "Yandex", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174139, null, null, null], [174140, null, null, null]]], "all_evidence": [[174139, null, null, null], [174140, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89601, null, null, null]]], "all_evidence": [[89601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101995, null, null, null], [103093, null, null, null], [307152, null, null, null], [307838, null, null, null]]], "all_evidence": [[101995, null, null, null], [103093, null, null, null], [307152, null, null, null], [307838, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156037, null, null, null]]], "all_evidence": [[156037, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296491, null, null, null], [298079, null, null, null], [298082, null, null, null], [343234, null, null, null], [343472, null, null, null]]], "all_evidence": [[296491, null, null, null], [298079, null, null, null], [298082, null, null, null], [343234, null, null, null], [343472, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228151, 232402, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228151, 232402, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168601, null, null, null]]], "all_evidence": [[168601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57806, null, null, null]]], "all_evidence": [[57806, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167657, null, null, null]]], "all_evidence": [[167657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70323, 81192, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[70323, 81192, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116311, null, null, null]]], "all_evidence": [[116311, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194720, 205092, "Middle-earth", 0]]], "all_evidence": [[194720, 205092, "Middle-earth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75230, null, null, null]]], "all_evidence": [[75230, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256011, 255310, "Weekly_Idol", 1], [256011, 255310, "Defconn", 0], [256011, 255310, "Jeong_Hyeong-don", 0], [256011, 255310, "Weekly_Idol", 0]]], "all_evidence": [[256011, 255310, "Weekly_Idol", 1], [256011, 255310, "Defconn", 0], [256011, 255310, "Jeong_Hyeong-don", 0], [256011, 255310, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95979, 109048, "Croatia", 28]]], "all_evidence": [[95979, 109048, "Croatia", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167516, 181318, "Nicholas_Brody", 1]]], "all_evidence": [[167516, 181318, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24795, 30626, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[24795, 30627, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 1]]], "all_evidence": [[24795, 30626, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [24795, 30627, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255995, 255300, "Weekly_Idol", 1]]], "all_evidence": [[255995, 255300, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208620, 216630, "Wentworth_Miller", 2]]], "all_evidence": [[208620, 216630, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258710, 257474, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258710, 257474, "The_Pelican_Brief", 0]]], "all_evidence": [[258710, 257474, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258710, 257474, "The_Pelican_Brief", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166166, 180098, "Hundred_Years'_War", 21]]], "all_evidence": [[166166, 180098, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11555, 14519, "The_100_-LRB-TV_series-RRB-", 0], [11555, 14519, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[11555, 14519, "The_100_-LRB-TV_series-RRB-", 0], [11555, 14519, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134468, 149355, "Sean_Penn", 5]]], "all_evidence": [[134468, 149355, "Sean_Penn", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243133, null, null, null]]], "all_evidence": [[243133, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253945, 253738, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253945, 253738, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155648, null, null, null]]], "all_evidence": [[155648, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99157, 112266, "Yale_University", 23]]], "all_evidence": [[99157, 112266, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175623, 188615, "The_Godfather_Part_II", 7]]], "all_evidence": [[175623, 188615, "The_Godfather_Part_II", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194808, null, null, null]]], "all_evidence": [[194808, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115483, null, null, null], [118067, null, null, null], [308376, null, null, null], [309838, null, null, null]]], "all_evidence": [[115483, null, null, null], [118067, null, null, null], [308376, null, null, null], [309838, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88665, 101297, "Quran", 0]]], "all_evidence": [[88665, 101297, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241669, 243193, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241669, 243193, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248549, 248708, "In_a_Lonely_Place", 1]]], "all_evidence": [[248549, 248708, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104352, 117776, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[104352, 117776, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104542, null, null, null]]], "all_evidence": [[104542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53734, 63735, "Kendall_Jenner", 6]]], "all_evidence": [[53734, 63735, "Kendall_Jenner", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125197, 139540, "Game_of_Thrones_-LRB-season_7-RRB-", 11]], [[125198, 139541, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]], "all_evidence": [[125197, 139540, "Game_of_Thrones_-LRB-season_7-RRB-", 11], [125198, 139541, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141744, null, null, null]]], "all_evidence": [[141744, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240832, 242438, "Glee.com", 1]], [[240840, 242441, "Glee.com", 1]]], "all_evidence": [[240832, 242438, "Glee.com", 1], [240840, 242441, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141802, 157052, "Eric_Church", 0]]], "all_evidence": [[141802, 157052, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114519, 128282, "Hot_Right_Now", 0]]], "all_evidence": [[114519, 128282, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161629, 176060, "Melancholia_-LRB-2011_film-RRB-", 0], [161629, 176060, "Lars_von_Trier", 0]]], "all_evidence": [[161629, 176060, "Melancholia_-LRB-2011_film-RRB-", 0], [161629, 176060, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24099, 29825, "Taran_Killam", 0]]], "all_evidence": [[24099, 29825, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174219, 187432, "San_Diego_Comic-Con", 1]]], "all_evidence": [[174219, 187432, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227216, 231617, "Kim_Jong-il", 0]], [[227216, 231618, "Kim_Jong-il", 15]], [[227216, 231619, "Kim_Jong-il", 16]]], "all_evidence": [[227216, 231617, "Kim_Jong-il", 0], [227216, 231618, "Kim_Jong-il", 15], [227216, 231619, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30355, 36948, "Taylor_Lautner", 10]]], "all_evidence": [[30355, 36948, "Taylor_Lautner", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279305, null, null, null], [279359, null, null, null], [280828, null, null, null], [327558, null, null, null], [328725, null, null, null]]], "all_evidence": [[279305, null, null, null], [279359, null, null, null], [280828, null, null, null], [327558, null, null, null], [328725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241686, 243209, "Rio_-LRB-2011_film-RRB-", 20], [241686, 243209, "Rio_2", 0], [241686, 243209, "Rio_2", 1], [241686, 243209, "Rio_2", 3]], [[241718, 243236, "Rio_-LRB-2011_film-RRB-", 20], [241718, 243236, "Rio_2", 0]]], "all_evidence": [[241686, 243209, "Rio_-LRB-2011_film-RRB-", 20], [241686, 243209, "Rio_2", 0], [241686, 243209, "Rio_2", 1], [241686, 243209, "Rio_2", 3], [241718, 243236, "Rio_-LRB-2011_film-RRB-", 20], [241718, 243236, "Rio_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49790, 59234, "Prescott,_Arizona", 14], [49790, 59234, "Yavapai-Prescott_Tribe", 0]]], "all_evidence": [[49790, 59234, "Prescott,_Arizona", 14], [49790, 59234, "Yavapai-Prescott_Tribe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239902, 241587, "Goosebumps_-LRB-film-RRB-", 1]], [[239911, 241594, "Goosebumps_-LRB-film-RRB-", 0]]], "all_evidence": [[239902, 241587, "Goosebumps_-LRB-film-RRB-", 1], [239911, 241594, "Goosebumps_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248570, 248727, "In_a_Lonely_Place", 1]], [[248572, 248729, "In_a_Lonely_Place", 0]]], "all_evidence": [[248570, 248727, "In_a_Lonely_Place", 1], [248572, 248729, "In_a_Lonely_Place", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262072, 260122, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262072, 260122, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76133, null, null, null]]], "all_evidence": [[76133, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89407, 102102, "Paul_Nicholls_-LRB-actor-RRB-", 0]], [[89407, 102103, "Paul_Nicholls_-LRB-actor-RRB-", 1], [89407, 102103, "EastEnders", 0]]], "all_evidence": [[89407, 102102, "Paul_Nicholls_-LRB-actor-RRB-", 0], [89407, 102103, "Paul_Nicholls_-LRB-actor-RRB-", 1], [89407, 102103, "EastEnders", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70527, null, null, null]]], "all_evidence": [[70527, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75544, 86805, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[75544, 86805, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194793, 205157, "Manmohan_Singh", 1]]], "all_evidence": [[194793, 205157, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250357, 250367, "The_Closer", 0]], [[250357, 250368, "The_Closer", 8]]], "all_evidence": [[250357, 250367, "The_Closer", 0], [250357, 250368, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26011, 31940, "Speech_recognition", 2]], [[300691, 291811, "Speech_recognition", 2], [300691, 291811, "Linguistics", 0]]], "all_evidence": [[26011, 31940, "Speech_recognition", 2], [300691, 291811, "Speech_recognition", 2], [300691, 291811, "Linguistics", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206510, 214853, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[206510, 214853, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297085, null, null, null], [300851, null, null, null], [344701, null, null, null]]], "all_evidence": [[297085, null, null, null], [300851, null, null, null], [344701, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227209, 231612, "Kim_Jong-il", 16]]], "all_evidence": [[227209, 231612, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39256, 47290, "Alexandra_Daddario", 0]]], "all_evidence": [[39256, 47290, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69943, 80815, "James_Jones_-LRB-basketball_player-RRB-", 16]]], "all_evidence": [[69943, 80815, "James_Jones_-LRB-basketball_player-RRB-", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259616, null, null, null]]], "all_evidence": [[259616, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23104, 28449, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[23104, 28449, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119772, 133900, "Starrcade", 14]], [[119772, 133901, "Starrcade", 15]]], "all_evidence": [[119772, 133900, "Starrcade", 14], [119772, 133901, "Starrcade", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118511, 132362, "Hot_Right_Now", 0]]], "all_evidence": [[118511, 132362, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218427, null, null, null]]], "all_evidence": [[218427, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203225, null, null, null]]], "all_evidence": [[203225, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172879, null, null, null]]], "all_evidence": [[172879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206498, 214843, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]], "all_evidence": [[206498, 214843, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236602, 239042, "Regina_King", 0]], [[236602, 239043, "Regina_King", 1]], [[236602, 239044, "Regina_King", 2]], [[236602, 239045, "Regina_King", 3]], [[236602, 239046, "Regina_King", 4]], [[236602, 239047, "Regina_King", 7]]], "all_evidence": [[236602, 239042, "Regina_King", 0], [236602, 239043, "Regina_King", 1], [236602, 239044, "Regina_King", 2], [236602, 239045, "Regina_King", 3], [236602, 239046, "Regina_King", 4], [236602, 239047, "Regina_King", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191660, 202480, "Anne_Rice", 0]]], "all_evidence": [[191660, 202480, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170446, 184018, "Caroline_Kennedy", 0]], [[170446, 184019, "Caroline_Kennedy", 17]]], "all_evidence": [[170446, 184018, "Caroline_Kennedy", 0], [170446, 184019, "Caroline_Kennedy", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140876, 156013, "Eva_Green", 1]]], "all_evidence": [[140876, 156013, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105084, 118494, "Ann_Richards", 0]], [[105084, 118495, "Ann_Richards", 2]]], "all_evidence": [[105084, 118494, "Ann_Richards", 0], [105084, 118495, "Ann_Richards", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77433, null, null, null]]], "all_evidence": [[77433, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85295, null, null, null]]], "all_evidence": [[85295, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239357, null, null, null]]], "all_evidence": [[239357, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162342, null, null, null]]], "all_evidence": [[162342, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52838, 62785, "First_inauguration_of_Bill_Clinton", 0], [52838, 62785, "United_States_presidential_inauguration", 0], [52838, 62785, "United_States_presidential_inauguration", 3]]], "all_evidence": [[52838, 62785, "First_inauguration_of_Bill_Clinton", 0], [52838, 62785, "United_States_presidential_inauguration", 0], [52838, 62785, "United_States_presidential_inauguration", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160133, 174644, "Aaron_Burr", 0]], [[160133, 174645, "Aaron_Burr", 1]]], "all_evidence": [[160133, 174644, "Aaron_Burr", 0], [160133, 174645, "Aaron_Burr", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239268, 241179, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239269, 241180, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239270, 241181, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239268, 241179, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239269, 241180, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239270, 241181, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137990, 152961, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[137990, 152961, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110662, 124320, "A_Milli", 0]], [[110662, 124321, "A_Milli", 1]]], "all_evidence": [[110662, 124320, "A_Milli", 0], [110662, 124321, "A_Milli", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253962, null, null, null], [253963, null, null, null]]], "all_evidence": [[253962, null, null, null], [253963, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21766, null, null, null]]], "all_evidence": [[21766, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117941, 131813, "Camden,_New_Jersey", 0]]], "all_evidence": [[117941, 131813, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155929, null, null, null], [155930, null, null, null]]], "all_evidence": [[155929, null, null, null], [155930, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263292, 261000, "John_Dolmayan", 0]], [[263292, 261001, "John_Dolmayan", 1]], [[263292, 261002, "John_Dolmayan", 2]], [[263292, 261003, "John_Dolmayan", 3]], [[263292, 261004, "John_Dolmayan", 4]], [[265597, 262755, "John_Dolmayan", 0]], [[265597, 262756, "John_Dolmayan", 1]], [[265597, 262757, "John_Dolmayan", 2]], [[265597, 262758, "John_Dolmayan", 4]], [[266731, 263625, "John_Dolmayan", 0]], [[322914, 311165, "John_Dolmayan", 1]], [[322914, 311166, "John_Dolmayan", 2]], [[322914, 311167, "John_Dolmayan", 3]], [[322929, 311190, "John_Dolmayan", 0]], [[322929, 311191, "John_Dolmayan", 1]], [[322929, 311192, "John_Dolmayan", 2]], [[322929, 311193, "John_Dolmayan", 3]], [[322929, 311194, "John_Dolmayan", 4]]], "all_evidence": [[263292, 261000, "John_Dolmayan", 0], [263292, 261001, "John_Dolmayan", 1], [263292, 261002, "John_Dolmayan", 2], [263292, 261003, "John_Dolmayan", 3], [263292, 261004, "John_Dolmayan", 4], [265597, 262755, "John_Dolmayan", 0], [265597, 262756, "John_Dolmayan", 1], [265597, 262757, "John_Dolmayan", 2], [265597, 262758, "John_Dolmayan", 4], [266731, 263625, "John_Dolmayan", 0], [322914, 311165, "John_Dolmayan", 1], [322914, 311166, "John_Dolmayan", 2], [322914, 311167, "John_Dolmayan", 3], [322929, 311190, "John_Dolmayan", 0], [322929, 311191, "John_Dolmayan", 1], [322929, 311192, "John_Dolmayan", 2], [322929, 311193, "John_Dolmayan", 3], [322929, 311194, "John_Dolmayan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29218, null, null, null]]], "all_evidence": [[29218, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177556, 190332, "Mick_Thomson", 1]]], "all_evidence": [[177556, 190332, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206709, 215023, "Al_Jardine", 0]], [[206709, 215024, "Al_Jardine", 1]]], "all_evidence": [[206709, 215023, "Al_Jardine", 0], [206709, 215024, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62113, null, null, null]]], "all_evidence": [[62113, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176145, null, null, null]]], "all_evidence": [[176145, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106473, 119893, "Chrysler_Building", 1]]], "all_evidence": [[106473, 119893, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186085, null, null, null]]], "all_evidence": [[186085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208092, 216221, "Osamu_Tezuka", 6]], [[208107, 216242, "Osamu_Tezuka", 6], [208107, 216242, "Drawing", 0]]], "all_evidence": [[208092, 216221, "Osamu_Tezuka", 6], [208107, 216242, "Osamu_Tezuka", 6], [208107, 216242, "Drawing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127642, 142235, "Taylor_Lautner", 4]], [[127643, 142236, "Taylor_Lautner", 4]], [[127644, 142237, "Taylor_Lautner", 4]], [[127645, 142238, "Taylor_Lautner", 4]], [[127646, 142239, "Taylor_Lautner", 4]]], "all_evidence": [[127642, 142235, "Taylor_Lautner", 4], [127643, 142236, "Taylor_Lautner", 4], [127644, 142237, "Taylor_Lautner", 4], [127645, 142238, "Taylor_Lautner", 4], [127646, 142239, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38538, null, null, null]]], "all_evidence": [[38538, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269571, 265867, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269571, 265867, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51663, 61444, "Osamu_Tezuka", 2]]], "all_evidence": [[51663, 61444, "Osamu_Tezuka", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61580, null, null, null]]], "all_evidence": [[61580, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153195, 167947, "Miranda_Otto", 1]]], "all_evidence": [[153195, 167947, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216058, null, null, null]]], "all_evidence": [[216058, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231993, null, null, null]]], "all_evidence": [[231993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52616, 62575, "Noah_Cyrus", 4]]], "all_evidence": [[52616, 62575, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210330, null, null, null]]], "all_evidence": [[210330, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218110, 224490, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218110, 224490, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211995, 219598, "Saturn_Corporation", 0]]], "all_evidence": [[211995, 219598, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218029, null, null, null]]], "all_evidence": [[218029, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33810, null, null, null]]], "all_evidence": [[33810, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70581, 81484, "Daggering", 3]]], "all_evidence": [[70581, 81484, "Daggering", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132717, 147635, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[132717, 147635, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251507, null, null, null]]], "all_evidence": [[251507, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153925, 168749, "Duane_Chapman", 0]], [[153926, 168750, "Duane_Chapman", 0]]], "all_evidence": [[153925, 168749, "Duane_Chapman", 0], [153926, 168750, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237953, null, null, null]]], "all_evidence": [[237953, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228821, 232929, "Albert_S._Ruddy", 0]]], "all_evidence": [[228821, 232929, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[276915, 271927, "The_Road_to_El_Dorado", 0]], [[278760, 273472, "The_Road_to_El_Dorado", 0]], [[278762, 273476, "The_Road_to_El_Dorado", 0]], [[326808, 314208, "The_Road_to_El_Dorado", 0]], [[326808, 314209, "The_Road_to_El_Dorado", 1]], [[326808, 314210, "The_Road_to_El_Dorado", 2]], [[326808, 314211, "The_Road_to_El_Dorado", 8]], [[328333, 315396, "The_Road_to_El_Dorado", 0]], [[328333, 315397, "The_Road_to_El_Dorado", 2]], [[328333, 315398, "The_Road_to_El_Dorado", 3]], [[328333, 315399, "The_Road_to_El_Dorado", 1]], [[328333, 315400, "The_Road_to_El_Dorado", 6]], [[328333, 315401, "The_Road_to_El_Dorado", 8]]], "all_evidence": [[276915, 271927, "The_Road_to_El_Dorado", 0], [278760, 273472, "The_Road_to_El_Dorado", 0], [278762, 273476, "The_Road_to_El_Dorado", 0], [326808, 314208, "The_Road_to_El_Dorado", 0], [326808, 314209, "The_Road_to_El_Dorado", 1], [326808, 314210, "The_Road_to_El_Dorado", 2], [326808, 314211, "The_Road_to_El_Dorado", 8], [328333, 315396, "The_Road_to_El_Dorado", 0], [328333, 315397, "The_Road_to_El_Dorado", 2], [328333, 315398, "The_Road_to_El_Dorado", 3], [328333, 315399, "The_Road_to_El_Dorado", 1], [328333, 315400, "The_Road_to_El_Dorado", 6], [328333, 315401, "The_Road_to_El_Dorado", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114580, null, null, null]]], "all_evidence": [[114580, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279590, 274220, "The_Bahamas", 0]], [[279590, 274221, "The_Bahamas", 1]], [[279590, 274222, "The_Bahamas", 2]], [[279590, 274223, "The_Bahamas", 4]], [[279590, 274224, "The_Bahamas", 7]], [[279590, 274225, "The_Bahamas", 10]], [[279590, 274226, "The_Bahamas", 13]], [[279590, 274227, "The_Bahamas", 14]], [[279590, 274228, "The_Bahamas", 15]], [[279590, 274229, "The_Bahamas", 16]], [[279590, 274230, "The_Bahamas", 17]], [[279590, 274231, "The_Bahamas", 18]], [[279590, 274232, "The_Bahamas", 3]], [[283472, 277485, "The_Bahamas", 0]], [[327949, 315117, "The_Bahamas", 0]], [[327949, 315118, "The_Bahamas", 1]], [[328924, 315866, "The_Bahamas", 0]]], "all_evidence": [[279590, 274220, "The_Bahamas", 0], [279590, 274221, "The_Bahamas", 1], [279590, 274222, "The_Bahamas", 2], [279590, 274223, "The_Bahamas", 4], [279590, 274224, "The_Bahamas", 7], [279590, 274225, "The_Bahamas", 10], [279590, 274226, "The_Bahamas", 13], [279590, 274227, "The_Bahamas", 14], [279590, 274228, "The_Bahamas", 15], [279590, 274229, "The_Bahamas", 16], [279590, 274230, "The_Bahamas", 17], [279590, 274231, "The_Bahamas", 18], [279590, 274232, "The_Bahamas", 3], [283472, 277485, "The_Bahamas", 0], [327949, 315117, "The_Bahamas", 0], [327949, 315118, "The_Bahamas", 1], [328924, 315866, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208036, null, null, null]]], "all_evidence": [[208036, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94896, null, null, null]]], "all_evidence": [[94896, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205339, null, null, null]]], "all_evidence": [[205339, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85016, 97296, "Shawn_Carlson", 0]]], "all_evidence": [[85016, 97296, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39933, 48045, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[39933, 48045, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85325, 97625, "Heart", 18]]], "all_evidence": [[85325, 97625, "Heart", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275938, null, null, null], [278226, null, null, null], [325120, null, null, null], [326184, null, null, null], [327902, null, null, null]]], "all_evidence": [[275938, null, null, null], [278226, null, null, null], [325120, null, null, null], [326184, null, null, null], [327902, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225929, null, null, null]]], "all_evidence": [[225929, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227642, 231983, "Happiness_in_Slavery", 0]]], "all_evidence": [[227642, 231983, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136957, null, null, null]]], "all_evidence": [[136957, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148077, 163064, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]], "all_evidence": [[148077, 163064, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190458, null, null, null]]], "all_evidence": [[190458, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211424, null, null, null]]], "all_evidence": [[211424, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189997, null, null, null]]], "all_evidence": [[189997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159161, 173760, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[159161, 173760, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223818, 228750, "Keith_Urban_-LRB-1999_album-RRB-", 0], [223818, 228750, "Capitol_Records_Nashville", 0]]], "all_evidence": [[223818, 228750, "Keith_Urban_-LRB-1999_album-RRB-", 0], [223818, 228750, "Capitol_Records_Nashville", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156026, 170684, "L.A._Reid", 1]]], "all_evidence": [[156026, 170684, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241399, null, null, null]]], "all_evidence": [[241399, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248557, 248714, "In_a_Lonely_Place", 0]], [[248557, 248715, "In_a_Lonely_Place", 1]], [[248557, 248716, "In_a_Lonely_Place", 11]], [[248557, 248717, "In_a_Lonely_Place", 12]]], "all_evidence": [[248557, 248714, "In_a_Lonely_Place", 0], [248557, 248715, "In_a_Lonely_Place", 1], [248557, 248716, "In_a_Lonely_Place", 11], [248557, 248717, "In_a_Lonely_Place", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130337, null, null, null]]], "all_evidence": [[130337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231167, 234703, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231167, 234703, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132151, null, null, null]]], "all_evidence": [[132151, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257318, 256346, "Calcaneal_spur", 1]], [[257318, 256347, "Calcaneal_spur", 16]]], "all_evidence": [[257318, 256346, "Calcaneal_spur", 1], [257318, 256347, "Calcaneal_spur", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103749, 117231, "Billie_Joe_Armstrong", 1], [103749, 117231, "Green_Day", 0]], [[103749, 117232, "Billie_Joe_Armstrong", 0], [103749, 117232, "Green_Day", 0]], [[103749, 117233, "Billie_Joe_Armstrong", 6], [103749, 117233, "Green_Day", 0]], [[103749, 117234, "Billie_Joe_Armstrong", 7], [103749, 117234, "Green_Day", 0]]], "all_evidence": [[103749, 117231, "Billie_Joe_Armstrong", 1], [103749, 117231, "Green_Day", 0], [103749, 117232, "Billie_Joe_Armstrong", 0], [103749, 117232, "Green_Day", 0], [103749, 117233, "Billie_Joe_Armstrong", 6], [103749, 117233, "Green_Day", 0], [103749, 117234, "Billie_Joe_Armstrong", 7], [103749, 117234, "Green_Day", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142726, 157876, "Billboard_Dad", 0]]], "all_evidence": [[142726, 157876, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185575, null, null, null]]], "all_evidence": [[185575, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213164, null, null, null]]], "all_evidence": [[213164, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139184, 154242, "Taran_Killam", 0]]], "all_evidence": [[139184, 154242, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166527, null, null, null]]], "all_evidence": [[166527, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158454, 173078, "Lemmy", 2]]], "all_evidence": [[158454, 173078, "Lemmy", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24580, 30354, "Despacito", 12]], [[69614, 80447, "Despacito", 12]], [[299662, 291077, "Despacito", 12]]], "all_evidence": [[24580, 30354, "Despacito", 12], [69614, 80447, "Despacito", 12], [299662, 291077, "Despacito", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255981, 255291, "Weekly_Idol", 1]]], "all_evidence": [[255981, 255291, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59464, 69874, "Make_It_or_Break_It", 9]]], "all_evidence": [[59464, 69874, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126841, 141288, "Bloods", 1], [126841, 141288, "Bloods", 0]]], "all_evidence": [[126841, 141288, "Bloods", 1], [126841, 141288, "Bloods", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66779, null, null, null]]], "all_evidence": [[66779, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87629, 100141, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[87629, 100141, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268488, 265070, "Michaela_Watkins", 0]]], "all_evidence": [[268488, 265070, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207978, 216151, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[207978, 216151, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58048, null, null, null]]], "all_evidence": [[58048, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88553, null, null, null]]], "all_evidence": [[88553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76097, 87399, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]], "all_evidence": [[76097, 87399, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51115, 60851, "Ashton_Kutcher", 2]], [[51115, 60852, "Ashton_Kutcher", 4]], [[51115, 60853, "Ashton_Kutcher", 8]]], "all_evidence": [[51115, 60851, "Ashton_Kutcher", 2], [51115, 60852, "Ashton_Kutcher", 4], [51115, 60853, "Ashton_Kutcher", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214319, 221403, "Ernest_Medina", 1]], [[214319, 221404, "Ernest_Medina", 3]]], "all_evidence": [[214319, 221403, "Ernest_Medina", 1], [214319, 221404, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141388, 156563, "L.A._Reid", 1]]], "all_evidence": [[141388, 156563, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166672, null, null, null]]], "all_evidence": [[166672, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108474, 122080, "Uranium-235", 6], [108474, 122080, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[108474, 122080, "Uranium-235", 6], [108474, 122080, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72169, 83179, "Homo_sapiens", 3]]], "all_evidence": [[72169, 83179, "Homo_sapiens", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65522, 76394, "Armenian_Genocide", 0]]], "all_evidence": [[65522, 76394, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108439, null, null, null]]], "all_evidence": [[108439, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26730, 32812, "Pharrell_Williams", 4]]], "all_evidence": [[26730, 32812, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135732, 150583, "Advertising", 0]], [[135733, 150584, "Advertising", 0]], [[135733, 150585, "Advertising", 3]]], "all_evidence": [[135732, 150583, "Advertising", 0], [135733, 150584, "Advertising", 0], [135733, 150585, "Advertising", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213159, 220495, "Tata_Motors", 13]], [[213160, 220496, "Tata_Motors", 13]]], "all_evidence": [[213159, 220495, "Tata_Motors", 13], [213160, 220496, "Tata_Motors", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198598, 208395, "Selena_Gomez_&_the_Scene", 3]], [[198599, 208396, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198598, 208395, "Selena_Gomez_&_the_Scene", 3], [198599, 208396, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67061, null, null, null]]], "all_evidence": [[67061, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267298, 264024, "Southampton_F.C.", 9]]], "all_evidence": [[267298, 264024, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218416, 224708, "The_Hurt_Locker", 0]]], "all_evidence": [[218416, 224708, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179838, null, null, null], [181479, null, null, null], [314082, null, null, null], [315889, null, null, null], [315892, null, null, null]]], "all_evidence": [[179838, null, null, null], [181479, null, null, null], [314082, null, null, null], [315889, null, null, null], [315892, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251916, 251692, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251916, 251692, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65934, null, null, null]]], "all_evidence": [[65934, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70644, 81536, "Aaron_Burr", 1]]], "all_evidence": [[70644, 81536, "Aaron_Burr", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232787, null, null, null], [232795, null, null, null]]], "all_evidence": [[232787, null, null, null], [232795, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60672, 71109, "James_VI_and_I", 11]]], "all_evidence": [[60672, 71109, "James_VI_and_I", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163933, null, null, null]]], "all_evidence": [[163933, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208602, 216601, "Wentworth_Miller", 2]]], "all_evidence": [[208602, 216601, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67198, null, null, null]]], "all_evidence": [[67198, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239002, 240951, "Despicable_Me_2", 1]], [[239003, 240952, "Despicable_Me_2", 1]]], "all_evidence": [[239002, 240951, "Despicable_Me_2", 1], [239003, 240952, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240845, 242446, "Down_with_Love", 0]]], "all_evidence": [[240845, 242446, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33623, null, null, null]]], "all_evidence": [[33623, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263236, 260965, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263236, 260965, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102924, 116209, "Henry_VIII_-LRB-TV_serial-RRB-", 8], [102924, 116209, "Sean_Bean", 0]]], "all_evidence": [[102924, 116209, "Henry_VIII_-LRB-TV_serial-RRB-", 8], [102924, 116209, "Sean_Bean", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121442, 135730, "Aaron_Burr", 4]]], "all_evidence": [[121442, 135730, "Aaron_Burr", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163836, null, null, null]]], "all_evidence": [[163836, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17092, 21174, "Noel_Fisher", 1]]], "all_evidence": [[17092, 21174, "Noel_Fisher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62577, null, null, null], [62637, null, null, null]]], "all_evidence": [[62577, null, null, null], [62637, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[312592, null, null, null]]], "all_evidence": [[312592, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227640, 231982, "Happiness_in_Slavery", 0], [227640, 231982, "Broken_-LRB-EP-RRB-", 0]]], "all_evidence": [[227640, 231982, "Happiness_in_Slavery", 0], [227640, 231982, "Broken_-LRB-EP-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25490, 31421, "Sheryl_Lee", 7]], [[300042, 291343, "Sheryl_Lee", 7]]], "all_evidence": [[25490, 31421, "Sheryl_Lee", 7], [300042, 291343, "Sheryl_Lee", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53973, 63961, "Janet_Leigh", 10]], [[53973, 63962, "Janet_Leigh", 12]], [[53973, 63963, "Janet_Leigh", 16]], [[53973, 63964, "Janet_Leigh", 2]]], "all_evidence": [[53973, 63961, "Janet_Leigh", 10], [53973, 63962, "Janet_Leigh", 12], [53973, 63963, "Janet_Leigh", 16], [53973, 63964, "Janet_Leigh", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34115, 41373, "Trollhunters", 0]]], "all_evidence": [[34115, 41373, "Trollhunters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160457, null, null, null]]], "all_evidence": [[160457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82778, 94637, "Rabies", 0]]], "all_evidence": [[82778, 94637, "Rabies", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121831, null, null, null]]], "all_evidence": [[121831, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76377, 87668, "Civilization_IV", 12]]], "all_evidence": [[76377, 87668, "Civilization_IV", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138470, null, null, null]]], "all_evidence": [[138470, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297432, null, null, null], [297434, null, null, null], [341855, null, null, null], [341861, null, null, null]]], "all_evidence": [[297432, null, null, null], [297434, null, null, null], [341855, null, null, null], [341861, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88527, null, null, null]]], "all_evidence": [[88527, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237940, null, null, null]]], "all_evidence": [[237940, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272408, null, null, null]]], "all_evidence": [[272408, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22728, 28032, "Camden,_New_Jersey", 40]], [[22728, 28033, "Camden,_New_Jersey", 31]]], "all_evidence": [[22728, 28032, "Camden,_New_Jersey", 40], [22728, 28033, "Camden,_New_Jersey", 31]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211436, null, null, null]]], "all_evidence": [[211436, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152581, 167369, "Heart", 19]], [[152624, 167398, "Heart", 19]]], "all_evidence": [[152581, 167369, "Heart", 19], [152624, 167398, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122123, 136413, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[122123, 136413, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99212, null, null, null]]], "all_evidence": [[99212, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26586, 32634, "Garden_State_-LRB-film-RRB-", 5], [26586, 32634, "Garden_State_-LRB-film-RRB-", 6]]], "all_evidence": [[26586, 32634, "Garden_State_-LRB-film-RRB-", 5], [26586, 32634, "Garden_State_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218097, 224482, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218097, 224482, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194107, 204515, "Rick_Yune", 2]]], "all_evidence": [[194107, 204515, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175784, 188758, "Emma_Watson", 0]]], "all_evidence": [[175784, 188758, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88658, 101289, "Faroe_Islands", 11]]], "all_evidence": [[88658, 101289, "Faroe_Islands", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141211, 156420, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[141211, 156420, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295513, null, null, null], [297206, null, null, null], [341034, null, null, null], [341044, null, null, null]]], "all_evidence": [[295513, null, null, null], [297206, null, null, null], [341034, null, null, null], [341044, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190790, 201737, "Alice_Cooper", 0]]], "all_evidence": [[190790, 201737, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12527, 15670, "Riddick_-LRB-character-RRB-", 0]], [[12527, 15671, "Riddick_-LRB-character-RRB-", 1], [12527, 15671, "Riddick_-LRB-film-RRB-", 0]]], "all_evidence": [[12527, 15670, "Riddick_-LRB-character-RRB-", 0], [12527, 15671, "Riddick_-LRB-character-RRB-", 1], [12527, 15671, "Riddick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241271, 242812, "Cretaceous", 8]]], "all_evidence": [[241271, 242812, "Cretaceous", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286248, null, null, null], [287997, null, null, null], [288543, null, null, null], [334130, null, null, null], [334131, null, null, null]]], "all_evidence": [[286248, null, null, null], [287997, null, null, null], [288543, null, null, null], [334130, null, null, null], [334131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200740, 210211, "Earl_Scruggs", 0]]], "all_evidence": [[200740, 210211, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49846, 59312, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[49846, 59312, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49951, 59452, "Hindu_Kush", 0]]], "all_evidence": [[49951, 59452, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70393, 81257, "Awkward_Black_Girl", 1]]], "all_evidence": [[70393, 81257, "Awkward_Black_Girl", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241698, 243219, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241698, 243219, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286993, null, null, null], [286994, null, null, null], [289139, null, null, null], [335184, null, null, null], [335185, null, null, null], [335188, null, null, null]]], "all_evidence": [[286993, null, null, null], [286994, null, null, null], [289139, null, null, null], [335184, null, null, null], [335185, null, null, null], [335188, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251512, null, null, null]]], "all_evidence": [[251512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40310, 48489, "Uranium-235", 6], [40310, 48489, "Arthur_Jeffrey_Dempster", 0]], [[43383, 52029, "Uranium-235", 6], [43383, 52029, "Arthur_Jeffrey_Dempster", 0]], [[302088, 293147, "Uranium-235", 6], [302088, 293147, "Arthur_Jeffrey_Dempster", 0]], [[303669, 294603, "Uranium-235", 6], [303669, 294603, "Arthur_Jeffrey_Dempster", 0]], [[304615, 295422, "Uranium-235", 6], [304615, 295422, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[40310, 48489, "Uranium-235", 6], [40310, 48489, "Arthur_Jeffrey_Dempster", 0], [43383, 52029, "Uranium-235", 6], [43383, 52029, "Arthur_Jeffrey_Dempster", 0], [302088, 293147, "Uranium-235", 6], [302088, 293147, "Arthur_Jeffrey_Dempster", 0], [303669, 294603, "Uranium-235", 6], [303669, 294603, "Arthur_Jeffrey_Dempster", 0], [304615, 295422, "Uranium-235", 6], [304615, 295422, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190009, 201160, "Philip_Glass", 9]]], "all_evidence": [[190009, 201160, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100899, 114163, "Washington_Wizards", 12]]], "all_evidence": [[100899, 114163, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42376, 50987, "In_the_End", 1]]], "all_evidence": [[42376, 50987, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256012, 255311, "Weekly_Idol", 1]]], "all_evidence": [[256012, 255311, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239904, 241589, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239904, 241589, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58474, null, null, null]]], "all_evidence": [[58474, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29474, 35943, "Reign_Over_Me", 0]], [[29474, 35944, "Reign_Over_Me", 4]], [[29474, 35945, "Reign_Over_Me", 5]]], "all_evidence": [[29474, 35943, "Reign_Over_Me", 0], [29474, 35944, "Reign_Over_Me", 4], [29474, 35945, "Reign_Over_Me", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85326, 97626, "David_Packouz", 0]]], "all_evidence": [[85326, 97626, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18482, 22673, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[18482, 22673, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214277, null, null, null]]], "all_evidence": [[214277, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93816, null, null, null]]], "all_evidence": [[93816, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168409, null, null, null]]], "all_evidence": [[168409, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137861, null, null, null]]], "all_evidence": [[137861, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209764, 217555, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209764, 217555, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81596, null, null, null]]], "all_evidence": [[81596, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42097, null, null, null]]], "all_evidence": [[42097, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198036, null, null, null]]], "all_evidence": [[198036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44501, 53168, "Justine_Bateman", 0]]], "all_evidence": [[44501, 53168, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105713, 119137, "West_Virginia", 1]]], "all_evidence": [[105713, 119137, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197259, 207337, "Smriti_Mandhana", 0]]], "all_evidence": [[197259, 207337, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228459, null, null, null]]], "all_evidence": [[228459, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32590, 39610, "Hindu_Kush", 0], [32590, 39610, "Afghanistan", 0], [32590, 39610, "Pakistan", 0]], [[32590, 39611, "Hindu_Kush", 2], [32590, 39611, "Indus_River", 0], [32590, 39611, "Amu_Darya", 0]], [[32590, 39612, "Hindu_Kush", 5], [32590, 39612, "Pakistan", 0]], [[32590, 39613, "Hindu_Kush", 6], [32590, 39613, "Pamir_Mountains", 0]], [[32590, 39614, "Hindu_Kush", 7], [32590, 39614, "Karakoram", 2]], [[32590, 39615, "Hindu_Kush", 12]], [[32590, 39616, "Hindu_Kush", 14], [32590, 39616, "Indian_subcontinent", 0], [32590, 39616, "Afghanistan", 0]]], "all_evidence": [[32590, 39610, "Hindu_Kush", 0], [32590, 39610, "Afghanistan", 0], [32590, 39610, "Pakistan", 0], [32590, 39611, "Hindu_Kush", 2], [32590, 39611, "Indus_River", 0], [32590, 39611, "Amu_Darya", 0], [32590, 39612, "Hindu_Kush", 5], [32590, 39612, "Pakistan", 0], [32590, 39613, "Hindu_Kush", 6], [32590, 39613, "Pamir_Mountains", 0], [32590, 39614, "Hindu_Kush", 7], [32590, 39614, "Karakoram", 2], [32590, 39615, "Hindu_Kush", 12], [32590, 39616, "Hindu_Kush", 14], [32590, 39616, "Indian_subcontinent", 0], [32590, 39616, "Afghanistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202986, 212113, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[202986, 212113, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201841, 211200, "Artpop", 13]]], "all_evidence": [[201841, 211200, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70382, 81249, "Hundred_Years'_War", 0], [70382, 81249, "American_Civil_War", 0]]], "all_evidence": [[70382, 81249, "Hundred_Years'_War", 0], [70382, 81249, "American_Civil_War", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105633, null, null, null]]], "all_evidence": [[105633, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50709, 60326, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[50709, 60326, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109490, null, null, null]]], "all_evidence": [[109490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214312, 221395, "Ernest_Medina", 2]], [[214313, 221396, "Ernest_Medina", 2]], [[214313, 221397, "Ernest_Medina", 3]]], "all_evidence": [[214312, 221395, "Ernest_Medina", 2], [214313, 221396, "Ernest_Medina", 2], [214313, 221397, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50424, null, null, null]]], "all_evidence": [[50424, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268463, 265043, "Michaela_Watkins", 0], [268463, 265043, "Michaela_Watkins", 1], [268463, 265043, "Michaela_Watkins", 2]]], "all_evidence": [[268463, 265043, "Michaela_Watkins", 0], [268463, 265043, "Michaela_Watkins", 1], [268463, 265043, "Michaela_Watkins", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80896, 92755, "Philomena_-LRB-film-RRB-", 9]]], "all_evidence": [[80896, 92755, "Philomena_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17110, null, null, null], [18775, null, null, null], [301423, null, null, null], [302466, null, null, null], [304141, null, null, null], [304487, null, null, null]]], "all_evidence": [[17110, null, null, null], [18775, null, null, null], [301423, null, null, null], [302466, null, null, null], [304141, null, null, null], [304487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213761, 220913, "Southpaw_-LRB-film-RRB-", 0]], [[213761, 220914, "Southpaw_-LRB-film-RRB-", 1]], [[213761, 220915, "Southpaw_-LRB-film-RRB-", 2]], [[213761, 220916, "Southpaw_-LRB-film-RRB-", 5]], [[213761, 220917, "Southpaw_-LRB-film-RRB-", 6]]], "all_evidence": [[213761, 220913, "Southpaw_-LRB-film-RRB-", 0], [213761, 220914, "Southpaw_-LRB-film-RRB-", 1], [213761, 220915, "Southpaw_-LRB-film-RRB-", 2], [213761, 220916, "Southpaw_-LRB-film-RRB-", 5], [213761, 220917, "Southpaw_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260904, 259236, "Capsicum_chinense", 0], [260904, 259236, "Capsicum", 0], [260904, 259236, "Chili_pepper", 0]]], "all_evidence": [[260904, 259236, "Capsicum_chinense", 0], [260904, 259236, "Capsicum", 0], [260904, 259236, "Chili_pepper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197238, 207317, "Smriti_Mandhana", 0]]], "all_evidence": [[197238, 207317, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41655, null, null, null]]], "all_evidence": [[41655, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227144, null, null, null]]], "all_evidence": [[227144, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74602, 85830, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[74602, 85830, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148620, 163655, "Uranium-235", 6], [148620, 163655, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[148620, 163655, "Uranium-235", 6], [148620, 163655, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13421, 16784, "Microbiologist", 14]]], "all_evidence": [[13421, 16784, "Microbiologist", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296849, null, null, null], [300543, null, null, null]]], "all_evidence": [[296849, null, null, null], [300543, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74250, 85473, "Flaked", 0]], [[74272, 85498, "Flaked", 0]]], "all_evidence": [[74250, 85473, "Flaked", 0], [74272, 85498, "Flaked", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165754, 179748, "Jennifer_Lopez", 9]]], "all_evidence": [[165754, 179748, "Jennifer_Lopez", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103769, 117258, "Stan_Beeman", 0]]], "all_evidence": [[103769, 117258, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140079, 155084, "Raees_-LRB-film-RRB-", 1]]], "all_evidence": [[140079, 155084, "Raees_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13406, null, null, null]]], "all_evidence": [[13406, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116286, null, null, null]]], "all_evidence": [[116286, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72677, 83731, "Match_Point", 2]]], "all_evidence": [[72677, 83731, "Match_Point", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65462, null, null, null]]], "all_evidence": [[65462, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70275, 81150, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[70275, 81150, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239209, 241131, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239210, 241132, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239209, 241131, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239210, 241132, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209776, 217572, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209776, 217572, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129946, 144653, "Shadowhunters", 5]]], "all_evidence": [[129946, 144653, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112089, 125893, "Victoria_Palace_Theatre", 0], [112089, 125893, "Victoria,_London", 0]], [[115633, 129506, "Victoria_Palace_Theatre", 0], [115633, 129506, "Victoria,_London", 0]], [[118270, 132110, "Victoria_Palace_Theatre", 0], [118270, 132110, "Victoria,_London", 0]], [[308369, 298756, "Victoria_Palace_Theatre", 0], [308369, 298756, "London_Victoria_station", 1]]], "all_evidence": [[112089, 125893, "Victoria_Palace_Theatre", 0], [112089, 125893, "Victoria,_London", 0], [115633, 129506, "Victoria_Palace_Theatre", 0], [115633, 129506, "Victoria,_London", 0], [118270, 132110, "Victoria_Palace_Theatre", 0], [118270, 132110, "Victoria,_London", 0], [308369, 298756, "Victoria_Palace_Theatre", 0], [308369, 298756, "London_Victoria_station", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147887, null, null, null], [147889, null, null, null]]], "all_evidence": [[147887, null, null, null], [147889, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213691, null, null, null]]], "all_evidence": [[213691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31909, 38715, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[31909, 38715, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79477, 91192, "Basildon", 13]]], "all_evidence": [[79477, 91192, "Basildon", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162119, 176458, "John_Dolmayan", 0]]], "all_evidence": [[162119, 176458, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184394, 196291, "Christa_McAuliffe", 9]]], "all_evidence": [[184394, 196291, "Christa_McAuliffe", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282113, 276351, "Henry_II_of_France", 13]], [[284128, 277999, "Henry_II_of_France", 13]], [[285114, 278827, "Henry_II_of_France", 13]], [[329988, 316663, "Henry_II_of_France", 13]], [[331323, 317820, "Henry_II_of_France", 13]]], "all_evidence": [[282113, 276351, "Henry_II_of_France", 13], [284128, 277999, "Henry_II_of_France", 13], [285114, 278827, "Henry_II_of_France", 13], [329988, 316663, "Henry_II_of_France", 13], [331323, 317820, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74776, null, null, null]]], "all_evidence": [[74776, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105886, null, null, null]]], "all_evidence": [[105886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269557, 265857, "Bongwater_-LRB-film-RRB-", 1], [269557, 265857, "Michael_Hornburg", 0]]], "all_evidence": [[269557, 265857, "Bongwater_-LRB-film-RRB-", 1], [269557, 265857, "Michael_Hornburg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[252361, null, null, null]]], "all_evidence": [[252361, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186110, null, null, null]]], "all_evidence": [[186110, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274092, null, null, null], [276488, null, null, null], [322216, null, null, null]]], "all_evidence": [[274092, null, null, null], [276488, null, null, null], [322216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237566, 239779, "Live_Through_This", 0]]], "all_evidence": [[237566, 239779, "Live_Through_This", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251765, null, null, null]]], "all_evidence": [[251765, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66583, null, null, null]]], "all_evidence": [[66583, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132616, 147518, "Rob_Sheridan", 0], [132616, 147518, "Graphic_designer", 0]]], "all_evidence": [[132616, 147518, "Rob_Sheridan", 0], [132616, 147518, "Graphic_designer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227020, null, null, null]]], "all_evidence": [[227020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101879, 115128, "The_Bassoon_King", 0]]], "all_evidence": [[101879, 115128, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23975, null, null, null]]], "all_evidence": [[23975, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69968, 80852, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[69968, 80852, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42602, null, null, null]]], "all_evidence": [[42602, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236645, null, null, null]]], "all_evidence": [[236645, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160461, 174972, "Sikkim", 4]]], "all_evidence": [[160461, 174972, "Sikkim", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61110, null, null, null]]], "all_evidence": [[61110, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241266, null, null, null]]], "all_evidence": [[241266, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63470, null, null, null]]], "all_evidence": [[63470, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57801, 68046, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[57801, 68046, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12425, 15536, "Saw_-LRB-franchise-RRB-", 14], [12425, 15536, "Saw_II", 0]], [[17019, 21078, "Saw_-LRB-franchise-RRB-", 14], [17019, 21078, "Saw_II", 0]], [[17019, 21079, "Saw_-LRB-franchise-RRB-", 15], [17019, 21079, "Jigsaw_-LRB-Saw-RRB-", 1]], [[19767, 24299, "Saw_-LRB-franchise-RRB-", 14]], [[19767, 24300, "Saw_-LRB-franchise-RRB-", 16]], [[19767, 24301, "Saw_-LRB-franchise-RRB-", 13], [19767, 24301, "Jigsaw_-LRB-Saw-RRB-", 1]], [[19767, 24302, "Saw_-LRB-franchise-RRB-", 15], [19767, 24302, "List_of_Saw_characters", 2]], [[94463, 107462, "Saw_-LRB-franchise-RRB-", 14], [94463, 107462, "Saw_II", 0]], [[299004, 290379, "Saw_-LRB-franchise-RRB-", 14]]], "all_evidence": [[12425, 15536, "Saw_-LRB-franchise-RRB-", 14], [12425, 15536, "Saw_II", 0], [17019, 21078, "Saw_-LRB-franchise-RRB-", 14], [17019, 21078, "Saw_II", 0], [17019, 21079, "Saw_-LRB-franchise-RRB-", 15], [17019, 21079, "Jigsaw_-LRB-Saw-RRB-", 1], [19767, 24299, "Saw_-LRB-franchise-RRB-", 14], [19767, 24300, "Saw_-LRB-franchise-RRB-", 16], [19767, 24301, "Saw_-LRB-franchise-RRB-", 13], [19767, 24301, "Jigsaw_-LRB-Saw-RRB-", 1], [19767, 24302, "Saw_-LRB-franchise-RRB-", 15], [19767, 24302, "List_of_Saw_characters", 2], [94463, 107462, "Saw_-LRB-franchise-RRB-", 14], [94463, 107462, "Saw_II", 0], [299004, 290379, "Saw_-LRB-franchise-RRB-", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254348, null, null, null]]], "all_evidence": [[254348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262051, 260101, "Raabta_-LRB-song-RRB-", 0]], [[262051, 260102, "Raabta_-LRB-song-RRB-", 1]], [[262051, 260103, "Raabta_-LRB-song-RRB-", 2]], [[262051, 260104, "Raabta_-LRB-song-RRB-", 5]]], "all_evidence": [[262051, 260101, "Raabta_-LRB-song-RRB-", 0], [262051, 260102, "Raabta_-LRB-song-RRB-", 1], [262051, 260103, "Raabta_-LRB-song-RRB-", 2], [262051, 260104, "Raabta_-LRB-song-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27503, 33688, "Heavy_metal_music", 0]]], "all_evidence": [[27503, 33688, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74240, null, null, null], [74247, null, null, null]]], "all_evidence": [[74240, null, null, null], [74247, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159542, null, null, null]]], "all_evidence": [[159542, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26680, null, null, null]]], "all_evidence": [[26680, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93208, null, null, null]]], "all_evidence": [[93208, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262059, 260111, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262059, 260111, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71798, 82795, "A_Milli", 0], [71798, 82795, "Lil_Wayne", 0]]], "all_evidence": [[71798, 82795, "A_Milli", 0], [71798, 82795, "Lil_Wayne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216093, 222802, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216093, 222802, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149083, 164115, "Noah_Cyrus", 4]]], "all_evidence": [[149083, 164115, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58089, null, null, null]]], "all_evidence": [[58089, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95703, 108748, "Tim_Roth", 0]]], "all_evidence": [[95703, 108748, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239352, 241235, "Lockheed_Martin", 4], [239352, 241235, "Marillyn_Hewson", 0]], [[239353, 241236, "Lockheed_Martin", 4], [239353, 241236, "Marillyn_Hewson", 0]]], "all_evidence": [[239352, 241235, "Lockheed_Martin", 4], [239352, 241235, "Marillyn_Hewson", 0], [239353, 241236, "Lockheed_Martin", 4], [239353, 241236, "Marillyn_Hewson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200469, 209973, "Sancho_Panza", 0]]], "all_evidence": [[200469, 209973, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95307, 108327, "The_Adventures_of_Pluto_Nash", 1], [95307, 108327, "Luis_Guzma\u0301n", 0]]], "all_evidence": [[95307, 108327, "The_Adventures_of_Pluto_Nash", 1], [95307, 108327, "Luis_Guzma\u0301n", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120384, 134606, "Wish_Upon", 0]]], "all_evidence": [[120384, 134606, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231976, null, null, null]]], "all_evidence": [[231976, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48528, null, null, null]]], "all_evidence": [[48528, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208029, 216183, "Franchising", 8]], [[208033, 216187, "Franchising", 8]]], "all_evidence": [[208029, 216183, "Franchising", 8], [208033, 216187, "Franchising", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193501, null, null, null]]], "all_evidence": [[193501, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266604, null, null, null]]], "all_evidence": [[266604, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101648, 114895, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[101648, 114895, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104522, 117941, "Juventus_F.C.", 1], [104522, 117941, "Juventus_Stadium", 0]]], "all_evidence": [[104522, 117941, "Juventus_F.C.", 1], [104522, 117941, "Juventus_Stadium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153534, 168358, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]], "all_evidence": [[153534, 168358, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31276, 37990, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[31276, 37990, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266464, 263444, "Ludwig_van_Beethoven", 5], [266464, 263444, "Bonn", 0], [266464, 263444, "Saint_Petersburg", 0]]], "all_evidence": [[266464, 263444, "Ludwig_van_Beethoven", 5], [266464, 263444, "Bonn", 0], [266464, 263444, "Saint_Petersburg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72473, null, null, null]]], "all_evidence": [[72473, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143526, 158641, "X-Men-COLON-_Apocalypse", 6]]], "all_evidence": [[143526, 158641, "X-Men-COLON-_Apocalypse", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189998, 201150, "Philip_Glass", 9]]], "all_evidence": [[189998, 201150, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66025, 76879, "Janet_Leigh", 0]], [[66025, 76880, "Janet_Leigh", 12]]], "all_evidence": [[66025, 76879, "Janet_Leigh", 0], [66025, 76880, "Janet_Leigh", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151525, 166282, "Janet_Leigh", 0]]], "all_evidence": [[151525, 166282, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243127, null, null, null]]], "all_evidence": [[243127, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63034, 73731, "Angelsberg", 0], [63034, 73731, "Luxembourg", 0]]], "all_evidence": [[63034, 73731, "Angelsberg", 0], [63034, 73731, "Luxembourg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225662, 230279, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225663, 230280, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225664, 230281, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225662, 230279, "Ian_Brennan_-LRB-writer-RRB-", 0], [225663, 230280, "Ian_Brennan_-LRB-writer-RRB-", 0], [225664, 230281, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52563, 62529, "Uranium-235", 6], [52563, 62529, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[52563, 62529, "Uranium-235", 6], [52563, 62529, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177081, 190003, "Kellyanne_Conway", 12]]], "all_evidence": [[177081, 190003, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198052, 207996, "Dave_Gibbons", 0]]], "all_evidence": [[198052, 207996, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121567, 135835, "Shane_Black", 0]]], "all_evidence": [[121567, 135835, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72966, null, null, null]]], "all_evidence": [[72966, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118068, 131927, "Stephen_Hillenburg", 4]]], "all_evidence": [[118068, 131927, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75368, 86629, "PacSun", 5]]], "all_evidence": [[75368, 86629, "PacSun", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216451, 223129, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216451, 223129, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138600, 153682, "Michigan", 0]], [[138600, 153683, "Michigan", 2]], [[138600, 153684, "Michigan", 4]], [[138600, 153685, "Michigan", 5]], [[138600, 153686, "Michigan", 8]], [[138600, 153687, "Michigan", 9]], [[138600, 153688, "Michigan", 10], [138600, 153688, "Lake_Michigan", 5]], [[138600, 153689, "Michigan", 11], [138600, 153689, "Mackinac_Bridge", 0]], [[138600, 153690, "Michigan", 22]], [[138600, 153691, "Michigan", 25]], [[138600, 153692, "Michigan", 26], [138600, 153692, "Upper_Peninsula_of_Michigan", 0]]], "all_evidence": [[138600, 153682, "Michigan", 0], [138600, 153683, "Michigan", 2], [138600, 153684, "Michigan", 4], [138600, 153685, "Michigan", 5], [138600, 153686, "Michigan", 8], [138600, 153687, "Michigan", 9], [138600, 153688, "Michigan", 10], [138600, 153688, "Lake_Michigan", 5], [138600, 153689, "Michigan", 11], [138600, 153689, "Mackinac_Bridge", 0], [138600, 153690, "Michigan", 22], [138600, 153691, "Michigan", 25], [138600, 153692, "Michigan", 26], [138600, 153692, "Upper_Peninsula_of_Michigan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193398, 203921, "Don_Bradman", 20]]], "all_evidence": [[193398, 203921, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222944, 228049, "Marjorie_Gross", 0]]], "all_evidence": [[222944, 228049, "Marjorie_Gross", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178015, null, null, null]]], "all_evidence": [[178015, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170481, null, null, null]]], "all_evidence": [[170481, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146584, null, null, null]]], "all_evidence": [[146584, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52089, 61984, "Flaked", 2]]], "all_evidence": [[52089, 61984, "Flaked", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211413, 219125, "Don_Hall_-LRB-filmmaker-RRB-", 0]], [[211413, 219126, "Don_Hall_-LRB-filmmaker-RRB-", 1]]], "all_evidence": [[211413, 219125, "Don_Hall_-LRB-filmmaker-RRB-", 0], [211413, 219126, "Don_Hall_-LRB-filmmaker-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297770, null, null, null], [343236, null, null, null]]], "all_evidence": [[297770, null, null, null], [343236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262164, 260212, "Bullitt", 0]]], "all_evidence": [[262164, 260212, "Bullitt", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219117, 225221, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219117, 225221, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66570, 77387, "House_-LRB-TV_series-RRB-", 8]], [[66570, 77388, "House_-LRB-TV_series-RRB-", 9]], [[66570, 77389, "House_-LRB-TV_series-RRB-", 10]]], "all_evidence": [[66570, 77387, "House_-LRB-TV_series-RRB-", 8], [66570, 77388, "House_-LRB-TV_series-RRB-", 9], [66570, 77389, "House_-LRB-TV_series-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168734, 182445, "Due_Date", 0]], [[168734, 182446, "Due_Date", 1]], [[168734, 182447, "Due_Date", 2]]], "all_evidence": [[168734, 182445, "Due_Date", 0], [168734, 182446, "Due_Date", 1], [168734, 182447, "Due_Date", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105277, null, null, null], [110205, null, null, null], [308119, null, null, null]]], "all_evidence": [[105277, null, null, null], [110205, null, null, null], [308119, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112831, 126666, "Reign_Over_Me", 0]]], "all_evidence": [[112831, 126666, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47903, 57205, "Shane_McMahon", 10]]], "all_evidence": [[47903, 57205, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79759, null, null, null]]], "all_evidence": [[79759, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35512, 43040, "Indian_Institute_of_Management_Bangalore", 6]]], "all_evidence": [[35512, 43040, "Indian_Institute_of_Management_Bangalore", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137122, null, null, null]]], "all_evidence": [[137122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129510, 144252, "Aaron_Burr", 9], [129510, 144252, "Burr\u2013Hamilton_duel", 0]]], "all_evidence": [[129510, 144252, "Aaron_Burr", 9], [129510, 144252, "Burr\u2013Hamilton_duel", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227763, 232112, "Tilda_Swinton", 0]]], "all_evidence": [[227763, 232112, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255556, null, null, null]]], "all_evidence": [[255556, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165011, null, null, null]]], "all_evidence": [[165011, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35933, 43485, "Rob_Sheridan", 0]]], "all_evidence": [[35933, 43485, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114482, 128244, "Global_warming", 13]]], "all_evidence": [[114482, 128244, "Global_warming", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21562, 26516, "Armenian_Genocide", 0]]], "all_evidence": [[21562, 26516, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260890, 259226, "Capsicum_chinense", 0]]], "all_evidence": [[260890, 259226, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184981, 196820, "Kesha", 0]]], "all_evidence": [[184981, 196820, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92427, null, null, null]]], "all_evidence": [[92427, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275786, 270886, "New_York_Knicks", 0]], [[275786, 270887, "New_York_Knicks", 1]], [[275786, 270888, "New_York_Knicks", 3]], [[275786, 270889, "New_York_Knicks", 4]], [[275786, 270890, "New_York_Knicks", 5]], [[275786, 270891, "New_York_Knicks", 8], [275786, 270891, "Joe_Lapchick", 3]], [[275786, 270892, "New_York_Knicks", 9], [275786, 270892, "NBA_Finals", 0]], [[275786, 270893, "New_York_Knicks", 11], [275786, 270893, "Red_Holzman", 1]], [[275786, 270894, "New_York_Knicks", 12], [275786, 270894, "1969\u201370_NBA_season", 0]], [[275786, 270895, "New_York_Knicks", 13], [275786, 270895, "NBA_Finals", 0]], [[275786, 270896, "New_York_Knicks", 16], [275786, 270896, "Bulls\u2013Knicks_rivalry", 0]], [[275786, 270897, "New_York_Knicks", 17], [275786, 270897, "Pat_Riley", 0]], [[275786, 270898, "New_York_Knicks", 18]], [[275786, 270899, "New_York_Knicks", 22], [275786, 270899, "Indiana_Pacers", 0]], [[275786, 270900, "New_York_Knicks", 23]], [[280111, 274666, "New_York_Knicks", 0]], [[280111, 274668, "New_York_Knicks", 1]], [[324899, 312736, "New_York_Knicks", 0]], [[324899, 312737, "New_York_Knicks", 1]]], "all_evidence": [[275786, 270886, "New_York_Knicks", 0], [275786, 270887, "New_York_Knicks", 1], [275786, 270888, "New_York_Knicks", 3], [275786, 270889, "New_York_Knicks", 4], [275786, 270890, "New_York_Knicks", 5], [275786, 270891, "New_York_Knicks", 8], [275786, 270891, "Joe_Lapchick", 3], [275786, 270892, "New_York_Knicks", 9], [275786, 270892, "NBA_Finals", 0], [275786, 270893, "New_York_Knicks", 11], [275786, 270893, "Red_Holzman", 1], [275786, 270894, "New_York_Knicks", 12], [275786, 270894, "1969\u201370_NBA_season", 0], [275786, 270895, "New_York_Knicks", 13], [275786, 270895, "NBA_Finals", 0], [275786, 270896, "New_York_Knicks", 16], [275786, 270896, "Bulls\u2013Knicks_rivalry", 0], [275786, 270897, "New_York_Knicks", 17], [275786, 270897, "Pat_Riley", 0], [275786, 270898, "New_York_Knicks", 18], [275786, 270899, "New_York_Knicks", 22], [275786, 270899, "Indiana_Pacers", 0], [275786, 270900, "New_York_Knicks", 23], [280111, 274666, "New_York_Knicks", 0], [280111, 274668, "New_York_Knicks", 1], [324899, 312736, "New_York_Knicks", 0], [324899, 312737, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145536, 160548, "Yara_Shahidi", 0]]], "all_evidence": [[145536, 160548, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41813, 50291, "Bad_Romance", 12]]], "all_evidence": [[41813, 50291, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121833, 136134, "History_of_Earth", 25]]], "all_evidence": [[121833, 136134, "History_of_Earth", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146939, 161904, "CONCACAF_Champions_League", 0]], [[146940, 161905, "CONCACAF_Champions_League", 0]]], "all_evidence": [[146939, 161904, "CONCACAF_Champions_League", 0], [146940, 161905, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203339, 212379, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203339, 212379, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66435, 77281, "Daag_-LRB-1973_film-RRB-", 0]], [[66435, 77282, "Daag_-LRB-1973_film-RRB-", 8]]], "all_evidence": [[66435, 77281, "Daag_-LRB-1973_film-RRB-", 0], [66435, 77282, "Daag_-LRB-1973_film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296163, 288097, "Veeru_Devgan", 0]], [[297742, 289346, "Veeru_Devgan", 0]], [[299871, 291209, "Veeru_Devgan", 0]], [[342415, 326449, "Veeru_Devgan", 0]], [[342422, 326453, "Veeru_Devgan", 0]]], "all_evidence": [[296163, 288097, "Veeru_Devgan", 0], [297742, 289346, "Veeru_Devgan", 0], [299871, 291209, "Veeru_Devgan", 0], [342415, 326449, "Veeru_Devgan", 0], [342422, 326453, "Veeru_Devgan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198630, null, null, null]]], "all_evidence": [[198630, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129149, null, null, null]]], "all_evidence": [[129149, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98658, 111734, "Sleipnir", 0]]], "all_evidence": [[98658, 111734, "Sleipnir", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172916, null, null, null]]], "all_evidence": [[172916, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15502, null, null, null]]], "all_evidence": [[15502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38362, 46312, "Aristotle", 2]]], "all_evidence": [[38362, 46312, "Aristotle", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240379, null, null, null]]], "all_evidence": [[240379, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55808, 65889, "Knocked_Up", 0]], [[55808, 65890, "Knocked_Up", 4]]], "all_evidence": [[55808, 65889, "Knocked_Up", 0], [55808, 65890, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117686, 131568, "Steve_Wozniak", 5]]], "all_evidence": [[117686, 131568, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243706, 244878, "Palo_Alto,_California", 0]]], "all_evidence": [[243706, 244878, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41570, 49984, "Hindu_Kush", 5]]], "all_evidence": [[41570, 49984, "Hindu_Kush", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94761, 107734, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[94761, 107734, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106442, 119860, "Kelly_Preston", 1]]], "all_evidence": [[106442, 119860, "Kelly_Preston", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22722, 28027, "Derek_Hough", 6]]], "all_evidence": [[22722, 28027, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227014, 231447, "Barry_Van_Dyke", 1]]], "all_evidence": [[227014, 231447, "Barry_Van_Dyke", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91922, 104714, "Carlos_Santana", 0]]], "all_evidence": [[91922, 104714, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104835, null, null, null]]], "all_evidence": [[104835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17261, 21361, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[17261, 21361, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131178, 145929, "Janet_Leigh", 0]], [[309185, 299446, "Janet_Leigh", 0]], [[310668, 300712, "Janet_Leigh", 0]], [[312251, 302083, "Janet_Leigh", 0]]], "all_evidence": [[131178, 145929, "Janet_Leigh", 0], [309185, 299446, "Janet_Leigh", 0], [310668, 300712, "Janet_Leigh", 0], [312251, 302083, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276108, null, null, null], [276132, null, null, null], [278397, null, null, null], [325464, null, null, null], [326284, null, null, null]]], "all_evidence": [[276108, null, null, null], [276132, null, null, null], [278397, null, null, null], [325464, null, null, null], [326284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16705, 20709, "Wildfang", 0]]], "all_evidence": [[16705, 20709, "Wildfang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25770, 31707, "Speech_recognition", 2]]], "all_evidence": [[25770, 31707, "Speech_recognition", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13808, 17294, "Jenna_Jameson", 0]], [[13808, 17295, "Jenna_Jameson", 12]]], "all_evidence": [[13808, 17294, "Jenna_Jameson", 0], [13808, 17295, "Jenna_Jameson", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234931, null, null, null]]], "all_evidence": [[234931, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201111, 210562, "The_Endless_River", 0]]], "all_evidence": [[201111, 210562, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69746, 80623, "Underdog_-LRB-film-RRB-", 1], [69746, 80623, "Jason_Lee_-LRB-actor-RRB-", 0]]], "all_evidence": [[69746, 80623, "Underdog_-LRB-film-RRB-", 1], [69746, 80623, "Jason_Lee_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[281668, 276018, "Battle_of_France", 0]], [[281668, 276019, "Battle_of_France", 1]], [[281668, 276020, "Battle_of_France", 2]], [[281681, 276030, "Battle_of_France", 0]]], "all_evidence": [[281668, 276018, "Battle_of_France", 0], [281668, 276019, "Battle_of_France", 1], [281668, 276020, "Battle_of_France", 2], [281681, 276030, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44383, 53049, "Croatia", 29]], [[44383, 53050, "Croatia", 31]]], "all_evidence": [[44383, 53049, "Croatia", 29], [44383, 53050, "Croatia", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46608, 55603, "Human_brain", 10]]], "all_evidence": [[46608, 55603, "Human_brain", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33927, 41139, "Damon_Albarn", 17]]], "all_evidence": [[33927, 41139, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15790, 19652, "State_of_Palestine", 0]]], "all_evidence": [[15790, 19652, "State_of_Palestine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55728, null, null, null]]], "all_evidence": [[55728, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27440, 33623, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[27440, 33623, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180397, null, null, null]]], "all_evidence": [[180397, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177210, 190085, "CONCACAF_Champions_League", 0]]], "all_evidence": [[177210, 190085, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113682, 127548, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [113682, 127548, "Ray_Winstone", 0]]], "all_evidence": [[113682, 127548, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [113682, 127548, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72533, null, null, null]]], "all_evidence": [[72533, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260703, null, null, null]]], "all_evidence": [[260703, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292710, 285431, "Alexandra_Daddario", 0]], [[292710, 285432, "Alexandra_Daddario", 1]], [[292710, 285433, "Alexandra_Daddario", 2]], [[295303, 287435, "Alexandra_Daddario", 0]], [[295306, 287436, "Alexandra_Daddario", 0]], [[295306, 287437, "Alexandra_Daddario", 1]], [[295306, 287438, "Alexandra_Daddario", 2]], [[295331, 287452, "Alexandra_Daddario", 0]], [[295331, 287453, "Alexandra_Daddario", 1], [295331, 287453, "San_Andreas_-LRB-film-RRB-", 0]], [[295331, 287454, "Alexandra_Daddario", 2], [295331, 287454, "Hall_Pass", 0]], [[340661, 325283, "Alexandra_Daddario", 0]], [[340662, 325284, "Alexandra_Daddario", 0]], [[340664, 325285, "Alexandra_Daddario", 0]]], "all_evidence": [[292710, 285431, "Alexandra_Daddario", 0], [292710, 285432, "Alexandra_Daddario", 1], [292710, 285433, "Alexandra_Daddario", 2], [295303, 287435, "Alexandra_Daddario", 0], [295306, 287436, "Alexandra_Daddario", 0], [295306, 287437, "Alexandra_Daddario", 1], [295306, 287438, "Alexandra_Daddario", 2], [295331, 287452, "Alexandra_Daddario", 0], [295331, 287453, "Alexandra_Daddario", 1], [295331, 287453, "San_Andreas_-LRB-film-RRB-", 0], [295331, 287454, "Alexandra_Daddario", 2], [295331, 287454, "Hall_Pass", 0], [340661, 325283, "Alexandra_Daddario", 0], [340662, 325284, "Alexandra_Daddario", 0], [340664, 325285, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176245, 189197, "Advertising", 0]]], "all_evidence": [[176245, 189197, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33726, 40893, "History_of_Earth", 1], [33726, 40893, "Natural_science", 9]]], "all_evidence": [[33726, 40893, "History_of_Earth", 1], [33726, 40893, "Natural_science", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227047, null, null, null]]], "all_evidence": [[227047, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153879, null, null, null]]], "all_evidence": [[153879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113192, 127074, "Always_-LRB-1989_film-RRB-", 0], [113192, 127074, "Audrey_Hepburn", 0]]], "all_evidence": [[113192, 127074, "Always_-LRB-1989_film-RRB-", 0], [113192, 127074, "Audrey_Hepburn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228480, 232657, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228480, 232657, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70774, 81648, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]], "all_evidence": [[70774, 81648, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227639, 231981, "Happiness_in_Slavery", 0]]], "all_evidence": [[227639, 231981, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172863, 186113, "Billboard_Dad", 0]]], "all_evidence": [[172863, 186113, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39168, 47164, "T2_Trainspotting", 0]]], "all_evidence": [[39168, 47164, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217701, 224188, "Asylum_Records", 0]]], "all_evidence": [[217701, 224188, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140671, 155832, "Michelin_Guide", 0]]], "all_evidence": [[140671, 155832, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141698, 156932, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[141698, 156932, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66639, null, null, null]]], "all_evidence": [[66639, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228155, 232406, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228155, 232406, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103095, 116421, "Reign_Over_Me", 0]], [[103095, 116422, "Reign_Over_Me", 1], [103095, 116422, "Don_Cheadle", 3]]], "all_evidence": [[103095, 116421, "Reign_Over_Me", 0], [103095, 116422, "Reign_Over_Me", 1], [103095, 116422, "Don_Cheadle", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16066, 19937, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[16066, 19937, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100882, 114144, "Eric_Church", 0]]], "all_evidence": [[100882, 114144, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58453, 68735, "Joe_Walsh", 24]]], "all_evidence": [[58453, 68735, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205363, null, null, null]]], "all_evidence": [[205363, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98900, 112003, "Bad_Romance", 12]]], "all_evidence": [[98900, 112003, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247525, 247814, "Stadium_Arcadium", 6]]], "all_evidence": [[247525, 247814, "Stadium_Arcadium", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56729, 66947, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[56729, 66947, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33208, 40289, "Hourglass_-LRB-James_Taylor_album-RRB-", 0]], [[33210, 40290, "Hourglass_-LRB-James_Taylor_album-RRB-", 0]]], "all_evidence": [[33208, 40289, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [33210, 40290, "Hourglass_-LRB-James_Taylor_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174446, 187656, "TV_Choice", 1]]], "all_evidence": [[174446, 187656, "TV_Choice", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132680, null, null, null]]], "all_evidence": [[132680, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180385, 192883, "Joe_Rogan", 7]]], "all_evidence": [[180385, 192883, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225838, 230412, "Love_the_Way_You_Lie", 17]]], "all_evidence": [[225838, 230412, "Love_the_Way_You_Lie", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154052, 168853, "Prescott,_Arizona", 0]], [[154054, 168854, "Prescott,_Arizona", 0]]], "all_evidence": [[154052, 168853, "Prescott,_Arizona", 0], [154054, 168854, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110000, 123624, "Guillermo_del_Toro", 0]]], "all_evidence": [[110000, 123624, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107709, 121197, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[107709, 121197, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78233, null, null, null]]], "all_evidence": [[78233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[298124, 289678, "Christa_McAuliffe", 4]], [[300255, 291519, "Christa_McAuliffe", 4]], [[343289, 327111, "Christa_McAuliffe", 4]], [[343308, 327131, "Christa_McAuliffe", 0]]], "all_evidence": [[298124, 289678, "Christa_McAuliffe", 4], [300255, 291519, "Christa_McAuliffe", 4], [343289, 327111, "Christa_McAuliffe", 4], [343308, 327131, "Christa_McAuliffe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120312, 134532, "Tiber_Oil_Field", 1]], [[120313, 134533, "Tiber_Oil_Field", 1]]], "all_evidence": [[120312, 134532, "Tiber_Oil_Field", 1], [120313, 134533, "Tiber_Oil_Field", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227790, null, null, null]]], "all_evidence": [[227790, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96869, 110021, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[96869, 110021, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239225, null, null, null]]], "all_evidence": [[239225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235705, 238276, "Tom_DeLonge", 4]]], "all_evidence": [[235705, 238276, "Tom_DeLonge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131189, 145945, "Pene\u0301lope_Cruz", 12], [131189, 145945, "L'Ore\u0301al", 0], [131189, 145945, "L'Ore\u0301al", 1]], [[133293, 148162, "Pene\u0301lope_Cruz", 12]], [[309186, 299447, "Pene\u0301lope_Cruz", 12]], [[309187, 299448, "Pene\u0301lope_Cruz", 12], [309187, 299448, "L'Ore\u0301al", 0]], [[310677, 300719, "Pene\u0301lope_Cruz", 12], [310677, 300719, "L'Ore\u0301al", 0]]], "all_evidence": [[131189, 145945, "Pene\u0301lope_Cruz", 12], [131189, 145945, "L'Ore\u0301al", 0], [131189, 145945, "L'Ore\u0301al", 1], [133293, 148162, "Pene\u0301lope_Cruz", 12], [309186, 299447, "Pene\u0301lope_Cruz", 12], [309187, 299448, "Pene\u0301lope_Cruz", 12], [309187, 299448, "L'Ore\u0301al", 0], [310677, 300719, "Pene\u0301lope_Cruz", 12], [310677, 300719, "L'Ore\u0301al", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75233, null, null, null]]], "all_evidence": [[75233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79794, 91526, "Billie_Joe_Armstrong", 0]], [[79794, 91527, "Billie_Joe_Armstrong", 4]]], "all_evidence": [[79794, 91526, "Billie_Joe_Armstrong", 0], [79794, 91527, "Billie_Joe_Armstrong", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91345, 104049, "Nuuk", 1], [91345, 104049, "Naalakkersuisut", 0]]], "all_evidence": [[91345, 104049, "Nuuk", 1], [91345, 104049, "Naalakkersuisut", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41074, null, null, null]]], "all_evidence": [[41074, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270513, null, null, null], [270514, null, null, null]]], "all_evidence": [[270513, null, null, null], [270514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227662, 232003, "Happiness_in_Slavery", 0]], [[227662, 232004, "Happiness_in_Slavery", 1]], [[227662, 232005, "Happiness_in_Slavery", 2]], [[227662, 232006, "Happiness_in_Slavery", 5]], [[227662, 232007, "Happiness_in_Slavery", 6]], [[227662, 232008, "Happiness_in_Slavery", 9]]], "all_evidence": [[227662, 232003, "Happiness_in_Slavery", 0], [227662, 232004, "Happiness_in_Slavery", 1], [227662, 232005, "Happiness_in_Slavery", 2], [227662, 232006, "Happiness_in_Slavery", 5], [227662, 232007, "Happiness_in_Slavery", 6], [227662, 232008, "Happiness_in_Slavery", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84788, 97017, "Horse", 2]]], "all_evidence": [[84788, 97017, "Horse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224046, 228925, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]], [[318198, 307162, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]], "all_evidence": [[224046, 228925, "No_Country_for_Old_Men_-LRB-film-RRB-", 8], [318198, 307162, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35856, 43409, "Luis_Fonsi", 0]]], "all_evidence": [[35856, 43409, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228487, null, null, null]]], "all_evidence": [[228487, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143719, null, null, null]]], "all_evidence": [[143719, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189731, 200954, "Polar_bear", 7]]], "all_evidence": [[189731, 200954, "Polar_bear", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133972, null, null, null]]], "all_evidence": [[133972, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127496, null, null, null]]], "all_evidence": [[127496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207676, 215898, "Steve_Ditko", 0]]], "all_evidence": [[207676, 215898, "Steve_Ditko", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94817, 107782, "Hedda_Gabler", 1]], [[94820, 107785, "Hedda_Gabler", 1]]], "all_evidence": [[94817, 107782, "Hedda_Gabler", 1], [94820, 107785, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65830, 76693, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[65830, 76693, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230163, 233897, "Frozen_-LRB-2013_film-RRB-", 13]], [[230170, 233914, "Frozen_-LRB-2013_film-RRB-", 13]]], "all_evidence": [[230163, 233897, "Frozen_-LRB-2013_film-RRB-", 13], [230170, 233914, "Frozen_-LRB-2013_film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126544, 140940, "L.A._Reid", 1], [126544, 140940, "Arista_Records", 1], [126544, 140940, "Sony_Music", 0]]], "all_evidence": [[126544, 140940, "L.A._Reid", 1], [126544, 140940, "Arista_Records", 1], [126544, 140940, "Sony_Music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78267, 89790, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]]], "all_evidence": [[78267, 89790, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224113, 228976, "Appropriation_-LRB-art-RRB-", 1]], [[227786, 232156, "Appropriation_-LRB-art-RRB-", 1]], [[230511, 234163, "Appropriation_-LRB-art-RRB-", 1]], [[318213, 307171, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[224113, 228976, "Appropriation_-LRB-art-RRB-", 1], [227786, 232156, "Appropriation_-LRB-art-RRB-", 1], [230511, 234163, "Appropriation_-LRB-art-RRB-", 1], [318213, 307171, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46370, null, null, null]]], "all_evidence": [[46370, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228206, 232449, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228206, 232449, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207683, 215904, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207683, 215904, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162114, null, null, null]]], "all_evidence": [[162114, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11197, null, null, null]]], "all_evidence": [[11197, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164576, 178813, "Bhagat_Singh", 0]], [[164577, 178814, "Bhagat_Singh", 0]]], "all_evidence": [[164576, 178813, "Bhagat_Singh", 0], [164577, 178814, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113762, null, null, null]]], "all_evidence": [[113762, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107078, 120452, "TV_Choice", 1]]], "all_evidence": [[107078, 120452, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167508, 181313, "State_of_Palestine", 1], [167508, 181313, "West_Bank", 0]]], "all_evidence": [[167508, 181313, "State_of_Palestine", 1], [167508, 181313, "West_Bank", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88607, null, null, null], [88608, null, null, null]]], "all_evidence": [[88607, null, null, null], [88608, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45334, 54110, "The_Good_Wife", 0]]], "all_evidence": [[45334, 54110, "The_Good_Wife", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268479, null, null, null]]], "all_evidence": [[268479, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14196, 17744, "Ashton_Kutcher", 4]], [[14197, 17745, "Ashton_Kutcher", 2]], [[14197, 17746, "Ashton_Kutcher", 4]], [[14197, 17747, "Ashton_Kutcher", 8]]], "all_evidence": [[14196, 17744, "Ashton_Kutcher", 4], [14197, 17745, "Ashton_Kutcher", 2], [14197, 17746, "Ashton_Kutcher", 4], [14197, 17747, "Ashton_Kutcher", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82709, 94562, "Bloods", 0]]], "all_evidence": [[82709, 94562, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153081, 167829, "John_Deighton", 24]]], "all_evidence": [[153081, 167829, "John_Deighton", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190747, null, null, null]]], "all_evidence": [[190747, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213178, null, null, null]]], "all_evidence": [[213178, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142664, 157816, "Crips", 9]]], "all_evidence": [[142664, 157816, "Crips", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105591, 119039, "Reign_Over_Me", 1]]], "all_evidence": [[105591, 119039, "Reign_Over_Me", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79576, null, null, null]]], "all_evidence": [[79576, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259726, 258279, "Hanford_Site", 23], [259726, 258279, "LIGO", 0]]], "all_evidence": [[259726, 258279, "Hanford_Site", 23], [259726, 258279, "LIGO", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296018, 287979, "Jens_Stoltenberg", 4]], [[297522, 289159, "Jens_Stoltenberg", 4]], [[297621, 289256, "Jens_Stoltenberg", 1], [297621, 289256, "List_of_NATO_Secretaries_General", 7]], [[297621, 289257, "Jens_Stoltenberg", 4]]], "all_evidence": [[296018, 287979, "Jens_Stoltenberg", 4], [297522, 289159, "Jens_Stoltenberg", 4], [297621, 289256, "Jens_Stoltenberg", 1], [297621, 289256, "List_of_NATO_Secretaries_General", 7], [297621, 289257, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53953, 63943, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[53953, 63943, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210329, null, null, null]]], "all_evidence": [[210329, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95094, 108090, "James_Jones_-LRB-basketball_player-RRB-", 17]], [[95096, 108095, "James_Jones_-LRB-basketball_player-RRB-", 17]]], "all_evidence": [[95094, 108090, "James_Jones_-LRB-basketball_player-RRB-", 17], [95096, 108095, "James_Jones_-LRB-basketball_player-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153714, 168570, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[153714, 168570, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227625, 231973, "Happiness_in_Slavery", 0]]], "all_evidence": [[227625, 231973, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78319, null, null, null]]], "all_evidence": [[78319, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84064, null, null, null]]], "all_evidence": [[84064, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73826, null, null, null]]], "all_evidence": [[73826, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143118, null, null, null]]], "all_evidence": [[143118, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54190, 64184, "Victoria_Palace_Theatre", 0], [54190, 64184, "Victoria,_London", 0]], [[54268, 64267, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[54190, 64184, "Victoria_Palace_Theatre", 0], [54190, 64184, "Victoria,_London", 0], [54268, 64267, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168305, 182057, "Shane_McMahon", 0]]], "all_evidence": [[168305, 182057, "Shane_McMahon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203340, 212380, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203340, 212380, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171334, 184815, "Noah_Cyrus", 4]]], "all_evidence": [[171334, 184815, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[300895, 291989, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[344873, 328324, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[344874, 328325, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[344876, 328327, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[344917, 328360, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[300895, 291989, "Tom_Baker_-LRB-English_actor-RRB-", 15], [344873, 328324, "Tom_Baker_-LRB-English_actor-RRB-", 15], [344874, 328325, "Tom_Baker_-LRB-English_actor-RRB-", 15], [344876, 328327, "Tom_Baker_-LRB-English_actor-RRB-", 15], [344917, 328360, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196622, null, null, null]]], "all_evidence": [[196622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282815, 276946, "Tenacious_D", 0]], [[284731, 278470, "Tenacious_D", 0]], [[331061, 317548, "Tenacious_D", 0]], [[332127, 318519, "Tenacious_D", 0]]], "all_evidence": [[282815, 276946, "Tenacious_D", 0], [284731, 278470, "Tenacious_D", 0], [331061, 317548, "Tenacious_D", 0], [332127, 318519, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80056, 91817, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]], "all_evidence": [[80056, 91817, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102035, 115302, "DNA_-LRB-Little_Mix_album-RRB-", 0]]], "all_evidence": [[102035, 115302, "DNA_-LRB-Little_Mix_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194480, 204858, "Drake_Bell", 18]]], "all_evidence": [[194480, 204858, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112594, null, null, null]]], "all_evidence": [[112594, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142500, null, null, null]]], "all_evidence": [[142500, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108116, null, null, null]]], "all_evidence": [[108116, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198838, 208549, "The_King_and_I", 1], [198838, 208549, "Margaret_Landon", 0]]], "all_evidence": [[198838, 208549, "The_King_and_I", 1], [198838, 208549, "Margaret_Landon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119916, 134046, "Nestor_Carbonell", 1]]], "all_evidence": [[119916, 134046, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218425, null, null, null]]], "all_evidence": [[218425, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96326, 109478, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[96326, 109478, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287624, null, null, null], [332539, null, null, null]]], "all_evidence": [[287624, null, null, null], [332539, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18818, 23055, "Human_trafficking", 0]], [[18818, 23056, "Human_trafficking", 7]], [[18818, 23057, "Human_trafficking", 9]], [[21125, 25945, "Human_trafficking", 0]], [[21125, 25946, "Human_trafficking", 7]], [[21125, 25947, "Human_trafficking", 9]], [[23524, 28993, "Human_trafficking", 0]], [[23524, 28994, "Human_trafficking", 9]], [[23524, 28995, "Human_trafficking", 7]], [[299177, 290541, "Human_trafficking", 0]], [[301272, 292392, "Human_trafficking", 0]]], "all_evidence": [[18818, 23055, "Human_trafficking", 0], [18818, 23056, "Human_trafficking", 7], [18818, 23057, "Human_trafficking", 9], [21125, 25945, "Human_trafficking", 0], [21125, 25946, "Human_trafficking", 7], [21125, 25947, "Human_trafficking", 9], [23524, 28993, "Human_trafficking", 0], [23524, 28994, "Human_trafficking", 9], [23524, 28995, "Human_trafficking", 7], [299177, 290541, "Human_trafficking", 0], [301272, 292392, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79400, null, null, null]]], "all_evidence": [[79400, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103115, 116432, "CONCACAF_Champions_League", 9]], [[103115, 116433, "CONCACAF_Champions_League", 0]]], "all_evidence": [[103115, 116432, "CONCACAF_Champions_League", 9], [103115, 116433, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28686, null, null, null]]], "all_evidence": [[28686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117503, 131414, "Humphrey_Bogart", 16]], [[117517, 131424, "Humphrey_Bogart", 16]]], "all_evidence": [[117503, 131414, "Humphrey_Bogart", 16], [117517, 131424, "Humphrey_Bogart", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154500, null, null, null]]], "all_evidence": [[154500, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16721, 20721, "Tiber_Oil_Field", 0], [16721, 20721, "Keathley_Canyon", 0]]], "all_evidence": [[16721, 20721, "Tiber_Oil_Field", 0], [16721, 20721, "Keathley_Canyon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176574, 189518, "Danger_UXB", 0]]], "all_evidence": [[176574, 189518, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12337, null, null, null], [12373, null, null, null], [15709, null, null, null], [298971, null, null, null], [298975, null, null, null], [301023, null, null, null], [313615, null, null, null], [344592, null, null, null]]], "all_evidence": [[12337, null, null, null], [12373, null, null, null], [15709, null, null, null], [298971, null, null, null], [298975, null, null, null], [301023, null, null, null], [313615, null, null, null], [344592, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77424, 88881, "Riddick_-LRB-character-RRB-", 0], [77424, 88881, "The_Chronicles_of_Riddick", 0]], [[77424, 88882, "Riddick_-LRB-character-RRB-", 1], [77424, 88882, "Riddick_-LRB-film-RRB-", 0]], [[77424, 88883, "Riddick_-LRB-character-RRB-", 13], [77424, 88883, "Riddick_-LRB-film-RRB-", 0]]], "all_evidence": [[77424, 88881, "Riddick_-LRB-character-RRB-", 0], [77424, 88881, "The_Chronicles_of_Riddick", 0], [77424, 88882, "Riddick_-LRB-character-RRB-", 1], [77424, 88882, "Riddick_-LRB-film-RRB-", 0], [77424, 88883, "Riddick_-LRB-character-RRB-", 13], [77424, 88883, "Riddick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45613, 54474, "Terry_Crews", 9]]], "all_evidence": [[45613, 54474, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110772, null, null, null]]], "all_evidence": [[110772, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82002, 93786, "Damon_Albarn", 4], [82002, 93786, "Leisure_-LRB-album-RRB-", 0]]], "all_evidence": [[82002, 93786, "Damon_Albarn", 4], [82002, 93786, "Leisure_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60516, 70949, "Sheryl_Lee", 7], [60516, 70949, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[60516, 70949, "Sheryl_Lee", 7], [60516, 70949, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239632, null, null, null]]], "all_evidence": [[239632, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232799, null, null, null]]], "all_evidence": [[232799, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39420, 47458, "Highway_to_Heaven", 0]]], "all_evidence": [[39420, 47458, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69117, null, null, null]]], "all_evidence": [[69117, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224199, null, null, null], [227884, null, null, null], [319879, null, null, null]]], "all_evidence": [[224199, null, null, null], [227884, null, null, null], [319879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238566, 240573, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238566, 240573, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129487, null, null, null]]], "all_evidence": [[129487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197405, 207451, "Lalla_Ward", 0]], [[197405, 207452, "Lalla_Ward", 1]]], "all_evidence": [[197405, 207451, "Lalla_Ward", 0], [197405, 207452, "Lalla_Ward", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163898, null, null, null]]], "all_evidence": [[163898, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85924, 98224, "No_Country_for_Old_Men_-LRB-film-RRB-", 0]]], "all_evidence": [[85924, 98224, "No_Country_for_Old_Men_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205336, null, null, null]]], "all_evidence": [[205336, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35576, null, null, null]]], "all_evidence": [[35576, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122189, 136478, "Trevor_Griffiths", 0]]], "all_evidence": [[122189, 136478, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218108, 224489, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218108, 224489, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121132, null, null, null]]], "all_evidence": [[121132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240261, 241909, "The_Sugarland_Express", 3]]], "all_evidence": [[240261, 241909, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33249, 40328, "Underdog_-LRB-film-RRB-", 1], [33249, 40328, "Jim_Belushi", 0], [33249, 40328, "Peter_Dinklage", 0], [33249, 40328, "Patrick_Warburton", 0], [33249, 40328, "John_Slattery", 0], [33249, 40328, "Jason_Lee_-LRB-actor-RRB-", 0], [33249, 40328, "Brad_Garrett", 0], [33249, 40328, "Amy_Adams", 0]]], "all_evidence": [[33249, 40328, "Underdog_-LRB-film-RRB-", 1], [33249, 40328, "Jim_Belushi", 0], [33249, 40328, "Peter_Dinklage", 0], [33249, 40328, "Patrick_Warburton", 0], [33249, 40328, "John_Slattery", 0], [33249, 40328, "Jason_Lee_-LRB-actor-RRB-", 0], [33249, 40328, "Brad_Garrett", 0], [33249, 40328, "Amy_Adams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239089, 241029, "Shane_McMahon", 0]], [[239089, 241030, "Shane_McMahon", 5], [239089, 241030, "WWE", 0]], [[239089, 241031, "Shane_McMahon", 6], [239089, 241031, "WWE", 0]], [[245415, 246233, "Shane_McMahon", 0]], [[319157, 307930, "Shane_McMahon", 1]], [[319157, 307931, "Shane_McMahon", 4]], [[319157, 307932, "Shane_McMahon", 6]], [[320370, 308976, "Shane_McMahon", 0]], [[320370, 308977, "Shane_McMahon", 1], [320370, 308977, "WWE_SmackDown", 10]], [[320370, 308978, "Shane_McMahon", 5]], [[320370, 308979, "Shane_McMahon", 7]], [[320370, 308980, "Shane_McMahon", 13]]], "all_evidence": [[239089, 241029, "Shane_McMahon", 0], [239089, 241030, "Shane_McMahon", 5], [239089, 241030, "WWE", 0], [239089, 241031, "Shane_McMahon", 6], [239089, 241031, "WWE", 0], [245415, 246233, "Shane_McMahon", 0], [319157, 307930, "Shane_McMahon", 1], [319157, 307931, "Shane_McMahon", 4], [319157, 307932, "Shane_McMahon", 6], [320370, 308976, "Shane_McMahon", 0], [320370, 308977, "Shane_McMahon", 1], [320370, 308977, "WWE_SmackDown", 10], [320370, 308978, "Shane_McMahon", 5], [320370, 308979, "Shane_McMahon", 7], [320370, 308980, "Shane_McMahon", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170492, null, null, null]]], "all_evidence": [[170492, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64847, 75706, "Derek_Hough", 6], [64847, 75706, "Make_Your_Move_-LRB-film-RRB-", 0]], [[66687, 77510, "Derek_Hough", 6], [66687, 77510, "Make_Your_Move_-LRB-film-RRB-", 0]], [[305403, 296226, "Derek_Hough", 6], [305403, 296226, "Make_Your_Move_-LRB-film-RRB-", 0]]], "all_evidence": [[64847, 75706, "Derek_Hough", 6], [64847, 75706, "Make_Your_Move_-LRB-film-RRB-", 0], [66687, 77510, "Derek_Hough", 6], [66687, 77510, "Make_Your_Move_-LRB-film-RRB-", 0], [305403, 296226, "Derek_Hough", 6], [305403, 296226, "Make_Your_Move_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263254, null, null, null]]], "all_evidence": [[263254, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145183, null, null, null]]], "all_evidence": [[145183, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13181, 16484, "Beaverton,_Oregon", 0]]], "all_evidence": [[13181, 16484, "Beaverton,_Oregon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232786, 235894, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232786, 235894, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178610, 191186, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[178610, 191186, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112698, 126540, "Arizona", 0]]], "all_evidence": [[112698, 126540, "Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148939, 163971, "Pharrell_Williams", 4]]], "all_evidence": [[148939, 163971, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168418, 182169, "Rage_Against_the_Machine", 10]]], "all_evidence": [[168418, 182169, "Rage_Against_the_Machine", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52533, 62501, "Underdog_-LRB-film-RRB-", 1], [52533, 62501, "Frederik_Du_Chau", 0]]], "all_evidence": [[52533, 62501, "Underdog_-LRB-film-RRB-", 1], [52533, 62501, "Frederik_Du_Chau", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54014, 63999, "Danny_Brown", 0]]], "all_evidence": [[54014, 63999, "Danny_Brown", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165911, null, null, null]]], "all_evidence": [[165911, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136227, 151046, "Stan_Beeman", 0]]], "all_evidence": [[136227, 151046, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211395, null, null, null]]], "all_evidence": [[211395, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193469, null, null, null]]], "all_evidence": [[193469, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148145, null, null, null]]], "all_evidence": [[148145, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95012, null, null, null]]], "all_evidence": [[95012, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40764, 49021, "Harris_Jayaraj", 0], [40764, 49021, "Chennai", 0]]], "all_evidence": [[40764, 49021, "Harris_Jayaraj", 0], [40764, 49021, "Chennai", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229531, 233457, "Bea_Arthur", 0]], [[229532, 233458, "Bea_Arthur", 0]]], "all_evidence": [[229531, 233457, "Bea_Arthur", 0], [229532, 233458, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191992, null, null, null]]], "all_evidence": [[191992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100362, 113647, "Ludwig_van_Beethoven", 1]]], "all_evidence": [[100362, 113647, "Ludwig_van_Beethoven", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216112, 222826, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216112, 222826, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167736, 181499, "Veeru_Devgan", 0]]], "all_evidence": [[167736, 181499, "Veeru_Devgan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182701, 194884, "Penibaetic_System", 0]]], "all_evidence": [[182701, 194884, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164219, 178460, "Tenacious_D", 0]], [[164219, 178461, "Tenacious_D", 1]]], "all_evidence": [[164219, 178460, "Tenacious_D", 0], [164219, 178461, "Tenacious_D", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97409, 110566, "Caroline_Kennedy", 0]], [[97409, 110567, "Caroline_Kennedy", 17]]], "all_evidence": [[97409, 110566, "Caroline_Kennedy", 0], [97409, 110567, "Caroline_Kennedy", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166539, 180361, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[166539, 180361, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25703, 31634, "Uranium-235", 6], [25703, 31634, "Arthur_Jeffrey_Dempster", 0]], [[300488, 291683, "Uranium-235", 6], [300488, 291683, "Arthur_Jeffrey_Dempster", 0]], [[300493, 291684, "Uranium-235", 6], [300493, 291684, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[25703, 31634, "Uranium-235", 6], [25703, 31634, "Arthur_Jeffrey_Dempster", 0], [300488, 291683, "Uranium-235", 6], [300488, 291683, "Arthur_Jeffrey_Dempster", 0], [300493, 291684, "Uranium-235", 6], [300493, 291684, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228491, null, null, null], [228492, null, null, null]]], "all_evidence": [[228491, null, null, null], [228492, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210302, 218073, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210302, 218073, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179123, null, null, null]]], "all_evidence": [[179123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84043, 96168, "Bad_Romance", 0]]], "all_evidence": [[84043, 96168, "Bad_Romance", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259609, 258170, "French_Resistance", 6]]], "all_evidence": [[259609, 258170, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230040, 233799, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230040, 233799, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97038, 110188, "Columbia_River", 4], [97038, 110188, "Drainage_basin", 0]]], "all_evidence": [[97038, 110188, "Columbia_River", 4], [97038, 110188, "Drainage_basin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116680, 130576, "Croatia", 28]]], "all_evidence": [[116680, 130576, "Croatia", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41359, 49714, "Bloods", 1]]], "all_evidence": [[41359, 49714, "Bloods", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54031, 64014, "Thomas_Jefferson", 10]]], "all_evidence": [[54031, 64014, "Thomas_Jefferson", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132547, null, null, null]]], "all_evidence": [[132547, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50645, 60216, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[50645, 60216, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236654, 239083, "Marcus_Bentley", 0]], [[236662, 239089, "Marcus_Bentley", 0]], [[236662, 239090, "Marcus_Bentley", 3]]], "all_evidence": [[236654, 239083, "Marcus_Bentley", 0], [236662, 239089, "Marcus_Bentley", 0], [236662, 239090, "Marcus_Bentley", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254351, null, null, null]]], "all_evidence": [[254351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168111, 181880, "Fist_of_Legend", 2]]], "all_evidence": [[168111, 181880, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243696, null, null, null]]], "all_evidence": [[243696, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145896, 160911, "Trollhunters", 0]]], "all_evidence": [[145896, 160911, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203336, 212377, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203336, 212377, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158663, 173293, "West_Virginia", 1]]], "all_evidence": [[158663, 173293, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213699, null, null, null]]], "all_evidence": [[213699, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100577, null, null, null]]], "all_evidence": [[100577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210374, 218152, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210374, 218152, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259459, 258031, "Libya", 2]], [[259460, 258032, "Libya", 2]]], "all_evidence": [[259459, 258031, "Libya", 2], [259460, 258032, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228152, 232403, "Larry_the_Cable_Guy", 14]], [[228153, 232404, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228152, 232403, "Larry_the_Cable_Guy", 14], [228153, 232404, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162551, 176830, "Colombiana", 0]], [[162552, 176831, "Colombiana", 0]]], "all_evidence": [[162551, 176830, "Colombiana", 0], [162552, 176831, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177650, 190405, "Starrcade", 0]]], "all_evidence": [[177650, 190405, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52569, 62537, "Stephen_Hillenburg", 4]]], "all_evidence": [[52569, 62537, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66909, null, null, null]]], "all_evidence": [[66909, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160020, 174523, "Crips", 3]]], "all_evidence": [[160020, 174523, "Crips", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33470, 40623, "YouTube", 15]]], "all_evidence": [[33470, 40623, "YouTube", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215803, null, null, null]]], "all_evidence": [[215803, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214799, 221792, "Premam", 0]]], "all_evidence": [[214799, 221792, "Premam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22416, 27620, "Melancholia_-LRB-2011_film-RRB-", 0], [22416, 27620, "Lars_von_Trier", 0]]], "all_evidence": [[22416, 27620, "Melancholia_-LRB-2011_film-RRB-", 0], [22416, 27620, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184002, null, null, null]]], "all_evidence": [[184002, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127820, 142513, "Aaron_Burr", 9]]], "all_evidence": [[127820, 142513, "Aaron_Burr", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143934, 159014, "John_Krasinski", 0]]], "all_evidence": [[143934, 159014, "John_Krasinski", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131783, 146637, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[131783, 146637, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36135, null, null, null]]], "all_evidence": [[36135, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297087, null, null, null], [298766, null, null, null], [300849, null, null, null], [344703, null, null, null], [344708, null, null, null]]], "all_evidence": [[297087, null, null, null], [298766, null, null, null], [300849, null, null, null], [344703, null, null, null], [344708, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163433, null, null, null]]], "all_evidence": [[163433, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90903, 103599, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[90903, 103599, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213152, null, null, null]]], "all_evidence": [[213152, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150130, null, null, null]]], "all_evidence": [[150130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206859, 215139, "Invasion_literature", 0]]], "all_evidence": [[206859, 215139, "Invasion_literature", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226469, null, null, null]]], "all_evidence": [[226469, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203226, null, null, null]]], "all_evidence": [[203226, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133502, null, null, null]]], "all_evidence": [[133502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181762, 194009, "Seohyun", 0]]], "all_evidence": [[181762, 194009, "Seohyun", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282979, null, null, null], [284872, null, null, null], [285639, null, null, null], [331414, null, null, null], [332242, null, null, null]]], "all_evidence": [[282979, null, null, null], [284872, null, null, null], [285639, null, null, null], [331414, null, null, null], [332242, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145062, 160069, "Stephen_Hillenburg", 4]]], "all_evidence": [[145062, 160069, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269611, null, null, null]]], "all_evidence": [[269611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101709, 114965, "Angelsberg", 0]]], "all_evidence": [[101709, 114965, "Angelsberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239524, null, null, null], [243280, null, null, null], [245870, null, null, null], [320400, null, null, null]]], "all_evidence": [[239524, null, null, null], [243280, null, null, null], [245870, null, null, null], [320400, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81488, 93246, "Aristotle", 2]]], "all_evidence": [[81488, 93246, "Aristotle", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248555, null, null, null]]], "all_evidence": [[248555, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166517, null, null, null]]], "all_evidence": [[166517, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163069, 177279, "Duff_McKagan", 0]], [[163069, 177280, "Duff_McKagan", 1]]], "all_evidence": [[163069, 177279, "Duff_McKagan", 0], [163069, 177280, "Duff_McKagan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28077, 34374, "Penguin_Books", 2]]], "all_evidence": [[28077, 34374, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271140, 267082, "Giada_at_Home", 1]]], "all_evidence": [[271140, 267082, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123034, 137309, "Despacito", 12]]], "all_evidence": [[123034, 137309, "Despacito", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243139, null, null, null]]], "all_evidence": [[243139, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154913, 169641, "Danger_UXB", 0]]], "all_evidence": [[154913, 169641, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48465, 57788, "Terry_Crews", 9]]], "all_evidence": [[48465, 57788, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258695, null, null, null]]], "all_evidence": [[258695, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259731, null, null, null]]], "all_evidence": [[259731, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89732, 102430, "Qui-Gon_Jinn", 0]]], "all_evidence": [[89732, 102430, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100818, null, null, null]]], "all_evidence": [[100818, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20622, 25261, "Kendall_Jenner", 0]], [[20622, 25262, "Kendall_Jenner", 1]], [[20622, 25263, "Kendall_Jenner", 4]], [[20622, 25264, "Kendall_Jenner", 5]]], "all_evidence": [[20622, 25261, "Kendall_Jenner", 0], [20622, 25262, "Kendall_Jenner", 1], [20622, 25263, "Kendall_Jenner", 4], [20622, 25264, "Kendall_Jenner", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78945, 90537, "Duane_Chapman", 0]]], "all_evidence": [[78945, 90537, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40709, 48969, "Pearl_Jam", 0]]], "all_evidence": [[40709, 48969, "Pearl_Jam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179874, 192425, "Bessie_Smith", 0]]], "all_evidence": [[179874, 192425, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150252, 165176, "Wilhelmina_Slater", 0]], [[150252, 165177, "Wilhelmina_Slater", 1]]], "all_evidence": [[150252, 165176, "Wilhelmina_Slater", 0], [150252, 165177, "Wilhelmina_Slater", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194816, null, null, null]]], "all_evidence": [[194816, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97182, null, null, null]]], "all_evidence": [[97182, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119738, 133853, "Jens_Stoltenberg", 4]]], "all_evidence": [[119738, 133853, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17554, null, null, null]]], "all_evidence": [[17554, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72895, 83997, "Mud_-LRB-2012_film-RRB-", 1], [72895, 83997, "Matthew_McConaughey", 0], [72895, 83997, "Jacob_Lofland", 0], [72895, 83997, "Sam_Shepard", 0], [72895, 83997, "Reese_Witherspoon", 0]]], "all_evidence": [[72895, 83997, "Mud_-LRB-2012_film-RRB-", 1], [72895, 83997, "Matthew_McConaughey", 0], [72895, 83997, "Jacob_Lofland", 0], [72895, 83997, "Sam_Shepard", 0], [72895, 83997, "Reese_Witherspoon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178005, null, null, null]]], "all_evidence": [[178005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119668, 133752, "YouTube", 15]]], "all_evidence": [[119668, 133752, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156060, 170699, "14th_Dalai_Lama", 10]]], "all_evidence": [[156060, 170699, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198050, 207994, "Dave_Gibbons", 0]]], "all_evidence": [[198050, 207994, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146470, 161433, "How_to_Train_Your_Dragon_2", 11]], [[146471, 161434, "How_to_Train_Your_Dragon_2", 11]]], "all_evidence": [[146470, 161433, "How_to_Train_Your_Dragon_2", 11], [146471, 161434, "How_to_Train_Your_Dragon_2", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79929, 91672, "Reign_Over_Me", 1]]], "all_evidence": [[79929, 91672, "Reign_Over_Me", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276747, null, null, null], [277534, null, null, null], [322535, null, null, null], [322536, null, null, null], [323614, null, null, null], [323618, null, null, null]]], "all_evidence": [[276747, null, null, null], [277534, null, null, null], [322535, null, null, null], [322536, null, null, null], [323614, null, null, null], [323618, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53351, 63329, "Shane_McMahon", 10]]], "all_evidence": [[53351, 63329, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43523, 52181, "Terry_Crews", 9]]], "all_evidence": [[43523, 52181, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158721, 173356, "Joe_Rogan", 0]]], "all_evidence": [[158721, 173356, "Joe_Rogan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225640, 230265, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225641, 230266, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225640, 230265, "Ian_Brennan_-LRB-writer-RRB-", 0], [225641, 230266, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203699, 212670, "Aunt_May", 0]], [[203699, 212671, "Aunt_May", 1]]], "all_evidence": [[203699, 212670, "Aunt_May", 0], [203699, 212671, "Aunt_May", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160366, 174884, "Hush_-LRB-2016_film-RRB-", 2]], [[162047, 176415, "Hush_-LRB-2016_film-RRB-", 2]], [[163241, 177458, "Hush_-LRB-2016_film-RRB-", 2], [163241, 177458, "Hush_-LRB-2016_film-RRB-", 0]], [[312030, 301917, "Hush_-LRB-2016_film-RRB-", 2]], [[312032, 301919, "Hush_-LRB-2016_film-RRB-", 2]], [[312033, 301920, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[160366, 174884, "Hush_-LRB-2016_film-RRB-", 2], [162047, 176415, "Hush_-LRB-2016_film-RRB-", 2], [163241, 177458, "Hush_-LRB-2016_film-RRB-", 2], [163241, 177458, "Hush_-LRB-2016_film-RRB-", 0], [312030, 301917, "Hush_-LRB-2016_film-RRB-", 2], [312032, 301919, "Hush_-LRB-2016_film-RRB-", 2], [312033, 301920, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14182, 17731, "Byron_Howard", 2], [14182, 17731, "Golden_Globe_Award", 0]], [[14187, 17736, "Byron_Howard", 2], [14187, 17736, "Golden_Globe_Award", 0], [14187, 17736, "Tangled", 0], [14187, 17736, "Zootopia", 0]], [[14189, 17738, "Byron_Howard", 2]]], "all_evidence": [[14182, 17731, "Byron_Howard", 2], [14182, 17731, "Golden_Globe_Award", 0], [14187, 17736, "Byron_Howard", 2], [14187, 17736, "Golden_Globe_Award", 0], [14187, 17736, "Tangled", 0], [14187, 17736, "Zootopia", 0], [14189, 17738, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250978, null, null, null]]], "all_evidence": [[250978, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149609, 164580, "Gal_Gadot", 4]], [[149649, 164609, "Gal_Gadot", 4]]], "all_evidence": [[149609, 164580, "Gal_Gadot", 4], [149649, 164609, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268476, null, null, null]]], "all_evidence": [[268476, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88749, 101386, "Miranda_Otto", 1]]], "all_evidence": [[88749, 101386, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248530, 248687, "Tie_Your_Mother_Down", 2]], [[248534, 248691, "Tie_Your_Mother_Down", 2]]], "all_evidence": [[248530, 248687, "Tie_Your_Mother_Down", 2], [248534, 248691, "Tie_Your_Mother_Down", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218318, 224632, "Eva_Mendes", 0]]], "all_evidence": [[218318, 224632, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23333, null, null, null], [24482, null, null, null]]], "all_evidence": [[23333, null, null, null], [24482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47601, 56807, "Brazzers", 0]]], "all_evidence": [[47601, 56807, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25357, 31274, "Horse", 2]]], "all_evidence": [[25357, 31274, "Horse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46006, 54965, "Augustus", 42]]], "all_evidence": [[46006, 54965, "Augustus", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234504, 237366, "Boyhood_-LRB-film-RRB-", 2]]], "all_evidence": [[234504, 237366, "Boyhood_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122955, null, null, null]]], "all_evidence": [[122955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137989, 152960, "Johnny_Galecki", 1]]], "all_evidence": [[137989, 152960, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248706, 248804, "Scotty_Moore", 0]], [[250859, 250826, "Scotty_Moore", 0]], [[250859, 250827, "Scotty_Moore", 4]], [[319576, 308307, "Scotty_Moore", 0]], [[319576, 308308, "Scotty_Moore", 5]], [[320695, 309249, "Scotty_Moore", 0]], [[320701, 309253, "Scotty_Moore", 0]], [[320716, 309275, "Scotty_Moore", 0]]], "all_evidence": [[248706, 248804, "Scotty_Moore", 0], [250859, 250826, "Scotty_Moore", 0], [250859, 250827, "Scotty_Moore", 4], [319576, 308307, "Scotty_Moore", 0], [319576, 308308, "Scotty_Moore", 5], [320695, 309249, "Scotty_Moore", 0], [320701, 309253, "Scotty_Moore", 0], [320716, 309275, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31845, 38655, "Match_Point", 0]]], "all_evidence": [[31845, 38655, "Match_Point", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183432, 195431, "Guatemala", 16]]], "all_evidence": [[183432, 195431, "Guatemala", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121709, null, null, null]]], "all_evidence": [[121709, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255467, null, null, null]]], "all_evidence": [[255467, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115849, 129730, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[115849, 129730, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136736, 151562, "James_Jones_-LRB-basketball_player-RRB-", 17]]], "all_evidence": [[136736, 151562, "James_Jones_-LRB-basketball_player-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228479, 232656, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228479, 232656, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145409, 160403, "Angela_Bassett", 6]], [[145424, 160417, "Angela_Bassett", 6], [145424, 160417, "Yale_School_of_Drama", 0]]], "all_evidence": [[145409, 160403, "Angela_Bassett", 6], [145424, 160417, "Angela_Bassett", 6], [145424, 160417, "Yale_School_of_Drama", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242998, null, null, null]]], "all_evidence": [[242998, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170149, null, null, null]]], "all_evidence": [[170149, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241259, 242798, "Cretaceous", 0]], [[241259, 242799, "Cretaceous", 8]], [[241259, 242800, "Cretaceous", 9]]], "all_evidence": [[241259, 242798, "Cretaceous", 0], [241259, 242799, "Cretaceous", 8], [241259, 242800, "Cretaceous", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81026, 92874, "Floppy_disk", 0]]], "all_evidence": [[81026, 92874, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124617, 138952, "The_Cincinnati_Kid", 6], [124617, 138952, "Norman_Jewison", 0]], [[124618, 138953, "The_Cincinnati_Kid", 6], [124618, 138953, "Norman_Jewison", 0]], [[124619, 138954, "The_Cincinnati_Kid", 6], [124619, 138954, "Norman_Jewison", 0]], [[124620, 138955, "The_Cincinnati_Kid", 6], [124620, 138955, "Norman_Jewison", 0]], [[124621, 138956, "The_Cincinnati_Kid", 6], [124621, 138956, "Norman_Jewison", 0]], [[124622, 138957, "The_Cincinnati_Kid", 6], [124622, 138957, "Norman_Jewison", 0]], [[124623, 138958, "The_Cincinnati_Kid", 6], [124623, 138958, "Norman_Jewison", 0]], [[124624, 138959, "The_Cincinnati_Kid", 6], [124624, 138959, "Norman_Jewison", 0]]], "all_evidence": [[124617, 138952, "The_Cincinnati_Kid", 6], [124617, 138952, "Norman_Jewison", 0], [124618, 138953, "The_Cincinnati_Kid", 6], [124618, 138953, "Norman_Jewison", 0], [124619, 138954, "The_Cincinnati_Kid", 6], [124619, 138954, "Norman_Jewison", 0], [124620, 138955, "The_Cincinnati_Kid", 6], [124620, 138955, "Norman_Jewison", 0], [124621, 138956, "The_Cincinnati_Kid", 6], [124621, 138956, "Norman_Jewison", 0], [124622, 138957, "The_Cincinnati_Kid", 6], [124622, 138957, "Norman_Jewison", 0], [124623, 138958, "The_Cincinnati_Kid", 6], [124623, 138958, "Norman_Jewison", 0], [124624, 138959, "The_Cincinnati_Kid", 6], [124624, 138959, "Norman_Jewison", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86602, null, null, null]]], "all_evidence": [[86602, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260882, 259219, "Capsicum_chinense", 0]]], "all_evidence": [[260882, 259219, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56519, null, null, null]]], "all_evidence": [[56519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45339, 54114, "English_people", 6]], [[45339, 54115, "English_people", 12]]], "all_evidence": [[45339, 54114, "English_people", 6], [45339, 54115, "English_people", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228472, null, null, null]]], "all_evidence": [[228472, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219112, null, null, null]]], "all_evidence": [[219112, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236105, null, null, null]]], "all_evidence": [[236105, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113793, 127667, "University_of_Mississippi", 4]]], "all_evidence": [[113793, 127667, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222941, 228048, "Marjorie_Gross", 1]]], "all_evidence": [[222941, 228048, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268487, null, null, null]]], "all_evidence": [[268487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188612, 200067, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188612, 200067, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45157, 53902, "Kuching", 0]]], "all_evidence": [[45157, 53902, "Kuching", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144737, null, null, null]]], "all_evidence": [[144737, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27653, 33872, "Murda_Beatz", 0]]], "all_evidence": [[27653, 33872, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183441, 195440, "Guatemala", 16]]], "all_evidence": [[183441, 195440, "Guatemala", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216150, 222860, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216150, 222860, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237571, 239785, "Dakota_Fanning", 1]], [[237571, 239786, "Dakota_Fanning", 2]], [[237571, 239787, "Dakota_Fanning", 5]], [[237571, 239788, "Dakota_Fanning", 6]]], "all_evidence": [[237571, 239785, "Dakota_Fanning", 1], [237571, 239786, "Dakota_Fanning", 2], [237571, 239787, "Dakota_Fanning", 5], [237571, 239788, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292194, 285028, "Tenacious_D", 0]], [[292194, 285029, "Tenacious_D", 1], [292194, 285029, "Jack_Black", 0], [292194, 285029, "Kyle_Gass", 0]], [[294150, 286500, "Tenacious_D", 0]], [[294802, 287013, "Tenacious_D", 0]], [[339246, 324260, "Tenacious_D", 0]], [[339259, 324266, "Tenacious_D", 0]], [[339262, 324269, "Tenacious_D", 0], [339262, 324269, "California", 0]]], "all_evidence": [[292194, 285028, "Tenacious_D", 0], [292194, 285029, "Tenacious_D", 1], [292194, 285029, "Jack_Black", 0], [292194, 285029, "Kyle_Gass", 0], [294150, 286500, "Tenacious_D", 0], [294802, 287013, "Tenacious_D", 0], [339246, 324260, "Tenacious_D", 0], [339259, 324266, "Tenacious_D", 0], [339262, 324269, "Tenacious_D", 0], [339262, 324269, "California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101937, 115177, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[101937, 115177, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140908, 156061, "NRG_Recording_Studios", 0]]], "all_evidence": [[140908, 156061, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44073, 52715, "Prowler_-LRB-comics-RRB-", 0]]], "all_evidence": [[44073, 52715, "Prowler_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234291, null, null, null], [237075, null, null, null], [318753, null, null, null], [320153, null, null, null]]], "all_evidence": [[234291, null, null, null], [237075, null, null, null], [318753, null, null, null], [320153, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45726, null, null, null]]], "all_evidence": [[45726, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208017, null, null, null]]], "all_evidence": [[208017, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223842, null, null, null]]], "all_evidence": [[223842, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191692, null, null, null]]], "all_evidence": [[191692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128027, 142735, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[128027, 142735, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147240, 162242, "YouTube", 15], [147240, 162242, "Alexa_Internet", 0]]], "all_evidence": [[147240, 162242, "YouTube", 15], [147240, 162242, "Alexa_Internet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114582, 128332, "Fred_Armisen", 0]]], "all_evidence": [[114582, 128332, "Fred_Armisen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51024, 60759, "University_of_Mississippi", 4]], [[51028, 60763, "University_of_Mississippi", 4]]], "all_evidence": [[51024, 60759, "University_of_Mississippi", 4], [51028, 60763, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162039, 176411, "The_Godfather_Part_II", 7]]], "all_evidence": [[162039, 176411, "The_Godfather_Part_II", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246626, 247099, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246626, 247099, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241256, 242797, "Cretaceous", 8]]], "all_evidence": [[241256, 242797, "Cretaceous", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61335, 71850, "2016_Tour_de_France", 2]]], "all_evidence": [[61335, 71850, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185037, 196860, "Edgar_Wright", 0], [185037, 196860, "Gemini_-LRB-astrology-RRB-", 1]]], "all_evidence": [[185037, 196860, "Edgar_Wright", 0], [185037, 196860, "Gemini_-LRB-astrology-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164639, 178861, "Saxony", 4]]], "all_evidence": [[164639, 178861, "Saxony", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287873, null, null, null], [289498, null, null, null], [291010, null, null, null], [336274, null, null, null], [336276, null, null, null], [336277, null, null, null], [336279, null, null, null], [336288, null, null, null]]], "all_evidence": [[287873, null, null, null], [289498, null, null, null], [291010, null, null, null], [336274, null, null, null], [336276, null, null, null], [336277, null, null, null], [336279, null, null, null], [336288, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194119, 204526, "Rick_Yune", 2]]], "all_evidence": [[194119, 204526, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89952, null, null, null]]], "all_evidence": [[89952, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107225, null, null, null]]], "all_evidence": [[107225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236633, 239073, "Marcus_Bentley", 0]]], "all_evidence": [[236633, 239073, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194710, 205081, "Middle-earth", 0]], [[194710, 205082, "Middle-earth", 4]], [[194710, 205083, "Middle-earth", 2]]], "all_evidence": [[194710, 205081, "Middle-earth", 0], [194710, 205082, "Middle-earth", 4], [194710, 205083, "Middle-earth", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126869, null, null, null]]], "all_evidence": [[126869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180236, 192773, "The_Bahamas", 0], [180236, 192773, "Archipelagic_state", 0]], [[180236, 192774, "The_Bahamas", 10], [180236, 192774, "Eleuthera", 0]], [[182014, 194300, "The_Bahamas", 0], [182014, 194300, "Archipelagic_state", 0]], [[182195, 194465, "The_Bahamas", 0], [182195, 194465, "Archipelagic_state", 0]], [[314183, 303607, "The_Bahamas", 0], [314183, 303607, "Archipelagic_state", 0]], [[314185, 303608, "The_Bahamas", 0], [314185, 303608, "Archipelagic_state", 0]], [[314191, 303615, "The_Bahamas", 0]]], "all_evidence": [[180236, 192773, "The_Bahamas", 0], [180236, 192773, "Archipelagic_state", 0], [180236, 192774, "The_Bahamas", 10], [180236, 192774, "Eleuthera", 0], [182014, 194300, "The_Bahamas", 0], [182014, 194300, "Archipelagic_state", 0], [182195, 194465, "The_Bahamas", 0], [182195, 194465, "Archipelagic_state", 0], [314183, 303607, "The_Bahamas", 0], [314183, 303607, "Archipelagic_state", 0], [314185, 303608, "The_Bahamas", 0], [314185, 303608, "Archipelagic_state", 0], [314191, 303615, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154789, null, null, null]]], "all_evidence": [[154789, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223634, 228603, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223634, 228603, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31423, 38135, "Duane_Chapman", 0]]], "all_evidence": [[31423, 38135, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227654, 231998, "Happiness_in_Slavery", 0]]], "all_evidence": [[227654, 231998, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213723, 220883, "Finding_Dory", 1], [213723, 220883, "Andrew_Stanton", 0]]], "all_evidence": [[213723, 220883, "Finding_Dory", 1], [213723, 220883, "Andrew_Stanton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218086, 224474, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218086, 224474, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93481, 106435, "Harvard_University", 15]]], "all_evidence": [[93481, 106435, "Harvard_University", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142921, 158037, "Qui-Gon_Jinn", 0]]], "all_evidence": [[142921, 158037, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95808, 108866, "Daggering", 0]]], "all_evidence": [[95808, 108866, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198013, 207956, "Syracuse,_New_York", 2]]], "all_evidence": [[198013, 207956, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82612, 94410, "Philomena_-LRB-film-RRB-", 9]]], "all_evidence": [[82612, 94410, "Philomena_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233039, null, null, null]]], "all_evidence": [[233039, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28396, 34705, "James_Earl_Jones", 4]]], "all_evidence": [[28396, 34705, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228486, 232662, "Stripes_-LRB-film-RRB-", 0], [228486, 232662, "Bill_Murray", 0], [228486, 232662, "Harold_Ramis", 0], [228486, 232662, "John_Candy", 0], [228486, 232662, "P._J._Soles", 0], [228486, 232662, "Sean_Young", 0], [228486, 232662, "Warren_Oates", 0]], [[228486, 232663, "Stripes_-LRB-film-RRB-", 1], [228486, 232663, "Conrad_Dunn", 0], [228486, 232663, "John_Diehl", 0], [228486, 232663, "John_Larroquette", 0], [228486, 232663, "Judge_Reinhold", 0]], [[228486, 232664, "Stripes_-LRB-film-RRB-", 2], [228486, 232664, "Bill_Paxton", 0], [228486, 232664, "Dave_Thomas_-LRB-actor-RRB-", 0], [228486, 232664, "Joe_Flaherty", 0], [228486, 232664, "Timothy_Busfield", 0]]], "all_evidence": [[228486, 232662, "Stripes_-LRB-film-RRB-", 0], [228486, 232662, "Bill_Murray", 0], [228486, 232662, "Harold_Ramis", 0], [228486, 232662, "John_Candy", 0], [228486, 232662, "P._J._Soles", 0], [228486, 232662, "Sean_Young", 0], [228486, 232662, "Warren_Oates", 0], [228486, 232663, "Stripes_-LRB-film-RRB-", 1], [228486, 232663, "Conrad_Dunn", 0], [228486, 232663, "John_Diehl", 0], [228486, 232663, "John_Larroquette", 0], [228486, 232663, "Judge_Reinhold", 0], [228486, 232664, "Stripes_-LRB-film-RRB-", 2], [228486, 232664, "Bill_Paxton", 0], [228486, 232664, "Dave_Thomas_-LRB-actor-RRB-", 0], [228486, 232664, "Joe_Flaherty", 0], [228486, 232664, "Timothy_Busfield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237970, 240131, "Tamerlan_Tsarnaev", 8]], [[237970, 240132, "Tamerlan_Tsarnaev", 9]]], "all_evidence": [[237970, 240131, "Tamerlan_Tsarnaev", 8], [237970, 240132, "Tamerlan_Tsarnaev", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92667, 105474, "YouTube", 15]]], "all_evidence": [[92667, 105474, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116377, 130272, "Bethany_Hamilton", 0]], [[116386, 130279, "Bethany_Hamilton", 0]], [[116386, 130280, "Bethany_Hamilton", 2], [116386, 130280, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[116377, 130272, "Bethany_Hamilton", 0], [116386, 130279, "Bethany_Hamilton", 0], [116386, 130280, "Bethany_Hamilton", 2], [116386, 130280, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238529, 240527, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]], "all_evidence": [[238529, 240527, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191909, null, null, null]]], "all_evidence": [[191909, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234295, 237206, "Starrcade", 0]], [[240672, 242253, "Starrcade", 0]], [[318762, 307596, "Starrcade", 0]]], "all_evidence": [[234295, 237206, "Starrcade", 0], [240672, 242253, "Starrcade", 0], [318762, 307596, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106053, 119413, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[106053, 119413, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246628, null, null, null]]], "all_evidence": [[246628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49590, 58971, "Taran_Killam", 0]], [[49590, 58972, "Taran_Killam", 1]], [[49590, 58973, "Taran_Killam", 2]], [[49590, 58974, "Taran_Killam", 5]]], "all_evidence": [[49590, 58971, "Taran_Killam", 0], [49590, 58972, "Taran_Killam", 1], [49590, 58973, "Taran_Killam", 2], [49590, 58974, "Taran_Killam", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236989, 239318, "Varsity_Blues_-LRB-film-RRB-", 5]]], "all_evidence": [[236989, 239318, "Varsity_Blues_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211590, 219257, "Forceps", 0]], [[211591, 219258, "Forceps", 0]], [[211595, 219260, "Forceps", 0]]], "all_evidence": [[211590, 219257, "Forceps", 0], [211591, 219258, "Forceps", 0], [211595, 219260, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226473, 231034, "Eighth_Doctor", 0], [226473, 231034, "BBC", 1]]], "all_evidence": [[226473, 231034, "Eighth_Doctor", 0], [226473, 231034, "BBC", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80159, 91957, "NRG_Recording_Studios", 0], [80159, 91957, "Jay_Baumgardner", 0]]], "all_evidence": [[80159, 91957, "NRG_Recording_Studios", 0], [80159, 91957, "Jay_Baumgardner", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239342, null, null, null], [239368, null, null, null]]], "all_evidence": [[239342, null, null, null], [239368, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241683, 243206, "Rio_-LRB-2011_film-RRB-", 20], [241683, 243206, "Rio_2", 0]], [[241722, 243239, "Rio_-LRB-2011_film-RRB-", 20], [241722, 243239, "Rio_2", 0]]], "all_evidence": [[241683, 243206, "Rio_-LRB-2011_film-RRB-", 20], [241683, 243206, "Rio_2", 0], [241722, 243239, "Rio_-LRB-2011_film-RRB-", 20], [241722, 243239, "Rio_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203329, 212371, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203329, 212371, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138533, 153596, "Nuuk", 4]]], "all_evidence": [[138533, 153596, "Nuuk", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258720, null, null, null], [258721, null, null, null], [258723, null, null, null]]], "all_evidence": [[258720, null, null, null], [258721, null, null, null], [258723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78509, 90041, "Michigan", 2]]], "all_evidence": [[78509, 90041, "Michigan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154053, null, null, null]]], "all_evidence": [[154053, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258725, null, null, null]]], "all_evidence": [[258725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232017, 235305, "Simo\u0301n_Boli\u0301var", 0]], [[232018, 235306, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232017, 235305, "Simo\u0301n_Boli\u0301var", 0], [232018, 235306, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86370, 98774, "A_Milli", 0]], [[86370, 98775, "A_Milli", 1], [86370, 98775, "Tha_Carter_III", 0]]], "all_evidence": [[86370, 98774, "A_Milli", 0], [86370, 98775, "A_Milli", 1], [86370, 98775, "Tha_Carter_III", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190748, null, null, null]]], "all_evidence": [[190748, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188622, 200074, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188622, 200074, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235605, 238211, "Natural_Born_Killers", 0]]], "all_evidence": [[235605, 238211, "Natural_Born_Killers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214271, 221352, "Kenneth_Lonergan", 0], [214271, 221352, "Kenneth_Lonergan", 1]]], "all_evidence": [[214271, 221352, "Kenneth_Lonergan", 0], [214271, 221352, "Kenneth_Lonergan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198058, 208001, "Dave_Gibbons", 0]]], "all_evidence": [[198058, 208001, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39275, null, null, null]]], "all_evidence": [[39275, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40388, 48589, "Rupert_Murdoch", 3]]], "all_evidence": [[40388, 48589, "Rupert_Murdoch", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79888, 91624, "Henry_VIII_-LRB-TV_serial-RRB-", 5]]], "all_evidence": [[79888, 91624, "Henry_VIII_-LRB-TV_serial-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213731, 220889, "Finding_Dory", 1]]], "all_evidence": [[213731, 220889, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199081, 208765, "Matteo_Renzi", 0]]], "all_evidence": [[199081, 208765, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218174, null, null, null]]], "all_evidence": [[218174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154839, 169589, "Kesha", 0]], [[154839, 169590, "Kesha", 13]]], "all_evidence": [[154839, 169589, "Kesha", 0], [154839, 169590, "Kesha", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68505, 79373, "Eric_Church", 0]]], "all_evidence": [[68505, 79373, "Eric_Church", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107366, null, null, null]]], "all_evidence": [[107366, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195165, 205491, "James_Jones_-LRB-basketball_player-RRB-", 16]], [[199989, 209620, "James_Jones_-LRB-basketball_player-RRB-", 16]], [[315374, 304639, "James_Jones_-LRB-basketball_player-RRB-", 16]], [[315375, 304640, "James_Jones_-LRB-basketball_player-RRB-", 16]]], "all_evidence": [[195165, 205491, "James_Jones_-LRB-basketball_player-RRB-", 16], [199989, 209620, "James_Jones_-LRB-basketball_player-RRB-", 16], [315374, 304639, "James_Jones_-LRB-basketball_player-RRB-", 16], [315375, 304640, "James_Jones_-LRB-basketball_player-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12676, 15824, "Tottenham_Hotspur_F.C.", 0]], [[12676, 15825, "Tottenham_Hotspur_F.C.", 7]], [[12704, 15853, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[12676, 15824, "Tottenham_Hotspur_F.C.", 0], [12676, 15825, "Tottenham_Hotspur_F.C.", 7], [12704, 15853, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190776, null, null, null]]], "all_evidence": [[190776, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84546, null, null, null]]], "all_evidence": [[84546, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83374, 95343, "Hush_-LRB-2016_film-RRB-", 2]], [[83375, 95344, "Hush_-LRB-2016_film-RRB-", 2], [83375, 95344, "Hush_-LRB-2016_film-RRB-", 0]], [[83381, 95347, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[83374, 95343, "Hush_-LRB-2016_film-RRB-", 2], [83375, 95344, "Hush_-LRB-2016_film-RRB-", 2], [83375, 95344, "Hush_-LRB-2016_film-RRB-", 0], [83381, 95347, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61291, 71808, "Veeru_Devgan", 0]], [[61291, 71809, "Veeru_Devgan", 1], [61291, 71809, "Amritsar", 0]]], "all_evidence": [[61291, 71808, "Veeru_Devgan", 0], [61291, 71809, "Veeru_Devgan", 1], [61291, 71809, "Amritsar", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144708, null, null, null]]], "all_evidence": [[144708, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154831, null, null, null]]], "all_evidence": [[154831, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157881, 172482, "TV_Choice", 1]], [[157881, 172483, "TV_Choice", 0]]], "all_evidence": [[157881, 172482, "TV_Choice", 1], [157881, 172483, "TV_Choice", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248521, null, null, null]]], "all_evidence": [[248521, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229539, 233465, "Bea_Arthur", 0]], [[229540, 233466, "Bea_Arthur", 0]]], "all_evidence": [[229539, 233465, "Bea_Arthur", 0], [229540, 233466, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201139, 210593, "The_Endless_River", 0], [201139, 210593, "Pink_Floyd", 5]]], "all_evidence": [[201139, 210593, "The_Endless_River", 0], [201139, 210593, "Pink_Floyd", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72181, 83194, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[72181, 83194, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208024, null, null, null]]], "all_evidence": [[208024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282451, 276630, "Jennifer_Lopez", 9]], [[284422, 278253, "Jennifer_Lopez", 9]], [[330610, 317213, "Jennifer_Lopez", 9]], [[330611, 317214, "Jennifer_Lopez", 9]], [[331739, 318212, "Jennifer_Lopez", 9]]], "all_evidence": [[282451, 276630, "Jennifer_Lopez", 9], [284422, 278253, "Jennifer_Lopez", 9], [330610, 317213, "Jennifer_Lopez", 9], [330611, 317214, "Jennifer_Lopez", 9], [331739, 318212, "Jennifer_Lopez", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89411, 102107, "Pene\u0301lope_Cruz", 12]], [[89416, 102111, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[89411, 102107, "Pene\u0301lope_Cruz", 12], [89416, 102111, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160818, null, null, null]]], "all_evidence": [[160818, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196629, 206740, "Michael_Vick", 0]], [[196629, 206741, "Michael_Vick", 1]], [[196629, 206742, "Michael_Vick", 2]], [[196629, 206743, "Michael_Vick", 8]], [[196629, 206744, "Michael_Vick", 11]], [[196629, 206745, "Michael_Vick", 12]], [[196629, 206746, "Michael_Vick", 13]]], "all_evidence": [[196629, 206740, "Michael_Vick", 0], [196629, 206741, "Michael_Vick", 1], [196629, 206742, "Michael_Vick", 2], [196629, 206743, "Michael_Vick", 8], [196629, 206744, "Michael_Vick", 11], [196629, 206745, "Michael_Vick", 12], [196629, 206746, "Michael_Vick", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110822, null, null, null]]], "all_evidence": [[110822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214282, 221364, "Kenneth_Lonergan", 1]], [[214282, 221365, "Kenneth_Lonergan", 2]], [[214282, 221366, "Kenneth_Lonergan", 3]]], "all_evidence": [[214282, 221364, "Kenneth_Lonergan", 1], [214282, 221365, "Kenneth_Lonergan", 2], [214282, 221366, "Kenneth_Lonergan", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193486, null, null, null]]], "all_evidence": [[193486, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22067, null, null, null]]], "all_evidence": [[22067, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52779, null, null, null]]], "all_evidence": [[52779, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171714, null, null, null]]], "all_evidence": [[171714, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112745, null, null, null]]], "all_evidence": [[112745, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228173, null, null, null]]], "all_evidence": [[228173, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251710, 251518, "Mary-Kate_and_Ashley_Olsen", 0]], [[251713, 251524, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251710, 251518, "Mary-Kate_and_Ashley_Olsen", 0], [251713, 251524, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287025, null, null, null], [287032, null, null, null], [289120, null, null, null], [334969, null, null, null], [334975, null, null, null]]], "all_evidence": [[287025, null, null, null], [287032, null, null, null], [289120, null, null, null], [334969, null, null, null], [334975, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185427, null, null, null]]], "all_evidence": [[185427, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101493, null, null, null]]], "all_evidence": [[101493, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148141, 163108, "Camden,_New_Jersey", 0]]], "all_evidence": [[148141, 163108, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16220, null, null, null]]], "all_evidence": [[16220, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150764, 165605, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[150764, 165605, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145297, null, null, null]]], "all_evidence": [[145297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167360, 181207, "Always_-LRB-1989_film-RRB-", 0], [167360, 181207, "Steven_Spielberg", 0]]], "all_evidence": [[167360, 181207, "Always_-LRB-1989_film-RRB-", 0], [167360, 181207, "Steven_Spielberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100897, 114161, "Washington_Wizards", 12]]], "all_evidence": [[100897, 114161, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217682, 224173, "Asylum_Records", 0]]], "all_evidence": [[217682, 224173, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58291, 68547, "Despacito", 12], [58291, 68547, "Vi\u0301ctor_Manuelle", 0]], [[58291, 68548, "Despacito", 13]]], "all_evidence": [[58291, 68547, "Despacito", 12], [58291, 68547, "Vi\u0301ctor_Manuelle", 0], [58291, 68548, "Despacito", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126198, 140580, "Harold_Macmillan", 0]], [[126198, 140582, "Harold_Macmillan", 1], [126198, 140582, "Supermac_-LRB-cartoon-RRB-", 4]], [[126198, 140584, "Harold_Macmillan", 7]], [[126198, 140585, "Harold_Macmillan", 8]], [[126198, 140586, "Harold_Macmillan", 11]], [[126198, 140587, "Harold_Macmillan", 12]], [[126198, 140588, "Harold_Macmillan", 15]], [[126198, 140591, "Harold_Macmillan", 16]], [[126198, 140592, "Harold_Macmillan", 17]], [[126198, 140593, "Harold_Macmillan", 18], [126198, 140593, "United_Kingdom_general_election,_1959", 1]], [[126198, 140594, "Harold_Macmillan", 21]], [[126198, 140595, "Harold_Macmillan", 22]], [[126198, 140596, "Harold_Macmillan", 23]], [[126198, 140597, "Harold_Macmillan", 26]], [[126198, 140598, "Harold_Macmillan", 27]], [[126198, 140599, "Harold_Macmillan", 31]]], "all_evidence": [[126198, 140580, "Harold_Macmillan", 0], [126198, 140582, "Harold_Macmillan", 1], [126198, 140582, "Supermac_-LRB-cartoon-RRB-", 4], [126198, 140584, "Harold_Macmillan", 7], [126198, 140585, "Harold_Macmillan", 8], [126198, 140586, "Harold_Macmillan", 11], [126198, 140587, "Harold_Macmillan", 12], [126198, 140588, "Harold_Macmillan", 15], [126198, 140591, "Harold_Macmillan", 16], [126198, 140592, "Harold_Macmillan", 17], [126198, 140593, "Harold_Macmillan", 18], [126198, 140593, "United_Kingdom_general_election,_1959", 1], [126198, 140594, "Harold_Macmillan", 21], [126198, 140595, "Harold_Macmillan", 22], [126198, 140596, "Harold_Macmillan", 23], [126198, 140597, "Harold_Macmillan", 26], [126198, 140598, "Harold_Macmillan", 27], [126198, 140599, "Harold_Macmillan", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17217, 21310, "West_Ham_United_F.C.", 0]]], "all_evidence": [[17217, 21310, "West_Ham_United_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250375, 250380, "The_Closer", 8]]], "all_evidence": [[250375, 250380, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111894, 125714, "Liam_Neeson", 11], [111894, 125714, "British_Academy_of_Film_and_Television_Arts", 0]]], "all_evidence": [[111894, 125714, "Liam_Neeson", 11], [111894, 125714, "British_Academy_of_Film_and_Television_Arts", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117999, null, null, null]]], "all_evidence": [[117999, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137548, null, null, null]]], "all_evidence": [[137548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151548, 166301, "Black_Canary", 0]]], "all_evidence": [[151548, 166301, "Black_Canary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193510, 204003, "Larry_Wilmore", 0]], [[193510, 204004, "Larry_Wilmore", 1], [193510, 204004, "The_Daily_Show", 2], [193510, 204004, "The_Nightly_Show_with_Larry_Wilmore", 0]]], "all_evidence": [[193510, 204003, "Larry_Wilmore", 0], [193510, 204004, "Larry_Wilmore", 1], [193510, 204004, "The_Daily_Show", 2], [193510, 204004, "The_Nightly_Show_with_Larry_Wilmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83236, 95177, "Tottenham_Hotspur_F.C.", 7]]], "all_evidence": [[83236, 95177, "Tottenham_Hotspur_F.C.", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257107, 256155, "Homer_Hickam", 2]]], "all_evidence": [[257107, 256155, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117100, 130992, "Garden_State_-LRB-film-RRB-", 6], [117100, 130992, "Sundance_Film_Festival", 0]]], "all_evidence": [[117100, 130992, "Garden_State_-LRB-film-RRB-", 6], [117100, 130992, "Sundance_Film_Festival", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127831, null, null, null]]], "all_evidence": [[127831, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126705, 141137, "Harris_Jayaraj", 0]]], "all_evidence": [[126705, 141137, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23982, null, null, null]]], "all_evidence": [[23982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229447, 233374, "Eighth_Doctor", 0]]], "all_evidence": [[229447, 233374, "Eighth_Doctor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206695, 215012, "Al_Jardine", 0], [206695, 215012, "Al_Jardine", 1]]], "all_evidence": [[206695, 215012, "Al_Jardine", 0], [206695, 215012, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158565, 173218, "The_Mod_Squad", 0]]], "all_evidence": [[158565, 173218, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141672, null, null, null]]], "all_evidence": [[141672, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109095, 122795, "Luke_Cage", 0]], [[109095, 122796, "Luke_Cage", 2]]], "all_evidence": [[109095, 122795, "Luke_Cage", 0], [109095, 122796, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201127, 210577, "The_Endless_River", 0], [201127, 210577, "Pink_Floyd", 0]]], "all_evidence": [[201127, 210577, "The_Endless_River", 0], [201127, 210577, "Pink_Floyd", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257066, 256123, "Chagatai_language", 1]], [[257066, 256124, "Chagatai_language", 0]]], "all_evidence": [[257066, 256123, "Chagatai_language", 1], [257066, 256124, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62524, 73144, "Yale_University", 23]]], "all_evidence": [[62524, 73144, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177234, 190097, "Humphrey_Bogart", 16]]], "all_evidence": [[177234, 190097, "Humphrey_Bogart", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137203, 152034, "Randy_Savage", 4]]], "all_evidence": [[137203, 152034, "Randy_Savage", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274131, 269443, "Wildfang", 1]], [[276509, 271585, "Wildfang", 1]], [[277423, 272339, "Wildfang", 1]], [[322217, 310576, "Wildfang", 1]], [[323432, 311670, "Wildfang", 1], [323432, 311670, "Wildfang", 0]]], "all_evidence": [[274131, 269443, "Wildfang", 1], [276509, 271585, "Wildfang", 1], [277423, 272339, "Wildfang", 1], [322217, 310576, "Wildfang", 1], [323432, 311670, "Wildfang", 1], [323432, 311670, "Wildfang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120273, 134469, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[120273, 134469, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164361, 178643, "Reign_Over_Me", 0]]], "all_evidence": [[164361, 178643, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18731, 22966, "Noel_Fisher", 1]]], "all_evidence": [[18731, 22966, "Noel_Fisher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225655, null, null, null]]], "all_evidence": [[225655, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[291443, 284366, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[337857, 323183, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[337919, 323244, "Recovery_-LRB-Eminem_album-RRB-", 6]]], "all_evidence": [[291443, 284366, "Recovery_-LRB-Eminem_album-RRB-", 6], [337857, 323183, "Recovery_-LRB-Eminem_album-RRB-", 6], [337919, 323244, "Recovery_-LRB-Eminem_album-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[254359, 254052, "DJ_Quik", 0]]], "all_evidence": [[254359, 254052, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56348, null, null, null]]], "all_evidence": [[56348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201857, 211215, "Artpop", 13]]], "all_evidence": [[201857, 211215, "Artpop", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155342, null, null, null]]], "all_evidence": [[155342, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87821, 100342, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[87821, 100343, "Kleshas_-LRB-Buddhism-RRB-", 1]], [[87821, 100344, "Kleshas_-LRB-Buddhism-RRB-", 2]]], "all_evidence": [[87821, 100342, "Kleshas_-LRB-Buddhism-RRB-", 0], [87821, 100343, "Kleshas_-LRB-Buddhism-RRB-", 1], [87821, 100344, "Kleshas_-LRB-Buddhism-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67781, 78626, "West_Virginia", 1]]], "all_evidence": [[67781, 78626, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109128, 122824, "Fist_of_Legend", 2]]], "all_evidence": [[109128, 122824, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136687, 151503, "Hush_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[136687, 151503, "Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167224, 181049, "San_Diego_Comic-Con", 1]]], "all_evidence": [[167224, 181049, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239636, 241405, "Polynesian_languages", 6]]], "all_evidence": [[239636, 241405, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71385, 82333, "Ashley_Graham_-LRB-model-RRB-", 1]], [[71385, 82334, "Ashley_Graham_-LRB-model-RRB-", 4]], [[71385, 82335, "Ashley_Graham_-LRB-model-RRB-", 6]]], "all_evidence": [[71385, 82333, "Ashley_Graham_-LRB-model-RRB-", 1], [71385, 82334, "Ashley_Graham_-LRB-model-RRB-", 4], [71385, 82335, "Ashley_Graham_-LRB-model-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142645, 157800, "Homo_sapiens", 3]]], "all_evidence": [[142645, 157800, "Homo_sapiens", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166437, 180275, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[166437, 180275, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292247, 285078, "Rob_Sheridan", 0]], [[294252, 286584, "Rob_Sheridan", 0]], [[294895, 287111, "Rob_Sheridan", 0]], [[339877, 324710, "Rob_Sheridan", 0]], [[339974, 324775, "Rob_Sheridan", 0]]], "all_evidence": [[292247, 285078, "Rob_Sheridan", 0], [294252, 286584, "Rob_Sheridan", 0], [294895, 287111, "Rob_Sheridan", 0], [339877, 324710, "Rob_Sheridan", 0], [339974, 324775, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132872, 147779, "Tim_McGraw", 13], [132872, 147779, "Sandra_Bullock", 0]]], "all_evidence": [[132872, 147779, "Tim_McGraw", 13], [132872, 147779, "Sandra_Bullock", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115942, 129816, "Indian_Army", 16]]], "all_evidence": [[115942, 129816, "Indian_Army", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137282, 152122, "Harvard_University", 0]]], "all_evidence": [[137282, 152122, "Harvard_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205329, 213936, "Invasion_literature", 3]]], "all_evidence": [[205329, 213936, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141572, 156805, "White_House_Press_Secretary", 0]], [[143564, 158683, "White_House_Press_Secretary", 0]], [[310980, 301002, "White_House_Press_Secretary", 0]], [[310981, 301003, "White_House_Press_Secretary", 0]], [[310986, 301014, "White_House_Press_Secretary", 0]], [[310987, 301015, "White_House_Press_Secretary", 0]]], "all_evidence": [[141572, 156805, "White_House_Press_Secretary", 0], [143564, 158683, "White_House_Press_Secretary", 0], [310980, 301002, "White_House_Press_Secretary", 0], [310981, 301003, "White_House_Press_Secretary", 0], [310986, 301014, "White_House_Press_Secretary", 0], [310987, 301015, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126928, null, null, null]]], "all_evidence": [[126928, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157964, null, null, null]]], "all_evidence": [[157964, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66658, null, null, null]]], "all_evidence": [[66658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149520, 164484, "Blade_Runner_2049", 1]]], "all_evidence": [[149520, 164484, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251684, 251503, "Mary-Kate_and_Ashley_Olsen", 0]], [[251685, 251504, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251684, 251503, "Mary-Kate_and_Ashley_Olsen", 0], [251685, 251504, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241692, 243214, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241692, 243214, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191461, 202319, "Roswell_-LRB-TV_series-RRB-", 0]], [[191468, 202324, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191461, 202319, "Roswell_-LRB-TV_series-RRB-", 0], [191468, 202324, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20849, 25547, "Eric_Church", 0], [20849, 25547, "Eric_Church", 1], [20849, 25547, "Eric_Church", 2], [20849, 25547, "Eric_Church", 5], [20849, 25547, "Eric_Church", 6], [20849, 25547, "Eric_Church", 7], [20849, 25547, "Eric_Church", 11], [20849, 25547, "Eric_Church", 12]]], "all_evidence": [[20849, 25547, "Eric_Church", 0], [20849, 25547, "Eric_Church", 1], [20849, 25547, "Eric_Church", 2], [20849, 25547, "Eric_Church", 5], [20849, 25547, "Eric_Church", 6], [20849, 25547, "Eric_Church", 7], [20849, 25547, "Eric_Church", 11], [20849, 25547, "Eric_Church", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60940, 71398, "Mary_of_Teck", 12]]], "all_evidence": [[60940, 71398, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71081, null, null, null]]], "all_evidence": [[71081, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199495, null, null, null]]], "all_evidence": [[199495, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192748, null, null, null]]], "all_evidence": [[192748, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231999, 235293, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231999, 235293, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30716, null, null, null]]], "all_evidence": [[30716, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245241, 246105, "Efraim_Diveroli", 6]]], "all_evidence": [[245241, 246105, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86695, 99169, "Angela_Bassett", 6]]], "all_evidence": [[86695, 99169, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19439, null, null, null]]], "all_evidence": [[19439, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15787, 19645, "Alexandra_Daddario", 0]], [[15787, 19646, "Alexandra_Daddario", 2]], [[15787, 19647, "Alexandra_Daddario", 1]]], "all_evidence": [[15787, 19645, "Alexandra_Daddario", 0], [15787, 19646, "Alexandra_Daddario", 2], [15787, 19647, "Alexandra_Daddario", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11149, null, null, null]]], "all_evidence": [[11149, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37926, 45840, "Sean_Penn", 5]], [[37936, 45847, "Sean_Penn", 5], [37936, 45847, "State_of_Grace_-LRB-film-RRB-", 0]], [[37936, 45848, "Sean_Penn", 6], [37936, 45848, "Dead_Man_Walking_-LRB-film-RRB-", 0]]], "all_evidence": [[37926, 45840, "Sean_Penn", 5], [37936, 45847, "Sean_Penn", 5], [37936, 45847, "State_of_Grace_-LRB-film-RRB-", 0], [37936, 45848, "Sean_Penn", 6], [37936, 45848, "Dead_Man_Walking_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241377, null, null, null], [241379, null, null, null]]], "all_evidence": [[241377, null, null, null], [241379, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191457, null, null, null]]], "all_evidence": [[191457, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55879, null, null, null]]], "all_evidence": [[55879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59875, 70279, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[59875, 70279, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132664, null, null, null]]], "all_evidence": [[132664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213181, 220507, "Tata_Motors", 13]]], "all_evidence": [[213181, 220507, "Tata_Motors", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149120, null, null, null]]], "all_evidence": [[149120, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240259, 241908, "The_Sugarland_Express", 3]]], "all_evidence": [[240259, 241908, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241255, null, null, null]]], "all_evidence": [[241255, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255466, null, null, null]]], "all_evidence": [[255466, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178369, null, null, null], [178903, null, null, null], [313169, null, null, null], [313965, null, null, null]]], "all_evidence": [[178369, null, null, null], [178903, null, null, null], [313169, null, null, null], [313965, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63510, 74256, "Veeru_Devgan", 0]], [[63510, 74257, "Veeru_Devgan", 1], [63510, 74257, "Amritsar", 0]]], "all_evidence": [[63510, 74256, "Veeru_Devgan", 0], [63510, 74257, "Veeru_Devgan", 1], [63510, 74257, "Amritsar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85030, 97316, "Life", 0]], [[87573, 100057, "Life", 0]], [[90270, 103024, "Life", 0]], [[306358, 297049, "Life", 0]]], "all_evidence": [[85030, 97316, "Life", 0], [87573, 100057, "Life", 0], [90270, 103024, "Life", 0], [306358, 297049, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80916, 92771, "Highway_to_Heaven", 0]]], "all_evidence": [[80916, 92771, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58606, null, null, null], [58653, null, null, null]]], "all_evidence": [[58606, null, null, null], [58653, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256007, null, null, null], [256022, null, null, null]]], "all_evidence": [[256007, null, null, null], [256022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216087, 222798, "CHiPs_-LRB-film-RRB-", 0]], [[216088, 222799, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216087, 222798, "CHiPs_-LRB-film-RRB-", 0], [216088, 222799, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41209, null, null, null]]], "all_evidence": [[41209, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150189, null, null, null]]], "all_evidence": [[150189, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152445, 167240, "Janet_Leigh", 0]]], "all_evidence": [[152445, 167240, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274253, 269570, "The_Adventures_of_Pluto_Nash", 0]], [[274254, 269571, "The_Adventures_of_Pluto_Nash", 0]], [[274255, 269572, "The_Adventures_of_Pluto_Nash", 0]], [[274255, 269573, "The_Adventures_of_Pluto_Nash", 2]], [[322349, 310700, "The_Adventures_of_Pluto_Nash", 2]], [[323504, 311728, "The_Adventures_of_Pluto_Nash", 0]], [[323504, 311729, "The_Adventures_of_Pluto_Nash", 2]]], "all_evidence": [[274253, 269570, "The_Adventures_of_Pluto_Nash", 0], [274254, 269571, "The_Adventures_of_Pluto_Nash", 0], [274255, 269572, "The_Adventures_of_Pluto_Nash", 0], [274255, 269573, "The_Adventures_of_Pluto_Nash", 2], [322349, 310700, "The_Adventures_of_Pluto_Nash", 2], [323504, 311728, "The_Adventures_of_Pluto_Nash", 0], [323504, 311729, "The_Adventures_of_Pluto_Nash", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123907, 138253, "The_Good_Wife", 0]], [[123907, 138254, "The_Good_Wife", 9]]], "all_evidence": [[123907, 138253, "The_Good_Wife", 0], [123907, 138254, "The_Good_Wife", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54304, 64299, "The_Adventures_of_Pluto_Nash", 0], [54304, 64299, "Eddie_Murphy", 0]], [[54304, 64300, "The_Adventures_of_Pluto_Nash", 1], [54304, 64300, "John_Cleese", 0], [54304, 64300, "Jay_Mohr", 0], [54304, 64300, "Joe_Pantoliano", 0], [54304, 64300, "Peter_Boyle", 0], [54304, 64300, "Rosario_Dawson", 0], [54304, 64300, "Randy_Quaid", 0], [54304, 64300, "Luis_Guzma\u0301n", 0], [54304, 64300, "James_Rebhorn", 0], [54304, 64300, "Pam_Grier", 0]]], "all_evidence": [[54304, 64299, "The_Adventures_of_Pluto_Nash", 0], [54304, 64299, "Eddie_Murphy", 0], [54304, 64300, "The_Adventures_of_Pluto_Nash", 1], [54304, 64300, "John_Cleese", 0], [54304, 64300, "Jay_Mohr", 0], [54304, 64300, "Joe_Pantoliano", 0], [54304, 64300, "Peter_Boyle", 0], [54304, 64300, "Rosario_Dawson", 0], [54304, 64300, "Randy_Quaid", 0], [54304, 64300, "Luis_Guzma\u0301n", 0], [54304, 64300, "James_Rebhorn", 0], [54304, 64300, "Pam_Grier", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172975, 186211, "Shane_Black", 0]]], "all_evidence": [[172975, 186211, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143292, null, null, null]]], "all_evidence": [[143292, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124367, 138723, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[124367, 138723, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182708, 194889, "Penibaetic_System", 0]]], "all_evidence": [[182708, 194889, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51961, 61809, "Tim_Roth", 0]]], "all_evidence": [[51961, 61809, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175391, null, null, null]]], "all_evidence": [[175391, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199056, 208738, "Matteo_Renzi", 0]]], "all_evidence": [[199056, 208738, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[335163, 321042, "Blue_Jasmine", 1]]], "all_evidence": [[335163, 321042, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214315, 221398, "Ernest_Medina", 2], [214315, 221398, "My_Lai_Massacre", 0]], [[214315, 221399, "Ernest_Medina", 3]]], "all_evidence": [[214315, 221398, "Ernest_Medina", 2], [214315, 221398, "My_Lai_Massacre", 0], [214315, 221399, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37421, 45333, "2016_Tour_de_France", 2]]], "all_evidence": [[37421, 45333, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154483, null, null, null]]], "all_evidence": [[154483, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251674, 251494, "Mary-Kate_and_Ashley_Olsen", 0]], [[251679, 251499, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251674, 251494, "Mary-Kate_and_Ashley_Olsen", 0], [251679, 251499, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174767, 187901, "Knocked_Up", 0]]], "all_evidence": [[174767, 187901, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96415, 109575, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[96415, 109575, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75301, 86555, "Omar_Khadr", 0]]], "all_evidence": [[75301, 86555, "Omar_Khadr", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66042, 76894, "The_Good_Wife", 0]], [[66042, 76895, "The_Good_Wife", 6]], [[66042, 76896, "The_Good_Wife", 13]]], "all_evidence": [[66042, 76894, "The_Good_Wife", 0], [66042, 76895, "The_Good_Wife", 6], [66042, 76896, "The_Good_Wife", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98022, 111157, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[98022, 111157, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38097, 46020, "Aparshakti_Khurana", 2]]], "all_evidence": [[38097, 46020, "Aparshakti_Khurana", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131764, 146608, "Stanley_Williams", 0]], [[131765, 146609, "Stanley_Williams", 0]], [[131765, 146610, "Stanley_Williams", 4]]], "all_evidence": [[131764, 146608, "Stanley_Williams", 0], [131765, 146609, "Stanley_Williams", 0], [131765, 146610, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121760, 136055, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[121760, 136055, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250332, 250351, "The_Closer", 8]]], "all_evidence": [[250332, 250351, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[321964, 310298, "Charles_Manson", 0]], [[323242, 311442, "Charles_Manson", 0]], [[323320, 311519, "Charles_Manson", 0]]], "all_evidence": [[321964, 310298, "Charles_Manson", 0], [323242, 311442, "Charles_Manson", 0], [323320, 311519, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257086, null, null, null]]], "all_evidence": [[257086, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231198, 234721, "Marnie_-LRB-film-RRB-", 0], [231198, 234721, "Alfred_Hitchcock", 0], [231198, 234721, "Alfred_Hitchcock", 1], [231198, 234721, "Alfred_Hitchcock", 6]]], "all_evidence": [[231198, 234721, "Marnie_-LRB-film-RRB-", 0], [231198, 234721, "Alfred_Hitchcock", 0], [231198, 234721, "Alfred_Hitchcock", 1], [231198, 234721, "Alfred_Hitchcock", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270823, null, null, null]]], "all_evidence": [[270823, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51147, null, null, null]]], "all_evidence": [[51147, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210323, null, null, null]]], "all_evidence": [[210323, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79566, 91303, "Nicholas_Brody", 1]]], "all_evidence": [[79566, 91303, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53299, null, null, null]]], "all_evidence": [[53299, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121212, 135500, "Guillermo_del_Toro", 0]], [[121212, 135501, "Guillermo_del_Toro", 1]], [[121212, 135502, "Guillermo_del_Toro", 4]], [[121212, 135503, "Guillermo_del_Toro", 11]]], "all_evidence": [[121212, 135500, "Guillermo_del_Toro", 0], [121212, 135501, "Guillermo_del_Toro", 1], [121212, 135502, "Guillermo_del_Toro", 4], [121212, 135503, "Guillermo_del_Toro", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275411, 270549, "Brian_Michael_Bendis", 12]], [[277260, 272197, "Brian_Michael_Bendis", 12]], [[277767, 272722, "Brian_Michael_Bendis", 12]], [[324443, 312417, "Brian_Michael_Bendis", 12]]], "all_evidence": [[275411, 270549, "Brian_Michael_Bendis", 12], [277260, 272197, "Brian_Michael_Bendis", 12], [277767, 272722, "Brian_Michael_Bendis", 12], [324443, 312417, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76474, null, null, null]]], "all_evidence": [[76474, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227049, null, null, null]]], "all_evidence": [[227049, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106586, null, null, null]]], "all_evidence": [[106586, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46015, 54972, "Advertising", 0]]], "all_evidence": [[46015, 54972, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194726, 205107, "Middle-earth", 0]], [[194748, 205118, "Middle-earth", 0]]], "all_evidence": [[194726, 205107, "Middle-earth", 0], [194748, 205118, "Middle-earth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162134, null, null, null]]], "all_evidence": [[162134, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27596, 33799, "Terry_Crews", 9], [27596, 33799, "Los_Angeles_Rams", 14]]], "all_evidence": [[27596, 33799, "Terry_Crews", 9], [27596, 33799, "Los_Angeles_Rams", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225492, 230134, "The_Millers", 1]], [[225493, 230135, "The_Millers", 1]]], "all_evidence": [[225492, 230134, "The_Millers", 1], [225493, 230135, "The_Millers", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69201, 79968, "Jennifer_Lopez", 4]]], "all_evidence": [[69201, 79968, "Jennifer_Lopez", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227638, 231980, "Happiness_in_Slavery", 0]]], "all_evidence": [[227638, 231980, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223624, 228594, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223624, 228594, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188639, 200091, "Veeram_-LRB-2014_film-RRB-", 0]], [[188639, 200092, "Veeram_-LRB-2014_film-RRB-", 2]], [[188639, 200093, "Veeram_-LRB-2014_film-RRB-", 3]]], "all_evidence": [[188639, 200091, "Veeram_-LRB-2014_film-RRB-", 0], [188639, 200092, "Veeram_-LRB-2014_film-RRB-", 2], [188639, 200093, "Veeram_-LRB-2014_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159375, 173928, "Edmund_H._North", 0]]], "all_evidence": [[159375, 173928, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15250, null, null, null]]], "all_evidence": [[15250, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189994, 201149, "Philip_Glass", 9]]], "all_evidence": [[189994, 201149, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255985, 255292, "Weekly_Idol", 1], [255985, 255292, "Weekly_Idol", 0]]], "all_evidence": [[255985, 255292, "Weekly_Idol", 1], [255985, 255292, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78580, null, null, null]]], "all_evidence": [[78580, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76479, 87772, "Men_in_Black_II", 0], [76479, 87772, "Will_Smith", 0]]], "all_evidence": [[76479, 87772, "Men_in_Black_II", 0], [76479, 87772, "Will_Smith", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238516, null, null, null]]], "all_evidence": [[238516, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194481, null, null, null], [194482, null, null, null]]], "all_evidence": [[194481, null, null, null], [194482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36238, 43779, "Morse_code", 18]]], "all_evidence": [[36238, 43779, "Morse_code", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228735, 232846, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1]]], "all_evidence": [[228735, 232846, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237543, 239739, "North_Vietnam", 0]]], "all_evidence": [[237543, 239739, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171317, null, null, null]]], "all_evidence": [[171317, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239629, null, null, null]]], "all_evidence": [[239629, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47082, null, null, null]]], "all_evidence": [[47082, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157033, null, null, null], [159023, null, null, null], [311838, null, null, null], [311839, null, null, null], [311857, null, null, null], [311858, null, null, null]]], "all_evidence": [[157033, null, null, null], [159023, null, null, null], [311838, null, null, null], [311839, null, null, null], [311857, null, null, null], [311858, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199918, null, null, null]]], "all_evidence": [[199918, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248563, 248721, "In_a_Lonely_Place", 1]], [[248567, 248724, "In_a_Lonely_Place", 1]]], "all_evidence": [[248563, 248721, "In_a_Lonely_Place", 1], [248567, 248724, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113988, 127819, "Riddick_-LRB-character-RRB-", 0], [113988, 127819, "Riddick_-LRB-film-RRB-", 0]]], "all_evidence": [[113988, 127819, "Riddick_-LRB-character-RRB-", 0], [113988, 127819, "Riddick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100918, 114176, "Due_Date", 2]]], "all_evidence": [[100918, 114176, "Due_Date", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243698, 244867, "Palo_Alto,_California", 0]]], "all_evidence": [[243698, 244867, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88891, 101521, "Edison_Machine_Works", 0]], [[88892, 101522, "Edison_Machine_Works", 0]]], "all_evidence": [[88891, 101521, "Edison_Machine_Works", 0], [88892, 101522, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92960, 105839, "How_to_Train_Your_Dragon_2", 11]]], "all_evidence": [[92960, 105839, "How_to_Train_Your_Dragon_2", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70266, null, null, null]]], "all_evidence": [[70266, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146877, 161852, "Leonard_Nimoy", 10]]], "all_evidence": [[146877, 161852, "Leonard_Nimoy", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200926, 210401, "AMGTV", 0]], [[203738, 212698, "AMGTV", 0]], [[206173, 214604, "AMGTV", 0]], [[315511, 304764, "AMGTV", 0]], [[315512, 304765, "AMGTV", 0]]], "all_evidence": [[200926, 210401, "AMGTV", 0], [203738, 212698, "AMGTV", 0], [206173, 214604, "AMGTV", 0], [315511, 304764, "AMGTV", 0], [315512, 304765, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14176, 17722, "Byron_Howard", 2]]], "all_evidence": [[14176, 17722, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186129, 198035, "Baz_Luhrmann", 2]]], "all_evidence": [[186129, 198035, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113642, null, null, null]]], "all_evidence": [[113642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237575, 239790, "Dakota_Fanning", 6]]], "all_evidence": [[237575, 239790, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286384, 279837, "Kellogg's", 6]], [[288123, 281406, "Kellogg's", 6]], [[288616, 281836, "Kellogg's", 6]], [[333255, 319474, "Kellogg's", 6]], [[333259, 319476, "Kellogg's", 6]]], "all_evidence": [[286384, 279837, "Kellogg's", 6], [288123, 281406, "Kellogg's", 6], [288616, 281836, "Kellogg's", 6], [333255, 319474, "Kellogg's", 6], [333259, 319476, "Kellogg's", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29721, 36224, "Gordon_Ramsay", 11]]], "all_evidence": [[29721, 36224, "Gordon_Ramsay", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34461, 41791, "Quran", 0]], [[34483, 41837, "Quran", 0]], [[34483, 41838, "Quran", 2], [34483, 41838, "Ayah", 1]], [[34483, 41839, "Quran", 25], [34483, 41839, "Ayah", 1]], [[34483, 41840, "Quran", 26], [34483, 41840, "Ramadan", 1]]], "all_evidence": [[34461, 41791, "Quran", 0], [34483, 41837, "Quran", 0], [34483, 41838, "Quran", 2], [34483, 41838, "Ayah", 1], [34483, 41839, "Quran", 25], [34483, 41839, "Ayah", 1], [34483, 41840, "Quran", 26], [34483, 41840, "Ramadan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178613, 191187, "Tenacious_D", 0], [178613, 191187, "Double_act", 0]]], "all_evidence": [[178613, 191187, "Tenacious_D", 0], [178613, 191187, "Double_act", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68583, 79445, "Folklore", 0], [68583, 79445, "Folklore", 1]]], "all_evidence": [[68583, 79445, "Folklore", 0], [68583, 79445, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79947, 91691, "Angela_Bassett", 9]], [[79947, 91692, "Angela_Bassett", 13]], [[79947, 91693, "Angela_Bassett", 14], [79947, 91693, "American_Horror_Story-COLON-_Freak_Show", 1]], [[79947, 91694, "Angela_Bassett", 15]], [[79947, 91695, "Angela_Bassett", 16]]], "all_evidence": [[79947, 91691, "Angela_Bassett", 9], [79947, 91692, "Angela_Bassett", 13], [79947, 91693, "Angela_Bassett", 14], [79947, 91693, "American_Horror_Story-COLON-_Freak_Show", 1], [79947, 91694, "Angela_Bassett", 15], [79947, 91695, "Angela_Bassett", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29688, 36194, "Rage_Against_the_Machine", 20]]], "all_evidence": [[29688, 36194, "Rage_Against_the_Machine", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260878, null, null, null]]], "all_evidence": [[260878, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104499, null, null, null]]], "all_evidence": [[104499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158186, 172827, "Men_in_Black_II", 0]]], "all_evidence": [[158186, 172827, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156796, null, null, null]]], "all_evidence": [[156796, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131841, 146692, "Psych", 2]]], "all_evidence": [[131841, 146692, "Psych", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164931, 179120, "Colosseum", 13]]], "all_evidence": [[164931, 179120, "Colosseum", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78809, 90382, "Match_Point", 2]]], "all_evidence": [[78809, 90382, "Match_Point", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201849, 211206, "Artpop", 13]]], "all_evidence": [[201849, 211206, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191496, 202342, "Roswell_-LRB-TV_series-RRB-", 0]], [[191499, 202344, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191496, 202342, "Roswell_-LRB-TV_series-RRB-", 0], [191499, 202344, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165545, null, null, null], [165549, null, null, null]]], "all_evidence": [[165545, null, null, null], [165549, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236588, 239025, "Regina_King", 4]]], "all_evidence": [[236588, 239025, "Regina_King", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156473, 171094, "Murda_Beatz", 0]]], "all_evidence": [[156473, 171094, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150463, null, null, null]]], "all_evidence": [[150463, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181620, 193873, "Blue_Jasmine", 0]]], "all_evidence": [[181620, 193873, "Blue_Jasmine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142623, 157787, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[142623, 157787, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172631, 185906, "Psych", 2]], [[172631, 185907, "Psych", 3]]], "all_evidence": [[172631, 185906, "Psych", 2], [172631, 185907, "Psych", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191698, 202511, "Anne_Rice", 7], [191698, 202511, "Anne_Rice", 5]]], "all_evidence": [[191698, 202511, "Anne_Rice", 7], [191698, 202511, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250973, 250938, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250973, 250938, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39374, 47402, "The_Cincinnati_Kid", 0]]], "all_evidence": [[39374, 47402, "The_Cincinnati_Kid", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85192, 97475, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[85192, 97475, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97923, null, null, null]]], "all_evidence": [[97923, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170606, null, null, null]]], "all_evidence": [[170606, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159112, null, null, null]]], "all_evidence": [[159112, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188618, 200072, "Veeram_-LRB-2014_film-RRB-", 3]]], "all_evidence": [[188618, 200072, "Veeram_-LRB-2014_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109358, 123020, "The_Bahamas", 0], [109358, 123020, "Archipelagic_state", 0]], [[109358, 123021, "The_Bahamas", 1]], [[109358, 123022, "The_Bahamas", 2], [109358, 123022, "Nassau,_Bahamas", 0]], [[109358, 123023, "The_Bahamas", 3]], [[109358, 123024, "The_Bahamas", 4], [109358, 123024, "Royal_Bahamas_Defence_Force", 0]], [[109358, 123025, "The_Bahamas", 7]], [[109358, 123026, "The_Bahamas", 8], [109358, 123026, "Lucayan_people", 0]]], "all_evidence": [[109358, 123020, "The_Bahamas", 0], [109358, 123020, "Archipelagic_state", 0], [109358, 123021, "The_Bahamas", 1], [109358, 123022, "The_Bahamas", 2], [109358, 123022, "Nassau,_Bahamas", 0], [109358, 123023, "The_Bahamas", 3], [109358, 123024, "The_Bahamas", 4], [109358, 123024, "Royal_Bahamas_Defence_Force", 0], [109358, 123025, "The_Bahamas", 7], [109358, 123026, "The_Bahamas", 8], [109358, 123026, "Lucayan_people", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250356, 250366, "The_Closer", 8]]], "all_evidence": [[250356, 250366, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292864, 285550, "Reign_Over_Me", 4]], [[292864, 285551, "Reign_Over_Me", 0]], [[292866, 285552, "Reign_Over_Me", 0]], [[295452, 287567, "Reign_Over_Me", 0]], [[295452, 287568, "Reign_Over_Me", 4]], [[295455, 287571, "Reign_Over_Me", 0]], [[295455, 287572, "Reign_Over_Me", 4]], [[295455, 287573, "Reign_Over_Me", 5]], [[340936, 325441, "Reign_Over_Me", 4]], [[340936, 325442, "Reign_Over_Me", 5]]], "all_evidence": [[292864, 285550, "Reign_Over_Me", 4], [292864, 285551, "Reign_Over_Me", 0], [292866, 285552, "Reign_Over_Me", 0], [295452, 287567, "Reign_Over_Me", 0], [295452, 287568, "Reign_Over_Me", 4], [295455, 287571, "Reign_Over_Me", 0], [295455, 287572, "Reign_Over_Me", 4], [295455, 287573, "Reign_Over_Me", 5], [340936, 325441, "Reign_Over_Me", 4], [340936, 325442, "Reign_Over_Me", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286990, 280456, "Ripon_College_-LRB-Wisconsin-RRB-", 2]], [[286990, 280457, "Ripon_College_-LRB-Wisconsin-RRB-", 3]], [[286990, 280458, "Ripon_College_-LRB-Wisconsin-RRB-", 1]], [[286991, 280459, "Ripon_College_-LRB-Wisconsin-RRB-", 2]], [[286991, 280460, "Ripon_College_-LRB-Wisconsin-RRB-", 3]], [[286991, 280461, "Ripon_College_-LRB-Wisconsin-RRB-", 1]], [[289091, 282260, "Ripon_College_-LRB-Wisconsin-RRB-", 1]], [[334915, 320850, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]], "all_evidence": [[286990, 280456, "Ripon_College_-LRB-Wisconsin-RRB-", 2], [286990, 280457, "Ripon_College_-LRB-Wisconsin-RRB-", 3], [286990, 280458, "Ripon_College_-LRB-Wisconsin-RRB-", 1], [286991, 280459, "Ripon_College_-LRB-Wisconsin-RRB-", 2], [286991, 280460, "Ripon_College_-LRB-Wisconsin-RRB-", 3], [286991, 280461, "Ripon_College_-LRB-Wisconsin-RRB-", 1], [289091, 282260, "Ripon_College_-LRB-Wisconsin-RRB-", 1], [334915, 320850, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203695, 212667, "Aunt_May", 9]]], "all_evidence": [[203695, 212667, "Aunt_May", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231992, 235291, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231992, 235291, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262071, 260120, "Raabta_-LRB-song-RRB-", 0]], [[262071, 260121, "Raabta_-LRB-song-RRB-", 5]]], "all_evidence": [[262071, 260120, "Raabta_-LRB-song-RRB-", 0], [262071, 260121, "Raabta_-LRB-song-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156914, null, null, null]]], "all_evidence": [[156914, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43392, 52036, "Greek_language", 14]]], "all_evidence": [[43392, 52036, "Greek_language", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228715, null, null, null]]], "all_evidence": [[228715, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160380, null, null, null]]], "all_evidence": [[160380, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147513, null, null, null]]], "all_evidence": [[147513, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66066, null, null, null]]], "all_evidence": [[66066, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236634, null, null, null], [236636, null, null, null]]], "all_evidence": [[236634, null, null, null], [236636, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47633, 56851, "San_Diego_Comic-Con", 1]]], "all_evidence": [[47633, 56851, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106749, 120138, "David_Packouz", 0]]], "all_evidence": [[106749, 120138, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94823, 107789, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[94823, 107789, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240262, null, null, null]]], "all_evidence": [[240262, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43857, 52483, "Armenian_Genocide", 1], [43857, 52483, "Second_Constitutional_Era", 0], [43857, 52483, "Second_Constitutional_Era", 9]], [[43857, 52484, "Armenian_Genocide", 3], [43857, 52484, "Second_Constitutional_Era", 0], [43857, 52484, "Second_Constitutional_Era", 9], [43857, 52484, "World_War_I", 0]]], "all_evidence": [[43857, 52483, "Armenian_Genocide", 1], [43857, 52483, "Second_Constitutional_Era", 0], [43857, 52483, "Second_Constitutional_Era", 9], [43857, 52484, "Armenian_Genocide", 3], [43857, 52484, "Second_Constitutional_Era", 0], [43857, 52484, "Second_Constitutional_Era", 9], [43857, 52484, "World_War_I", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158930, 173575, "Luke_Cage", 6]], [[158930, 173576, "Luke_Cage", 8]], [[158930, 173577, "Luke_Cage", 12], [158930, 173577, "The_Defenders_-LRB-miniseries-RRB-", 0]], [[158936, 173584, "Luke_Cage", 6]], [[158936, 173585, "Luke_Cage", 8], [158936, 173585, "The_New_Avengers_-LRB-comics-RRB-", 0]]], "all_evidence": [[158930, 173575, "Luke_Cage", 6], [158930, 173576, "Luke_Cage", 8], [158930, 173577, "Luke_Cage", 12], [158930, 173577, "The_Defenders_-LRB-miniseries-RRB-", 0], [158936, 173584, "Luke_Cage", 6], [158936, 173585, "Luke_Cage", 8], [158936, 173585, "The_New_Avengers_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257094, 256141, "Homer_Hickam", 0]], [[257094, 256142, "Homer_Hickam", 1], [257094, 256142, "Memoir", 0]], [[257094, 256143, "Homer_Hickam", 2]]], "all_evidence": [[257094, 256141, "Homer_Hickam", 0], [257094, 256142, "Homer_Hickam", 1], [257094, 256142, "Memoir", 0], [257094, 256143, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85811, null, null, null]]], "all_evidence": [[85811, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105644, 119084, "Marco_Polo", 11]]], "all_evidence": [[105644, 119084, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122541, 136844, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[122541, 136844, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238522, null, null, null], [238531, null, null, null]]], "all_evidence": [[238522, null, null, null], [238531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108236, 121764, "James_VI_and_I", 10]]], "all_evidence": [[108236, 121764, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189763, 200982, "Polar_bear", 7]]], "all_evidence": [[189763, 200982, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95666, 108700, "Martin_Van_Buren", 1]], [[95666, 108701, "Martin_Van_Buren", 12]], [[95666, 108702, "Martin_Van_Buren", 14]]], "all_evidence": [[95666, 108700, "Martin_Van_Buren", 1], [95666, 108701, "Martin_Van_Buren", 12], [95666, 108702, "Martin_Van_Buren", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181220, 193477, "Margaret_Thatcher", 0]], [[181220, 193478, "Margaret_Thatcher", 1]], [[181220, 193479, "Margaret_Thatcher", 3]], [[181220, 193480, "Margaret_Thatcher", 6]], [[181220, 193481, "Margaret_Thatcher", 7]], [[181220, 193482, "Margaret_Thatcher", 8]], [[181220, 193483, "Margaret_Thatcher", 9]]], "all_evidence": [[181220, 193477, "Margaret_Thatcher", 0], [181220, 193478, "Margaret_Thatcher", 1], [181220, 193479, "Margaret_Thatcher", 3], [181220, 193480, "Margaret_Thatcher", 6], [181220, 193481, "Margaret_Thatcher", 7], [181220, 193482, "Margaret_Thatcher", 8], [181220, 193483, "Margaret_Thatcher", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76083, 87389, "Randy_Savage", 0]]], "all_evidence": [[76083, 87389, "Randy_Savage", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[283025, 277152, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[283025, 277152, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11682, 14664, "Sandra_Bullock", 0]], [[11682, 14665, "Sandra_Bullock", 11]], [[11682, 14666, "Sandra_Bullock", 9]], [[11682, 14667, "Sandra_Bullock", 5]], [[11682, 14668, "Sandra_Bullock", 4]]], "all_evidence": [[11682, 14664, "Sandra_Bullock", 0], [11682, 14665, "Sandra_Bullock", 11], [11682, 14666, "Sandra_Bullock", 9], [11682, 14667, "Sandra_Bullock", 5], [11682, 14668, "Sandra_Bullock", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30072, 36628, "Colin_Kaepernick", 5]]], "all_evidence": [[30072, 36628, "Colin_Kaepernick", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86827, 99279, "Topman", 1]]], "all_evidence": [[86827, 99279, "Topman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129393, 144145, "Stanley_Williams", 0]], [[129398, 144147, "Stanley_Williams", 5]], [[129398, 144148, "Stanley_Williams", 4]]], "all_evidence": [[129393, 144145, "Stanley_Williams", 0], [129398, 144147, "Stanley_Williams", 5], [129398, 144148, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144869, null, null, null]]], "all_evidence": [[144869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199123, 208798, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199123, 208798, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56058, null, null, null]]], "all_evidence": [[56058, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23052, null, null, null]]], "all_evidence": [[23052, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64946, null, null, null]]], "all_evidence": [[64946, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237595, null, null, null], [237612, null, null, null]]], "all_evidence": [[237595, null, null, null], [237612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207672, 215895, "Steve_Ditko", 3]]], "all_evidence": [[207672, 215895, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267349, null, null, null]]], "all_evidence": [[267349, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227218, 231621, "Kim_Jong-il", 16]]], "all_evidence": [[227218, 231621, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199483, 209157, "The_Beach_-LRB-film-RRB-", 0]], [[199483, 209158, "The_Beach_-LRB-film-RRB-", 1]], [[199483, 209159, "The_Beach_-LRB-film-RRB-", 2]]], "all_evidence": [[199483, 209157, "The_Beach_-LRB-film-RRB-", 0], [199483, 209158, "The_Beach_-LRB-film-RRB-", 1], [199483, 209159, "The_Beach_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239613, 241393, "Polynesian_languages", 6]]], "all_evidence": [[239613, 241393, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89658, 102343, "Bruce_Shand", 0]]], "all_evidence": [[89658, 102343, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34340, 41660, "Wildfang", 1]]], "all_evidence": [[34340, 41660, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18179, 22332, "Eddie_Guerrero", 10]]], "all_evidence": [[18179, 22332, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67167, 77955, "The_Good_Wife", 0]], [[67167, 77956, "The_Good_Wife", 9]], [[67167, 77957, "The_Good_Wife", 12]]], "all_evidence": [[67167, 77955, "The_Good_Wife", 0], [67167, 77956, "The_Good_Wife", 9], [67167, 77957, "The_Good_Wife", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228467, 232648, "Stripes_-LRB-film-RRB-", 0]]], "all_evidence": [[228467, 232648, "Stripes_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19092, 23400, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[19092, 23400, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119744, 133856, "Damon_Albarn", 17]], [[119745, 133857, "Damon_Albarn", 17]], [[119746, 133858, "Damon_Albarn", 17]], [[119747, 133859, "Damon_Albarn", 17]], [[119748, 133860, "Damon_Albarn", 17]], [[119749, 133861, "Damon_Albarn", 17]], [[119750, 133862, "Damon_Albarn", 17]]], "all_evidence": [[119744, 133856, "Damon_Albarn", 17], [119745, 133857, "Damon_Albarn", 17], [119746, 133858, "Damon_Albarn", 17], [119747, 133859, "Damon_Albarn", 17], [119748, 133860, "Damon_Albarn", 17], [119749, 133861, "Damon_Albarn", 17], [119750, 133862, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295583, null, null, null], [297229, null, null, null]]], "all_evidence": [[295583, null, null, null], [297229, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106551, null, null, null]]], "all_evidence": [[106551, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28941, 35314, "I_Kissed_a_Girl", 0]]], "all_evidence": [[28941, 35314, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269592, null, null, null]]], "all_evidence": [[269592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174735, null, null, null]]], "all_evidence": [[174735, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62288, 72886, "Penguin_Books", 1]], [[64593, 75380, "Penguin_Books", 1]], [[66414, 77253, "Penguin_Books", 1]], [[303506, 294466, "Penguin_Books", 1]], [[305362, 296193, "Penguin_Books", 1], [305362, 296193, "Penguin_Books", 0]], [[305367, 296200, "Penguin_Books", 0], [305367, 296200, "Penguin_Books", 1]]], "all_evidence": [[62288, 72886, "Penguin_Books", 1], [64593, 75380, "Penguin_Books", 1], [66414, 77253, "Penguin_Books", 1], [303506, 294466, "Penguin_Books", 1], [305362, 296193, "Penguin_Books", 1], [305362, 296193, "Penguin_Books", 0], [305367, 296200, "Penguin_Books", 0], [305367, 296200, "Penguin_Books", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44825, 53516, "The_Godfather_Part_II", 7], [44825, 53516, "The_Godfather_Part_II", 0]]], "all_evidence": [[44825, 53516, "The_Godfather_Part_II", 7], [44825, 53516, "The_Godfather_Part_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63893, 74603, "Yara_Shahidi", 0]]], "all_evidence": [[63893, 74603, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[204784, 213483, "Make_It_or_Break_It", 0]], [[204784, 213484, "Make_It_or_Break_It", 3]], [[204784, 213485, "Make_It_or_Break_It", 4]], [[204784, 213486, "Make_It_or_Break_It", 5]], [[204784, 213487, "Make_It_or_Break_It", 6]], [[204784, 213488, "Make_It_or_Break_It", 7]], [[204784, 213489, "Make_It_or_Break_It", 8]], [[204784, 213490, "Make_It_or_Break_It", 9]], [[204784, 213491, "Make_It_or_Break_It", 12]], [[204784, 213492, "Make_It_or_Break_It", 15]], [[299150, 290520, "Make_It_or_Break_It", 0]]], "all_evidence": [[204784, 213483, "Make_It_or_Break_It", 0], [204784, 213484, "Make_It_or_Break_It", 3], [204784, 213485, "Make_It_or_Break_It", 4], [204784, 213486, "Make_It_or_Break_It", 5], [204784, 213487, "Make_It_or_Break_It", 6], [204784, 213488, "Make_It_or_Break_It", 7], [204784, 213489, "Make_It_or_Break_It", 8], [204784, 213490, "Make_It_or_Break_It", 9], [204784, 213491, "Make_It_or_Break_It", 12], [204784, 213492, "Make_It_or_Break_It", 15], [299150, 290520, "Make_It_or_Break_It", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17409, 21538, "Ed_Wood_-LRB-film-RRB-", 1]], [[17409, 21539, "Ed_Wood_-LRB-film-RRB-", 0]]], "all_evidence": [[17409, 21538, "Ed_Wood_-LRB-film-RRB-", 1], [17409, 21539, "Ed_Wood_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238999, 240949, "Despicable_Me_2", 1]]], "all_evidence": [[238999, 240949, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108470, 122076, "Marvel_vs._Capcom-COLON-_Infinite", 0]], [[108470, 122077, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[108470, 122078, "Marvel_vs._Capcom-COLON-_Infinite", 4], [108470, 122078, "Combo_-LRB-video_gaming-RRB-", 0]]], "all_evidence": [[108470, 122076, "Marvel_vs._Capcom-COLON-_Infinite", 0], [108470, 122077, "Marvel_vs._Capcom-COLON-_Infinite", 1], [108470, 122078, "Marvel_vs._Capcom-COLON-_Infinite", 4], [108470, 122078, "Combo_-LRB-video_gaming-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88706, 101325, "Tool_-LRB-band-RRB-", 0]], [[88706, 101326, "Tool_-LRB-band-RRB-", 1]], [[88706, 101327, "Tool_-LRB-band-RRB-", 2]], [[88706, 101329, "Tool_-LRB-band-RRB-", 6]], [[88706, 101332, "Tool_-LRB-band-RRB-", 7], [88706, 101332, "Lateralus", 0]], [[88706, 101333, "Tool_-LRB-band-RRB-", 10]], [[88706, 101334, "Tool_-LRB-band-RRB-", 11]]], "all_evidence": [[88706, 101325, "Tool_-LRB-band-RRB-", 0], [88706, 101326, "Tool_-LRB-band-RRB-", 1], [88706, 101327, "Tool_-LRB-band-RRB-", 2], [88706, 101329, "Tool_-LRB-band-RRB-", 6], [88706, 101332, "Tool_-LRB-band-RRB-", 7], [88706, 101332, "Lateralus", 0], [88706, 101333, "Tool_-LRB-band-RRB-", 10], [88706, 101334, "Tool_-LRB-band-RRB-", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179035, null, null, null], [179036, null, null, null]]], "all_evidence": [[179035, null, null, null], [179036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146821, 161796, "Wales", 16], [146821, 161796, "South_Wales_Coalfield", 0]], [[152424, 167220, "Wales", 16], [152424, 167220, "South_Wales_Coalfield", 0]], [[312981, 302689, "Wales", 16], [312981, 302689, "Mining_in_Wales", 4], [312981, 302689, "Mining_in_Wales", 5]]], "all_evidence": [[146821, 161796, "Wales", 16], [146821, 161796, "South_Wales_Coalfield", 0], [152424, 167220, "Wales", 16], [152424, 167220, "South_Wales_Coalfield", 0], [312981, 302689, "Wales", 16], [312981, 302689, "Mining_in_Wales", 4], [312981, 302689, "Mining_in_Wales", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58850, 69168, "Highway_to_Heaven", 0]], [[61559, 72073, "Highway_to_Heaven", 0]], [[63889, 74600, "Highway_to_Heaven", 0]], [[303428, 294395, "Highway_to_Heaven", 0]], [[305289, 296120, "Highway_to_Heaven", 0]]], "all_evidence": [[58850, 69168, "Highway_to_Heaven", 0], [61559, 72073, "Highway_to_Heaven", 0], [63889, 74600, "Highway_to_Heaven", 0], [303428, 294395, "Highway_to_Heaven", 0], [305289, 296120, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196595, 206695, "Michael_Vick", 0]]], "all_evidence": [[196595, 206695, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227033, 231460, "Barry_Van_Dyke", 0]]], "all_evidence": [[227033, 231460, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213738, 220894, "Finding_Dory", 1]]], "all_evidence": [[213738, 220894, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264420, 261878, "Brubaker", 0]], [[264421, 261879, "Brubaker", 0]]], "all_evidence": [[264420, 261878, "Brubaker", 0], [264421, 261879, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49466, 58816, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[49466, 58816, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130243, 145009, "Seohyun", 0]]], "all_evidence": [[130243, 145009, "Seohyun", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90776, null, null, null]]], "all_evidence": [[90776, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270533, 266558, "Jenna_Jameson", 3]]], "all_evidence": [[270533, 266558, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247518, 247807, "Stadium_Arcadium", 6], [247518, 247807, "John_Frusciante", 20]]], "all_evidence": [[247518, 247807, "Stadium_Arcadium", 6], [247518, 247807, "John_Frusciante", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136237, 151052, "Nestor_Carbonell", 1]], [[136237, 151053, "Nestor_Carbonell", 2]]], "all_evidence": [[136237, 151052, "Nestor_Carbonell", 1], [136237, 151053, "Nestor_Carbonell", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59763, null, null, null]]], "all_evidence": [[59763, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230061, null, null, null]]], "all_evidence": [[230061, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92735, 105601, "Indian_Army", 16]]], "all_evidence": [[92735, 105601, "Indian_Army", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103174, null, null, null]]], "all_evidence": [[103174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239600, 241382, "Polynesian_languages", 5]], [[239601, 241383, "Polynesian_languages", 5]], [[239602, 241384, "Polynesian_languages", 6]]], "all_evidence": [[239600, 241382, "Polynesian_languages", 5], [239601, 241383, "Polynesian_languages", 5], [239602, 241384, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272434, 268130, "Island_Records", 1]], [[272437, 268133, "Island_Records", 1]]], "all_evidence": [[272434, 268130, "Island_Records", 1], [272437, 268133, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158591, 173240, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[158591, 173240, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269605, 265888, "Richard_Dawkins", 16]]], "all_evidence": [[269605, 265888, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92540, 105302, "X-Men-COLON-_Apocalypse", 2], [92540, 105302, "X-Men-COLON-_Apocalypse", 1]]], "all_evidence": [[92540, 105302, "X-Men-COLON-_Apocalypse", 2], [92540, 105302, "X-Men-COLON-_Apocalypse", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223636, 228605, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223636, 228605, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115450, 129303, "Caroline_Kennedy", 0]], [[115453, 129305, "Caroline_Kennedy", 0]]], "all_evidence": [[115450, 129303, "Caroline_Kennedy", 0], [115453, 129305, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18216, 22382, "Derek_Hough", 6]]], "all_evidence": [[18216, 22382, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90263, null, null, null]]], "all_evidence": [[90263, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52094, 61991, "Jennifer_Lopez", 10]]], "all_evidence": [[52094, 61991, "Jennifer_Lopez", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257314, null, null, null]]], "all_evidence": [[257314, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140821, 155948, "Blade_Runner_2049", 1]]], "all_evidence": [[140821, 155948, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243724, 244898, "Palo_Alto,_California", 0]]], "all_evidence": [[243724, 244898, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17502, 21655, "Sheryl_Lee", 7], [17502, 21655, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[17502, 21655, "Sheryl_Lee", 7], [17502, 21655, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211399, null, null, null]]], "all_evidence": [[211399, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85045, 97327, "Shane_McMahon", 10]]], "all_evidence": [[85045, 97327, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170685, null, null, null]]], "all_evidence": [[170685, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47744, null, null, null]]], "all_evidence": [[47744, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190761, 201722, "Alice_Cooper", 0]]], "all_evidence": [[190761, 201722, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53072, 63017, "Carlos_Santana", 0]]], "all_evidence": [[53072, 63017, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83755, null, null, null]]], "all_evidence": [[83755, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216076, 222791, "CHiPs_-LRB-film-RRB-", 0]], [[216077, 222792, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216076, 222791, "CHiPs_-LRB-film-RRB-", 0], [216077, 222792, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27560, 33746, "Blade_Runner_2049", 1], [27560, 33746, "Ryan_Gosling", 0]]], "all_evidence": [[27560, 33746, "Blade_Runner_2049", 1], [27560, 33746, "Ryan_Gosling", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104775, null, null, null]]], "all_evidence": [[104775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166862, 180665, "Veeru_Devgan", 0]]], "all_evidence": [[166862, 180665, "Veeru_Devgan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215841, null, null, null], [215843, null, null, null]]], "all_evidence": [[215841, null, null, null], [215843, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69435, 80236, "Aparshakti_Khurana", 0]], [[69435, 80237, "Aparshakti_Khurana", 2]]], "all_evidence": [[69435, 80236, "Aparshakti_Khurana", 0], [69435, 80237, "Aparshakti_Khurana", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190759, 201720, "Alice_Cooper", 0]], [[190771, 201729, "Alice_Cooper", 0]]], "all_evidence": [[190759, 201720, "Alice_Cooper", 0], [190771, 201729, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240269, 241913, "The_Sugarland_Express", 3]]], "all_evidence": [[240269, 241913, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104935, 118356, "Aaron_Burr", 9], [104935, 118356, "Alexander_Hamilton", 2]], [[104947, 118366, "Aaron_Burr", 9], [104947, 118366, "Alexander_Hamilton", 2]], [[104961, 118381, "Aaron_Burr", 9], [104961, 118381, "Alexander_Hamilton", 2]]], "all_evidence": [[104935, 118356, "Aaron_Burr", 9], [104935, 118356, "Alexander_Hamilton", 2], [104947, 118366, "Aaron_Burr", 9], [104947, 118366, "Alexander_Hamilton", 2], [104961, 118381, "Aaron_Burr", 9], [104961, 118381, "Alexander_Hamilton", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268457, null, null, null]]], "all_evidence": [[268457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143730, 158818, "Michael_B._Jordan", 0]]], "all_evidence": [[143730, 158818, "Michael_B._Jordan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93237, null, null, null]]], "all_evidence": [[93237, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126518, null, null, null], [308926, null, null, null], [310499, null, null, null], [310590, null, null, null]]], "all_evidence": [[126518, null, null, null], [308926, null, null, null], [310499, null, null, null], [310590, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240204, 241852, "Efraim_Diveroli", 0]], [[240204, 241853, "Efraim_Diveroli", 2]], [[240204, 241854, "Efraim_Diveroli", 3]], [[240204, 241855, "Efraim_Diveroli", 1]], [[246435, 246937, "Efraim_Diveroli", 0]], [[246435, 246938, "Efraim_Diveroli", 1]], [[319323, 308052, "Efraim_Diveroli", 0]], [[320482, 309056, "Efraim_Diveroli", 1]], [[320494, 309071, "Efraim_Diveroli", 0]], [[320494, 309072, "Efraim_Diveroli", 1]], [[320503, 309081, "Efraim_Diveroli", 0]], [[320503, 309082, "Efraim_Diveroli", 1], [320503, 309082, "Efraim_Diveroli", 2]], [[320506, 309085, "Efraim_Diveroli", 0]]], "all_evidence": [[240204, 241852, "Efraim_Diveroli", 0], [240204, 241853, "Efraim_Diveroli", 2], [240204, 241854, "Efraim_Diveroli", 3], [240204, 241855, "Efraim_Diveroli", 1], [246435, 246937, "Efraim_Diveroli", 0], [246435, 246938, "Efraim_Diveroli", 1], [319323, 308052, "Efraim_Diveroli", 0], [320482, 309056, "Efraim_Diveroli", 1], [320494, 309071, "Efraim_Diveroli", 0], [320494, 309072, "Efraim_Diveroli", 1], [320503, 309081, "Efraim_Diveroli", 0], [320503, 309082, "Efraim_Diveroli", 1], [320503, 309082, "Efraim_Diveroli", 2], [320506, 309085, "Efraim_Diveroli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239924, 241603, "Goosebumps_-LRB-film-RRB-", 1]], [[239934, 241613, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239924, 241603, "Goosebumps_-LRB-film-RRB-", 1], [239934, 241613, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161768, 176192, "Janelle_Mona\u0301e", 0]], [[161768, 176193, "Janelle_Mona\u0301e", 15]]], "all_evidence": [[161768, 176192, "Janelle_Mona\u0301e", 0], [161768, 176193, "Janelle_Mona\u0301e", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94157, null, null, null]]], "all_evidence": [[94157, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205342, 213946, "Dub_music", 0]]], "all_evidence": [[205342, 213946, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200468, 209972, "Sancho_Panza", 0]]], "all_evidence": [[200468, 209972, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271138, 267080, "Giada_at_Home", 1], [271138, 267080, "Food_Network", 0]], [[271141, 267083, "Giada_at_Home", 1], [271141, 267083, "Food_Network", 0]]], "all_evidence": [[271138, 267080, "Giada_at_Home", 1], [271138, 267080, "Food_Network", 0], [271141, 267083, "Giada_at_Home", 1], [271141, 267083, "Food_Network", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60606, 71029, "Ingushetia", 5]]], "all_evidence": [[60606, 71029, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234497, 237361, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234497, 237361, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60726, null, null, null]]], "all_evidence": [[60726, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247522, 247811, "Stadium_Arcadium", 1]]], "all_evidence": [[247522, 247811, "Stadium_Arcadium", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84018, 96138, "Sikkim", 4]]], "all_evidence": [[84018, 96138, "Sikkim", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33718, null, null, null]]], "all_evidence": [[33718, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178966, 191505, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[178966, 191505, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245477, 246274, "Mel_B", 0]]], "all_evidence": [[245477, 246274, "Mel_B", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240254, 241907, "The_Sugarland_Express", 3]]], "all_evidence": [[240254, 241907, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76030, 87319, "TakePart", 0], [76030, 87319, "Participant_Media", 0]]], "all_evidence": [[76030, 87319, "TakePart", 0], [76030, 87319, "Participant_Media", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11817, 14824, "Jackpot_-LRB-2013_film-RRB-", 1]], [[11817, 14825, "Jackpot_-LRB-2013_film-RRB-", 2]]], "all_evidence": [[11817, 14824, "Jackpot_-LRB-2013_film-RRB-", 1], [11817, 14825, "Jackpot_-LRB-2013_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138033, 152988, "Augustus", 42]]], "all_evidence": [[138033, 152988, "Augustus", 42]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239336, null, null, null]]], "all_evidence": [[239336, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206699, 215014, "Al_Jardine", 1]]], "all_evidence": [[206699, 215014, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152311, 167101, "West_Ham_United_F.C.", 0]], [[152311, 167103, "West_Ham_United_F.C.", 1], [152311, 167103, "Premier_League", 0]], [[152311, 167105, "West_Ham_United_F.C.", 5], [152311, 167105, "Thames_Ironworks_F.C.", 0]], [[152311, 167106, "West_Ham_United_F.C.", 7], [152311, 167106, "English_Football_League", 0]], [[152311, 167107, "West_Ham_United_F.C.", 9], [152311, 167107, "English_Football_League", 0]], [[152311, 167108, "West_Ham_United_F.C.", 15]]], "all_evidence": [[152311, 167101, "West_Ham_United_F.C.", 0], [152311, 167103, "West_Ham_United_F.C.", 1], [152311, 167103, "Premier_League", 0], [152311, 167105, "West_Ham_United_F.C.", 5], [152311, 167105, "Thames_Ironworks_F.C.", 0], [152311, 167106, "West_Ham_United_F.C.", 7], [152311, 167106, "English_Football_League", 0], [152311, 167107, "West_Ham_United_F.C.", 9], [152311, 167107, "English_Football_League", 0], [152311, 167108, "West_Ham_United_F.C.", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18086, 22238, "Greek_language", 14]]], "all_evidence": [[18086, 22238, "Greek_language", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225657, null, null, null]]], "all_evidence": [[225657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271006, 266959, "New_Orleans_Pelicans", 1]], [[271018, 266972, "New_Orleans_Pelicans", 1], [271018, 266972, "Western_Conference_-LRB-NBA-RRB-", 0]]], "all_evidence": [[271006, 266959, "New_Orleans_Pelicans", 1], [271018, 266972, "New_Orleans_Pelicans", 1], [271018, 266972, "Western_Conference_-LRB-NBA-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174717, 187868, "Fidel_Castro", 20], [174717, 187868, "Rau\u0301l_Castro", 7]]], "all_evidence": [[174717, 187868, "Fidel_Castro", 20], [174717, 187868, "Rau\u0301l_Castro", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169449, null, null, null]]], "all_evidence": [[169449, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191741, 202542, "Anne_Rice", 5]]], "all_evidence": [[191741, 202542, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214249, null, null, null]]], "all_evidence": [[214249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44854, null, null, null]]], "all_evidence": [[44854, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193496, null, null, null]]], "all_evidence": [[193496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81507, 93264, "Brian_Michael_Bendis", 1]]], "all_evidence": [[81507, 93264, "Brian_Michael_Bendis", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242990, 244265, "St._Anger", 1]], [[242990, 244266, "St._Anger", 0]], [[242990, 244267, "St._Anger", 2]]], "all_evidence": [[242990, 244265, "St._Anger", 1], [242990, 244266, "St._Anger", 0], [242990, 244267, "St._Anger", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106785, 120180, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[106785, 120180, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138918, null, null, null]]], "all_evidence": [[138918, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90345, 103090, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[90345, 103090, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60978, null, null, null]]], "all_evidence": [[60978, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122987, null, null, null]]], "all_evidence": [[122987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76184, 87482, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[76184, 87482, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78721, null, null, null]]], "all_evidence": [[78721, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232785, 235893, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232785, 235893, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153503, null, null, null]]], "all_evidence": [[153503, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63989, 74698, "Peking_University", 0]], [[63989, 74699, "Peking_University", 1]]], "all_evidence": [[63989, 74698, "Peking_University", 0], [63989, 74699, "Peking_University", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109343, 123010, "Britt_Robertson", 0]]], "all_evidence": [[109343, 123010, "Britt_Robertson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201858, 211216, "Artpop", 13]]], "all_evidence": [[201858, 211216, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176139, 189106, "XHamster", 6]]], "all_evidence": [[176139, 189106, "XHamster", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99818, null, null, null]]], "all_evidence": [[99818, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26914, null, null, null]]], "all_evidence": [[26914, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43584, 52227, "Sikkim", 4]]], "all_evidence": [[43584, 52227, "Sikkim", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76303, 87603, "Topman", 0]]], "all_evidence": [[76303, 87603, "Topman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105921, 119294, "Despacito", 12]]], "all_evidence": [[105921, 119294, "Despacito", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107454, null, null, null]]], "all_evidence": [[107454, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160836, 175332, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[160836, 175333, "Recovery_-LRB-Eminem_album-RRB-", 6]]], "all_evidence": [[160836, 175332, "Recovery_-LRB-Eminem_album-RRB-", 0], [160836, 175333, "Recovery_-LRB-Eminem_album-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73922, 85152, "Anushka_Sharma", 1]], [[73922, 85153, "Anushka_Sharma", 6], [73922, 85153, "Rab_Ne_Bana_Di_Jodi", 0]], [[73922, 85154, "Anushka_Sharma", 7], [73922, 85154, "Band_Baaja_Baaraat", 1]], [[73922, 85155, "Anushka_Sharma", 8], [73922, 85155, "PK_-LRB-film-RRB-", 0]]], "all_evidence": [[73922, 85152, "Anushka_Sharma", 1], [73922, 85153, "Anushka_Sharma", 6], [73922, 85153, "Rab_Ne_Bana_Di_Jodi", 0], [73922, 85154, "Anushka_Sharma", 7], [73922, 85154, "Band_Baaja_Baaraat", 1], [73922, 85155, "Anushka_Sharma", 8], [73922, 85155, "PK_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75250, 86484, "The_Wallace_-LRB-poem-RRB-", 0]], [[75250, 86485, "The_Wallace_-LRB-poem-RRB-", 6], [75250, 86485, "Blind_Harry", 0], [75250, 86485, "Blind_Harry", 1]]], "all_evidence": [[75250, 86484, "The_Wallace_-LRB-poem-RRB-", 0], [75250, 86485, "The_Wallace_-LRB-poem-RRB-", 6], [75250, 86485, "Blind_Harry", 0], [75250, 86485, "Blind_Harry", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69454, 80256, "Aleister_Crowley", 0]]], "all_evidence": [[69454, 80256, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21914, 26907, "Shadowhunters", 4]]], "all_evidence": [[21914, 26907, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155231, 169923, "Shawn_Carlson", 0]]], "all_evidence": [[155231, 169923, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207887, 216075, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207887, 216075, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199474, 209150, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199474, 209150, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83535, null, null, null]]], "all_evidence": [[83535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213725, 220885, "Finding_Dory", 1]], [[213726, 220886, "Finding_Dory", 1]]], "all_evidence": [[213725, 220885, "Finding_Dory", 1], [213726, 220886, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166257, null, null, null]]], "all_evidence": [[166257, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12587, null, null, null], [12590, null, null, null], [12598, null, null, null], [12601, null, null, null]]], "all_evidence": [[12587, null, null, null], [12590, null, null, null], [12598, null, null, null], [12601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228712, null, null, null]]], "all_evidence": [[228712, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73843, 85076, "Taylor_Lautner", 5], [73843, 85076, "Danny_Phantom", 0]], [[73843, 85077, "Taylor_Lautner", 4]]], "all_evidence": [[73843, 85076, "Taylor_Lautner", 5], [73843, 85076, "Danny_Phantom", 0], [73843, 85077, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198833, 208545, "The_King_and_I", 1]]], "all_evidence": [[198833, 208545, "The_King_and_I", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208011, null, null, null], [208012, null, null, null]]], "all_evidence": [[208011, null, null, null], [208012, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259717, 258272, "Hanford_Site", 23], [259717, 258272, "Pacific_Northwest_National_Laboratory", 0]]], "all_evidence": [[259717, 258272, "Hanford_Site", 23], [259717, 258272, "Pacific_Northwest_National_Laboratory", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262061, 260113, "Raabta_-LRB-song-RRB-", 0]], [[262065, 260116, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262061, 260113, "Raabta_-LRB-song-RRB-", 0], [262065, 260116, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50710, null, null, null]]], "all_evidence": [[50710, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125163, 139510, "I_Kissed_a_Girl", 0]]], "all_evidence": [[125163, 139510, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54305, 64301, "Armenian_Genocide", 5]]], "all_evidence": [[54305, 64301, "Armenian_Genocide", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232019, 235307, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232019, 235307, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23733, null, null, null]]], "all_evidence": [[23733, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214244, null, null, null]]], "all_evidence": [[214244, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268419, 265004, "Danielle_Cormack", 0], [268419, 265004, "New_Zealand", 0]]], "all_evidence": [[268419, 265004, "Danielle_Cormack", 0], [268419, 265004, "New_Zealand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[293680, 286131, "Nestor_Carbonell", 1]], [[337943, 323273, "Nestor_Carbonell", 1]], [[337979, 323297, "Nestor_Carbonell", 1]]], "all_evidence": [[293680, 286131, "Nestor_Carbonell", 1], [337943, 323273, "Nestor_Carbonell", 1], [337979, 323297, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260693, 259025, "Valencia", 0]], [[260694, 259026, "Valencia", 0]], [[260697, 259029, "Valencia", 0], [260697, 259029, "Spain", 0]], [[260722, 259047, "Valencia", 0]], [[260722, 259048, "Valencia", 16], [260722, 259048, "Valencia", 17]]], "all_evidence": [[260693, 259025, "Valencia", 0], [260694, 259026, "Valencia", 0], [260697, 259029, "Valencia", 0], [260697, 259029, "Spain", 0], [260722, 259047, "Valencia", 0], [260722, 259048, "Valencia", 16], [260722, 259048, "Valencia", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170783, null, null, null]]], "all_evidence": [[170783, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46153, null, null, null]]], "all_evidence": [[46153, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49352, 58687, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[49352, 58687, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251697, null, null, null]]], "all_evidence": [[251697, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64761, 75596, "Tremont_Street_Subway", 2]]], "all_evidence": [[64761, 75596, "Tremont_Street_Subway", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229533, 233459, "Bea_Arthur", 0]], [[229534, 233460, "Bea_Arthur", 0]]], "all_evidence": [[229533, 233459, "Bea_Arthur", 0], [229534, 233460, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96484, null, null, null]]], "all_evidence": [[96484, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162764, null, null, null]]], "all_evidence": [[162764, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200470, 209974, "Sancho_Panza", 0]]], "all_evidence": [[200470, 209974, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238976, null, null, null]]], "all_evidence": [[238976, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257053, 256114, "Chagatai_language", 0]]], "all_evidence": [[257053, 256114, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121102, null, null, null]]], "all_evidence": [[121102, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250984, 250947, "Brick_-LRB-film-RRB-", 0]], [[250993, 250961, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250984, 250947, "Brick_-LRB-film-RRB-", 0], [250993, 250961, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222206, 227587, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222206, 227587, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214337, null, null, null]]], "all_evidence": [[214337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121491, 135770, "Nuuk", 0]], [[308688, 299007, "Nuuk", 0]], [[310363, 300421, "Nuuk", 0]], [[310561, 300598, "Nuuk", 0]]], "all_evidence": [[121491, 135770, "Nuuk", 0], [308688, 299007, "Nuuk", 0], [310363, 300421, "Nuuk", 0], [310561, 300598, "Nuuk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86365, null, null, null]]], "all_evidence": [[86365, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75694, 86946, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[75694, 86946, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95122, null, null, null]]], "all_evidence": [[95122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15097, 18751, "In_the_End", 1], [15097, 18751, "Hybrid_Theory", 0]]], "all_evidence": [[15097, 18751, "In_the_End", 1], [15097, 18751, "Hybrid_Theory", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34323, 41636, "Charles_Manson", 0]], [[34323, 41637, "Charles_Manson", 1]]], "all_evidence": [[34323, 41636, "Charles_Manson", 0], [34323, 41637, "Charles_Manson", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105027, null, null, null]]], "all_evidence": [[105027, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255573, 255004, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255573, 255004, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43729, 52374, "Sean_Penn", 5]], [[43749, 52392, "Sean_Penn", 5]]], "all_evidence": [[43729, 52374, "Sean_Penn", 5], [43749, 52392, "Sean_Penn", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93240, 106176, "Janelle_Mona\u0301e", 0]], [[93248, 106179, "Janelle_Mona\u0301e", 0]], [[93248, 106180, "Janelle_Mona\u0301e", 1]], [[93248, 106181, "Janelle_Mona\u0301e", 4]], [[93248, 106182, "Janelle_Mona\u0301e", 6], [93248, 106182, "Tightrope_-LRB-Janelle_Mona\u0301e_song-RRB-", 0]], [[93248, 106183, "Janelle_Mona\u0301e", 10]], [[93248, 106184, "Janelle_Mona\u0301e", 11]], [[93248, 106185, "Janelle_Mona\u0301e", 12]], [[93248, 106186, "Janelle_Mona\u0301e", 13]], [[93248, 106187, "Janelle_Mona\u0301e", 14]], [[93248, 106188, "Janelle_Mona\u0301e", 15]]], "all_evidence": [[93240, 106176, "Janelle_Mona\u0301e", 0], [93248, 106179, "Janelle_Mona\u0301e", 0], [93248, 106180, "Janelle_Mona\u0301e", 1], [93248, 106181, "Janelle_Mona\u0301e", 4], [93248, 106182, "Janelle_Mona\u0301e", 6], [93248, 106182, "Tightrope_-LRB-Janelle_Mona\u0301e_song-RRB-", 0], [93248, 106183, "Janelle_Mona\u0301e", 10], [93248, 106184, "Janelle_Mona\u0301e", 11], [93248, 106185, "Janelle_Mona\u0301e", 12], [93248, 106186, "Janelle_Mona\u0301e", 13], [93248, 106187, "Janelle_Mona\u0301e", 14], [93248, 106188, "Janelle_Mona\u0301e", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167593, null, null, null]]], "all_evidence": [[167593, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24186, 29917, "Eric_Church", 0]]], "all_evidence": [[24186, 29917, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126157, 140553, "Hedda_Gabler", 1]]], "all_evidence": [[126157, 140553, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214307, 221390, "Ernest_Medina", 2]], [[214307, 221391, "Ernest_Medina", 3]]], "all_evidence": [[214307, 221390, "Ernest_Medina", 2], [214307, 221391, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87243, 99748, "Reign_Over_Me", 0]], [[87243, 99749, "Reign_Over_Me", 4], [87243, 99749, "Columbia_Pictures", 0]]], "all_evidence": [[87243, 99748, "Reign_Over_Me", 0], [87243, 99749, "Reign_Over_Me", 4], [87243, 99749, "Columbia_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91183, 103896, "Guillermo_del_Toro", 0]]], "all_evidence": [[91183, 103896, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226444, null, null, null]]], "all_evidence": [[226444, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198075, 208014, "Dave_Gibbons", 0]]], "all_evidence": [[198075, 208014, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257322, 256349, "Calcaneal_spur", 1]]], "all_evidence": [[257322, 256349, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251707, null, null, null]]], "all_evidence": [[251707, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101671, null, null, null]]], "all_evidence": [[101671, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174785, 187913, "Jose\u0301_Ferrer", 0]]], "all_evidence": [[174785, 187913, "Jose\u0301_Ferrer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58116, 68331, "Tim_McGraw", 13]]], "all_evidence": [[58116, 68331, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215933, 222682, "Bradley_Fuller", 1]], [[215934, 222683, "Bradley_Fuller", 1]]], "all_evidence": [[215933, 222682, "Bradley_Fuller", 1], [215934, 222683, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45648, 54503, "Rupert_Murdoch", 3]]], "all_evidence": [[45648, 54503, "Rupert_Murdoch", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135613, 150470, "Shinji_Mikami", 2]]], "all_evidence": [[135613, 150470, "Shinji_Mikami", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104676, 118094, "Dakota_Fanning", 0]]], "all_evidence": [[104676, 118094, "Dakota_Fanning", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140333, null, null, null], [140337, null, null, null]]], "all_evidence": [[140333, null, null, null], [140337, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289657, null, null, null], [291089, null, null, null], [293201, null, null, null], [336699, null, null, null], [336705, null, null, null], [336707, null, null, null]]], "all_evidence": [[289657, null, null, null], [291089, null, null, null], [293201, null, null, null], [336699, null, null, null], [336705, null, null, null], [336707, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241358, 242911, "Brad_Wilk", 4], [241358, 242911, "Greta_-LRB-band-RRB-", 0]]], "all_evidence": [[241358, 242911, "Brad_Wilk", 4], [241358, 242911, "Greta_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227009, 231444, "Barry_Van_Dyke", 0]], [[227010, 231445, "Barry_Van_Dyke", 0]]], "all_evidence": [[227009, 231444, "Barry_Van_Dyke", 0], [227010, 231445, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22560, 27804, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[22560, 27804, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112427, 126268, "Uranium-235", 6], [112427, 126268, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[112427, 126268, "Uranium-235", 6], [112427, 126268, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20763, null, null, null]]], "all_evidence": [[20763, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228776, 232894, "Albert_S._Ruddy", 0]], [[228782, 232900, "Albert_S._Ruddy", 0]]], "all_evidence": [[228776, 232894, "Albert_S._Ruddy", 0], [228782, 232900, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237565, null, null, null]]], "all_evidence": [[237565, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292815, 285505, "United_Nations_Charter", 1]], [[297160, 288837, "United_Nations_Charter", 1]], [[340840, 325372, "United_Nations_Charter", 1]], [[340843, 325376, "United_Nations_Charter", 1]]], "all_evidence": [[292815, 285505, "United_Nations_Charter", 1], [297160, 288837, "United_Nations_Charter", 1], [340840, 325372, "United_Nations_Charter", 1], [340843, 325376, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126161, 140559, "Taylor_Lautner", 4]]], "all_evidence": [[126161, 140559, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241387, null, null, null]]], "all_evidence": [[241387, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271151, 267091, "Giada_at_Home", 1]]], "all_evidence": [[271151, 267091, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13945, null, null, null], [14912, null, null, null], [15164, null, null, null]]], "all_evidence": [[13945, null, null, null], [14912, null, null, null], [15164, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237979, 240146, "Tamerlan_Tsarnaev", 8]], [[237979, 240147, "Tamerlan_Tsarnaev", 13]]], "all_evidence": [[237979, 240146, "Tamerlan_Tsarnaev", 8], [237979, 240147, "Tamerlan_Tsarnaev", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189751, 200971, "Polar_bear", 7]]], "all_evidence": [[189751, 200971, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228698, 232827, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228740, 232849, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228740, 232850, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228740, 232851, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228740, 232851, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0], [228740, 232851, "Happy_-LRB-Pharrell_Williams_song-RRB-", 1]]], "all_evidence": [[228698, 232827, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228740, 232849, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228740, 232850, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228740, 232851, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228740, 232851, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0], [228740, 232851, "Happy_-LRB-Pharrell_Williams_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243004, null, null, null]]], "all_evidence": [[243004, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143603, null, null, null]]], "all_evidence": [[143603, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126728, 141158, "Rob_Sheridan", 0]]], "all_evidence": [[126728, 141158, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92457, null, null, null]]], "all_evidence": [[92457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50715, 60330, "Henry_II_of_France", 15]]], "all_evidence": [[50715, 60330, "Henry_II_of_France", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259597, 258162, "French_Resistance", 6]]], "all_evidence": [[259597, 258162, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[291559, 284479, "Penguin_Books", 2]], [[293676, 286127, "Penguin_Books", 2]], [[337932, 323261, "Penguin_Books", 2]], [[338561, 323672, "Penguin_Books", 2]], [[338630, 323725, "Penguin_Books", 2]]], "all_evidence": [[291559, 284479, "Penguin_Books", 2], [293676, 286127, "Penguin_Books", 2], [337932, 323261, "Penguin_Books", 2], [338561, 323672, "Penguin_Books", 2], [338630, 323725, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289731, null, null, null], [291116, null, null, null], [293222, null, null, null], [337126, null, null, null]]], "all_evidence": [[289731, null, null, null], [291116, null, null, null], [293222, null, null, null], [337126, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251718, null, null, null]]], "all_evidence": [[251718, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170588, null, null, null]]], "all_evidence": [[170588, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211223, 218898, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]], "all_evidence": [[211223, 218898, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47790, 57054, "Chris_Kyle", 0]]], "all_evidence": [[47790, 57054, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138085, 153032, "Carlos_Santana", 0]]], "all_evidence": [[138085, 153032, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237948, 240112, "Tamerlan_Tsarnaev", 8]], [[237973, 240133, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237948, 240112, "Tamerlan_Tsarnaev", 8], [237973, 240133, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293057, null, null, null], [295654, null, null, null], [341992, null, null, null]]], "all_evidence": [[293057, null, null, null], [295654, null, null, null], [341992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190013, 201162, "Philip_Glass", 9]]], "all_evidence": [[190013, 201162, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103713, 117177, "In_the_End", 1]], [[103713, 117178, "In_the_End", 2]], [[103713, 117179, "In_the_End", 3], [103713, 117179, "One_Step_Closer_-LRB-Linkin_Park_song-RRB-", 0]]], "all_evidence": [[103713, 117177, "In_the_End", 1], [103713, 117178, "In_the_End", 2], [103713, 117179, "In_the_End", 3], [103713, 117179, "One_Step_Closer_-LRB-Linkin_Park_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95835, null, null, null]]], "all_evidence": [[95835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148340, 163360, "The_Bahamas", 3]], [[148340, 163361, "The_Bahamas", 22]]], "all_evidence": [[148340, 163360, "The_Bahamas", 3], [148340, 163361, "The_Bahamas", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105000, 118418, "Thomas_Jefferson", 10]]], "all_evidence": [[105000, 118418, "Thomas_Jefferson", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136498, null, null, null]]], "all_evidence": [[136498, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253564, null, null, null], [255304, null, null, null], [320025, null, null, null]]], "all_evidence": [[253564, null, null, null], [255304, null, null, null], [320025, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120106, null, null, null]]], "all_evidence": [[120106, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29500, 35977, "Connie_Nielsen", 2]]], "all_evidence": [[29500, 35977, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[271159, null, null, null]]], "all_evidence": [[271159, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41663, 50092, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[41663, 50092, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136402, null, null, null]]], "all_evidence": [[136402, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60846, 71309, "Lemmy", 2]]], "all_evidence": [[60846, 71309, "Lemmy", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[217703, null, null, null], [217709, null, null, null]]], "all_evidence": [[217703, null, null, null], [217709, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258073, 256955, "Monk", 0]]], "all_evidence": [[258073, 256955, "Monk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98453, null, null, null]]], "all_evidence": [[98453, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225666, null, null, null]]], "all_evidence": [[225666, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41127, 49456, "Chris_Kyle", 0]], [[41127, 49457, "Chris_Kyle", 8]]], "all_evidence": [[41127, 49456, "Chris_Kyle", 0], [41127, 49457, "Chris_Kyle", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193495, 203988, "Larry_Wilmore", 0]], [[193495, 203989, "Larry_Wilmore", 1]], [[193495, 203990, "Larry_Wilmore", 2]], [[193495, 203991, "Larry_Wilmore", 3]]], "all_evidence": [[193495, 203988, "Larry_Wilmore", 0], [193495, 203989, "Larry_Wilmore", 1], [193495, 203990, "Larry_Wilmore", 2], [193495, 203991, "Larry_Wilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155668, null, null, null]]], "all_evidence": [[155668, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104844, 118247, "Vietnam", 1]], [[104849, 118251, "Vietnam", 1]], [[104858, 118262, "Vietnam", 1]]], "all_evidence": [[104844, 118247, "Vietnam", 1], [104849, 118251, "Vietnam", 1], [104858, 118262, "Vietnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211388, 219108, "Don_Hall_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[211388, 219108, "Don_Hall_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259716, 258271, "Hanford_Site", 23]]], "all_evidence": [[259716, 258271, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57167, null, null, null]]], "all_evidence": [[57167, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71572, null, null, null]]], "all_evidence": [[71572, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174576, 187751, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[174576, 187751, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183956, null, null, null]]], "all_evidence": [[183956, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199923, 209564, "Anne_Sullivan", 0]]], "all_evidence": [[199923, 209564, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253947, 253739, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253947, 253739, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148350, 163370, "Make_It_or_Break_It", 9]]], "all_evidence": [[148350, 163370, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230158, 233891, "Frozen_-LRB-2013_film-RRB-", 0]], [[230158, 233892, "Frozen_-LRB-2013_film-RRB-", 10]], [[230180, 233929, "Frozen_-LRB-2013_film-RRB-", 0]], [[230180, 233930, "Frozen_-LRB-2013_film-RRB-", 5]], [[230180, 233931, "Frozen_-LRB-2013_film-RRB-", 7]], [[230180, 233932, "Frozen_-LRB-2013_film-RRB-", 10]], [[230180, 233933, "Frozen_-LRB-2013_film-RRB-", 14]], [[230180, 233934, "Frozen_-LRB-2013_film-RRB-", 13]]], "all_evidence": [[230158, 233891, "Frozen_-LRB-2013_film-RRB-", 0], [230158, 233892, "Frozen_-LRB-2013_film-RRB-", 10], [230180, 233929, "Frozen_-LRB-2013_film-RRB-", 0], [230180, 233930, "Frozen_-LRB-2013_film-RRB-", 5], [230180, 233931, "Frozen_-LRB-2013_film-RRB-", 7], [230180, 233932, "Frozen_-LRB-2013_film-RRB-", 10], [230180, 233933, "Frozen_-LRB-2013_film-RRB-", 14], [230180, 233934, "Frozen_-LRB-2013_film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33886, 41083, "Harris_Jayaraj", 0]], [[35768, 43315, "Harris_Jayaraj", 0]], [[37723, 45655, "Harris_Jayaraj", 0]], [[301896, 292987, "Harris_Jayaraj", 0]], [[304332, 295144, "Harris_Jayaraj", 0]]], "all_evidence": [[33886, 41083, "Harris_Jayaraj", 0], [35768, 43315, "Harris_Jayaraj", 0], [37723, 45655, "Harris_Jayaraj", 0], [301896, 292987, "Harris_Jayaraj", 0], [304332, 295144, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155183, 169886, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[155183, 169886, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222210, 227593, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222210, 227593, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200768, null, null, null]]], "all_evidence": [[200768, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99416, 112522, "Harvard_University", 0]], [[99416, 112523, "Harvard_University", 6]], [[99416, 112524, "Harvard_University", 15]], [[99423, 112529, "Harvard_University", 0]]], "all_evidence": [[99416, 112522, "Harvard_University", 0], [99416, 112523, "Harvard_University", 6], [99416, 112524, "Harvard_University", 15], [99423, 112529, "Harvard_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260892, 259228, "Capsicum_chinense", 0], [260892, 259228, "Capsicum", 0], [260892, 259228, "Chili_pepper", 0]]], "all_evidence": [[260892, 259228, "Capsicum_chinense", 0], [260892, 259228, "Capsicum", 0], [260892, 259228, "Chili_pepper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275200, 270377, "T2_Trainspotting", 0], [275200, 270377, "Creative_work", 0]], [[277100, 272084, "T2_Trainspotting", 0]], [[277104, 272088, "T2_Trainspotting", 0]], [[324248, 312265, "T2_Trainspotting", 0]], [[324250, 312267, "T2_Trainspotting", 0]]], "all_evidence": [[275200, 270377, "T2_Trainspotting", 0], [275200, 270377, "Creative_work", 0], [277100, 272084, "T2_Trainspotting", 0], [277104, 272088, "T2_Trainspotting", 0], [324248, 312265, "T2_Trainspotting", 0], [324250, 312267, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251680, null, null, null]]], "all_evidence": [[251680, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21731, 26702, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]], "all_evidence": [[21731, 26702, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217281, 223906, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217281, 223906, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191681, 202498, "Anne_Rice", 5]]], "all_evidence": [[191681, 202498, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213162, null, null, null]]], "all_evidence": [[213162, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197430, 207465, "Lalla_Ward", 0]]], "all_evidence": [[197430, 207465, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167002, 180830, "Always_-LRB-1989_film-RRB-", 0], [167002, 180830, "Audrey_Hepburn", 0]]], "all_evidence": [[167002, 180830, "Always_-LRB-1989_film-RRB-", 0], [167002, 180830, "Audrey_Hepburn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111593, 125369, "Horse", 2]]], "all_evidence": [[111593, 125369, "Horse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142526, 157704, "Johnny_Galecki", 1]]], "all_evidence": [[142526, 157704, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214272, 221353, "Kenneth_Lonergan", 0]]], "all_evidence": [[214272, 221353, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198076, null, null, null]]], "all_evidence": [[198076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114638, 128383, "Bhagat_Singh", 0]]], "all_evidence": [[114638, 128383, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81521, 93282, "AMGTV", 0]]], "all_evidence": [[81521, 93282, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71282, 82231, "Stanley_Williams", 5]]], "all_evidence": [[71282, 82231, "Stanley_Williams", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116209, 130127, "Billboard_Dad", 0], [116209, 130127, "Alan_Metter", 0], [116209, 130127, "Alan_Metter", 1]]], "all_evidence": [[116209, 130127, "Billboard_Dad", 0], [116209, 130127, "Alan_Metter", 0], [116209, 130127, "Alan_Metter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151646, null, null, null]]], "all_evidence": [[151646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57820, 68070, "Johnny_Galecki", 1]]], "all_evidence": [[57820, 68070, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184125, 196076, "Edgar_Wright", 0]], [[184126, 196077, "Edgar_Wright", 0]]], "all_evidence": [[184125, 196076, "Edgar_Wright", 0], [184126, 196077, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194756, 205124, "Manmohan_Singh", 0]]], "all_evidence": [[194756, 205124, "Manmohan_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216094, 222803, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216094, 222803, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235612, null, null, null]]], "all_evidence": [[235612, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227054, null, null, null]]], "all_evidence": [[227054, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177377, null, null, null]]], "all_evidence": [[177377, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120752, 135025, "English_people", 6]]], "all_evidence": [[120752, 135025, "English_people", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239316, null, null, null]]], "all_evidence": [[239316, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197240, 207318, "Smriti_Mandhana", 0]]], "all_evidence": [[197240, 207318, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43988, 52622, "Mount_Rushmore", 1]]], "all_evidence": [[43988, 52622, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219128, 225229, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219128, 225229, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95526, 108550, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[95526, 108550, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172326, 185666, "Aarhus", 0]]], "all_evidence": [[172326, 185666, "Aarhus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213702, null, null, null]]], "all_evidence": [[213702, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49681, null, null, null]]], "all_evidence": [[49681, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180573, null, null, null]]], "all_evidence": [[180573, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239265, null, null, null]]], "all_evidence": [[239265, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200451, 209956, "Sancho_Panza", 0]]], "all_evidence": [[200451, 209956, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229407, 233337, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1]]], "all_evidence": [[229407, 233337, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117250, null, null, null], [117266, null, null, null]]], "all_evidence": [[117250, null, null, null], [117266, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181851, 194121, "Justin_Chatwin", 7]]], "all_evidence": [[181851, 194121, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232784, 235892, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232784, 235892, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160425, null, null, null]]], "all_evidence": [[160425, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74773, 85988, "Ludwig_van_Beethoven", 1]]], "all_evidence": [[74773, 85988, "Ludwig_van_Beethoven", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127710, 142324, "Horse", 3]]], "all_evidence": [[127710, 142324, "Horse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255462, 254919, "Private_Lives", 0]]], "all_evidence": [[255462, 254919, "Private_Lives", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75000, 86227, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [75000, 86227, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[75000, 86227, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [75000, 86227, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178993, null, null, null]]], "all_evidence": [[178993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64852, 75710, "Aristotle", 2]]], "all_evidence": [[64852, 75710, "Aristotle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26070, 32053, "Chris_Kyle", 0]]], "all_evidence": [[26070, 32053, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155924, null, null, null]]], "all_evidence": [[155924, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80422, 92255, "Otto_I,_Holy_Roman_Emperor", 11]]], "all_evidence": [[80422, 92255, "Otto_I,_Holy_Roman_Emperor", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95310, 108331, "West_Virginia", 1]], [[95310, 108332, "West_Virginia", 12]]], "all_evidence": [[95310, 108331, "West_Virginia", 1], [95310, 108332, "West_Virginia", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221657, 227232, "Matthias_Corvinus", 31]]], "all_evidence": [[221657, 227232, "Matthias_Corvinus", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175207, 188225, "How_to_Train_Your_Dragon_2", 0]]], "all_evidence": [[175207, 188225, "How_to_Train_Your_Dragon_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183989, 195965, "Dan_O'Bannon", 0]]], "all_evidence": [[183989, 195965, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206512, 214855, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], [206512, 214855, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 0]]], "all_evidence": [[206512, 214855, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], [206512, 214855, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272407, null, null, null]]], "all_evidence": [[272407, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241416, null, null, null]]], "all_evidence": [[241416, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146989, 161960, "New_York_Knicks", 1]]], "all_evidence": [[146989, 161960, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25788, null, null, null]]], "all_evidence": [[25788, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270517, 266544, "Jenna_Jameson", 3]]], "all_evidence": [[270517, 266544, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46352, 55337, "Battle_of_France", 13]]], "all_evidence": [[46352, 55337, "Battle_of_France", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54146, 64145, "James_Earl_Jones", 4]]], "all_evidence": [[54146, 64145, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259578, 258151, "Andrew_Kevin_Walker", 0]], [[259578, 258152, "Andrew_Kevin_Walker", 1], [259578, 258152, "8mm_-LRB-film-RRB-", 0]], [[261313, 259479, "Andrew_Kevin_Walker", 0]], [[261313, 259480, "Andrew_Kevin_Walker", 1]], [[261598, 259658, "Andrew_Kevin_Walker", 0]], [[261598, 259659, "Andrew_Kevin_Walker", 1]], [[321402, 309890, "Andrew_Kevin_Walker", 0]], [[321402, 309891, "Andrew_Kevin_Walker", 1]], [[322537, 310847, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[259578, 258151, "Andrew_Kevin_Walker", 0], [259578, 258152, "Andrew_Kevin_Walker", 1], [259578, 258152, "8mm_-LRB-film-RRB-", 0], [261313, 259479, "Andrew_Kevin_Walker", 0], [261313, 259480, "Andrew_Kevin_Walker", 1], [261598, 259658, "Andrew_Kevin_Walker", 0], [261598, 259659, "Andrew_Kevin_Walker", 1], [321402, 309890, "Andrew_Kevin_Walker", 0], [321402, 309891, "Andrew_Kevin_Walker", 1], [322537, 310847, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225674, 230288, "Ian_Brennan_-LRB-writer-RRB-", 1]], [[225675, 230289, "Ian_Brennan_-LRB-writer-RRB-", 1]]], "all_evidence": [[225674, 230288, "Ian_Brennan_-LRB-writer-RRB-", 1], [225675, 230289, "Ian_Brennan_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60928, null, null, null]]], "all_evidence": [[60928, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38628, 46588, "The_Adventures_of_Pluto_Nash", 0]], [[38628, 46589, "The_Adventures_of_Pluto_Nash", 1]], [[38628, 46590, "The_Adventures_of_Pluto_Nash", 2]], [[38628, 46591, "The_Adventures_of_Pluto_Nash", 5]]], "all_evidence": [[38628, 46588, "The_Adventures_of_Pluto_Nash", 0], [38628, 46589, "The_Adventures_of_Pluto_Nash", 1], [38628, 46590, "The_Adventures_of_Pluto_Nash", 2], [38628, 46591, "The_Adventures_of_Pluto_Nash", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216450, null, null, null]]], "all_evidence": [[216450, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95330, null, null, null]]], "all_evidence": [[95330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286253, null, null, null], [286256, null, null, null], [288005, null, null, null], [333064, null, null, null], [333067, null, null, null], [333068, null, null, null]]], "all_evidence": [[286253, null, null, null], [286256, null, null, null], [288005, null, null, null], [333064, null, null, null], [333067, null, null, null], [333068, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244446, null, null, null]]], "all_evidence": [[244446, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155680, 170319, "Carlos_Santana", 0]]], "all_evidence": [[155680, 170319, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191471, null, null, null]]], "all_evidence": [[191471, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25213, 31094, "Taran_Killam", 0]]], "all_evidence": [[25213, 31094, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51717, null, null, null]]], "all_evidence": [[51717, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22500, null, null, null], [301483, null, null, null], [301484, null, null, null], [302530, null, null, null]]], "all_evidence": [[22500, null, null, null], [301483, null, null, null], [301484, null, null, null], [302530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61262, 71770, "Edison_Machine_Works", 0]]], "all_evidence": [[61262, 71770, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194114, null, null, null]]], "all_evidence": [[194114, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203223, 212298, "Fabian_Nicieza", 0]]], "all_evidence": [[203223, 212298, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279832, 274463, "NRG_Recording_Studios", 0]], [[328376, 315440, "NRG_Recording_Studios", 0]], [[328377, 315441, "NRG_Recording_Studios", 0]], [[328381, 315444, "NRG_Recording_Studios", 0]]], "all_evidence": [[279832, 274463, "NRG_Recording_Studios", 0], [328376, 315440, "NRG_Recording_Studios", 0], [328377, 315441, "NRG_Recording_Studios", 0], [328381, 315444, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194750, null, null, null]]], "all_evidence": [[194750, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264397, 261859, "Brubaker", 0]], [[264407, 261868, "Brubaker", 0]]], "all_evidence": [[264397, 261859, "Brubaker", 0], [264407, 261868, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245443, 246253, "Mel_B", 5]]], "all_evidence": [[245443, 246253, "Mel_B", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238998, null, null, null]]], "all_evidence": [[238998, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234943, 237723, "Tijuana", 0]]], "all_evidence": [[234943, 237723, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53775, 63771, "Francis_I_of_France", 0]]], "all_evidence": [[53775, 63771, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167197, null, null, null]]], "all_evidence": [[167197, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56923, 67160, "Neil_Diamond", 0]]], "all_evidence": [[56923, 67160, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205343, 213947, "Dub_music", 0]]], "all_evidence": [[205343, 213947, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214616, 221604, "Aleister_Crowley", 0]], [[218027, 224433, "Aleister_Crowley", 0]], [[219944, 225822, "Aleister_Crowley", 0]], [[317497, 306531, "Aleister_Crowley", 0]], [[317498, 306532, "Aleister_Crowley", 0]], [[317499, 306533, "Aleister_Crowley", 0]]], "all_evidence": [[214616, 221604, "Aleister_Crowley", 0], [218027, 224433, "Aleister_Crowley", 0], [219944, 225822, "Aleister_Crowley", 0], [317497, 306531, "Aleister_Crowley", 0], [317498, 306532, "Aleister_Crowley", 0], [317499, 306533, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164841, 179035, "Sebastian_Stan", 2]], [[166998, 180822, "Sebastian_Stan", 2]], [[169063, 182744, "Sebastian_Stan", 2]], [[312298, 302112, "Sebastian_Stan", 2]]], "all_evidence": [[164841, 179035, "Sebastian_Stan", 2], [166998, 180822, "Sebastian_Stan", 2], [169063, 182744, "Sebastian_Stan", 2], [312298, 302112, "Sebastian_Stan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273652, 269024, "Working_animal", 0]]], "all_evidence": [[273652, 269024, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73016, 84179, "The_Good_Wife", 0]]], "all_evidence": [[73016, 84179, "The_Good_Wife", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173365, null, null, null], [173366, null, null, null]]], "all_evidence": [[173365, null, null, null], [173366, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186131, null, null, null]]], "all_evidence": [[186131, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96875, null, null, null]]], "all_evidence": [[96875, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104179, 117646, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[104179, 117646, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86940, 99403, "Augustus", 42]]], "all_evidence": [[86940, 99403, "Augustus", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97909, 111052, "T2_Trainspotting", 0]]], "all_evidence": [[97909, 111052, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181695, 193939, "Shawn_Carlson", 0]]], "all_evidence": [[181695, 193939, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37853, null, null, null]]], "all_evidence": [[37853, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51891, 61728, "Ingushetia", 5]]], "all_evidence": [[51891, 61728, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35783, 43326, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[35783, 43326, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[300343, null, null, null], [343893, null, null, null], [343913, null, null, null], [343915, null, null, null]]], "all_evidence": [[300343, null, null, null], [343893, null, null, null], [343913, null, null, null], [343915, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179510, 192093, "The_Bahamas", 0], [179510, 192093, "Lucayan_Archipelago", 1]]], "all_evidence": [[179510, 192093, "The_Bahamas", 0], [179510, 192093, "Lucayan_Archipelago", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116661, 130555, "Ed_Wood_-LRB-film-RRB-", 1]]], "all_evidence": [[116661, 130555, "Ed_Wood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152111, null, null, null]]], "all_evidence": [[152111, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228768, 232884, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228768, 232885, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228768, 232886, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228768, 232886, "Happy_-LRB-Pharrell_Williams_song-RRB-", 1]], [[228768, 232887, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [228768, 232887, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 2]]], "all_evidence": [[228768, 232884, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228768, 232885, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228768, 232886, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228768, 232886, "Happy_-LRB-Pharrell_Williams_song-RRB-", 1], [228768, 232887, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [228768, 232887, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259470, 258042, "Libya", 2]]], "all_evidence": [[259470, 258042, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107683, 121176, "Republic_of_Macedonia", 1], [107683, 121176, "Territorial_dispute", 0]]], "all_evidence": [[107683, 121176, "Republic_of_Macedonia", 1], [107683, 121176, "Territorial_dispute", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248948, 248983, "John_Dolmayan", 0]], [[248948, 248984, "John_Dolmayan", 1]], [[248948, 248985, "John_Dolmayan", 2]], [[248948, 248986, "John_Dolmayan", 3]], [[248948, 248987, "John_Dolmayan", 4]], [[251088, 251031, "John_Dolmayan", 0]], [[251088, 251032, "John_Dolmayan", 1]], [[251088, 251033, "John_Dolmayan", 2]], [[252471, 252252, "John_Dolmayan", 0]], [[252471, 252253, "John_Dolmayan", 1], [252471, 252253, "System_of_a_Down", 1]], [[252471, 252254, "John_Dolmayan", 2]], [[252471, 252255, "John_Dolmayan", 4]], [[319684, 308365, "John_Dolmayan", 0]], [[320730, 309282, "John_Dolmayan", 0]]], "all_evidence": [[248948, 248983, "John_Dolmayan", 0], [248948, 248984, "John_Dolmayan", 1], [248948, 248985, "John_Dolmayan", 2], [248948, 248986, "John_Dolmayan", 3], [248948, 248987, "John_Dolmayan", 4], [251088, 251031, "John_Dolmayan", 0], [251088, 251032, "John_Dolmayan", 1], [251088, 251033, "John_Dolmayan", 2], [252471, 252252, "John_Dolmayan", 0], [252471, 252253, "John_Dolmayan", 1], [252471, 252253, "System_of_a_Down", 1], [252471, 252254, "John_Dolmayan", 2], [252471, 252255, "John_Dolmayan", 4], [319684, 308365, "John_Dolmayan", 0], [320730, 309282, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176299, 189231, "Liverpool", 0]], [[176299, 189232, "Liverpool", 1]]], "all_evidence": [[176299, 189231, "Liverpool", 0], [176299, 189232, "Liverpool", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192742, 203460, "Cadet_Kelly", 0]]], "all_evidence": [[192742, 203460, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239261, 241177, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239261, 241177, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279921, 274527, "Jack_Falahee", 0]], [[281629, 275992, "Jack_Falahee", 1], [281629, 275992, "Mercy_Street_-LRB-TV_series-RRB-", 2], [281629, 275992, "Jack_Falahee", 0]], [[283741, 277692, "Jack_Falahee", 1], [283741, 277692, "Mercy_Street_-LRB-TV_series-RRB-", 2], [283741, 277692, "Mercy_Street_-LRB-TV_series-RRB-", 5]], [[328550, 315571, "Jack_Falahee", 0]], [[329234, 316100, "Jack_Falahee", 0], [329234, 316100, "Jack_Falahee", 1]], [[329237, 316102, "Jack_Falahee", 0]], [[329237, 316103, "Jack_Falahee", 1], [329237, 316103, "How_to_Get_Away_with_Murder", 0]]], "all_evidence": [[279921, 274527, "Jack_Falahee", 0], [281629, 275992, "Jack_Falahee", 1], [281629, 275992, "Mercy_Street_-LRB-TV_series-RRB-", 2], [281629, 275992, "Jack_Falahee", 0], [283741, 277692, "Jack_Falahee", 1], [283741, 277692, "Mercy_Street_-LRB-TV_series-RRB-", 2], [283741, 277692, "Mercy_Street_-LRB-TV_series-RRB-", 5], [328550, 315571, "Jack_Falahee", 0], [329234, 316100, "Jack_Falahee", 0], [329234, 316100, "Jack_Falahee", 1], [329237, 316102, "Jack_Falahee", 0], [329237, 316103, "Jack_Falahee", 1], [329237, 316103, "How_to_Get_Away_with_Murder", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55863, 65950, "Billboard_Dad", 0]]], "all_evidence": [[55863, 65950, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94013, null, null, null]]], "all_evidence": [[94013, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146249, 161228, "Paramore", 1]]], "all_evidence": [[146249, 161228, "Paramore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268486, null, null, null]]], "all_evidence": [[268486, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83737, 95744, "Aarhus", 1]]], "all_evidence": [[83737, 95744, "Aarhus", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126065, null, null, null]]], "all_evidence": [[126065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72073, 83063, "Justine_Bateman", 0]], [[72073, 83064, "Justine_Bateman", 2]]], "all_evidence": [[72073, 83063, "Justine_Bateman", 0], [72073, 83064, "Justine_Bateman", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134702, 149625, "Lockheed_Martin_F-35_Lightning_II", 10]], [[134703, 149626, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[134702, 149625, "Lockheed_Martin_F-35_Lightning_II", 10], [134703, 149626, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131939, 146784, "Aristotle", 2]]], "all_evidence": [[131939, 146784, "Aristotle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256006, 255309, "Weekly_Idol", 1], [256006, 255309, "Defconn", 0], [256006, 255309, "Weekly_Idol", 0]]], "all_evidence": [[256006, 255309, "Weekly_Idol", 1], [256006, 255309, "Defconn", 0], [256006, 255309, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227022, null, null, null]]], "all_evidence": [[227022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260721, 259040, "Valencia", 0]], [[260721, 259041, "Valencia", 2]], [[260721, 259042, "Valencia", 3]], [[260721, 259043, "Valencia", 12]], [[260721, 259044, "Valencia", 16], [260721, 259044, "Turia_-LRB-river-RRB-", 0]], [[260721, 259045, "Valencia", 17]], [[260721, 259046, "Valencia", 20], [260721, 259046, "Costa_del_Azahar", 0]]], "all_evidence": [[260721, 259040, "Valencia", 0], [260721, 259041, "Valencia", 2], [260721, 259042, "Valencia", 3], [260721, 259043, "Valencia", 12], [260721, 259044, "Valencia", 16], [260721, 259044, "Turia_-LRB-river-RRB-", 0], [260721, 259045, "Valencia", 17], [260721, 259046, "Valencia", 20], [260721, 259046, "Costa_del_Azahar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133420, 148279, "Emma_Watson", 0]], [[133420, 148280, "Emma_Watson", 1]], [[133420, 148281, "Emma_Watson", 2]], [[133420, 148282, "Emma_Watson", 3]], [[133420, 148283, "Emma_Watson", 6]], [[133420, 148284, "Emma_Watson", 7]], [[133420, 148285, "Emma_Watson", 8]], [[133420, 148286, "Emma_Watson", 9], [133420, 148286, "Regression_-LRB-film-RRB-", 1]]], "all_evidence": [[133420, 148279, "Emma_Watson", 0], [133420, 148280, "Emma_Watson", 1], [133420, 148281, "Emma_Watson", 2], [133420, 148282, "Emma_Watson", 3], [133420, 148283, "Emma_Watson", 6], [133420, 148284, "Emma_Watson", 7], [133420, 148285, "Emma_Watson", 8], [133420, 148286, "Emma_Watson", 9], [133420, 148286, "Regression_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221677, 227246, "Matthias_Corvinus", 31], [221677, 227246, "Bibliotheca_Corviniana", 0]]], "all_evidence": [[221677, 227246, "Matthias_Corvinus", 31], [221677, 227246, "Bibliotheca_Corviniana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243129, null, null, null]]], "all_evidence": [[243129, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106503, 119921, "Ashton_Kutcher", 8], [106503, 119921, "What_Happens_in_Vegas", 0]]], "all_evidence": [[106503, 119921, "Ashton_Kutcher", 8], [106503, 119921, "What_Happens_in_Vegas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[287385, 280822, "Michigan", 13]], [[287387, 280823, "Michigan", 13]], [[335880, 321603, "Michigan", 13]], [[335891, 321608, "Michigan", 13]], [[335954, 321649, "Michigan", 13]]], "all_evidence": [[287385, 280822, "Michigan", 13], [287387, 280823, "Michigan", 13], [335880, 321603, "Michigan", 13], [335891, 321608, "Michigan", 13], [335954, 321649, "Michigan", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230068, null, null, null]]], "all_evidence": [[230068, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105309, 118759, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[105309, 118759, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191693, null, null, null]]], "all_evidence": [[191693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49135, 58464, "Email_filtering", 5]]], "all_evidence": [[49135, 58464, "Email_filtering", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197257, null, null, null]]], "all_evidence": [[197257, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166987, 180806, "Prescott,_Arizona", 0]], [[166987, 180807, "Prescott,_Arizona", 2], [166987, 180807, "Yavapai_County,_Arizona", 0]], [[166987, 180808, "Prescott,_Arizona", 3], [166987, 180808, "Fort_Whipple,_Arizona", 0]], [[166987, 180809, "Prescott,_Arizona", 4], [166987, 180809, "Tucson,_Arizona", 0]], [[166987, 180810, "Prescott,_Arizona", 5], [166987, 180810, "Phoenix,_Arizona", 0]], [[166987, 180811, "Prescott,_Arizona", 8], [166987, 180811, "Prescott_Valley,_Arizona", 0]], [[166987, 180812, "Prescott,_Arizona", 9], [166987, 180812, "Yavapai_County,_Arizona", 0]], [[166987, 180813, "Prescott,_Arizona", 11], [166987, 180813, "Yavapai_County,_Arizona", 0]], [[166987, 180814, "Prescott,_Arizona", 14], [166987, 180814, "Yavapai_County,_Arizona", 0]]], "all_evidence": [[166987, 180806, "Prescott,_Arizona", 0], [166987, 180807, "Prescott,_Arizona", 2], [166987, 180807, "Yavapai_County,_Arizona", 0], [166987, 180808, "Prescott,_Arizona", 3], [166987, 180808, "Fort_Whipple,_Arizona", 0], [166987, 180809, "Prescott,_Arizona", 4], [166987, 180809, "Tucson,_Arizona", 0], [166987, 180810, "Prescott,_Arizona", 5], [166987, 180810, "Phoenix,_Arizona", 0], [166987, 180811, "Prescott,_Arizona", 8], [166987, 180811, "Prescott_Valley,_Arizona", 0], [166987, 180812, "Prescott,_Arizona", 9], [166987, 180812, "Yavapai_County,_Arizona", 0], [166987, 180813, "Prescott,_Arizona", 11], [166987, 180813, "Yavapai_County,_Arizona", 0], [166987, 180814, "Prescott,_Arizona", 14], [166987, 180814, "Yavapai_County,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43133, 51769, "TV_Choice", 1]], [[45353, 54130, "TV_Choice", 1]], [[302060, 293125, "TV_Choice", 1]], [[303672, 294605, "TV_Choice", 1]]], "all_evidence": [[43133, 51769, "TV_Choice", 1], [45353, 54130, "TV_Choice", 1], [302060, 293125, "TV_Choice", 1], [303672, 294605, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175955, 188927, "Monster", 0]]], "all_evidence": [[175955, 188927, "Monster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235714, 238283, "Tom_DeLonge", 1]]], "all_evidence": [[235714, 238283, "Tom_DeLonge", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97369, null, null, null]]], "all_evidence": [[97369, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152658, 167440, "Floppy_disk", 0]]], "all_evidence": [[152658, 167440, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198012, 207955, "Syracuse,_New_York", 2]]], "all_evidence": [[198012, 207955, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223853, 228774, "Yandex", 9]]], "all_evidence": [[223853, 228774, "Yandex", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149045, 164082, "Trevor_Griffiths", 0], [149045, 164082, "Ancoats", 0]]], "all_evidence": [[149045, 164082, "Trevor_Griffiths", 0], [149045, 164082, "Ancoats", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155763, null, null, null]]], "all_evidence": [[155763, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210888, null, null, null]]], "all_evidence": [[210888, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41547, 49956, "Washington_Wizards", 12]]], "all_evidence": [[41547, 49956, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236976, 239308, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236979, 239311, "Varsity_Blues_-LRB-film-RRB-", 5], [236979, 239311, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[236976, 239308, "Varsity_Blues_-LRB-film-RRB-", 5], [236979, 239311, "Varsity_Blues_-LRB-film-RRB-", 5], [236979, 239311, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80565, 92406, "Marvel_vs._Capcom-COLON-_Infinite", 4]]], "all_evidence": [[80565, 92406, "Marvel_vs._Capcom-COLON-_Infinite", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183433, 195432, "Guatemala", 16]]], "all_evidence": [[183433, 195432, "Guatemala", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221281, 226925, "Yandex", 9]]], "all_evidence": [[221281, 226925, "Yandex", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162518, null, null, null]]], "all_evidence": [[162518, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179876, null, null, null]]], "all_evidence": [[179876, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231189, 234716, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231189, 234716, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286053, 279621, "Bad_Romance", 0]], [[287785, 281102, "Bad_Romance", 0]], [[287785, 281103, "Bad_Romance", 3]], [[287785, 281104, "Bad_Romance", 5]], [[287785, 281105, "Bad_Romance", 19]], [[332756, 319032, "Bad_Romance", 0]]], "all_evidence": [[286053, 279621, "Bad_Romance", 0], [287785, 281102, "Bad_Romance", 0], [287785, 281103, "Bad_Romance", 3], [287785, 281104, "Bad_Romance", 5], [287785, 281105, "Bad_Romance", 19], [332756, 319032, "Bad_Romance", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292531, null, null, null], [294547, null, null, null], [295132, null, null, null], [340408, null, null, null], [340419, null, null, null]]], "all_evidence": [[292531, null, null, null], [294547, null, null, null], [295132, null, null, null], [340408, null, null, null], [340419, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237560, 239758, "Live_Through_This", 0]]], "all_evidence": [[237560, 239758, "Live_Through_This", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88175, 100776, "T2_Trainspotting", 0]]], "all_evidence": [[88175, 100776, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165949, 179898, "Touchscreen", 9]]], "all_evidence": [[165949, 179898, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76798, 88148, "Shinji_Mikami", 0]], [[76798, 88149, "Shinji_Mikami", 1]], [[76798, 88150, "Shinji_Mikami", 2]], [[76798, 88151, "Shinji_Mikami", 3]], [[76798, 88152, "Shinji_Mikami", 4]], [[76798, 88153, "Shinji_Mikami", 5]], [[76798, 88154, "Shinji_Mikami", 6]], [[76798, 88155, "Shinji_Mikami", 8]]], "all_evidence": [[76798, 88148, "Shinji_Mikami", 0], [76798, 88149, "Shinji_Mikami", 1], [76798, 88150, "Shinji_Mikami", 2], [76798, 88151, "Shinji_Mikami", 3], [76798, 88152, "Shinji_Mikami", 4], [76798, 88153, "Shinji_Mikami", 5], [76798, 88154, "Shinji_Mikami", 6], [76798, 88155, "Shinji_Mikami", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50724, 60337, "Gin", 0]]], "all_evidence": [[50724, 60337, "Gin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90526, null, null, null]]], "all_evidence": [[90526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224254, 229081, "Matthias_Corvinus", 0]]], "all_evidence": [[224254, 229081, "Matthias_Corvinus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161677, 176104, "Yale_University", 23]]], "all_evidence": [[161677, 176104, "Yale_University", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139938, null, null, null]]], "all_evidence": [[139938, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62968, null, null, null]]], "all_evidence": [[62968, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34513, 41881, "Rhythm_Nation", 23], [34513, 41881, "Crystal_Kay", 0]]], "all_evidence": [[34513, 41881, "Rhythm_Nation", 23], [34513, 41881, "Crystal_Kay", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203196, 212281, "Fabian_Nicieza", 0]]], "all_evidence": [[203196, 212281, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235703, 238274, "Tom_DeLonge", 4]], [[235703, 238275, "Tom_DeLonge", 1]]], "all_evidence": [[235703, 238274, "Tom_DeLonge", 4], [235703, 238275, "Tom_DeLonge", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237587, null, null, null]]], "all_evidence": [[237587, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110727, 124399, "Miranda_Otto", 1]]], "all_evidence": [[110727, 124399, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163934, null, null, null]]], "all_evidence": [[163934, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238549, null, null, null]]], "all_evidence": [[238549, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237563, 239762, "Live_Through_This", 0]], [[237563, 239763, "Live_Through_This", 2]], [[237563, 239764, "Live_Through_This", 3]], [[237563, 239765, "Live_Through_This", 4]], [[237563, 239766, "Live_Through_This", 5]], [[237563, 239767, "Live_Through_This", 8]], [[237563, 239768, "Live_Through_This", 9]], [[237563, 239769, "Live_Through_This", 10]], [[237563, 239770, "Live_Through_This", 11]]], "all_evidence": [[237563, 239762, "Live_Through_This", 0], [237563, 239763, "Live_Through_This", 2], [237563, 239764, "Live_Through_This", 3], [237563, 239765, "Live_Through_This", 4], [237563, 239766, "Live_Through_This", 5], [237563, 239767, "Live_Through_This", 8], [237563, 239768, "Live_Through_This", 9], [237563, 239769, "Live_Through_This", 10], [237563, 239770, "Live_Through_This", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190456, null, null, null]]], "all_evidence": [[190456, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238528, 240525, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]], [[238528, 240526, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 9]], [[238543, 240540, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238528, 240525, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238528, 240526, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 9], [238543, 240540, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188990, null, null, null], [191630, null, null, null], [192145, null, null, null], [314762, null, null, null], [314768, null, null, null]]], "all_evidence": [[188990, null, null, null], [191630, null, null, null], [192145, null, null, null], [314762, null, null, null], [314768, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13402, 16759, "Moonlight_-LRB-2016_film-RRB-", 6]], [[13404, 16761, "Moonlight_-LRB-2016_film-RRB-", 6]], [[13418, 16781, "Moonlight_-LRB-2016_film-RRB-", 6]], [[22869, 28193, "Moonlight_-LRB-2016_film-RRB-", 6]], [[134808, 149717, "Moonlight_-LRB-2016_film-RRB-", 6]], [[299246, 290626, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[13402, 16759, "Moonlight_-LRB-2016_film-RRB-", 6], [13404, 16761, "Moonlight_-LRB-2016_film-RRB-", 6], [13418, 16781, "Moonlight_-LRB-2016_film-RRB-", 6], [22869, 28193, "Moonlight_-LRB-2016_film-RRB-", 6], [134808, 149717, "Moonlight_-LRB-2016_film-RRB-", 6], [299246, 290626, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48300, null, null, null]]], "all_evidence": [[48300, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186383, null, null, null]]], "all_evidence": [[186383, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179248, 191776, "Brazzers", 0]]], "all_evidence": [[179248, 191776, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122417, 136704, "French_Indochina", 0]]], "all_evidence": [[122417, 136704, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121023, 135310, "Mohra", 4], [121023, 135310, "Filmfare", 0]]], "all_evidence": [[121023, 135310, "Mohra", 4], [121023, 135310, "Filmfare", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185461, null, null, null]]], "all_evidence": [[185461, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89517, 102208, "Diana,_Princess_of_Wales", 18]]], "all_evidence": [[89517, 102208, "Diana,_Princess_of_Wales", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172659, null, null, null]]], "all_evidence": [[172659, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114289, null, null, null]]], "all_evidence": [[114289, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64042, null, null, null]]], "all_evidence": [[64042, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92085, null, null, null], [92086, null, null, null]]], "all_evidence": [[92085, null, null, null], [92086, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189345, 200627, "To_Pimp_a_Butterfly", 12]]], "all_evidence": [[189345, 200627, "To_Pimp_a_Butterfly", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35514, null, null, null]]], "all_evidence": [[35514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19567, 24050, "English_people", 6]], [[19567, 24051, "English_people", 7]]], "all_evidence": [[19567, 24050, "English_people", 6], [19567, 24051, "English_people", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[295666, 287735, "Chaka_Khan", 0]], [[295666, 287736, "Chaka_Khan", 1]], [[295666, 287737, "Chaka_Khan", 3]], [[295666, 287738, "Chaka_Khan", 2]], [[295666, 287739, "Chaka_Khan", 4]], [[295681, 287757, "Chaka_Khan", 1]], [[295681, 287758, "Chaka_Khan", 2]], [[295681, 287759, "Chaka_Khan", 0]], [[341319, 325786, "Chaka_Khan", 0]], [[341319, 325787, "Chaka_Khan", 1]], [[341319, 325788, "Chaka_Khan", 2]], [[341319, 325789, "Chaka_Khan", 3]], [[341319, 325790, "Chaka_Khan", 4]], [[341319, 325791, "Chaka_Khan", 5], [341319, 325791, "I_Feel_for_You_-LRB-album-RRB-", 0]], [[341339, 325855, "Chaka_Khan", 4]]], "all_evidence": [[295666, 287735, "Chaka_Khan", 0], [295666, 287736, "Chaka_Khan", 1], [295666, 287737, "Chaka_Khan", 3], [295666, 287738, "Chaka_Khan", 2], [295666, 287739, "Chaka_Khan", 4], [295681, 287757, "Chaka_Khan", 1], [295681, 287758, "Chaka_Khan", 2], [295681, 287759, "Chaka_Khan", 0], [341319, 325786, "Chaka_Khan", 0], [341319, 325787, "Chaka_Khan", 1], [341319, 325788, "Chaka_Khan", 2], [341319, 325789, "Chaka_Khan", 3], [341319, 325790, "Chaka_Khan", 4], [341319, 325791, "Chaka_Khan", 5], [341319, 325791, "I_Feel_for_You_-LRB-album-RRB-", 0], [341339, 325855, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60022, 70432, "Aaron_Burr", 1]]], "all_evidence": [[60022, 70432, "Aaron_Burr", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67245, 78040, "Poldark_-LRB-2015_TV_series-RRB-", 0]], [[67245, 78041, "Poldark_-LRB-2015_TV_series-RRB-", 2]]], "all_evidence": [[67245, 78040, "Poldark_-LRB-2015_TV_series-RRB-", 0], [67245, 78041, "Poldark_-LRB-2015_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86108, 98454, "Jackie_-LRB-2016_film-RRB-", 0]], [[86109, 98455, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[86108, 98454, "Jackie_-LRB-2016_film-RRB-", 0], [86109, 98455, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59195, 69540, "Taylor_Lautner", 4]]], "all_evidence": [[59195, 69540, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80881, 92741, "Wildfang", 1], [80881, 92741, "Wildfang", 0]]], "all_evidence": [[80881, 92741, "Wildfang", 1], [80881, 92741, "Wildfang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86323, null, null, null]]], "all_evidence": [[86323, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208080, 216214, "Osamu_Tezuka", 6]]], "all_evidence": [[208080, 216214, "Osamu_Tezuka", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59816, null, null, null]]], "all_evidence": [[59816, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126080, 140482, "Crips", 9]]], "all_evidence": [[126080, 140482, "Crips", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286066, 279634, "The_Good_Wife", 0], [286066, 279634, "CBS", 0]], [[287769, 281092, "The_Good_Wife", 0], [287769, 281092, "CBS", 0]], [[288456, 281717, "The_Good_Wife", 0]], [[332772, 319049, "The_Good_Wife", 0], [332772, 319049, "CBS", 0]], [[334158, 320279, "The_Good_Wife", 0], [334158, 320279, "CBS", 0]]], "all_evidence": [[286066, 279634, "The_Good_Wife", 0], [286066, 279634, "CBS", 0], [287769, 281092, "The_Good_Wife", 0], [287769, 281092, "CBS", 0], [288456, 281717, "The_Good_Wife", 0], [332772, 319049, "The_Good_Wife", 0], [332772, 319049, "CBS", 0], [334158, 320279, "The_Good_Wife", 0], [334158, 320279, "CBS", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212192, null, null, null], [212194, null, null, null]]], "all_evidence": [[212192, null, null, null], [212194, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145440, 160440, "Wales", 16]]], "all_evidence": [[145440, 160440, "Wales", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100260, 113505, "NRG_Recording_Studios", 0]]], "all_evidence": [[100260, 113505, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59979, 70386, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[59979, 70386, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203015, null, null, null]]], "all_evidence": [[203015, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72851, null, null, null]]], "all_evidence": [[72851, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248559, null, null, null]]], "all_evidence": [[248559, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270830, 266812, "New_Orleans_Pelicans", 1], [270830, 266812, "Western_Conference_-LRB-NBA-RRB-", 20], [270830, 266812, "Western_Conference_-LRB-NBA-RRB-", 21]]], "all_evidence": [[270830, 266812, "New_Orleans_Pelicans", 1], [270830, 266812, "Western_Conference_-LRB-NBA-RRB-", 20], [270830, 266812, "Western_Conference_-LRB-NBA-RRB-", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73835, null, null, null], [78917, null, null, null], [81247, null, null, null], [305870, null, null, null], [305872, null, null, null]]], "all_evidence": [[73835, null, null, null], [78917, null, null, null], [81247, null, null, null], [305870, null, null, null], [305872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18048, 22194, "Mick_Thomson", 1]]], "all_evidence": [[18048, 22194, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62264, null, null, null]]], "all_evidence": [[62264, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168216, 181963, "Shinji_Mikami", 0]], [[168216, 181964, "Shinji_Mikami", 12]]], "all_evidence": [[168216, 181963, "Shinji_Mikami", 0], [168216, 181964, "Shinji_Mikami", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211983, 219590, "Saturn_Corporation", 0]]], "all_evidence": [[211983, 219590, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113603, null, null, null]]], "all_evidence": [[113603, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42344, null, null, null], [301997, null, null, null]]], "all_evidence": [[42344, null, null, null], [301997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232805, 235903, "New_York_City_Landmarks_Preservation_Commission", 6]], [[232806, 235904, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232805, 235903, "New_York_City_Landmarks_Preservation_Commission", 6], [232806, 235904, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223874, 228791, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223874, 228791, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88835, null, null, null]]], "all_evidence": [[88835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43267, 51904, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[43267, 51904, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182042, 194320, "Pearl_Jam", 13]]], "all_evidence": [[182042, 194320, "Pearl_Jam", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115545, 129411, "James_Earl_Jones", 4]]], "all_evidence": [[115545, 129411, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64597, 75385, "Damon_Albarn", 4]]], "all_evidence": [[64597, 75385, "Damon_Albarn", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239398, 241265, "Lockheed_Martin", 4]]], "all_evidence": [[239398, 241265, "Lockheed_Martin", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131123, 145887, "Dakota_Fanning", 0]], [[131123, 145888, "Dakota_Fanning", 10]]], "all_evidence": [[131123, 145887, "Dakota_Fanning", 0], [131123, 145888, "Dakota_Fanning", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157659, null, null, null]]], "all_evidence": [[157659, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122533, 136829, "Starrcade", 0]], [[122533, 136830, "Starrcade", 16]]], "all_evidence": [[122533, 136829, "Starrcade", 0], [122533, 136830, "Starrcade", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115499, 129358, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[115499, 129358, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251717, null, null, null]]], "all_evidence": [[251717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132302, 147198, "Heart", 19]]], "all_evidence": [[132302, 147198, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61800, null, null, null]]], "all_evidence": [[61800, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257064, 256122, "Chagatai_language", 0]]], "all_evidence": [[257064, 256122, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157470, 172042, "David_Spade", 2]], [[157470, 172043, "David_Spade", 7]]], "all_evidence": [[157470, 172042, "David_Spade", 2], [157470, 172043, "David_Spade", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282076, null, null, null], [284050, null, null, null], [285082, null, null, null], [329871, null, null, null], [331236, null, null, null]]], "all_evidence": [[282076, null, null, null], [284050, null, null, null], [285082, null, null, null], [329871, null, null, null], [331236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185537, 197289, "Gal_Gadot", 4]]], "all_evidence": [[185537, 197289, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150621, null, null, null]]], "all_evidence": [[150621, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192751, 203466, "Cadet_Kelly", 0]], [[192753, 203468, "Cadet_Kelly", 0]]], "all_evidence": [[192751, 203466, "Cadet_Kelly", 0], [192753, 203468, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259457, 258030, "Libya", 2], [259457, 258030, "Africa", 0]]], "all_evidence": [[259457, 258030, "Libya", 2], [259457, 258030, "Africa", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203014, null, null, null]]], "all_evidence": [[203014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178413, 190996, "Uranium-235", 6]]], "all_evidence": [[178413, 190996, "Uranium-235", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245090, null, null, null]]], "all_evidence": [[245090, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157701, null, null, null], [161328, null, null, null], [313274, null, null, null]]], "all_evidence": [[157701, null, null, null], [161328, null, null, null], [313274, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16281, 20178, "Shawn_Carlson", 0]]], "all_evidence": [[16281, 20178, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240276, 241917, "The_Sugarland_Express", 3]]], "all_evidence": [[240276, 241917, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82136, 93923, "Liverpool", 0]]], "all_evidence": [[82136, 93923, "Liverpool", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69031, 79830, "Trevor_Griffiths", 0], [69031, 79830, "Playwright", 0]]], "all_evidence": [[69031, 79830, "Trevor_Griffiths", 0], [69031, 79830, "Playwright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120636, 134877, "Neil_Diamond", 0]], [[120636, 134878, "Neil_Diamond", 1]], [[120641, 134887, "Neil_Diamond", 0]], [[120641, 134889, "Neil_Diamond", 8], [120641, 134889, "America_-LRB-Neil_Diamond_song-RRB-", 0], [120641, 134889, "Desiree_-LRB-song-RRB-", 0], [120641, 134889, "Heartlight_-LRB-song-RRB-", 0], [120641, 134889, "If_You_Know_What_I_Mean", 0], [120641, 134889, "Longfellow_Serenade", 0], [120641, 134889, "Longfellow_Serenade", 1], [120641, 134889, "Song_Sung_Blue", 0]], [[120641, 134890, "Neil_Diamond", 9], [120641, 134890, "Sweet_Caroline", 0]]], "all_evidence": [[120636, 134877, "Neil_Diamond", 0], [120636, 134878, "Neil_Diamond", 1], [120641, 134887, "Neil_Diamond", 0], [120641, 134889, "Neil_Diamond", 8], [120641, 134889, "America_-LRB-Neil_Diamond_song-RRB-", 0], [120641, 134889, "Desiree_-LRB-song-RRB-", 0], [120641, 134889, "Heartlight_-LRB-song-RRB-", 0], [120641, 134889, "If_You_Know_What_I_Mean", 0], [120641, 134889, "Longfellow_Serenade", 0], [120641, 134889, "Longfellow_Serenade", 1], [120641, 134889, "Song_Sung_Blue", 0], [120641, 134890, "Neil_Diamond", 9], [120641, 134890, "Sweet_Caroline", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247516, null, null, null]]], "all_evidence": [[247516, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37177, 44967, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[37177, 44967, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194478, 204857, "Drake_Bell", 18]]], "all_evidence": [[194478, 204857, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98136, null, null, null]]], "all_evidence": [[98136, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28861, 35223, "San_Diego_Comic-Con", 1]], [[31472, 38204, "San_Diego_Comic-Con", 1]], [[33988, 41221, "San_Diego_Comic-Con", 1]], [[301766, 292875, "San_Diego_Comic-Con", 1]], [[303178, 294155, "San_Diego_Comic-Con", 1]], [[304658, 295473, "San_Diego_Comic-Con", 1]]], "all_evidence": [[28861, 35223, "San_Diego_Comic-Con", 1], [31472, 38204, "San_Diego_Comic-Con", 1], [33988, 41221, "San_Diego_Comic-Con", 1], [301766, 292875, "San_Diego_Comic-Con", 1], [303178, 294155, "San_Diego_Comic-Con", 1], [304658, 295473, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109893, null, null, null]]], "all_evidence": [[109893, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68059, 78917, "Mount_Rushmore", 1]]], "all_evidence": [[68059, 78917, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268459, null, null, null]]], "all_evidence": [[268459, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172353, 185678, "Arizona", 0]]], "all_evidence": [[172353, 185678, "Arizona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54448, null, null, null]]], "all_evidence": [[54448, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185340, 197108, "Juventus_F.C.", 1], [185340, 197108, "Juventus_Stadium", 0]]], "all_evidence": [[185340, 197108, "Juventus_F.C.", 1], [185340, 197108, "Juventus_Stadium", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215858, null, null, null]]], "all_evidence": [[215858, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227809, 232170, "Tilda_Swinton", 1]], [[227809, 232171, "Tilda_Swinton", 9]], [[227809, 232172, "Tilda_Swinton", 10]], [[227809, 232173, "Tilda_Swinton", 11]], [[227809, 232174, "Tilda_Swinton", 14]], [[227809, 232175, "Tilda_Swinton", 15]], [[227809, 232176, "Tilda_Swinton", 16]], [[227809, 232177, "Tilda_Swinton", 17]]], "all_evidence": [[227809, 232170, "Tilda_Swinton", 1], [227809, 232171, "Tilda_Swinton", 9], [227809, 232172, "Tilda_Swinton", 10], [227809, 232173, "Tilda_Swinton", 11], [227809, 232174, "Tilda_Swinton", 14], [227809, 232175, "Tilda_Swinton", 15], [227809, 232176, "Tilda_Swinton", 16], [227809, 232177, "Tilda_Swinton", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58430, 68706, "Alexandra_Daddario", 0]]], "all_evidence": [[58430, 68706, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237967, 240126, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237967, 240126, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215919, 222673, "Bradley_Fuller", 1]], [[215920, 222674, "Bradley_Fuller", 1]]], "all_evidence": [[215919, 222673, "Bradley_Fuller", 1], [215920, 222674, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45206, 53942, "The_Good_Wife", 0]], [[45206, 53943, "The_Good_Wife", 9]], [[45206, 53944, "The_Good_Wife", 12]]], "all_evidence": [[45206, 53942, "The_Good_Wife", 0], [45206, 53943, "The_Good_Wife", 9], [45206, 53944, "The_Good_Wife", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154083, 168870, "Gal_Gadot", 4]], [[154084, 168871, "Gal_Gadot", 4]]], "all_evidence": [[154083, 168870, "Gal_Gadot", 4], [154084, 168871, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97439, 110606, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[97439, 110606, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47764, 57032, "Chris_Kyle", 0]]], "all_evidence": [[47764, 57032, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158390, null, null, null]]], "all_evidence": [[158390, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159585, 174081, "Rachel_Green", 0]]], "all_evidence": [[159585, 174081, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218297, null, null, null]]], "all_evidence": [[218297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37082, 44757, "John_Krasinski", 2]], [[37082, 44758, "John_Krasinski", 6]]], "all_evidence": [[37082, 44757, "John_Krasinski", 2], [37082, 44758, "John_Krasinski", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128936, null, null, null]]], "all_evidence": [[128936, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87274, 99772, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[87274, 99772, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122933, null, null, null]]], "all_evidence": [[122933, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250352, 250363, "The_Closer", 8]]], "all_evidence": [[250352, 250363, "The_Closer", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35532, null, null, null]]], "all_evidence": [[35532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69974, 80857, "Touchscreen", 9]], [[69974, 80858, "Touchscreen", 10]], [[69974, 80859, "Touchscreen", 11]], [[69974, 80860, "Touchscreen", 15]]], "all_evidence": [[69974, 80857, "Touchscreen", 9], [69974, 80858, "Touchscreen", 10], [69974, 80859, "Touchscreen", 11], [69974, 80860, "Touchscreen", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218411, 224704, "The_Hurt_Locker", 0]]], "all_evidence": [[218411, 224704, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128030, 142736, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[128030, 142736, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110923, 124589, "Advertising", 0]], [[110923, 124590, "Advertising", 9]]], "all_evidence": [[110923, 124589, "Advertising", 0], [110923, 124590, "Advertising", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15788, 19648, "Alexandra_Daddario", 0]], [[15788, 19649, "Alexandra_Daddario", 1]], [[15788, 19650, "Alexandra_Daddario", 2]]], "all_evidence": [[15788, 19648, "Alexandra_Daddario", 0], [15788, 19649, "Alexandra_Daddario", 1], [15788, 19650, "Alexandra_Daddario", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153917, 168738, "Wish_Upon", 0]]], "all_evidence": [[153917, 168738, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116619, 130506, "Chile", 20]]], "all_evidence": [[116619, 130506, "Chile", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170285, null, null, null]]], "all_evidence": [[170285, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218094, 224480, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218094, 224480, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239222, 241140, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239232, 241148, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239222, 241140, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239232, 241148, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108452, 122028, "The_Bassoon_King", 0]], [[108452, 122029, "The_Bassoon_King", 2]]], "all_evidence": [[108452, 122028, "The_Bassoon_King", 0], [108452, 122029, "The_Bassoon_King", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180083, 192607, "West_Ham_United_F.C.", 0]]], "all_evidence": [[180083, 192607, "West_Ham_United_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89856, null, null, null]]], "all_evidence": [[89856, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150847, null, null, null]]], "all_evidence": [[150847, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80115, 91903, "TV_Choice", 1]]], "all_evidence": [[80115, 91903, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49801, 59253, "Jackie_-LRB-2016_film-RRB-", 0], [49801, 59253, "Pablo_Larrai\u0301n", 0]]], "all_evidence": [[49801, 59253, "Jackie_-LRB-2016_film-RRB-", 0], [49801, 59253, "Pablo_Larrai\u0301n", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91665, 104451, "White_House_Press_Secretary", 0]]], "all_evidence": [[91665, 104451, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101918, 115163, "Terry_Crews", 9]]], "all_evidence": [[101918, 115163, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65600, 76474, "Ludwig_van_Beethoven", 0]]], "all_evidence": [[65600, 76474, "Ludwig_van_Beethoven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235690, 238265, "Tom_DeLonge", 4]], [[235690, 238266, "Tom_DeLonge", 1]]], "all_evidence": [[235690, 238265, "Tom_DeLonge", 4], [235690, 238266, "Tom_DeLonge", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53686, 63674, "John_Dolmayan", 0]]], "all_evidence": [[53686, 63674, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71229, null, null, null]]], "all_evidence": [[71229, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190758, null, null, null]]], "all_evidence": [[190758, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94311, 107306, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[94311, 107306, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141536, 156752, "Aarhus", 1]]], "all_evidence": [[141536, 156752, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161290, 175779, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[161290, 175779, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194796, null, null, null]]], "all_evidence": [[194796, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216053, 222772, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216053, 222772, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211592, 219259, "Forceps", 0]]], "all_evidence": [[211592, 219259, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125697, 140079, "The_dress", 5]]], "all_evidence": [[125697, 140079, "The_dress", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43213, 51854, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[43213, 51854, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78821, null, null, null]]], "all_evidence": [[78821, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168885, 182598, "Camden,_New_Jersey", 0]]], "all_evidence": [[168885, 182598, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59847, null, null, null]]], "all_evidence": [[59847, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25338, null, null, null]]], "all_evidence": [[25338, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113177, null, null, null]]], "all_evidence": [[113177, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243013, null, null, null]]], "all_evidence": [[243013, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158944, null, null, null]]], "all_evidence": [[158944, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181016, 193320, "Heavy_metal_music", 0]]], "all_evidence": [[181016, 193320, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160169, 174683, "Stanley_Williams", 0]], [[160169, 174684, "Stanley_Williams", 4]]], "all_evidence": [[160169, 174683, "Stanley_Williams", 0], [160169, 174684, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30911, 37551, "Ashley_Cole", 0]]], "all_evidence": [[30911, 37551, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99184, 112318, "Microbiologist", 14]]], "all_evidence": [[99184, 112318, "Microbiologist", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91550, 104295, "Blade_Runner_2049", 1]]], "all_evidence": [[91550, 104295, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69653, null, null, null]]], "all_evidence": [[69653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151774, 166519, "Washington_Wizards", 12]]], "all_evidence": [[151774, 166519, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63344, 74089, "Noah_Cyrus", 0]]], "all_evidence": [[63344, 74089, "Noah_Cyrus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160174, null, null, null]]], "all_evidence": [[160174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219108, 225214, "The_Sterile_Cuckoo", 3], [219108, 225214, "Alan_J._Pakula", 0]], [[219119, 225223, "The_Sterile_Cuckoo", 3], [219119, 225223, "John_Nichols_-LRB-writer-RRB-", 0]]], "all_evidence": [[219108, 225214, "The_Sterile_Cuckoo", 3], [219108, 225214, "Alan_J._Pakula", 0], [219119, 225223, "The_Sterile_Cuckoo", 3], [219119, 225223, "John_Nichols_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112646, null, null, null]]], "all_evidence": [[112646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227656, 232000, "Happiness_in_Slavery", 0]]], "all_evidence": [[227656, 232000, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104921, 118344, "Tremont_Street_Subway", 5]]], "all_evidence": [[104921, 118344, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112192, 126014, "Crips", 9]], [[112192, 126015, "Crips", 10]]], "all_evidence": [[112192, 126014, "Crips", 9], [112192, 126015, "Crips", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51437, null, null, null]]], "all_evidence": [[51437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275086, 270288, "Stanley_Williams", 4]], [[275086, 270289, "Stanley_Williams", 5]], [[275094, 270296, "Stanley_Williams", 4]], [[275094, 270297, "Stanley_Williams", 5]], [[277054, 272051, "Stanley_Williams", 4]], [[277054, 272052, "Stanley_Williams", 5]], [[324161, 312205, "Stanley_Williams", 5]], [[324164, 312208, "Stanley_Williams", 5]], [[324164, 312209, "Stanley_Williams", 4]], [[324170, 312214, "Stanley_Williams", 5]], [[324170, 312215, "Stanley_Williams", 4]]], "all_evidence": [[275086, 270288, "Stanley_Williams", 4], [275086, 270289, "Stanley_Williams", 5], [275094, 270296, "Stanley_Williams", 4], [275094, 270297, "Stanley_Williams", 5], [277054, 272051, "Stanley_Williams", 4], [277054, 272052, "Stanley_Williams", 5], [324161, 312205, "Stanley_Williams", 5], [324164, 312208, "Stanley_Williams", 5], [324164, 312209, "Stanley_Williams", 4], [324170, 312214, "Stanley_Williams", 5], [324170, 312215, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243723, 244897, "Palo_Alto,_California", 0]]], "all_evidence": [[243723, 244897, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225930, 230505, "Roland_Emmerich", 3]]], "all_evidence": [[225930, 230505, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20246, 24787, "Liverpool", 7]]], "all_evidence": [[20246, 24787, "Liverpool", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213685, null, null, null]]], "all_evidence": [[213685, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239369, 241245, "Lockheed_Martin", 4], [239369, 241245, "Marillyn_Hewson", 0]], [[239370, 241246, "Lockheed_Martin", 4], [239370, 241246, "Marillyn_Hewson", 0]]], "all_evidence": [[239369, 241245, "Lockheed_Martin", 4], [239369, 241245, "Marillyn_Hewson", 0], [239370, 241246, "Lockheed_Martin", 4], [239370, 241246, "Marillyn_Hewson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93912, 106872, "Janet_Leigh", 0]]], "all_evidence": [[93912, 106872, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237972, null, null, null]]], "all_evidence": [[237972, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114514, 128273, "Veeru_Devgan", 1], [114514, 128273, "Amritsar", 0], [114514, 128273, "India", 0]]], "all_evidence": [[114514, 128273, "Veeru_Devgan", 1], [114514, 128273, "Amritsar", 0], [114514, 128273, "India", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91142, 103830, "Qui-Gon_Jinn", 0]]], "all_evidence": [[91142, 103830, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131662, 146476, "Knocked_Up", 0]], [[131662, 146477, "Knocked_Up", 4]]], "all_evidence": [[131662, 146476, "Knocked_Up", 0], [131662, 146477, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184780, null, null, null]]], "all_evidence": [[184780, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165727, null, null, null]]], "all_evidence": [[165727, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279522, null, null, null], [281238, null, null, null], [283364, null, null, null], [283368, null, null, null], [283378, null, null, null]]], "all_evidence": [[279522, null, null, null], [281238, null, null, null], [283364, null, null, null], [283368, null, null, null], [283378, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100703, 114000, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[100703, 114000, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236987, 239316, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236988, 239317, "Varsity_Blues_-LRB-film-RRB-", 5]]], "all_evidence": [[236987, 239316, "Varsity_Blues_-LRB-film-RRB-", 5], [236988, 239317, "Varsity_Blues_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257093, 256140, "Homer_Hickam", 2]]], "all_evidence": [[257093, 256140, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44938, 53626, "Shane_McMahon", 10]]], "all_evidence": [[44938, 53626, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211425, null, null, null]]], "all_evidence": [[211425, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109760, 123359, "Terry_Crews", 9]]], "all_evidence": [[109760, 123359, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211391, null, null, null]]], "all_evidence": [[211391, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39751, 47829, "Thomas_Jefferson", 28]]], "all_evidence": [[39751, 47829, "Thomas_Jefferson", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270756, 266762, "Roar_-LRB-song-RRB-", 0]], [[270757, 266763, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270756, 266762, "Roar_-LRB-song-RRB-", 0], [270757, 266763, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173095, 186335, "T2_Trainspotting", 0]]], "all_evidence": [[173095, 186335, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203324, 212368, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203324, 212368, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96857, 110013, "Eric_Church", 0]]], "all_evidence": [[96857, 110013, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257067, 256125, "Chagatai_language", 0]]], "all_evidence": [[257067, 256125, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190466, 201482, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190466, 201482, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161612, 176049, "Hindu_Kush", 5]]], "all_evidence": [[161612, 176049, "Hindu_Kush", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24155, 29885, "Fist_of_Legend", 2]]], "all_evidence": [[24155, 29885, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210308, 218079, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210308, 218079, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75759, 87033, "Margaret_Thatcher", 3]], [[75759, 87034, "Margaret_Thatcher", 25], [75759, 87034, "Thatcherism", 0]]], "all_evidence": [[75759, 87033, "Margaret_Thatcher", 3], [75759, 87034, "Margaret_Thatcher", 25], [75759, 87034, "Thatcherism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271150, 267090, "Giada_at_Home", 1]]], "all_evidence": [[271150, 267090, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215816, 222593, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215816, 222593, "Dylan_McDermott", 0], [215816, 222593, "Holly_Hunter", 0], [215816, 222593, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]], "all_evidence": [[215816, 222593, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215816, 222593, "Dylan_McDermott", 0], [215816, 222593, "Holly_Hunter", 0], [215816, 222593, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244428, 245439, "Samwell_Tarly", 0]]], "all_evidence": [[244428, 245439, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214801, 221794, "Premam", 11]]], "all_evidence": [[214801, 221794, "Premam", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171449, 184936, "Mohra", 0]]], "all_evidence": [[171449, 184936, "Mohra", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218551, 224811, "Diana,_Princess_of_Wales", 17]]], "all_evidence": [[218551, 224811, "Diana,_Princess_of_Wales", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210894, null, null, null]]], "all_evidence": [[210894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42079, 50605, "The_dress", 7]]], "all_evidence": [[42079, 50605, "The_dress", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15315, 19102, "David_Packouz", 0]]], "all_evidence": [[15315, 19102, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67637, 78465, "Camden,_New_Jersey", 40]], [[67704, 78533, "Camden,_New_Jersey", 40]]], "all_evidence": [[67637, 78465, "Camden,_New_Jersey", 40], [67704, 78533, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27484, 33666, "Lost_-LRB-TV_series-RRB-", 0], [27484, 33666, "List_of_Lost_episodes", 2]]], "all_evidence": [[27484, 33666, "Lost_-LRB-TV_series-RRB-", 0], [27484, 33666, "List_of_Lost_episodes", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211421, null, null, null]]], "all_evidence": [[211421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189987, 201145, "Philip_Glass", 9]]], "all_evidence": [[189987, 201145, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256010, null, null, null]]], "all_evidence": [[256010, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203002, null, null, null]]], "all_evidence": [[203002, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199116, 208794, "Entourage_-LRB-film-RRB-", 1]]], "all_evidence": [[199116, 208794, "Entourage_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84525, 96717, "Britt_Robertson", 15]]], "all_evidence": [[84525, 96717, "Britt_Robertson", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254370, 254059, "DJ_Quik", 0]]], "all_evidence": [[254370, 254059, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251012, 250981, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[251012, 250981, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67249, null, null, null]]], "all_evidence": [[67249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111293, null, null, null]]], "all_evidence": [[111293, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213728, 220887, "Finding_Dory", 1]], [[213730, 220888, "Finding_Dory", 1]]], "all_evidence": [[213728, 220887, "Finding_Dory", 1], [213730, 220888, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53730, null, null, null]]], "all_evidence": [[53730, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80791, null, null, null]]], "all_evidence": [[80791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225673, 230287, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225673, 230287, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174429, 187644, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[174429, 187644, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227620, 231966, "Happiness_in_Slavery", 0]]], "all_evidence": [[227620, 231966, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286652, 280121, "Reign_Over_Me", 0]], [[286652, 280122, "Reign_Over_Me", 4]], [[286652, 280123, "Reign_Over_Me", 5]], [[286655, 280126, "Reign_Over_Me", 4]], [[286655, 280127, "Reign_Over_Me", 5]], [[286655, 280128, "Reign_Over_Me", 0]], [[288426, 281684, "Reign_Over_Me", 0]], [[288426, 281685, "Reign_Over_Me", 4]], [[288426, 281686, "Reign_Over_Me", 5]], [[333624, 319860, "Reign_Over_Me", 0]], [[333624, 319861, "Reign_Over_Me", 4], [333624, 319861, "Reign_Over_Me", 0]], [[333624, 319862, "Reign_Over_Me", 5], [333624, 319862, "Reign_Over_Me", 0]], [[333625, 319863, "Reign_Over_Me", 0]]], "all_evidence": [[286652, 280121, "Reign_Over_Me", 0], [286652, 280122, "Reign_Over_Me", 4], [286652, 280123, "Reign_Over_Me", 5], [286655, 280126, "Reign_Over_Me", 4], [286655, 280127, "Reign_Over_Me", 5], [286655, 280128, "Reign_Over_Me", 0], [288426, 281684, "Reign_Over_Me", 0], [288426, 281685, "Reign_Over_Me", 4], [288426, 281686, "Reign_Over_Me", 5], [333624, 319860, "Reign_Over_Me", 0], [333624, 319861, "Reign_Over_Me", 4], [333624, 319861, "Reign_Over_Me", 0], [333624, 319862, "Reign_Over_Me", 5], [333624, 319862, "Reign_Over_Me", 0], [333625, 319863, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239899, null, null, null]]], "all_evidence": [[239899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211457, 219166, "Princess_Mononoke", 0]], [[211457, 219167, "Princess_Mononoke", 10]]], "all_evidence": [[211457, 219166, "Princess_Mononoke", 0], [211457, 219167, "Princess_Mononoke", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189891, null, null, null]]], "all_evidence": [[189891, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194804, 205164, "Manmohan_Singh", 1]], [[194805, 205165, "Manmohan_Singh", 1]]], "all_evidence": [[194804, 205164, "Manmohan_Singh", 1], [194805, 205165, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234917, 237705, "Tijuana", 0]]], "all_evidence": [[234917, 237705, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85845, 98124, "David_Packouz", 0], [85845, 98124, "David_Packouz", 5]]], "all_evidence": [[85845, 98124, "David_Packouz", 0], [85845, 98124, "David_Packouz", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116904, 130784, "Croatia", 28]]], "all_evidence": [[116904, 130784, "Croatia", 28]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215945, null, null, null]]], "all_evidence": [[215945, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105514, null, null, null]]], "all_evidence": [[105514, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239009, null, null, null]]], "all_evidence": [[239009, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45969, 54910, "Mary_of_Teck", 12]]], "all_evidence": [[45969, 54910, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166932, null, null, null]]], "all_evidence": [[166932, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184778, 196672, "French_Indochina", 0]]], "all_evidence": [[184778, 196672, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129764, 144484, "Danger_UXB", 0]]], "all_evidence": [[129764, 144484, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75013, null, null, null]]], "all_evidence": [[75013, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126195, null, null, null]]], "all_evidence": [[126195, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251010, null, null, null]]], "all_evidence": [[251010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167089, 180938, "Murda_Beatz", 0]]], "all_evidence": [[167089, 180938, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107896, 121386, "Francis_I_of_France", 0]], [[107899, 121389, "Francis_I_of_France", 0]]], "all_evidence": [[107896, 121386, "Francis_I_of_France", 0], [107899, 121389, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135722, null, null, null]]], "all_evidence": [[135722, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116273, 130185, "Duane_Chapman", 0]]], "all_evidence": [[116273, 130185, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92050, 104827, "Harold_Macmillan", 0]]], "all_evidence": [[92050, 104827, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201865, null, null, null]]], "all_evidence": [[201865, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43411, 52056, "The_Cincinnati_Kid", 6]]], "all_evidence": [[43411, 52056, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229627, null, null, null]]], "all_evidence": [[229627, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98564, null, null, null]]], "all_evidence": [[98564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28300, 34619, "Charles_Manson", 0]]], "all_evidence": [[28300, 34619, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146896, 161872, "Omar_Khadr", 0]], [[146897, 161873, "Omar_Khadr", 0]]], "all_evidence": [[146896, 161872, "Omar_Khadr", 0], [146897, 161873, "Omar_Khadr", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131153, 145907, "The_Mighty_Ducks", 1]]], "all_evidence": [[131153, 145907, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184157, null, null, null]]], "all_evidence": [[184157, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268466, 265048, "Michaela_Watkins", 0]], [[268467, 265049, "Michaela_Watkins", 0]]], "all_evidence": [[268466, 265048, "Michaela_Watkins", 0], [268467, 265049, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155995, null, null, null]]], "all_evidence": [[155995, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12675, 15823, "Tottenham_Hotspur_F.C.", 0]], [[12686, 15835, "Tottenham_Hotspur_F.C.", 7]], [[12788, 15935, "Tottenham_Hotspur_F.C.", 7]], [[12788, 15936, "Tottenham_Hotspur_F.C.", 9]]], "all_evidence": [[12675, 15823, "Tottenham_Hotspur_F.C.", 0], [12686, 15835, "Tottenham_Hotspur_F.C.", 7], [12788, 15935, "Tottenham_Hotspur_F.C.", 7], [12788, 15936, "Tottenham_Hotspur_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199061, 208742, "Matteo_Renzi", 0]]], "all_evidence": [[199061, 208742, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244449, null, null, null]]], "all_evidence": [[244449, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239014, null, null, null], [239016, null, null, null]]], "all_evidence": [[239014, null, null, null], [239016, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145047, 160057, "David_Packouz", 0]]], "all_evidence": [[145047, 160057, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170456, 184026, "Daag_-LRB-1973_film-RRB-", 0]], [[170457, 184027, "Daag_-LRB-1973_film-RRB-", 0]]], "all_evidence": [[170456, 184026, "Daag_-LRB-1973_film-RRB-", 0], [170457, 184027, "Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233786, 236666, "Reign_Over_Me", 0]], [[235932, 238515, "Reign_Over_Me", 0]], [[236599, 239041, "Reign_Over_Me", 0]], [[318657, 307523, "Reign_Over_Me", 0]], [[318658, 307524, "Reign_Over_Me", 0]]], "all_evidence": [[233786, 236666, "Reign_Over_Me", 0], [235932, 238515, "Reign_Over_Me", 0], [236599, 239041, "Reign_Over_Me", 0], [318657, 307523, "Reign_Over_Me", 0], [318658, 307524, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172178, null, null, null]]], "all_evidence": [[172178, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236669, null, null, null]]], "all_evidence": [[236669, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118132, null, null, null]]], "all_evidence": [[118132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139073, 154150, "Danger_UXB", 0]]], "all_evidence": [[139073, 154150, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255980, 255290, "Weekly_Idol", 1]]], "all_evidence": [[255980, 255290, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90339, 103088, "Juventus_F.C.", 1], [90339, 103088, "Juventus_Stadium", 0], [90339, 103088, "List_of_football_clubs_in_Italy", 0]]], "all_evidence": [[90339, 103088, "Juventus_F.C.", 1], [90339, 103088, "Juventus_Stadium", 0], [90339, 103088, "List_of_football_clubs_in_Italy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153059, 167803, "Prescott,_Arizona", 0]], [[153059, 167804, "Prescott,_Arizona", 2]], [[153059, 167805, "Prescott,_Arizona", 9]], [[153059, 167806, "Prescott,_Arizona", 11]], [[155610, 170245, "Prescott,_Arizona", 0]], [[155832, 170520, "Prescott,_Arizona", 0]], [[311666, 301600, "Prescott,_Arizona", 0]], [[313054, 302733, "Prescott,_Arizona", 0]]], "all_evidence": [[153059, 167803, "Prescott,_Arizona", 0], [153059, 167804, "Prescott,_Arizona", 2], [153059, 167805, "Prescott,_Arizona", 9], [153059, 167806, "Prescott,_Arizona", 11], [155610, 170245, "Prescott,_Arizona", 0], [155832, 170520, "Prescott,_Arizona", 0], [311666, 301600, "Prescott,_Arizona", 0], [313054, 302733, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86526, 98935, "United_Nations_Charter", 0]]], "all_evidence": [[86526, 98935, "United_Nations_Charter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198851, 208559, "The_King_and_I", 1]]], "all_evidence": [[198851, 208559, "The_King_and_I", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290531, 283547, "Qui-Gon_Jinn", 0]], [[338711, 323799, "Qui-Gon_Jinn", 0]], [[338715, 323803, "Qui-Gon_Jinn", 0]]], "all_evidence": [[290531, 283547, "Qui-Gon_Jinn", 0], [338711, 323799, "Qui-Gon_Jinn", 0], [338715, 323803, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211462, null, null, null]]], "all_evidence": [[211462, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292929, null, null, null], [295512, null, null, null], [297203, null, null, null], [341032, null, null, null], [341043, null, null, null]]], "all_evidence": [[292929, null, null, null], [295512, null, null, null], [297203, null, null, null], [341032, null, null, null], [341043, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30463, 37064, "Tim_Roth", 0]], [[30463, 37065, "Tim_Roth", 8], [30463, 37065, "The_War_Zone", 0]]], "all_evidence": [[30463, 37064, "Tim_Roth", 0], [30463, 37065, "Tim_Roth", 8], [30463, 37065, "The_War_Zone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145337, 160329, "Melancholia_-LRB-2011_film-RRB-", 0], [145337, 160329, "Lars_von_Trier", 0]]], "all_evidence": [[145337, 160329, "Melancholia_-LRB-2011_film-RRB-", 0], [145337, 160329, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172826, 186086, "Noah_Cyrus", 0]]], "all_evidence": [[172826, 186086, "Noah_Cyrus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270531, null, null, null]]], "all_evidence": [[270531, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158593, null, null, null]]], "all_evidence": [[158593, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190030, 201173, "Philip_Glass", 0]], [[190030, 201174, "Philip_Glass", 1]], [[190030, 201175, "Philip_Glass", 4]], [[190030, 201176, "Philip_Glass", 5]], [[190030, 201177, "Philip_Glass", 9]]], "all_evidence": [[190030, 201173, "Philip_Glass", 0], [190030, 201174, "Philip_Glass", 1], [190030, 201175, "Philip_Glass", 4], [190030, 201176, "Philip_Glass", 5], [190030, 201177, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250344, 250357, "The_Closer", 0]]], "all_evidence": [[250344, 250357, "The_Closer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91998, null, null, null]]], "all_evidence": [[91998, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230059, 233809, "Jeong_Hyeong-don", 0], [230059, 233809, "FNC_Entertainment", 0]], [[230060, 233810, "Jeong_Hyeong-don", 0], [230060, 233810, "FNC_Entertainment", 0]]], "all_evidence": [[230059, 233809, "Jeong_Hyeong-don", 0], [230059, 233809, "FNC_Entertainment", 0], [230060, 233810, "Jeong_Hyeong-don", 0], [230060, 233810, "FNC_Entertainment", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237601, null, null, null]]], "all_evidence": [[237601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22228, 27348, "Kelly_Preston", 3]]], "all_evidence": [[22228, 27348, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289775, 282855, "Francis_I_of_France", 0]], [[289775, 282856, "Francis_I_of_France", 11]], [[291157, 284120, "Francis_I_of_France", 10]], [[291157, 284121, "Francis_I_of_France", 11]], [[293253, 285856, "Francis_I_of_France", 11]], [[336902, 322379, "Francis_I_of_France", 11]], [[336918, 322391, "Francis_I_of_France", 0]], [[336918, 322392, "Francis_I_of_France", 10]], [[336918, 322393, "Francis_I_of_France", 11]]], "all_evidence": [[289775, 282855, "Francis_I_of_France", 0], [289775, 282856, "Francis_I_of_France", 11], [291157, 284120, "Francis_I_of_France", 10], [291157, 284121, "Francis_I_of_France", 11], [293253, 285856, "Francis_I_of_France", 11], [336902, 322379, "Francis_I_of_France", 11], [336918, 322391, "Francis_I_of_France", 0], [336918, 322392, "Francis_I_of_France", 10], [336918, 322393, "Francis_I_of_France", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18128, 22285, "Edison_Machine_Works", 0]]], "all_evidence": [[18128, 22285, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246600, 247081, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246600, 247081, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46971, 56048, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[46971, 56048, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135705, 150553, "Mount_Rushmore", 2]], [[135705, 150554, "Mount_Rushmore", 15]]], "all_evidence": [[135705, 150553, "Mount_Rushmore", 2], [135705, 150554, "Mount_Rushmore", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34072, 41310, "The_Cincinnati_Kid", 0]], [[34072, 41311, "The_Cincinnati_Kid", 6]], [[34072, 41312, "The_Cincinnati_Kid", 7]], [[34072, 41313, "The_Cincinnati_Kid", 8]], [[34072, 41314, "The_Cincinnati_Kid", 11]]], "all_evidence": [[34072, 41310, "The_Cincinnati_Kid", 0], [34072, 41311, "The_Cincinnati_Kid", 6], [34072, 41312, "The_Cincinnati_Kid", 7], [34072, 41313, "The_Cincinnati_Kid", 8], [34072, 41314, "The_Cincinnati_Kid", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152299, null, null, null]]], "all_evidence": [[152299, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213715, null, null, null]]], "all_evidence": [[213715, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262158, 260207, "Bullitt", 0]]], "all_evidence": [[262158, 260207, "Bullitt", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198062, null, null, null]]], "all_evidence": [[198062, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85089, 97362, "Villa_Park", 14]]], "all_evidence": [[85089, 97362, "Villa_Park", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75783, 87053, "Miranda_Otto", 1]]], "all_evidence": [[75783, 87053, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15886, 19744, "Andrew_Kevin_Walker", 0]], [[15886, 19745, "Andrew_Kevin_Walker", 1]]], "all_evidence": [[15886, 19744, "Andrew_Kevin_Walker", 0], [15886, 19745, "Andrew_Kevin_Walker", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179172, null, null, null]]], "all_evidence": [[179172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58217, 68445, "Trollhunters", 0]]], "all_evidence": [[58217, 68445, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84800, 97030, "Reign_Over_Me", 0]]], "all_evidence": [[84800, 97030, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207720, null, null, null]]], "all_evidence": [[207720, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19627, 24133, "Villa_Park", 14], [19627, 24133, "2012_FA_Community_Shield", 0]]], "all_evidence": [[19627, 24133, "Villa_Park", 14], [19627, 24133, "2012_FA_Community_Shield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255485, 254935, "Private_Lives", 0]]], "all_evidence": [[255485, 254935, "Private_Lives", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99088, null, null, null]]], "all_evidence": [[99088, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55907, 66009, "Steve_Wozniak", 5]]], "all_evidence": [[55907, 66009, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146790, 161770, "Kellyanne_Conway", 12]]], "all_evidence": [[146790, 161770, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201140, 210594, "The_Endless_River", 0], [201140, 210594, "Pink_Floyd", 0]]], "all_evidence": [[201140, 210594, "The_Endless_River", 0], [201140, 210594, "Pink_Floyd", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228802, null, null, null]]], "all_evidence": [[228802, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45344, null, null, null]]], "all_evidence": [[45344, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250981, 250944, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250981, 250944, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153621, 168459, "Connie_Nielsen", 2]]], "all_evidence": [[153621, 168459, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56748, 66968, "The_Others_-LRB-2001_film-RRB-", 5]]], "all_evidence": [[56748, 66968, "The_Others_-LRB-2001_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[254912, 254464, "Sandra_Bullock", 17]], [[258631, 257410, "Sandra_Bullock", 17]], [[321166, 309658, "Sandra_Bullock", 17]]], "all_evidence": [[254912, 254464, "Sandra_Bullock", 17], [258631, 257410, "Sandra_Bullock", 17], [321166, 309658, "Sandra_Bullock", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99845, null, null, null]]], "all_evidence": [[99845, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92033, 104812, "Stephen_Colbert", 1]], [[92033, 104813, "Stephen_Colbert", 11], [92033, 104813, "The_Colbert_Report", 0]], [[94701, 107686, "Stephen_Colbert", 1]], [[94701, 107687, "Stephen_Colbert", 11]], [[96863, 110016, "Stephen_Colbert", 1]], [[96863, 110017, "Stephen_Colbert", 11], [96863, 110017, "The_Colbert_Report", 0]], [[96863, 110018, "Stephen_Colbert", 12], [96863, 110018, "The_Colbert_Report", 3]], [[307598, 298068, "Stephen_Colbert", 11], [307598, 298068, "The_Colbert_Report", 0], [307598, 298068, "Stephen_Colbert", 1]]], "all_evidence": [[92033, 104812, "Stephen_Colbert", 1], [92033, 104813, "Stephen_Colbert", 11], [92033, 104813, "The_Colbert_Report", 0], [94701, 107686, "Stephen_Colbert", 1], [94701, 107687, "Stephen_Colbert", 11], [96863, 110016, "Stephen_Colbert", 1], [96863, 110017, "Stephen_Colbert", 11], [96863, 110017, "The_Colbert_Report", 0], [96863, 110018, "Stephen_Colbert", 12], [96863, 110018, "The_Colbert_Report", 3], [307598, 298068, "Stephen_Colbert", 11], [307598, 298068, "The_Colbert_Report", 0], [307598, 298068, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146607, 161594, "Vietnam", 1]], [[146607, 161595, "Vietnam", 0]]], "all_evidence": [[146607, 161594, "Vietnam", 1], [146607, 161595, "Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174095, null, null, null]]], "all_evidence": [[174095, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134107, null, null, null]]], "all_evidence": [[134107, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25226, 31111, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[25226, 31111, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106459, 119879, "Billboard_Dad", 0]]], "all_evidence": [[106459, 119879, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137251, 152071, "Rabies", 0]], [[137251, 152072, "Rabies", 8], [137251, 152072, "Pathogenic_bacteria", 0]]], "all_evidence": [[137251, 152071, "Rabies", 0], [137251, 152072, "Rabies", 8], [137251, 152072, "Pathogenic_bacteria", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18568, 22796, "Brian_Michael_Bendis", 12]]], "all_evidence": [[18568, 22796, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189892, null, null, null]]], "all_evidence": [[189892, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51598, 61370, "Leonard_Nimoy", 10]]], "all_evidence": [[51598, 61370, "Leonard_Nimoy", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244456, 245459, "Samwell_Tarly", 0]]], "all_evidence": [[244456, 245459, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72075, 83066, "Psych", 2]]], "all_evidence": [[72075, 83066, "Psych", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186092, null, null, null]]], "all_evidence": [[186092, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270530, null, null, null]]], "all_evidence": [[270530, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163407, null, null, null]]], "all_evidence": [[163407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79154, 90785, "Henry_II_of_France", 0], [79154, 90785, "Henry_II_of_France", 15]]], "all_evidence": [[79154, 90785, "Henry_II_of_France", 0], [79154, 90785, "Henry_II_of_France", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135434, null, null, null]]], "all_evidence": [[135434, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38884, null, null, null]]], "all_evidence": [[38884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83377, 95345, "A_View_to_a_Kill", 0]]], "all_evidence": [[83377, 95345, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107650, 121145, "Yale_University", 23]]], "all_evidence": [[107650, 121145, "Yale_University", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196602, null, null, null]]], "all_evidence": [[196602, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139448, 154492, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[139448, 154492, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73504, 84741, "Republic_of_Macedonia", 1]], [[78575, 90123, "Republic_of_Macedonia", 1]], [[305834, 296624, "Republic_of_Macedonia", 1]], [[305834, 296625, "Republic_of_Macedonia", 26]], [[307075, 297613, "Republic_of_Macedonia", 1]], [[307122, 297650, "Republic_of_Macedonia", 1]], [[307122, 297651, "Republic_of_Macedonia", 6], [307122, 297651, "Albania", 0], [307122, 297651, "Bulgaria", 2], [307122, 297651, "Greece", 0], [307122, 297651, "Kosovo", 0], [307122, 297651, "Serbia", 0]], [[307122, 297652, "Republic_of_Macedonia", 25]], [[307122, 297653, "Republic_of_Macedonia", 26]]], "all_evidence": [[73504, 84741, "Republic_of_Macedonia", 1], [78575, 90123, "Republic_of_Macedonia", 1], [305834, 296624, "Republic_of_Macedonia", 1], [305834, 296625, "Republic_of_Macedonia", 26], [307075, 297613, "Republic_of_Macedonia", 1], [307122, 297650, "Republic_of_Macedonia", 1], [307122, 297651, "Republic_of_Macedonia", 6], [307122, 297651, "Albania", 0], [307122, 297651, "Bulgaria", 2], [307122, 297651, "Greece", 0], [307122, 297651, "Kosovo", 0], [307122, 297651, "Serbia", 0], [307122, 297652, "Republic_of_Macedonia", 25], [307122, 297653, "Republic_of_Macedonia", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58896, 69215, "Awkward_Black_Girl", 0]]], "all_evidence": [[58896, 69215, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34906, 42328, "Tim_McGraw", 13]]], "all_evidence": [[34906, 42328, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113530, 127410, "A_View_to_a_Kill", 6]]], "all_evidence": [[113530, 127410, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29222, 35633, "Saxony", 0]]], "all_evidence": [[29222, 35633, "Saxony", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98362, null, null, null]]], "all_evidence": [[98362, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72045, 83034, "Same_Old_Love", 0]], [[72045, 83035, "Same_Old_Love", 9]]], "all_evidence": [[72045, 83034, "Same_Old_Love", 0], [72045, 83035, "Same_Old_Love", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52681, 62643, "James_VI_and_I", 0]], [[52681, 62644, "James_VI_and_I", 1]]], "all_evidence": [[52681, 62643, "James_VI_and_I", 0], [52681, 62644, "James_VI_and_I", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127618, 142213, "Emma_Watson", 0]]], "all_evidence": [[127618, 142213, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105063, 118475, "State_of_Palestine", 1], [105063, 118475, "Gaza_Strip", 0]]], "all_evidence": [[105063, 118475, "State_of_Palestine", 1], [105063, 118475, "Gaza_Strip", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112593, null, null, null]]], "all_evidence": [[112593, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58717, 69014, "Meteora_-LRB-album-RRB-", 0], [58717, 69014, "Linkin_Park", 10]], [[58717, 69015, "Meteora_-LRB-album-RRB-", 9]], [[61464, 71980, "Meteora_-LRB-album-RRB-", 0]], [[61464, 71981, "Meteora_-LRB-album-RRB-", 9], [61464, 71981, "Breaking_the_Habit", 1]], [[61464, 71982, "Meteora_-LRB-album-RRB-", 10], [61464, 71982, "Lying_from_You", 1]], [[63762, 74505, "Meteora_-LRB-album-RRB-", 0]], [[303340, 294310, "Meteora_-LRB-album-RRB-", 0]], [[303340, 294311, "Meteora_-LRB-album-RRB-", 9]], [[305278, 296113, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[58717, 69014, "Meteora_-LRB-album-RRB-", 0], [58717, 69014, "Linkin_Park", 10], [58717, 69015, "Meteora_-LRB-album-RRB-", 9], [61464, 71980, "Meteora_-LRB-album-RRB-", 0], [61464, 71981, "Meteora_-LRB-album-RRB-", 9], [61464, 71981, "Breaking_the_Habit", 1], [61464, 71982, "Meteora_-LRB-album-RRB-", 10], [61464, 71982, "Lying_from_You", 1], [63762, 74505, "Meteora_-LRB-album-RRB-", 0], [303340, 294310, "Meteora_-LRB-album-RRB-", 0], [303340, 294311, "Meteora_-LRB-album-RRB-", 9], [305278, 296113, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184123, null, null, null]]], "all_evidence": [[184123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141780, 157028, "Lou_Gehrig", 15]], [[143803, 158882, "Lou_Gehrig", 15]], [[311018, 301039, "Lou_Gehrig", 15]], [[311019, 301040, "Lou_Gehrig", 15]], [[311025, 301045, "Lou_Gehrig", 15]]], "all_evidence": [[141780, 157028, "Lou_Gehrig", 15], [143803, 158882, "Lou_Gehrig", 15], [311018, 301039, "Lou_Gehrig", 15], [311019, 301040, "Lou_Gehrig", 15], [311025, 301045, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259714, null, null, null]]], "all_evidence": [[259714, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211976, 219584, "Saturn_Corporation", 0]]], "all_evidence": [[211976, 219584, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239365, 241243, "Seohyun", 0]], [[239366, 241244, "Seohyun", 0]], [[243112, 244393, "Seohyun", 2], [243112, 244393, "Moon_Embracing_the_Sun", 0]], [[243112, 244394, "Seohyun", 3]], [[319192, 307961, "Seohyun", 0]], [[320396, 309003, "Seohyun", 2]], [[320396, 309004, "Seohyun", 3]]], "all_evidence": [[239365, 241243, "Seohyun", 0], [239366, 241244, "Seohyun", 0], [243112, 244393, "Seohyun", 2], [243112, 244393, "Moon_Embracing_the_Sun", 0], [243112, 244394, "Seohyun", 3], [319192, 307961, "Seohyun", 0], [320396, 309003, "Seohyun", 2], [320396, 309004, "Seohyun", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287834, null, null, null], [332880, null, null, null]]], "all_evidence": [[287834, null, null, null], [332880, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74495, null, null, null]]], "all_evidence": [[74495, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95114, null, null, null]]], "all_evidence": [[95114, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185389, 197163, "French_Indochina", 0]]], "all_evidence": [[185389, 197163, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241301, 242849, "Cretaceous", 8]], [[241301, 242850, "Cretaceous", 6]]], "all_evidence": [[241301, 242849, "Cretaceous", 8], [241301, 242850, "Cretaceous", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15191, 18900, "Aleister_Crowley", 0]], [[15191, 18901, "Aleister_Crowley", 27], [15191, 18901, "100_Greatest_Britons", 1]], [[24154, 29880, "Aleister_Crowley", 0]], [[24154, 29881, "Aleister_Crowley", 5], [24154, 29881, "Warwickshire", 0]], [[24154, 29882, "Aleister_Crowley", 14], [24154, 29882, "1905_Kanchenjunga_expedition", 4]], [[24154, 29883, "Aleister_Crowley", 10], [24154, 29883, "Aiwass", 0]], [[24154, 29884, "Aleister_Crowley", 19], [24154, 29884, "Thelema", 3]], [[181636, 193890, "Aleister_Crowley", 0]], [[299391, 290785, "Aleister_Crowley", 0]]], "all_evidence": [[15191, 18900, "Aleister_Crowley", 0], [15191, 18901, "Aleister_Crowley", 27], [15191, 18901, "100_Greatest_Britons", 1], [24154, 29880, "Aleister_Crowley", 0], [24154, 29881, "Aleister_Crowley", 5], [24154, 29881, "Warwickshire", 0], [24154, 29882, "Aleister_Crowley", 14], [24154, 29882, "1905_Kanchenjunga_expedition", 4], [24154, 29883, "Aleister_Crowley", 10], [24154, 29883, "Aiwass", 0], [24154, 29884, "Aleister_Crowley", 19], [24154, 29884, "Thelema", 3], [181636, 193890, "Aleister_Crowley", 0], [299391, 290785, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169882, 183471, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]], [[169882, 183472, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[169882, 183471, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [169882, 183472, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206706, 215020, "Al_Jardine", 0]], [[206706, 215021, "Al_Jardine", 1]]], "all_evidence": [[206706, 215020, "Al_Jardine", 0], [206706, 215021, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34779, 42177, "United_Nations_Charter", 2]], [[34779, 42178, "United_Nations_Charter", 1]], [[34779, 42179, "United_Nations_Charter", 0]]], "all_evidence": [[34779, 42177, "United_Nations_Charter", 2], [34779, 42178, "United_Nations_Charter", 1], [34779, 42179, "United_Nations_Charter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133678, null, null, null]]], "all_evidence": [[133678, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186076, 197988, "Baz_Luhrmann", 2]]], "all_evidence": [[186076, 197988, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158726, 173366, "Poldark_-LRB-2015_TV_series-RRB-", 6]]], "all_evidence": [[158726, 173366, "Poldark_-LRB-2015_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165803, 179787, "Colombiana", 0]]], "all_evidence": [[165803, 179787, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68231, 79116, "Anushka_Sharma", 2]]], "all_evidence": [[68231, 79116, "Anushka_Sharma", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189868, 201063, "Mickey_Rourke", 13]]], "all_evidence": [[189868, 201063, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[252347, 252149, "Harvard_University", 8]]], "all_evidence": [[252347, 252149, "Harvard_University", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150333, 165249, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[150333, 165249, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117181, 131078, "Shane_McMahon", 13]]], "all_evidence": [[117181, 131078, "Shane_McMahon", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128276, null, null, null]]], "all_evidence": [[128276, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222196, null, null, null]]], "all_evidence": [[222196, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239004, 240953, "Despicable_Me_2", 1]]], "all_evidence": [[239004, 240953, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277985, null, null, null], [277986, null, null, null], [324792, null, null, null], [326071, null, null, null]]], "all_evidence": [[277985, null, null, null], [277986, null, null, null], [324792, null, null, null], [326071, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290150, null, null, null], [291487, null, null, null], [337736, null, null, null], [337747, null, null, null]]], "all_evidence": [[290150, null, null, null], [291487, null, null, null], [337736, null, null, null], [337747, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148713, 163755, "French_Indochina", 0], [148713, 163755, "French_Indochina", 9], [148713, 163755, "French_Indochina", 16]]], "all_evidence": [[148713, 163755, "French_Indochina", 0], [148713, 163755, "French_Indochina", 9], [148713, 163755, "French_Indochina", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276401, null, null, null], [278612, null, null, null], [280440, null, null, null], [326590, null, null, null]]], "all_evidence": [[276401, null, null, null], [278612, null, null, null], [280440, null, null, null], [326590, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64850, null, null, null]]], "all_evidence": [[64850, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28942, 35315, "I_Kissed_a_Girl", 0]]], "all_evidence": [[28942, 35315, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66106, 76942, "Kendall_Jenner", 7]], [[66106, 76943, "Kendall_Jenner", 6]], [[66106, 76944, "Kendall_Jenner", 4]], [[66106, 76945, "Kendall_Jenner", 1]]], "all_evidence": [[66106, 76942, "Kendall_Jenner", 7], [66106, 76943, "Kendall_Jenner", 6], [66106, 76944, "Kendall_Jenner", 4], [66106, 76945, "Kendall_Jenner", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241267, 242806, "Cretaceous", 8]], [[241267, 242807, "Cretaceous", 9]]], "all_evidence": [[241267, 242806, "Cretaceous", 8], [241267, 242807, "Cretaceous", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136792, 151597, "Shooter_-LRB-TV_series-RRB-", 1], [136792, 151597, "Shooter_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[136792, 151597, "Shooter_-LRB-TV_series-RRB-", 1], [136792, 151597, "Shooter_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83717, null, null, null]]], "all_evidence": [[83717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93459, 106411, "Chris_Kyle", 0]]], "all_evidence": [[93459, 106411, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208003, 216167, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[208003, 216167, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148071, 163058, "Carlos_Santana", 0]]], "all_evidence": [[148071, 163058, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180778, 193165, "Camden,_New_Jersey", 0]]], "all_evidence": [[180778, 193165, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257114, 256161, "Homer_Hickam", 2]]], "all_evidence": [[257114, 256161, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41506, 49911, "Janelle_Mona\u0301e", 0]], [[41515, 49920, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[41506, 49911, "Janelle_Mona\u0301e", 0], [41515, 49920, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241704, 243225, "Rio_-LRB-2011_film-RRB-", 20], [241704, 243225, "Rio_2", 0], [241704, 243225, "Rio_2", 1], [241704, 243225, "Rio_2", 3]]], "all_evidence": [[241704, 243225, "Rio_-LRB-2011_film-RRB-", 20], [241704, 243225, "Rio_2", 0], [241704, 243225, "Rio_2", 1], [241704, 243225, "Rio_2", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175149, null, null, null], [175150, null, null, null], [175158, null, null, null]]], "all_evidence": [[175149, null, null, null], [175150, null, null, null], [175158, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69963, 80842, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [69963, 80842, "Sonny_Digital", 0]]], "all_evidence": [[69963, 80842, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [69963, 80842, "Sonny_Digital", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185453, 197224, "Juventus_F.C.", 1]]], "all_evidence": [[185453, 197224, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151762, 166494, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[151762, 166494, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24131, 29855, "Colombiana", 0]], [[24137, 29867, "Colombiana", 0]]], "all_evidence": [[24131, 29855, "Colombiana", 0], [24137, 29867, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161256, null, null, null]]], "all_evidence": [[161256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167914, 181684, "Lizzy_Caplan", 2]]], "all_evidence": [[167914, 181684, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105085, 118496, "Uranium-235", 6]]], "all_evidence": [[105085, 118496, "Uranium-235", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162288, 176584, "X-Men-COLON-_Apocalypse", 0]]], "all_evidence": [[162288, 176584, "X-Men-COLON-_Apocalypse", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28713, 35051, "Shane_Black", 0]]], "all_evidence": [[28713, 35051, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257051, 256112, "Chagatai_language", 0]], [[257056, 256117, "Chagatai_language", 0]]], "all_evidence": [[257051, 256112, "Chagatai_language", 0], [257056, 256117, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96461, 109632, "Jack_Falahee", 0]]], "all_evidence": [[96461, 109632, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173975, 187166, "Flaked", 0]]], "all_evidence": [[173975, 187166, "Flaked", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203332, 212374, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203332, 212374, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145457, 160454, "John_Dolmayan", 0]]], "all_evidence": [[145457, 160454, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91940, 104734, "Chris_Kyle", 0]]], "all_evidence": [[91940, 104734, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105416, 118877, "TV_Choice", 1]]], "all_evidence": [[105416, 118877, "TV_Choice", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40352, null, null, null]]], "all_evidence": [[40352, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15361, 19165, "Amyotrophic_lateral_sclerosis", 0]], [[16311, 20224, "Amyotrophic_lateral_sclerosis", 0]], [[99409, 112518, "Amyotrophic_lateral_sclerosis", 0]], [[112784, 126619, "Amyotrophic_lateral_sclerosis", 0]], [[112784, 126620, "Amyotrophic_lateral_sclerosis", 1]], [[116971, 130853, "Amyotrophic_lateral_sclerosis", 0]], [[129815, 144526, "Amyotrophic_lateral_sclerosis", 0]], [[146080, 161084, "Amyotrophic_lateral_sclerosis", 0]], [[151258, 166053, "Amyotrophic_lateral_sclerosis", 0]], [[153976, 168788, "Amyotrophic_lateral_sclerosis", 0]], [[153976, 168789, "Amyotrophic_lateral_sclerosis", 1]], [[168992, 182678, "Amyotrophic_lateral_sclerosis", 0]], [[168992, 182679, "Amyotrophic_lateral_sclerosis", 1]], [[171234, 184732, "Amyotrophic_lateral_sclerosis", 0]], [[180105, 192645, "Amyotrophic_lateral_sclerosis", 0]], [[197928, 207853, "Amyotrophic_lateral_sclerosis", 0]], [[197928, 207854, "Amyotrophic_lateral_sclerosis", 1]], [[216185, 222890, "Amyotrophic_lateral_sclerosis", 0]], [[222972, 228062, "Amyotrophic_lateral_sclerosis", 0]], [[246086, 246688, "Amyotrophic_lateral_sclerosis", 0]]], "all_evidence": [[15361, 19165, "Amyotrophic_lateral_sclerosis", 0], [16311, 20224, "Amyotrophic_lateral_sclerosis", 0], [99409, 112518, "Amyotrophic_lateral_sclerosis", 0], [112784, 126619, "Amyotrophic_lateral_sclerosis", 0], [112784, 126620, "Amyotrophic_lateral_sclerosis", 1], [116971, 130853, "Amyotrophic_lateral_sclerosis", 0], [129815, 144526, "Amyotrophic_lateral_sclerosis", 0], [146080, 161084, "Amyotrophic_lateral_sclerosis", 0], [151258, 166053, "Amyotrophic_lateral_sclerosis", 0], [153976, 168788, "Amyotrophic_lateral_sclerosis", 0], [153976, 168789, "Amyotrophic_lateral_sclerosis", 1], [168992, 182678, "Amyotrophic_lateral_sclerosis", 0], [168992, 182679, "Amyotrophic_lateral_sclerosis", 1], [171234, 184732, "Amyotrophic_lateral_sclerosis", 0], [180105, 192645, "Amyotrophic_lateral_sclerosis", 0], [197928, 207853, "Amyotrophic_lateral_sclerosis", 0], [197928, 207854, "Amyotrophic_lateral_sclerosis", 1], [216185, 222890, "Amyotrophic_lateral_sclerosis", 0], [222972, 228062, "Amyotrophic_lateral_sclerosis", 0], [246086, 246688, "Amyotrophic_lateral_sclerosis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191673, 202490, "Anne_Rice", 5]], [[191680, 202497, "Anne_Rice", 5], [191680, 202497, "New_Orleans", 0], [191680, 202497, "San_Francisco", 0], [191680, 202497, "San_Francisco", 2]]], "all_evidence": [[191673, 202490, "Anne_Rice", 5], [191680, 202497, "Anne_Rice", 5], [191680, 202497, "New_Orleans", 0], [191680, 202497, "San_Francisco", 0], [191680, 202497, "San_Francisco", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[281992, 276241, "Tremont_Street_Subway", 5]], [[329799, 316533, "Tremont_Street_Subway", 5]]], "all_evidence": [[281992, 276241, "Tremont_Street_Subway", 5], [329799, 316533, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258081, 256964, "Monk", 0]]], "all_evidence": [[258081, 256964, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192735, 203455, "Cadet_Kelly", 0]]], "all_evidence": [[192735, 203455, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199147, 208825, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199147, 208825, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87497, 99966, "Quran", 0]]], "all_evidence": [[87497, 99966, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62487, 73113, "Edmund_H._North", 0], [62487, 73113, "Patton_-LRB-film-RRB-", 2]]], "all_evidence": [[62487, 73113, "Edmund_H._North", 0], [62487, 73113, "Patton_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53259, 63230, "Wales", 0]]], "all_evidence": [[53259, 63230, "Wales", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142240, 157440, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[142240, 157440, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197249, 207329, "Smriti_Mandhana", 0]], [[197261, 207339, "Smriti_Mandhana", 0]]], "all_evidence": [[197249, 207329, "Smriti_Mandhana", 0], [197261, 207339, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23209, null, null, null]]], "all_evidence": [[23209, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22674, 27983, "Washington_Wizards", 12]]], "all_evidence": [[22674, 27983, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146311, null, null, null]]], "all_evidence": [[146311, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24123, null, null, null]]], "all_evidence": [[24123, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238541, null, null, null]]], "all_evidence": [[238541, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34817, null, null, null]]], "all_evidence": [[34817, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203213, null, null, null]]], "all_evidence": [[203213, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154353, 169103, "Colin_Kaepernick", 5]], [[154353, 169104, "Colin_Kaepernick", 7]]], "all_evidence": [[154353, 169103, "Colin_Kaepernick", 5], [154353, 169104, "Colin_Kaepernick", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228451, 232632, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228451, 232632, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31680, null, null, null]]], "all_evidence": [[31680, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97589, 110736, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]], "all_evidence": [[97589, 110736, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216103, 222818, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216103, 222818, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174704, null, null, null]]], "all_evidence": [[174704, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292493, 285255, "Civilization_IV", 12]], [[294514, 286789, "Civilization_IV", 12]], [[295098, 287291, "Civilization_IV", 12]], [[340190, 324939, "Civilization_IV", 12]], [[340196, 324942, "Civilization_IV", 12]], [[340198, 324944, "Civilization_IV", 12]]], "all_evidence": [[292493, 285255, "Civilization_IV", 12], [294514, 286789, "Civilization_IV", 12], [295098, 287291, "Civilization_IV", 12], [340190, 324939, "Civilization_IV", 12], [340196, 324942, "Civilization_IV", 12], [340198, 324944, "Civilization_IV", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181858, null, null, null]]], "all_evidence": [[181858, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64245, 74987, "The_Good_Wife", 12]], [[65936, 76806, "The_Good_Wife", 12]], [[303472, 294439, "The_Good_Wife", 12]], [[305329, 296159, "The_Good_Wife", 12]]], "all_evidence": [[64245, 74987, "The_Good_Wife", 12], [65936, 76806, "The_Good_Wife", 12], [303472, 294439, "The_Good_Wife", 12], [305329, 296159, "The_Good_Wife", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63549, 74303, "Sleipnir", 0]]], "all_evidence": [[63549, 74303, "Sleipnir", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172518, null, null, null]]], "all_evidence": [[172518, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176373, 189288, "2016_Tour_de_France", 2]]], "all_evidence": [[176373, 189288, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130118, 144853, "2016_Tour_de_France", 2]], [[130119, 144854, "2016_Tour_de_France", 2]]], "all_evidence": [[130118, 144853, "2016_Tour_de_France", 2], [130119, 144854, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150055, null, null, null]]], "all_evidence": [[150055, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87273, null, null, null]]], "all_evidence": [[87273, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80969, null, null, null]]], "all_evidence": [[80969, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116195, null, null, null]]], "all_evidence": [[116195, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112960, null, null, null]]], "all_evidence": [[112960, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127701, 142313, "Kesha", 0]]], "all_evidence": [[127701, 142313, "Kesha", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159596, 174093, "Due_Date", 0]]], "all_evidence": [[159596, 174093, "Due_Date", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122653, null, null, null]]], "all_evidence": [[122653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138039, 152992, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[140854, 155989, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[142630, 157793, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[310248, 300283, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[310249, 300284, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [310249, 300284, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]]], "all_evidence": [[138039, 152992, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [140854, 155989, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [142630, 157793, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [310248, 300283, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [310249, 300284, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [310249, 300284, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99978, null, null, null]]], "all_evidence": [[99978, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244450, null, null, null]]], "all_evidence": [[244450, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126768, null, null, null]]], "all_evidence": [[126768, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25642, 31562, "Human_trafficking", 0]]], "all_evidence": [[25642, 31562, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26858, null, null, null]]], "all_evidence": [[26858, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42788, null, null, null]]], "all_evidence": [[42788, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155634, null, null, null]]], "all_evidence": [[155634, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99431, 112540, "Shane_Black", 0]]], "all_evidence": [[99431, 112540, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199109, null, null, null]]], "all_evidence": [[199109, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35126, 42579, "Wilhelmina_Slater", 0]]], "all_evidence": [[35126, 42579, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115948, 129824, "Vietnam", 0]]], "all_evidence": [[115948, 129824, "Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117622, 131516, "Mirny_-LRB-sloop-of-war-RRB-", 0], [117622, 131516, "Imperial_Russian_Navy", 0]]], "all_evidence": [[117622, 131516, "Mirny_-LRB-sloop-of-war-RRB-", 0], [117622, 131516, "Imperial_Russian_Navy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164974, 179164, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]], [[169214, 182879, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]], [[312313, 302123, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]], [[312316, 302126, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]], [[312327, 302137, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[164974, 179164, "No_Country_for_Old_Men_-LRB-film-RRB-", 1], [169214, 182879, "No_Country_for_Old_Men_-LRB-film-RRB-", 1], [312313, 302123, "No_Country_for_Old_Men_-LRB-film-RRB-", 1], [312316, 302126, "No_Country_for_Old_Men_-LRB-film-RRB-", 1], [312327, 302137, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49199, null, null, null]]], "all_evidence": [[49199, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177793, 190501, "Dakota_Fanning", 0]], [[177795, 190503, "Dakota_Fanning", 0]], [[177796, 190504, "Dakota_Fanning", 0]]], "all_evidence": [[177793, 190501, "Dakota_Fanning", 0], [177795, 190503, "Dakota_Fanning", 0], [177796, 190504, "Dakota_Fanning", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117090, 130983, "Tim_Roth", 0]]], "all_evidence": [[117090, 130983, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122445, null, null, null]]], "all_evidence": [[122445, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158287, 172913, "Prowler_-LRB-comics-RRB-", 0]]], "all_evidence": [[158287, 172913, "Prowler_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24931, null, null, null], [187952, null, null, null], [299820, null, null, null]]], "all_evidence": [[24931, null, null, null], [187952, null, null, null], [299820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268477, 265055, "Michaela_Watkins", 0]]], "all_evidence": [[268477, 265055, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197260, 207338, "Smriti_Mandhana", 0]]], "all_evidence": [[197260, 207338, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160217, 174749, "Yara_Shahidi", 0]]], "all_evidence": [[160217, 174749, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246254, 246801, "Easy_A", 0]]], "all_evidence": [[246254, 246801, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255457, null, null, null]]], "all_evidence": [[255457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25022, 30890, "Tiber_Oil_Field", 1]]], "all_evidence": [[25022, 30890, "Tiber_Oil_Field", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214780, 221774, "Premam", 11]]], "all_evidence": [[214780, 221774, "Premam", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143304, null, null, null]]], "all_evidence": [[143304, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93627, 106571, "Chrysler_Building", 1]]], "all_evidence": [[93627, 106571, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40774, null, null, null]]], "all_evidence": [[40774, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209574, null, null, null]]], "all_evidence": [[209574, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235716, null, null, null]]], "all_evidence": [[235716, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21091, null, null, null]]], "all_evidence": [[21091, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147993, 162987, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[147993, 162987, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138442, 153491, "Angelsberg", 0]]], "all_evidence": [[138442, 153491, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212195, 219794, "Epistemology", 3], [212195, 219794, "Theory_of_justification", 0]], [[212195, 219795, "Epistemology", 4], [212195, 219795, "Theory_of_justification", 0]], [[212196, 219796, "Epistemology", 4]]], "all_evidence": [[212195, 219794, "Epistemology", 3], [212195, 219794, "Theory_of_justification", 0], [212195, 219795, "Epistemology", 4], [212195, 219795, "Theory_of_justification", 0], [212196, 219796, "Epistemology", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197246, 207326, "Smriti_Mandhana", 0]], [[197251, 207331, "Smriti_Mandhana", 0]]], "all_evidence": [[197246, 207326, "Smriti_Mandhana", 0], [197251, 207331, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181252, null, null, null]]], "all_evidence": [[181252, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105131, 118556, "Global_warming", 0]], [[105131, 118557, "Global_warming", 12]], [[105131, 118558, "Global_warming", 15]], [[105131, 118559, "Global_warming", 16]], [[105131, 118560, "Global_warming", 19]]], "all_evidence": [[105131, 118556, "Global_warming", 0], [105131, 118557, "Global_warming", 12], [105131, 118558, "Global_warming", 15], [105131, 118559, "Global_warming", 16], [105131, 118560, "Global_warming", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117634, 131532, "Diana,_Princess_of_Wales", 18]]], "all_evidence": [[117634, 131532, "Diana,_Princess_of_Wales", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282405, 276585, "Aarhus", 1]], [[284408, 278240, "Aarhus", 1]], [[285293, 278959, "Aarhus", 1]], [[285294, 278960, "Aarhus", 1]], [[285297, 278962, "Aarhus", 1]]], "all_evidence": [[282405, 276585, "Aarhus", 1], [284408, 278240, "Aarhus", 1], [285293, 278959, "Aarhus", 1], [285294, 278960, "Aarhus", 1], [285297, 278962, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103472, 116886, "Steve_Wozniak", 5]]], "all_evidence": [[103472, 116886, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160211, null, null, null]]], "all_evidence": [[160211, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237558, 239756, "Live_Through_This", 0]]], "all_evidence": [[237558, 239756, "Live_Through_This", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135770, null, null, null]]], "all_evidence": [[135770, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160548, 175057, "Luke_Cage", 0]], [[160548, 175058, "Luke_Cage", 2]]], "all_evidence": [[160548, 175057, "Luke_Cage", 0], [160548, 175058, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231956, null, null, null]]], "all_evidence": [[231956, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150489, 165371, "Duane_Chapman", 0]]], "all_evidence": [[150489, 165371, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180989, null, null, null]]], "all_evidence": [[180989, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142843, 157980, "Ashley_Cole", 0]], [[142843, 157981, "Ashley_Cole", 8]], [[142843, 157982, "Ashley_Cole", 5]], [[142843, 157983, "Ashley_Cole", 3]], [[142843, 157984, "Ashley_Cole", 4]], [[142843, 157985, "Ashley_Cole", 9]]], "all_evidence": [[142843, 157980, "Ashley_Cole", 0], [142843, 157981, "Ashley_Cole", 8], [142843, 157982, "Ashley_Cole", 5], [142843, 157983, "Ashley_Cole", 3], [142843, 157984, "Ashley_Cole", 4], [142843, 157985, "Ashley_Cole", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21370, null, null, null]]], "all_evidence": [[21370, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259722, 258276, "Hanford_Site", 23]]], "all_evidence": [[259722, 258276, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200757, 210230, "Earl_Scruggs", 0]], [[200757, 210231, "Earl_Scruggs", 6]]], "all_evidence": [[200757, 210230, "Earl_Scruggs", 0], [200757, 210231, "Earl_Scruggs", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46353, null, null, null]]], "all_evidence": [[46353, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283453, null, null, null], [285907, null, null, null], [287595, null, null, null], [333750, null, null, null]]], "all_evidence": [[283453, null, null, null], [285907, null, null, null], [287595, null, null, null], [333750, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282981, 277114, "Shadowhunters", 5]], [[284880, 278625, "Shadowhunters", 5]], [[284883, 278628, "Shadowhunters", 5]], [[284883, 278629, "Shadowhunters", 6]], [[331425, 317957, "Shadowhunters", 5]], [[331426, 317958, "Shadowhunters", 5]]], "all_evidence": [[282981, 277114, "Shadowhunters", 5], [284880, 278625, "Shadowhunters", 5], [284883, 278628, "Shadowhunters", 5], [284883, 278629, "Shadowhunters", 6], [331425, 317957, "Shadowhunters", 5], [331426, 317958, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210886, null, null, null]]], "all_evidence": [[210886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43619, 52260, "Peking_University", 0]]], "all_evidence": [[43619, 52260, "Peking_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143714, 158805, "Billboard_Dad", 0]]], "all_evidence": [[143714, 158805, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32193, 39121, "United_Nations_Charter", 0]]], "all_evidence": [[32193, 39121, "United_Nations_Charter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119237, 133182, "Wildfang", 0]], [[119239, 133184, "Wildfang", 0]]], "all_evidence": [[119237, 133182, "Wildfang", 0], [119239, 133184, "Wildfang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207695, 215913, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207695, 215913, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120308, 134523, "Aleister_Crowley", 0]], [[120308, 134524, "Aleister_Crowley", 14]]], "all_evidence": [[120308, 134523, "Aleister_Crowley", 0], [120308, 134524, "Aleister_Crowley", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218420, null, null, null]]], "all_evidence": [[218420, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215913, 222665, "Bradley_Fuller", 1]]], "all_evidence": [[215913, 222665, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166295, null, null, null]]], "all_evidence": [[166295, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18357, 22547, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[18357, 22547, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194714, 205088, "Middle-earth", 0]]], "all_evidence": [[194714, 205088, "Middle-earth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208084, null, null, null]]], "all_evidence": [[208084, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23194, null, null, null]]], "all_evidence": [[23194, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138328, 153350, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[138328, 153350, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216052, 222771, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216052, 222771, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139935, 154952, "Robert_Palmer_-LRB-writer-RRB-", 1], [139935, 154952, "The_New_York_Times", 0]]], "all_evidence": [[139935, 154952, "Robert_Palmer_-LRB-writer-RRB-", 1], [139935, 154952, "The_New_York_Times", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203206, 212288, "Fabian_Nicieza", 0]], [[203217, 212294, "Fabian_Nicieza", 0]]], "all_evidence": [[203206, 212288, "Fabian_Nicieza", 0], [203217, 212294, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257317, 256344, "Calcaneal_spur", 1]], [[257317, 256345, "Calcaneal_spur", 16]]], "all_evidence": [[257317, 256344, "Calcaneal_spur", 1], [257317, 256345, "Calcaneal_spur", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126022, null, null, null]]], "all_evidence": [[126022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81202, 93016, "History_of_Earth", 6]]], "all_evidence": [[81202, 93016, "History_of_Earth", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251495, 251337, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251495, 251337, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144908, null, null, null], [147801, null, null, null], [311207, null, null, null], [311209, null, null, null], [311220, null, null, null]]], "all_evidence": [[144908, null, null, null], [147801, null, null, null], [311207, null, null, null], [311209, null, null, null], [311220, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198046, null, null, null]]], "all_evidence": [[198046, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31914, null, null, null]]], "all_evidence": [[31914, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15962, 19843, "Hundred_Years'_War", 22]]], "all_evidence": [[15962, 19843, "Hundred_Years'_War", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296479, null, null, null], [298068, null, null, null], [300223, null, null, null], [343306, null, null, null], [343322, null, null, null]]], "all_evidence": [[296479, null, null, null], [298068, null, null, null], [300223, null, null, null], [343306, null, null, null], [343322, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172719, 185980, "Mohra", 4]]], "all_evidence": [[172719, 185980, "Mohra", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57756, 68000, "Battle_of_France", 0]], [[57756, 68001, "Battle_of_France", 1], [57756, 68001, "Western_Front_-LRB-World_War_II-RRB-", 0]], [[57756, 68002, "Battle_of_France", 2], [57756, 68002, "Italian_invasion_of_France", 0]], [[57756, 68003, "Battle_of_France", 7], [57756, 68003, "Battle_of_Dunkirk", 0], [57756, 68003, "Battle_of_Dunkirk", 1]], [[57756, 68004, "Battle_of_France", 10], [57756, 68004, "Fall_Rot", 0], [57756, 68004, "Fall_Rot", 1]], [[57756, 68005, "Battle_of_France", 17], [57756, 68005, "World_War_II", 0], [57756, 68005, "Armistice_of_22_June_1940", 5]], [[60675, 71112, "Battle_of_France", 0]], [[62273, 72874, "Battle_of_France", 0], [62273, 72874, "World_War_II", 0]], [[303100, 294089, "Battle_of_France", 0]], [[305198, 296040, "Battle_of_France", 0]], [[305199, 296041, "Battle_of_France", 0]], [[305200, 296042, "Battle_of_France", 0]]], "all_evidence": [[57756, 68000, "Battle_of_France", 0], [57756, 68001, "Battle_of_France", 1], [57756, 68001, "Western_Front_-LRB-World_War_II-RRB-", 0], [57756, 68002, "Battle_of_France", 2], [57756, 68002, "Italian_invasion_of_France", 0], [57756, 68003, "Battle_of_France", 7], [57756, 68003, "Battle_of_Dunkirk", 0], [57756, 68003, "Battle_of_Dunkirk", 1], [57756, 68004, "Battle_of_France", 10], [57756, 68004, "Fall_Rot", 0], [57756, 68004, "Fall_Rot", 1], [57756, 68005, "Battle_of_France", 17], [57756, 68005, "World_War_II", 0], [57756, 68005, "Armistice_of_22_June_1940", 5], [60675, 71112, "Battle_of_France", 0], [62273, 72874, "Battle_of_France", 0], [62273, 72874, "World_War_II", 0], [303100, 294089, "Battle_of_France", 0], [305198, 296040, "Battle_of_France", 0], [305199, 296041, "Battle_of_France", 0], [305200, 296042, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169087, 182769, "Lithuanians", 0]]], "all_evidence": [[169087, 182769, "Lithuanians", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162543, 176816, "Awkward_Black_Girl", 0], [162543, 176816, "Issa_Rae", 0]]], "all_evidence": [[162543, 176816, "Awkward_Black_Girl", 0], [162543, 176816, "Issa_Rae", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235601, 238207, "Natural_Born_Killers", 5], [235601, 238207, "Natural_Born_Killers", 0]]], "all_evidence": [[235601, 238207, "Natural_Born_Killers", 5], [235601, 238207, "Natural_Born_Killers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129467, null, null, null]]], "all_evidence": [[129467, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114598, 128344, "Annette_Badland", 1]], [[114599, 128345, "Annette_Badland", 1]]], "all_evidence": [[114598, 128344, "Annette_Badland", 1], [114599, 128345, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139386, 154423, "Shawn_Carlson", 0]]], "all_evidence": [[139386, 154423, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93265, 106204, "Shadowhunters", 4], [93265, 106204, "Freeform_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[93265, 106204, "Shadowhunters", 4], [93265, 106204, "Freeform_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54006, 63992, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[54006, 63992, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179259, null, null, null]]], "all_evidence": [[179259, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183962, 195944, "Dan_O'Bannon", 0]], [[183963, 195945, "Dan_O'Bannon", 0]]], "all_evidence": [[183962, 195944, "Dan_O'Bannon", 0], [183963, 195945, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235697, null, null, null], [235720, null, null, null]]], "all_evidence": [[235697, null, null, null], [235720, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260503, 258908, "Savages_-LRB-2012_film-RRB-", 3]], [[260504, 258909, "Savages_-LRB-2012_film-RRB-", 4], [260504, 258909, "Savages_-LRB-2010_novel-RRB-", 0]], [[260504, 258910, "Savages_-LRB-2012_film-RRB-", 3]]], "all_evidence": [[260503, 258908, "Savages_-LRB-2012_film-RRB-", 3], [260504, 258909, "Savages_-LRB-2012_film-RRB-", 4], [260504, 258909, "Savages_-LRB-2010_novel-RRB-", 0], [260504, 258910, "Savages_-LRB-2012_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75447, 86705, "Caroline_Kennedy", 0]], [[79541, 91262, "Caroline_Kennedy", 0]], [[82030, 93811, "Caroline_Kennedy", 0]], [[82030, 93812, "Caroline_Kennedy", 17]], [[305974, 296736, "Caroline_Kennedy", 0]], [[307388, 297896, "Caroline_Kennedy", 0]], [[307388, 297897, "Caroline_Kennedy", 17]]], "all_evidence": [[75447, 86705, "Caroline_Kennedy", 0], [79541, 91262, "Caroline_Kennedy", 0], [82030, 93811, "Caroline_Kennedy", 0], [82030, 93812, "Caroline_Kennedy", 17], [305974, 296736, "Caroline_Kennedy", 0], [307388, 297896, "Caroline_Kennedy", 0], [307388, 297897, "Caroline_Kennedy", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290868, 283827, "Republic_of_Macedonia", 1], [290868, 283827, "Galactic_empire", 0], [290868, 283827, "Republic_of_Macedonia", 0]]], "all_evidence": [[290868, 283827, "Republic_of_Macedonia", 1], [290868, 283827, "Galactic_empire", 0], [290868, 283827, "Republic_of_Macedonia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142194, 157410, "French_Indochina", 0]], [[142194, 157412, "French_Indochina", 3], [142194, 157412, "Annam_-LRB-French_protectorate-RRB-", 0], [142194, 157412, "French_Protectorate_of_Cambodia", 0]]], "all_evidence": [[142194, 157410, "French_Indochina", 0], [142194, 157412, "French_Indochina", 3], [142194, 157412, "Annam_-LRB-French_protectorate-RRB-", 0], [142194, 157412, "French_Protectorate_of_Cambodia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129303, 144054, "Danger_UXB", 0]]], "all_evidence": [[129303, 144054, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184390, null, null, null]]], "all_evidence": [[184390, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65682, 76549, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[65682, 76549, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31460, 38191, "Emma_Watson", 0]]], "all_evidence": [[31460, 38191, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194769, 205136, "Manmohan_Singh", 1]]], "all_evidence": [[194769, 205136, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51200, 60937, "Bad_Romance", 11]], [[51200, 60938, "Bad_Romance", 12]], [[51200, 60939, "Bad_Romance", 10]]], "all_evidence": [[51200, 60937, "Bad_Romance", 11], [51200, 60938, "Bad_Romance", 12], [51200, 60939, "Bad_Romance", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60596, null, null, null]]], "all_evidence": [[60596, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52685, 62648, "Bhagat_Singh", 0]], [[52685, 62649, "Bhagat_Singh", 16]]], "all_evidence": [[52685, 62648, "Bhagat_Singh", 0], [52685, 62649, "Bhagat_Singh", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54132, 64131, "Riddick_-LRB-character-RRB-", 0]]], "all_evidence": [[54132, 64131, "Riddick_-LRB-character-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63165, 73874, "Papua_-LRB-province-RRB-", 3]], [[65119, 75998, "Papua_-LRB-province-RRB-", 3]], [[66939, 77745, "Papua_-LRB-province-RRB-", 3]], [[303664, 294601, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[63165, 73874, "Papua_-LRB-province-RRB-", 3], [65119, 75998, "Papua_-LRB-province-RRB-", 3], [66939, 77745, "Papua_-LRB-province-RRB-", 3], [303664, 294601, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[319309, null, null, null], [320476, null, null, null], [323266, null, null, null]]], "all_evidence": [[319309, null, null, null], [320476, null, null, null], [323266, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121439, null, null, null]]], "all_evidence": [[121439, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225779, 230362, "The_Millers", 1]], [[225780, 230363, "The_Millers", 1]]], "all_evidence": [[225779, 230362, "The_Millers", 1], [225780, 230363, "The_Millers", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130709, 145492, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[130709, 145492, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15908, 19772, "Tremont_Street_Subway", 2]], [[15908, 19773, "Tremont_Street_Subway", 5]]], "all_evidence": [[15908, 19772, "Tremont_Street_Subway", 2], [15908, 19773, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94566, 107547, "The_Road_to_El_Dorado", 0]]], "all_evidence": [[94566, 107547, "The_Road_to_El_Dorado", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52806, 62758, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[52806, 62758, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46601, null, null, null]]], "all_evidence": [[46601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188628, 200080, "Veeram_-LRB-2014_film-RRB-", 0]], [[188632, 200083, "Veeram_-LRB-2014_film-RRB-", 0]], [[188632, 200084, "Veeram_-LRB-2014_film-RRB-", 1], [188632, 200084, "Ajith_Kumar", 10]]], "all_evidence": [[188628, 200080, "Veeram_-LRB-2014_film-RRB-", 0], [188632, 200083, "Veeram_-LRB-2014_film-RRB-", 0], [188632, 200084, "Veeram_-LRB-2014_film-RRB-", 1], [188632, 200084, "Ajith_Kumar", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211449, 219162, "Princess_Mononoke", 0]]], "all_evidence": [[211449, 219162, "Princess_Mononoke", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268392, null, null, null]]], "all_evidence": [[268392, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201848, null, null, null]]], "all_evidence": [[201848, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199933, null, null, null]]], "all_evidence": [[199933, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233035, null, null, null]]], "all_evidence": [[233035, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34376, null, null, null]]], "all_evidence": [[34376, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238557, 240558, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238557, 240558, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28594, 34938, "Sophia_Bush", 2], [28594, 34938, "The_Narrows_-LRB-film-RRB-", 0]]], "all_evidence": [[28594, 34938, "Sophia_Bush", 2], [28594, 34938, "The_Narrows_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160081, 174604, "Kerplunk_-LRB-album-RRB-", 0]]], "all_evidence": [[160081, 174604, "Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39083, 47065, "Brazzers", 0]]], "all_evidence": [[39083, 47065, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128237, null, null, null]]], "all_evidence": [[128237, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182008, 194296, "Battle_of_France", 0]]], "all_evidence": [[182008, 194296, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240794, 242406, "Glee.com", 1]], [[240800, 242412, "Glee.com", 1]]], "all_evidence": [[240794, 242406, "Glee.com", 1], [240800, 242412, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241413, 242940, "Brad_Wilk", 4]], [[241419, 242945, "Brad_Wilk", 4]], [[241419, 242946, "Brad_Wilk", 0]]], "all_evidence": [[241413, 242940, "Brad_Wilk", 4], [241419, 242945, "Brad_Wilk", 4], [241419, 242946, "Brad_Wilk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36563, 44181, "How_to_Train_Your_Dragon_2", 11]]], "all_evidence": [[36563, 44181, "How_to_Train_Your_Dragon_2", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132859, null, null, null], [132860, null, null, null]]], "all_evidence": [[132859, null, null, null], [132860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70560, 81467, "How_to_Train_Your_Dragon_2", 0], [70560, 81467, "DreamWorks_Animation", 2]]], "all_evidence": [[70560, 81467, "How_to_Train_Your_Dragon_2", 0], [70560, 81467, "DreamWorks_Animation", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101614, 114846, "The_Bassoon_King", 0]]], "all_evidence": [[101614, 114846, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83058, 94954, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[83058, 94954, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137293, 152139, "Shane_Black", 0]]], "all_evidence": [[137293, 152139, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268468, null, null, null]]], "all_evidence": [[268468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197398, 207442, "Lalla_Ward", 0]]], "all_evidence": [[197398, 207442, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131441, null, null, null]]], "all_evidence": [[131441, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257058, 256118, "Chagatai_language", 0]]], "all_evidence": [[257058, 256118, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239638, null, null, null]]], "all_evidence": [[239638, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268409, null, null, null]]], "all_evidence": [[268409, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274225, null, null, null], [276593, null, null, null], [277461, null, null, null], [322313, null, null, null], [323480, null, null, null]]], "all_evidence": [[274225, null, null, null], [276593, null, null, null], [277461, null, null, null], [322313, null, null, null], [323480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231964, 235269, "Luke_Cage", 2]]], "all_evidence": [[231964, 235269, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190767, null, null, null]]], "all_evidence": [[190767, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88104, null, null, null]]], "all_evidence": [[88104, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241268, 242808, "Cretaceous", 0]], [[241268, 242809, "Cretaceous", 8]]], "all_evidence": [[241268, 242808, "Cretaceous", 0], [241268, 242809, "Cretaceous", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62740, 73393, "Jose\u0301_Ferrer", 0]], [[62740, 73394, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[62740, 73393, "Jose\u0301_Ferrer", 0], [62740, 73394, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237960, null, null, null]]], "all_evidence": [[237960, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87463, 99941, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[87463, 99941, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292783, null, null, null], [292787, null, null, null], [340792, null, null, null], [340820, null, null, null]]], "all_evidence": [[292783, null, null, null], [292787, null, null, null], [340792, null, null, null], [340820, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82637, null, null, null]]], "all_evidence": [[82637, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229596, 233515, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[229596, 233516, "Girl_-LRB-Pharrell_Williams_album-RRB-", 3], [229596, 233516, "Alicia_Keys", 0]], [[229596, 233517, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [229596, 233517, "Come_Get_It_Bae", 0]], [[229596, 233518, "Girl_-LRB-Pharrell_Williams_album-RRB-", 12], [229596, 233518, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]]], "all_evidence": [[229596, 233515, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [229596, 233516, "Girl_-LRB-Pharrell_Williams_album-RRB-", 3], [229596, 233516, "Alicia_Keys", 0], [229596, 233517, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [229596, 233517, "Come_Get_It_Bae", 0], [229596, 233518, "Girl_-LRB-Pharrell_Williams_album-RRB-", 12], [229596, 233518, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15569, null, null, null]]], "all_evidence": [[15569, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232013, null, null, null]]], "all_evidence": [[232013, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115715, null, null, null]]], "all_evidence": [[115715, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106733, null, null, null]]], "all_evidence": [[106733, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230066, null, null, null]]], "all_evidence": [[230066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266609, 263541, "Ralph_Fults", 0], [266609, 263541, "Barrow_Gang", 0]]], "all_evidence": [[266609, 263541, "Ralph_Fults", 0], [266609, 263541, "Barrow_Gang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68560, null, null, null]]], "all_evidence": [[68560, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58067, 68295, "Jack_Falahee", 0]], [[58067, 68297, "Jack_Falahee", 1]]], "all_evidence": [[58067, 68295, "Jack_Falahee", 0], [58067, 68297, "Jack_Falahee", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189349, null, null, null], [189353, null, null, null]]], "all_evidence": [[189349, null, null, null], [189353, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[278152, 273030, "Jose\u0301_Ferrer", 4]], [[280132, 274687, "Jose\u0301_Ferrer", 4]], [[327824, 315024, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[278152, 273030, "Jose\u0301_Ferrer", 4], [280132, 274687, "Jose\u0301_Ferrer", 4], [327824, 315024, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108201, null, null, null]]], "all_evidence": [[108201, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170369, 183924, "Tatum_O'Neal", 6]], [[170369, 183925, "Tatum_O'Neal", 7]]], "all_evidence": [[170369, 183924, "Tatum_O'Neal", 6], [170369, 183925, "Tatum_O'Neal", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199901, 209536, "Anne_Sullivan", 0]]], "all_evidence": [[199901, 209536, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203208, null, null, null]]], "all_evidence": [[203208, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227767, 232131, "Tilda_Swinton", 0]]], "all_evidence": [[227767, 232131, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161975, null, null, null]]], "all_evidence": [[161975, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22468, 27677, "Hundred_Years'_War", 21]]], "all_evidence": [[22468, 27677, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117099, 130991, "The_Cincinnati_Kid", 6], [117099, 130991, "The_Cincinnati_Kid", 0]]], "all_evidence": [[117099, 130991, "The_Cincinnati_Kid", 6], [117099, 130991, "The_Cincinnati_Kid", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12016, 15051, "Faroe_Islands", 9]], [[12016, 15052, "Faroe_Islands", 10]], [[12016, 15053, "Faroe_Islands", 15]], [[12016, 15054, "Faroe_Islands", 14]], [[12016, 15055, "Faroe_Islands", 0]], [[12016, 15056, "Faroe_Islands", 1]], [[12016, 15057, "Faroe_Islands", 2]], [[12016, 15058, "Faroe_Islands", 5]], [[12016, 15059, "Faroe_Islands", 6]], [[12016, 15060, "Faroe_Islands", 11]], [[16966, 21016, "Faroe_Islands", 0]], [[16966, 21017, "Faroe_Islands", 1]], [[16966, 21018, "Faroe_Islands", 2]], [[16966, 21019, "Faroe_Islands", 5]], [[16966, 21020, "Faroe_Islands", 6]], [[16966, 21021, "Faroe_Islands", 9]], [[16966, 21022, "Faroe_Islands", 10]], [[16966, 21023, "Faroe_Islands", 11]], [[16966, 21024, "Faroe_Islands", 14]], [[16966, 21025, "Faroe_Islands", 15]], [[16966, 21026, "Faroe_Islands", 16]], [[16966, 21027, "Faroe_Islands", 12], [16966, 21027, "Faroese_language", 0]], [[239134, 241064, "Faroe_Islands", 0]], [[239135, 241065, "Faroe_Islands", 0]], [[250676, 250666, "Faroe_Islands", 0]], [[250676, 250667, "Faroe_Islands", 10]], [[250676, 250668, "Faroe_Islands", 11]], [[281998, 276245, "Faroe_Islands", 0]], [[287549, 280925, "Faroe_Islands", 0]], [[300938, 292032, "Faroe_Islands", 0]], [[300938, 292033, "Faroe_Islands", 1]], [[300938, 292034, "Faroe_Islands", 2]], [[300938, 292035, "Faroe_Islands", 5]], [[300938, 292036, "Faroe_Islands", 6]], [[300938, 292037, "Faroe_Islands", 9]], [[300938, 292038, "Faroe_Islands", 10]], [[300938, 292039, "Faroe_Islands", 11]], [[300938, 292040, "Faroe_Islands", 12]], [[300938, 292041, "Faroe_Islands", 14]], [[300938, 292042, "Faroe_Islands", 15]], [[300938, 292043, "Faroe_Islands", 16]], [[312822, 302562, "Faroe_Islands", 0]], [[342921, 326798, "Faroe_Islands", 9]], [[342921, 326799, "Faroe_Islands", 1]]], "all_evidence": [[12016, 15051, "Faroe_Islands", 9], [12016, 15052, "Faroe_Islands", 10], [12016, 15053, "Faroe_Islands", 15], [12016, 15054, "Faroe_Islands", 14], [12016, 15055, "Faroe_Islands", 0], [12016, 15056, "Faroe_Islands", 1], [12016, 15057, "Faroe_Islands", 2], [12016, 15058, "Faroe_Islands", 5], [12016, 15059, "Faroe_Islands", 6], [12016, 15060, "Faroe_Islands", 11], [16966, 21016, "Faroe_Islands", 0], [16966, 21017, "Faroe_Islands", 1], [16966, 21018, "Faroe_Islands", 2], [16966, 21019, "Faroe_Islands", 5], [16966, 21020, "Faroe_Islands", 6], [16966, 21021, "Faroe_Islands", 9], [16966, 21022, "Faroe_Islands", 10], [16966, 21023, "Faroe_Islands", 11], [16966, 21024, "Faroe_Islands", 14], [16966, 21025, "Faroe_Islands", 15], [16966, 21026, "Faroe_Islands", 16], [16966, 21027, "Faroe_Islands", 12], [16966, 21027, "Faroese_language", 0], [239134, 241064, "Faroe_Islands", 0], [239135, 241065, "Faroe_Islands", 0], [250676, 250666, "Faroe_Islands", 0], [250676, 250667, "Faroe_Islands", 10], [250676, 250668, "Faroe_Islands", 11], [281998, 276245, "Faroe_Islands", 0], [287549, 280925, "Faroe_Islands", 0], [300938, 292032, "Faroe_Islands", 0], [300938, 292033, "Faroe_Islands", 1], [300938, 292034, "Faroe_Islands", 2], [300938, 292035, "Faroe_Islands", 5], [300938, 292036, "Faroe_Islands", 6], [300938, 292037, "Faroe_Islands", 9], [300938, 292038, "Faroe_Islands", 10], [300938, 292039, "Faroe_Islands", 11], [300938, 292040, "Faroe_Islands", 12], [300938, 292041, "Faroe_Islands", 14], [300938, 292042, "Faroe_Islands", 15], [300938, 292043, "Faroe_Islands", 16], [312822, 302562, "Faroe_Islands", 0], [342921, 326798, "Faroe_Islands", 9], [342921, 326799, "Faroe_Islands", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152023, 166778, "Harvard_University", 15]], [[152024, 166779, "Harvard_University", 15]]], "all_evidence": [[152023, 166778, "Harvard_University", 15], [152024, 166779, "Harvard_University", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27462, 33643, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [27462, 33643, "Ray_Winstone", 0]]], "all_evidence": [[27462, 33643, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [27462, 33643, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18201, 22366, "Guillermo_del_Toro", 1]], [[18201, 22367, "Guillermo_del_Toro", 0]], [[18201, 22368, "Guillermo_del_Toro", 4]]], "all_evidence": [[18201, 22366, "Guillermo_del_Toro", 1], [18201, 22367, "Guillermo_del_Toro", 0], [18201, 22368, "Guillermo_del_Toro", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259606, null, null, null]]], "all_evidence": [[259606, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190472, 201486, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[190475, 201489, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190472, 201486, "Tom_Baker_-LRB-English_actor-RRB-", 15], [190475, 201489, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247510, 247801, "Stadium_Arcadium", 1]]], "all_evidence": [[247510, 247801, "Stadium_Arcadium", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39161, null, null, null]]], "all_evidence": [[39161, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125509, null, null, null]]], "all_evidence": [[125509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62688, 73346, "Jennifer_Lopez", 11]], [[62688, 73347, "Jennifer_Lopez", 10]]], "all_evidence": [[62688, 73346, "Jennifer_Lopez", 11], [62688, 73347, "Jennifer_Lopez", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65449, 76327, "Mary_of_Teck", 12], [65449, 76327, "Wallis_Simpson", 0]]], "all_evidence": [[65449, 76327, "Mary_of_Teck", 12], [65449, 76327, "Wallis_Simpson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162873, 177101, "I_Kissed_a_Girl", 0], [162873, 177101, "One_of_the_Boys_-LRB-Katy_Perry_album-RRB-", 0]]], "all_evidence": [[162873, 177101, "I_Kissed_a_Girl", 0], [162873, 177101, "One_of_the_Boys_-LRB-Katy_Perry_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218034, 224436, "Live_Through_This", 12]]], "all_evidence": [[218034, 224436, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[217299, null, null, null]]], "all_evidence": [[217299, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199406, null, null, null]]], "all_evidence": [[199406, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23335, 28750, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]], "all_evidence": [[23335, 28750, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262117, null, null, null], [264268, null, null, null], [321516, null, null, null], [322611, null, null, null]]], "all_evidence": [[262117, null, null, null], [264268, null, null, null], [321516, null, null, null], [322611, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215844, null, null, null]]], "all_evidence": [[215844, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19925, 24477, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[19925, 24477, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70268, 81141, "Duff_McKagan", 0]]], "all_evidence": [[70268, 81141, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181306, null, null, null]]], "all_evidence": [[181306, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134929, 149821, "Billboard_Dad", 0]]], "all_evidence": [[134929, 149821, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148792, 163819, "Bessie_Smith", 0]]], "all_evidence": [[148792, 163819, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75162, 86395, "EA_Black_Box", 0]]], "all_evidence": [[75162, 86395, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101763, null, null, null]]], "all_evidence": [[101763, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137555, 152443, "Wales", 16]]], "all_evidence": [[137555, 152443, "Wales", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297777, null, null, null], [299942, null, null, null], [342493, null, null, null], [342499, null, null, null]]], "all_evidence": [[297777, null, null, null], [299942, null, null, null], [342493, null, null, null], [342499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87587, 100080, "Chrysler_Building", 1], [87587, 100080, "Empire_State_Building", 4]]], "all_evidence": [[87587, 100080, "Chrysler_Building", 1], [87587, 100080, "Empire_State_Building", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45970, 54911, "Awkward_Black_Girl", 0]]], "all_evidence": [[45970, 54911, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251500, 251342, "Miracle_at_St._Anna", 2]], [[251501, 251343, "Miracle_at_St._Anna", 2], [251501, 251343, "Tuscany", 0]], [[251526, 251361, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251500, 251342, "Miracle_at_St._Anna", 2], [251501, 251343, "Miracle_at_St._Anna", 2], [251501, 251343, "Tuscany", 0], [251526, 251361, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[273644, 269016, "Working_animal", 0]]], "all_evidence": [[273644, 269016, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71425, 82388, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]], "all_evidence": [[71425, 82388, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80285, null, null, null]]], "all_evidence": [[80285, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203224, 212299, "Fabian_Nicieza", 0]], [[203231, 212302, "Fabian_Nicieza", 0]]], "all_evidence": [[203224, 212299, "Fabian_Nicieza", 0], [203231, 212302, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255472, 254926, "Private_Lives", 0]]], "all_evidence": [[255472, 254926, "Private_Lives", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11216, null, null, null]]], "all_evidence": [[11216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211598, 219262, "Forceps", 0]]], "all_evidence": [[211598, 219262, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225857, 230429, "Love_the_Way_You_Lie", 17]]], "all_evidence": [[225857, 230429, "Love_the_Way_You_Lie", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172283, 185644, "Bee_Gees", 6]]], "all_evidence": [[172283, 185644, "Bee_Gees", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153356, 168146, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[153356, 168146, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269575, null, null, null], [269590, null, null, null]]], "all_evidence": [[269575, null, null, null], [269590, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150020, null, null, null]]], "all_evidence": [[150020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39115, 47112, "Gin", 0]], [[39115, 47113, "Gin", 1]], [[39115, 47114, "Gin", 2]], [[39115, 47115, "Gin", 3]]], "all_evidence": [[39115, 47112, "Gin", 0], [39115, 47113, "Gin", 1], [39115, 47114, "Gin", 2], [39115, 47115, "Gin", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205312, null, null, null]]], "all_evidence": [[205312, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153416, 168222, "Daggering", 0]], [[156157, 170793, "Daggering", 0]], [[158101, 172715, "Daggering", 0]], [[311691, 301616, "Daggering", 3]], [[313099, 302768, "Daggering", 0]]], "all_evidence": [[153416, 168222, "Daggering", 0], [156157, 170793, "Daggering", 0], [158101, 172715, "Daggering", 0], [311691, 301616, "Daggering", 3], [313099, 302768, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206505, 214849, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]], "all_evidence": [[206505, 214849, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239643, null, null, null], [239645, null, null, null]]], "all_evidence": [[239643, null, null, null], [239645, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84442, null, null, null]]], "all_evidence": [[84442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190479, 201492, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190479, 201492, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167004, 180832, "Greek_language", 14]], [[167004, 180833, "Greek_language", 13]]], "all_evidence": [[167004, 180832, "Greek_language", 14], [167004, 180833, "Greek_language", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55852, 65942, "Sandra_Bullock", 17]]], "all_evidence": [[55852, 65942, "Sandra_Bullock", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227030, 231457, "Bea_Arthur", 0]]], "all_evidence": [[227030, 231457, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257083, null, null, null]]], "all_evidence": [[257083, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266031, 263132, "The_Disaster_Artist_-LRB-film-RRB-", 5]], [[266032, 263133, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266031, 263132, "The_Disaster_Artist_-LRB-film-RRB-", 5], [266032, 263133, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21381, 26274, "Crips", 9]]], "all_evidence": [[21381, 26274, "Crips", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111445, 125092, "Knocked_Up", 0]]], "all_evidence": [[111445, 125092, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130373, 145117, "Telemundo", 0], [130373, 145117, "Comcast", 0]]], "all_evidence": [[130373, 145117, "Telemundo", 0], [130373, 145117, "Comcast", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253231, 253126, "PacSun", 1]], [[254995, 254559, "PacSun", 1]], [[320861, 309364, "PacSun", 1], [320861, 309364, "PacSun", 0]], [[320885, 309387, "PacSun", 1]], [[321026, 309485, "PacSun", 1]]], "all_evidence": [[253231, 253126, "PacSun", 1], [254995, 254559, "PacSun", 1], [320861, 309364, "PacSun", 1], [320861, 309364, "PacSun", 0], [320885, 309387, "PacSun", 1], [321026, 309485, "PacSun", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181619, 193872, "Miranda_Otto", 1]]], "all_evidence": [[181619, 193872, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164235, 178481, "Faroe_Islands", 10]], [[164235, 178482, "Faroe_Islands", 11]]], "all_evidence": [[164235, 178481, "Faroe_Islands", 10], [164235, 178482, "Faroe_Islands", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260909, 259239, "Capsicum_chinense", 0]]], "all_evidence": [[260909, 259239, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221696, null, null, null]]], "all_evidence": [[221696, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258072, 256954, "Monk", 0], [258072, 256954, "Asceticism", 0]]], "all_evidence": [[258072, 256954, "Monk", 0], [258072, 256954, "Asceticism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147172, null, null, null]]], "all_evidence": [[147172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62278, 72878, "Viola_Davis", 6]]], "all_evidence": [[62278, 72878, "Viola_Davis", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251725, null, null, null]]], "all_evidence": [[251725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139586, 154607, "Aarhus", 0]]], "all_evidence": [[139586, 154607, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233056, 236058, "Saturn", 0]]], "all_evidence": [[233056, 236058, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50534, 60090, "Life", 0]], [[50534, 60091, "Life", 1]]], "all_evidence": [[50534, 60090, "Life", 0], [50534, 60091, "Life", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166027, 179985, "Saxony", 4]]], "all_evidence": [[166027, 179985, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222953, 228052, "Marjorie_Gross", 1]]], "all_evidence": [[222953, 228052, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218314, 224628, "Eva_Mendes", 0]]], "all_evidence": [[218314, 224628, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173450, 186701, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[173450, 186701, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93407, 106358, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[93407, 106358, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51907, null, null, null]]], "all_evidence": [[51907, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171644, 185135, "T2_Trainspotting", 0]], [[175085, 188142, "T2_Trainspotting", 0]], [[312758, 302514, "T2_Trainspotting", 0]]], "all_evidence": [[171644, 185135, "T2_Trainspotting", 0], [175085, 188142, "T2_Trainspotting", 0], [312758, 302514, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186125, null, null, null]]], "all_evidence": [[186125, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239604, 241386, "Polynesian_languages", 6]]], "all_evidence": [[239604, 241386, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239274, null, null, null], [239290, null, null, null]]], "all_evidence": [[239274, null, null, null], [239290, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54649, null, null, null]]], "all_evidence": [[54649, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133084, null, null, null]]], "all_evidence": [[133084, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160967, null, null, null]]], "all_evidence": [[160967, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121946, 136237, "Uranium-235", 6], [121946, 136237, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[121946, 136237, "Uranium-235", 6], [121946, 136237, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81975, 93766, "Bret_Easton_Ellis", 20], [81975, 93766, "The_Canyons_-LRB-film-RRB-", 0]]], "all_evidence": [[81975, 93766, "Bret_Easton_Ellis", 20], [81975, 93766, "The_Canyons_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63323, 74061, "The_Cincinnati_Kid", 6]], [[65219, 76093, "The_Cincinnati_Kid", 6], [65219, 76093, "Norman_Jewison", 2]], [[65219, 76094, "The_Cincinnati_Kid", 7]], [[67047, 77835, "The_Cincinnati_Kid", 6], [67047, 77835, "The_Cincinnati_Kid", 0]], [[303687, 294616, "The_Cincinnati_Kid", 6]], [[305428, 296248, "The_Cincinnati_Kid", 6]]], "all_evidence": [[63323, 74061, "The_Cincinnati_Kid", 6], [65219, 76093, "The_Cincinnati_Kid", 6], [65219, 76093, "Norman_Jewison", 2], [65219, 76094, "The_Cincinnati_Kid", 7], [67047, 77835, "The_Cincinnati_Kid", 6], [67047, 77835, "The_Cincinnati_Kid", 0], [303687, 294616, "The_Cincinnati_Kid", 6], [305428, 296248, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161741, 176164, "I_Kissed_a_Girl", 3]]], "all_evidence": [[161741, 176164, "I_Kissed_a_Girl", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145574, 160575, "Horse", 3]]], "all_evidence": [[145574, 160575, "Horse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250551, 250558, "Bad_Romance", 0]], [[251929, 251704, "Bad_Romance", 0]], [[251929, 251705, "Bad_Romance", 12]], [[319495, 308190, "Bad_Romance", 0]], [[320653, 309196, "Bad_Romance", 0]]], "all_evidence": [[250551, 250558, "Bad_Romance", 0], [251929, 251704, "Bad_Romance", 0], [251929, 251705, "Bad_Romance", 12], [319495, 308190, "Bad_Romance", 0], [320653, 309196, "Bad_Romance", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97542, null, null, null]]], "all_evidence": [[97542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105125, 118550, "Danger_UXB", 0]]], "all_evidence": [[105125, 118550, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139487, 154523, "Bhagat_Singh", 0]]], "all_evidence": [[139487, 154523, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47818, 57084, "The_dress", 0]]], "all_evidence": [[47818, 57084, "The_dress", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228773, 232891, "Albert_S._Ruddy", 0]]], "all_evidence": [[228773, 232891, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213168, 220502, "Tata_Motors", 13]]], "all_evidence": [[213168, 220502, "Tata_Motors", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24081, null, null, null]]], "all_evidence": [[24081, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40605, null, null, null]]], "all_evidence": [[40605, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[297073, 288765, "Mickey_Rourke", 13]], [[344652, 328128, "Mickey_Rourke", 13]], [[344659, 328134, "Mickey_Rourke", 13]]], "all_evidence": [[297073, 288765, "Mickey_Rourke", 13], [344652, 328128, "Mickey_Rourke", 13], [344659, 328134, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115947, 129822, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[115947, 129823, "Recovery_-LRB-Eminem_album-RRB-", 9], [115947, 129823, "Love_the_Way_You_Lie", 0]]], "all_evidence": [[115947, 129822, "Recovery_-LRB-Eminem_album-RRB-", 6], [115947, 129823, "Recovery_-LRB-Eminem_album-RRB-", 9], [115947, 129823, "Love_the_Way_You_Lie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139773, 154776, "Harold_Macmillan", 31]], [[139774, 154777, "Harold_Macmillan", 31]]], "all_evidence": [[139773, 154776, "Harold_Macmillan", 31], [139774, 154777, "Harold_Macmillan", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111571, 125347, "Uranium-235", 6], [111571, 125347, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[111571, 125347, "Uranium-235", 6], [111571, 125347, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271157, 267095, "Giada_at_Home", 1], [271157, 267095, "Food_Network", 0]]], "all_evidence": [[271157, 267095, "Giada_at_Home", 1], [271157, 267095, "Food_Network", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215929, null, null, null]]], "all_evidence": [[215929, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231479, 234965, "Diwali", 2]]], "all_evidence": [[231479, 234965, "Diwali", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266023, 263126, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266023, 263126, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110715, 124392, "Lithuanians", 0], [110715, 124392, "Lithuania", 0], [110715, 124392, "Lithuania", 1], [110715, 124392, "Lithuania", 2]]], "all_evidence": [[110715, 124392, "Lithuanians", 0], [110715, 124392, "Lithuania", 0], [110715, 124392, "Lithuania", 1], [110715, 124392, "Lithuania", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81358, null, null, null], [81360, null, null, null]]], "all_evidence": [[81358, null, null, null], [81360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93460, 106412, "Marjorie_Gross", 0]], [[93460, 106413, "Marjorie_Gross", 1]]], "all_evidence": [[93460, 106412, "Marjorie_Gross", 0], [93460, 106413, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284484, null, null, null], [285345, null, null, null], [330680, null, null, null], [331804, null, null, null]]], "all_evidence": [[284484, null, null, null], [285345, null, null, null], [330680, null, null, null], [331804, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75459, 86713, "Saxony", 0]], [[75459, 86714, "Saxony", 4]]], "all_evidence": [[75459, 86713, "Saxony", 0], [75459, 86714, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154895, 169633, "Psych", 2], [154895, 169633, "Santa_Barbara_Police_Department", 0]]], "all_evidence": [[154895, 169633, "Psych", 2], [154895, 169633, "Santa_Barbara_Police_Department", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279338, 273967, "Miranda_Otto", 1]], [[281084, 275464, "Miranda_Otto", 1]], [[281084, 275465, "Miranda_Otto", 0]], [[281084, 275466, "Miranda_Otto", 2]], [[281084, 275467, "Miranda_Otto", 6]], [[283164, 277244, "Miranda_Otto", 1]], [[327570, 314794, "Miranda_Otto", 1]], [[328735, 315720, "Miranda_Otto", 1]], [[328735, 315721, "Miranda_Otto", 2]], [[328735, 315722, "Miranda_Otto", 6]]], "all_evidence": [[279338, 273967, "Miranda_Otto", 1], [281084, 275464, "Miranda_Otto", 1], [281084, 275465, "Miranda_Otto", 0], [281084, 275466, "Miranda_Otto", 2], [281084, 275467, "Miranda_Otto", 6], [283164, 277244, "Miranda_Otto", 1], [327570, 314794, "Miranda_Otto", 1], [328735, 315720, "Miranda_Otto", 1], [328735, 315721, "Miranda_Otto", 2], [328735, 315722, "Miranda_Otto", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251513, 251351, "Miracle_at_St._Anna", 2], [251513, 251351, "Italy", 0]]], "all_evidence": [[251513, 251351, "Miracle_at_St._Anna", 2], [251513, 251351, "Italy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267473, 264172, "Ralph_Fults", 0]], [[267474, 264173, "Ralph_Fults", 0]]], "all_evidence": [[267473, 264172, "Ralph_Fults", 0], [267474, 264173, "Ralph_Fults", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235561, 238185, "Natural_Born_Killers", 5]], [[235566, 238188, "Natural_Born_Killers", 5]]], "all_evidence": [[235561, 238185, "Natural_Born_Killers", 5], [235566, 238188, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100677, 113981, "Magic_Johnson", 1]], [[100677, 113982, "Magic_Johnson", 16]]], "all_evidence": [[100677, 113981, "Magic_Johnson", 1], [100677, 113982, "Magic_Johnson", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282005, null, null, null], [284020, null, null, null], [285061, null, null, null], [329825, null, null, null], [331206, null, null, null]]], "all_evidence": [[282005, null, null, null], [284020, null, null, null], [285061, null, null, null], [329825, null, null, null], [331206, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160146, null, null, null]]], "all_evidence": [[160146, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184133, null, null, null], [184134, null, null, null], [184138, null, null, null]]], "all_evidence": [[184133, null, null, null], [184134, null, null, null], [184138, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109301, 122966, "Joe_Rogan", 7]]], "all_evidence": [[109301, 122966, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145217, null, null, null]]], "all_evidence": [[145217, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164847, null, null, null]]], "all_evidence": [[164847, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290137, 283176, "Floppy_disk", 0]], [[291481, 284398, "Floppy_disk", 0]], [[293599, 286078, "Floppy_disk", 0]], [[337709, 323068, "Floppy_disk", 0]], [[337713, 323072, "Floppy_disk", 0]]], "all_evidence": [[290137, 283176, "Floppy_disk", 0], [291481, 284398, "Floppy_disk", 0], [293599, 286078, "Floppy_disk", 0], [337709, 323068, "Floppy_disk", 0], [337713, 323072, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238548, null, null, null]]], "all_evidence": [[238548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198620, 208414, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198620, 208414, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103876, 117373, "Efraim_Diveroli", 0]]], "all_evidence": [[103876, 117373, "Efraim_Diveroli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145605, 160612, "Jewell_-LRB-singer-RRB-", 3]], [[145614, 160617, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[145605, 160612, "Jewell_-LRB-singer-RRB-", 3], [145614, 160617, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189229, null, null, null], [191865, null, null, null], [316547, null, null, null]]], "all_evidence": [[189229, null, null, null], [191865, null, null, null], [316547, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223637, 228606, "Riddick_-LRB-character-RRB-", 1]], [[227275, 231668, "Riddick_-LRB-character-RRB-", 1]], [[227276, 231669, "Riddick_-LRB-character-RRB-", 1]], [[319781, 308482, "Riddick_-LRB-character-RRB-", 1]]], "all_evidence": [[223637, 228606, "Riddick_-LRB-character-RRB-", 1], [227275, 231668, "Riddick_-LRB-character-RRB-", 1], [227276, 231669, "Riddick_-LRB-character-RRB-", 1], [319781, 308482, "Riddick_-LRB-character-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202995, 212123, "Christian_Gottlob_Neefe", 0], [202995, 212123, "Conducting", 0]]], "all_evidence": [[202995, 212123, "Christian_Gottlob_Neefe", 0], [202995, 212123, "Conducting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[276004, 271064, "Shane_McMahon", 0]], [[276004, 271065, "Shane_McMahon", 1]], [[276004, 271066, "Shane_McMahon", 4]], [[276004, 271067, "Shane_McMahon", 5]], [[276004, 271068, "Shane_McMahon", 6]], [[276004, 271069, "Shane_McMahon", 10]], [[276004, 271070, "Shane_McMahon", 13]], [[276004, 271071, "Shane_McMahon", 14]], [[276004, 271072, "Shane_McMahon", 15]], [[276004, 271073, "Shane_McMahon", 16]], [[325219, 312968, "Shane_McMahon", 0], [325219, 312968, "Professional_wrestling", 0]], [[326224, 313736, "Shane_McMahon", 0]], [[326224, 313737, "Shane_McMahon", 4]], [[326224, 313738, "Shane_McMahon", 5]], [[326224, 313739, "Shane_McMahon", 6]], [[326224, 313740, "Shane_McMahon", 7]], [[326224, 313741, "Shane_McMahon", 10]], [[326224, 313742, "Shane_McMahon", 13]], [[326224, 313743, "Shane_McMahon", 14]], [[326224, 313744, "Shane_McMahon", 15]]], "all_evidence": [[276004, 271064, "Shane_McMahon", 0], [276004, 271065, "Shane_McMahon", 1], [276004, 271066, "Shane_McMahon", 4], [276004, 271067, "Shane_McMahon", 5], [276004, 271068, "Shane_McMahon", 6], [276004, 271069, "Shane_McMahon", 10], [276004, 271070, "Shane_McMahon", 13], [276004, 271071, "Shane_McMahon", 14], [276004, 271072, "Shane_McMahon", 15], [276004, 271073, "Shane_McMahon", 16], [325219, 312968, "Shane_McMahon", 0], [325219, 312968, "Professional_wrestling", 0], [326224, 313736, "Shane_McMahon", 0], [326224, 313737, "Shane_McMahon", 4], [326224, 313738, "Shane_McMahon", 5], [326224, 313739, "Shane_McMahon", 6], [326224, 313740, "Shane_McMahon", 7], [326224, 313741, "Shane_McMahon", 10], [326224, 313742, "Shane_McMahon", 13], [326224, 313743, "Shane_McMahon", 14], [326224, 313744, "Shane_McMahon", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130089, 144826, "Jack_Falahee", 0]]], "all_evidence": [[130089, 144826, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150952, 165800, "I_Kissed_a_Girl", 0]]], "all_evidence": [[150952, 165800, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115936, 129810, "New_York_Knicks", 1]]], "all_evidence": [[115936, 129810, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25468, 31392, "Kuching", 0]]], "all_evidence": [[25468, 31392, "Kuching", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169350, 182993, "Otto_I,_Holy_Roman_Emperor", 11]]], "all_evidence": [[169350, 182993, "Otto_I,_Holy_Roman_Emperor", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272425, 268126, "Island_Records", 1]]], "all_evidence": [[272425, 268126, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184959, 196809, "Juventus_F.C.", 1]]], "all_evidence": [[184959, 196809, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281077, null, null, null], [327582, null, null, null]]], "all_evidence": [[281077, null, null, null], [327582, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130489, 145255, "Nestor_Carbonell", 3]], [[130489, 145256, "Nestor_Carbonell", 2]], [[130489, 145257, "Nestor_Carbonell", 1]], [[130491, 145258, "Nestor_Carbonell", 3]], [[130491, 145259, "Nestor_Carbonell", 2]], [[130491, 145260, "Nestor_Carbonell", 1]]], "all_evidence": [[130489, 145255, "Nestor_Carbonell", 3], [130489, 145256, "Nestor_Carbonell", 2], [130489, 145257, "Nestor_Carbonell", 1], [130491, 145258, "Nestor_Carbonell", 3], [130491, 145259, "Nestor_Carbonell", 2], [130491, 145260, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34291, 41591, "Tenacious_D", 0]]], "all_evidence": [[34291, 41591, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217665, 224158, "Asylum_Records", 0]]], "all_evidence": [[217665, 224158, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74226, 85448, "EA_Black_Box", 0]], [[74226, 85450, "EA_Black_Box", 2]]], "all_evidence": [[74226, 85448, "EA_Black_Box", 0], [74226, 85450, "EA_Black_Box", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58399, 68674, "The_Mighty_Ducks", 0]], [[61245, 71746, "The_Mighty_Ducks", 0]], [[63485, 74234, "The_Mighty_Ducks", 0]], [[305258, 296089, "The_Mighty_Ducks", 0]]], "all_evidence": [[58399, 68674, "The_Mighty_Ducks", 0], [61245, 71746, "The_Mighty_Ducks", 0], [63485, 74234, "The_Mighty_Ducks", 0], [305258, 296089, "The_Mighty_Ducks", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112386, 126232, "Helmand_Province", 0]]], "all_evidence": [[112386, 126232, "Helmand_Province", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243700, 244868, "Palo_Alto,_California", 0]]], "all_evidence": [[243700, 244868, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162573, 176845, "Michigan", 0]], [[162573, 176846, "Michigan", 2]], [[162573, 176847, "Michigan", 13]]], "all_evidence": [[162573, 176845, "Michigan", 0], [162573, 176846, "Michigan", 2], [162573, 176847, "Michigan", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184384, null, null, null]]], "all_evidence": [[184384, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145757, 160779, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[145757, 160779, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194099, null, null, null]]], "all_evidence": [[194099, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49416, 58743, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[49416, 58743, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93227, 106163, "Ann_Richards", 2], [93227, 106163, "Governor_of_Texas", 0]], [[93227, 106164, "Ann_Richards", 0], [93227, 106164, "Governor_of_Texas", 0]]], "all_evidence": [[93227, 106163, "Ann_Richards", 2], [93227, 106163, "Governor_of_Texas", 0], [93227, 106164, "Ann_Richards", 0], [93227, 106164, "Governor_of_Texas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135340, 150235, "Aristotle", 4]]], "all_evidence": [[135340, 150235, "Aristotle", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174637, 187798, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[174637, 187798, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239241, 241162, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239242, 241163, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239241, 241162, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239242, 241163, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111229, 124863, "Michael_B._Jordan", 0]]], "all_evidence": [[111229, 124863, "Michael_B._Jordan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118499, null, null, null]]], "all_evidence": [[118499, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159681, null, null, null]]], "all_evidence": [[159681, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215853, 222612, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215853, 222612, "Geraldine_Chaplin", 0]]], "all_evidence": [[215853, 222612, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215853, 222612, "Geraldine_Chaplin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201559, 210999, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[201559, 210999, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149636, 164593, "John_Deighton", 24]]], "all_evidence": [[149636, 164593, "John_Deighton", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49253, 58583, "Chaka_Khan", 0]], [[49253, 58584, "Chaka_Khan", 1]], [[49253, 58585, "Chaka_Khan", 2]], [[49253, 58586, "Chaka_Khan", 3]], [[49253, 58587, "Chaka_Khan", 4]], [[49253, 58588, "Chaka_Khan", 5]], [[49253, 58589, "Chaka_Khan", 6]]], "all_evidence": [[49253, 58583, "Chaka_Khan", 0], [49253, 58584, "Chaka_Khan", 1], [49253, 58585, "Chaka_Khan", 2], [49253, 58586, "Chaka_Khan", 3], [49253, 58587, "Chaka_Khan", 4], [49253, 58588, "Chaka_Khan", 5], [49253, 58589, "Chaka_Khan", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264393, 261856, "Brubaker", 0]]], "all_evidence": [[264393, 261856, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106906, 120303, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[106906, 120303, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107749, 121234, "Homo_sapiens", 0]], [[107749, 121235, "Homo_sapiens", 1]], [[107749, 121236, "Homo_sapiens", 3]]], "all_evidence": [[107749, 121234, "Homo_sapiens", 0], [107749, 121235, "Homo_sapiens", 1], [107749, 121236, "Homo_sapiens", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44766, 53461, "Fist_of_Legend", 2]]], "all_evidence": [[44766, 53461, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164371, 178650, "Telemundo", 0]], [[164383, 178660, "Telemundo", 0]], [[164383, 178661, "Telemundo", 1], [164383, 178661, "Univision", 0]]], "all_evidence": [[164371, 178650, "Telemundo", 0], [164383, 178660, "Telemundo", 0], [164383, 178661, "Telemundo", 1], [164383, 178661, "Univision", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191659, null, null, null], [191666, null, null, null]]], "all_evidence": [[191659, null, null, null], [191666, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158224, null, null, null]]], "all_evidence": [[158224, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225793, 230375, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225793, 230375, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189867, 201062, "Mickey_Rourke", 13]]], "all_evidence": [[189867, 201062, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262075, null, null, null]]], "all_evidence": [[262075, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129565, 144310, "Fist_of_Legend", 2]]], "all_evidence": [[129565, 144310, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73376, 84598, "Danny_Brown", 0]]], "all_evidence": [[73376, 84598, "Danny_Brown", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60310, 70692, "Riverdale_-LRB-2017_TV_series-RRB-", 1]]], "all_evidence": [[60310, 70692, "Riverdale_-LRB-2017_TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166085, 180022, "Aristotle", 2]]], "all_evidence": [[166085, 180022, "Aristotle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121975, 136260, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[121975, 136260, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79062, 90686, "Make_It_or_Break_It", 8]]], "all_evidence": [[79062, 90686, "Make_It_or_Break_It", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24175, null, null, null]]], "all_evidence": [[24175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259407, 257997, "Fred_Armisen", 0]], [[259407, 257998, "Fred_Armisen", 1]], [[259407, 257999, "Fred_Armisen", 2]], [[259407, 258000, "Fred_Armisen", 3]], [[259407, 258001, "Fred_Armisen", 6]], [[259407, 258002, "Fred_Armisen", 7]], [[261136, 259368, "Fred_Armisen", 0]], [[261136, 259369, "Fred_Armisen", 1]], [[261136, 259370, "Fred_Armisen", 2]], [[261136, 259371, "Fred_Armisen", 3]], [[261136, 259372, "Fred_Armisen", 6]], [[261136, 259373, "Fred_Armisen", 7]], [[321356, 309836, "Fred_Armisen", 0]], [[321356, 309837, "Fred_Armisen", 1]], [[321356, 309838, "Fred_Armisen", 2]], [[321356, 309839, "Fred_Armisen", 3]], [[321358, 309842, "Fred_Armisen", 0]], [[321358, 309843, "Fred_Armisen", 2]], [[321359, 309844, "Fred_Armisen", 0]], [[321359, 309845, "Fred_Armisen", 1]], [[321359, 309846, "Fred_Armisen", 3]], [[321359, 309847, "Fred_Armisen", 6]], [[321359, 309848, "Fred_Armisen", 7]], [[321371, 309851, "Fred_Armisen", 0]], [[321371, 309852, "Fred_Armisen", 1]], [[321371, 309853, "Fred_Armisen", 2]], [[321371, 309854, "Fred_Armisen", 3]], [[321371, 309855, "Fred_Armisen", 6]], [[321371, 309856, "Fred_Armisen", 7]]], "all_evidence": [[259407, 257997, "Fred_Armisen", 0], [259407, 257998, "Fred_Armisen", 1], [259407, 257999, "Fred_Armisen", 2], [259407, 258000, "Fred_Armisen", 3], [259407, 258001, "Fred_Armisen", 6], [259407, 258002, "Fred_Armisen", 7], [261136, 259368, "Fred_Armisen", 0], [261136, 259369, "Fred_Armisen", 1], [261136, 259370, "Fred_Armisen", 2], [261136, 259371, "Fred_Armisen", 3], [261136, 259372, "Fred_Armisen", 6], [261136, 259373, "Fred_Armisen", 7], [321356, 309836, "Fred_Armisen", 0], [321356, 309837, "Fred_Armisen", 1], [321356, 309838, "Fred_Armisen", 2], [321356, 309839, "Fred_Armisen", 3], [321358, 309842, "Fred_Armisen", 0], [321358, 309843, "Fred_Armisen", 2], [321359, 309844, "Fred_Armisen", 0], [321359, 309845, "Fred_Armisen", 1], [321359, 309846, "Fred_Armisen", 3], [321359, 309847, "Fred_Armisen", 6], [321359, 309848, "Fred_Armisen", 7], [321371, 309851, "Fred_Armisen", 0], [321371, 309852, "Fred_Armisen", 1], [321371, 309853, "Fred_Armisen", 2], [321371, 309854, "Fred_Armisen", 3], [321371, 309855, "Fred_Armisen", 6], [321371, 309856, "Fred_Armisen", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97011, 110163, "Ingushetia", 5]]], "all_evidence": [[97011, 110163, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116926, 130808, "I_Kissed_a_Girl", 0], [116926, 130808, "One_of_the_Boys_-LRB-Katy_Perry_album-RRB-", 5]]], "all_evidence": [[116926, 130808, "I_Kissed_a_Girl", 0], [116926, 130808, "One_of_the_Boys_-LRB-Katy_Perry_album-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157351, 171922, "A_View_to_a_Kill", 0]]], "all_evidence": [[157351, 171922, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57292, 67536, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]]], "all_evidence": [[57292, 67536, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145481, 160490, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[145481, 160490, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[299600, 291013, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[299600, 291013, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90174, 102868, "Marco_Polo", 6]]], "all_evidence": [[90174, 102868, "Marco_Polo", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73982, 85215, "Justin_Chatwin", 0]]], "all_evidence": [[73982, 85215, "Justin_Chatwin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145051, null, null, null]]], "all_evidence": [[145051, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104651, 118046, "Shawn_Carlson", 0]]], "all_evidence": [[104651, 118046, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230045, 233803, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230045, 233803, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40382, 48584, "Daggering", 2]]], "all_evidence": [[40382, 48584, "Daggering", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141487, 156678, "Global_warming", 13]]], "all_evidence": [[141487, 156678, "Global_warming", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18709, null, null, null]]], "all_evidence": [[18709, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101240, 114482, "Edmund_H._North", 0]]], "all_evidence": [[101240, 114482, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57071, 67302, "Miranda_Otto", 1]], [[57077, 67306, "Miranda_Otto", 1]]], "all_evidence": [[57071, 67302, "Miranda_Otto", 1], [57077, 67306, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275725, null, null, null], [275727, null, null, null]]], "all_evidence": [[275725, null, null, null], [275727, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218103, 224486, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218103, 224486, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169791, null, null, null]]], "all_evidence": [[169791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203703, 212672, "Aunt_May", 9]]], "all_evidence": [[203703, 212672, "Aunt_May", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258711, null, null, null], [258740, null, null, null]]], "all_evidence": [[258711, null, null, null], [258740, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140197, null, null, null], [140230, null, null, null]]], "all_evidence": [[140197, null, null, null], [140230, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234494, 237358, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234494, 237358, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190469, 201484, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[190470, 201485, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190469, 201484, "Tom_Baker_-LRB-English_actor-RRB-", 15], [190470, 201485, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170447, 184020, "James_Earl_Jones", 4]]], "all_evidence": [[170447, 184020, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227792, 232157, "Tilda_Swinton", 0]]], "all_evidence": [[227792, 232157, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36993, 44650, "Chaka_Khan", 4]]], "all_evidence": [[36993, 44650, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161053, null, null, null]]], "all_evidence": [[161053, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195830, null, null, null]]], "all_evidence": [[195830, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240264, null, null, null]]], "all_evidence": [[240264, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211585, 219252, "Forceps", 0]]], "all_evidence": [[211585, 219252, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122891, 137171, "Colombiana", 0]]], "all_evidence": [[122891, 137171, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19592, 24086, "Jose\u0301_Ferrer", 0]]], "all_evidence": [[19592, 24086, "Jose\u0301_Ferrer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76261, 87561, "Indian_Army", 16], [76261, 87561, "Volunteer_military", 0]]], "all_evidence": [[76261, 87561, "Indian_Army", 16], [76261, 87561, "Volunteer_military", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28748, 35084, "Tim_McGraw", 13]]], "all_evidence": [[28748, 35084, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70537, 81437, "University_of_Mississippi", 4]]], "all_evidence": [[70537, 81437, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157487, 172056, "Villa_Park", 14]]], "all_evidence": [[157487, 172056, "Villa_Park", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190000, null, null, null]]], "all_evidence": [[190000, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105328, null, null, null], [105331, null, null, null]]], "all_evidence": [[105328, null, null, null], [105331, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100414, 113705, "Rupert_Murdoch", 3]], [[100414, 113706, "Rupert_Murdoch", 12]]], "all_evidence": [[100414, 113705, "Rupert_Murdoch", 3], [100414, 113706, "Rupert_Murdoch", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272420, null, null, null]]], "all_evidence": [[272420, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63374, 74121, "Saw_-LRB-franchise-RRB-", 0]]], "all_evidence": [[63374, 74121, "Saw_-LRB-franchise-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100356, null, null, null]]], "all_evidence": [[100356, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43438, 52083, "Advertising", 0]], [[43438, 52084, "Advertising", 3]]], "all_evidence": [[43438, 52083, "Advertising", 0], [43438, 52084, "Advertising", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198371, null, null, null]]], "all_evidence": [[198371, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218614, 224851, "Diana,_Princess_of_Wales", 9]], [[218614, 224852, "Diana,_Princess_of_Wales", 10]]], "all_evidence": [[218614, 224851, "Diana,_Princess_of_Wales", 9], [218614, 224852, "Diana,_Princess_of_Wales", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189890, null, null, null]]], "all_evidence": [[189890, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69843, 80712, "A_Milli", 0], [69843, 80712, "Lil_Wayne", 0]]], "all_evidence": [[69843, 80712, "A_Milli", 0], [69843, 80712, "Lil_Wayne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89201, 101889, "West_Virginia", 1]]], "all_evidence": [[89201, 101889, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183974, null, null, null], [183976, null, null, null]]], "all_evidence": [[183974, null, null, null], [183976, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144602, 159615, "The_Road_to_El_Dorado", 0]], [[144611, 159621, "The_Road_to_El_Dorado", 0]], [[144612, 159622, "The_Road_to_El_Dorado", 0]]], "all_evidence": [[144602, 159615, "The_Road_to_El_Dorado", 0], [144611, 159621, "The_Road_to_El_Dorado", 0], [144612, 159622, "The_Road_to_El_Dorado", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216571, null, null, null]]], "all_evidence": [[216571, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203314, 212361, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203314, 212361, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176437, null, null, null]]], "all_evidence": [[176437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161047, 175522, "Fidel_Castro", 25]]], "all_evidence": [[161047, 175522, "Fidel_Castro", 25]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153018, null, null, null]]], "all_evidence": [[153018, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262168, null, null, null], [262169, null, null, null]]], "all_evidence": [[262168, null, null, null], [262169, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211439, null, null, null]]], "all_evidence": [[211439, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43340, null, null, null]]], "all_evidence": [[43340, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244442, null, null, null]]], "all_evidence": [[244442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58630, 68930, "Bessie_Smith", 0]], [[58630, 68931, "Bessie_Smith", 1]]], "all_evidence": [[58630, 68930, "Bessie_Smith", 0], [58630, 68931, "Bessie_Smith", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210943, 218605, "Mogadishu", 0]]], "all_evidence": [[210943, 218605, "Mogadishu", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192755, 203469, "Cadet_Kelly", 0]]], "all_evidence": [[192755, 203469, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178048, null, null, null]]], "all_evidence": [[178048, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214265, null, null, null]]], "all_evidence": [[214265, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105826, null, null, null]]], "all_evidence": [[105826, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198585, null, null, null]]], "all_evidence": [[198585, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168205, 181955, "Veeru_Devgan", 0]], [[168205, 181956, "Veeru_Devgan", 3], [168205, 181956, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], [168205, 181956, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 1]], [[170413, 183973, "Veeru_Devgan", 3], [170413, 183973, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]], [[172374, 185699, "Veeru_Devgan", 0]], [[312475, 302270, "Veeru_Devgan", 3], [312475, 302270, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]], "all_evidence": [[168205, 181955, "Veeru_Devgan", 0], [168205, 181956, "Veeru_Devgan", 3], [168205, 181956, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], [168205, 181956, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 1], [170413, 183973, "Veeru_Devgan", 3], [170413, 183973, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], [172374, 185699, "Veeru_Devgan", 0], [312475, 302270, "Veeru_Devgan", 3], [312475, 302270, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169336, 182982, "Columbia_River", 21]]], "all_evidence": [[169336, 182982, "Columbia_River", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58125, 68338, "Shane_Black", 0]]], "all_evidence": [[58125, 68338, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223845, 228767, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223845, 228767, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45780, 54654, "Shadowhunters", 4]]], "all_evidence": [[45780, 54654, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267303, 264029, "Southampton_F.C.", 0]]], "all_evidence": [[267303, 264029, "Southampton_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279737, 274352, "Kellyanne_Conway", 12]], [[281437, 275853, "Kellyanne_Conway", 12]], [[328145, 315266, "Kellyanne_Conway", 12]], [[328147, 315267, "Kellyanne_Conway", 12]]], "all_evidence": [[279737, 274352, "Kellyanne_Conway", 12], [281437, 275853, "Kellyanne_Conway", 12], [328145, 315266, "Kellyanne_Conway", 12], [328147, 315267, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168991, 182677, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[168991, 182677, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188641, 200094, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188641, 200094, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211281, 218991, "Mogadishu", 0]], [[211281, 218992, "Mogadishu", 17]], [[211281, 218993, "Mogadishu", 18]]], "all_evidence": [[211281, 218991, "Mogadishu", 0], [211281, 218992, "Mogadishu", 17], [211281, 218993, "Mogadishu", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29152, 35565, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[29152, 35565, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227773, 232134, "Tilda_Swinton", 0]], [[227775, 232136, "Tilda_Swinton", 0]], [[227776, 232137, "Tilda_Swinton", 0]]], "all_evidence": [[227773, 232134, "Tilda_Swinton", 0], [227775, 232136, "Tilda_Swinton", 0], [227776, 232137, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192722, 203426, "Cadet_Kelly", 0]]], "all_evidence": [[192722, 203426, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157240, 171815, "Lincoln\u2013Douglas_debates", 10]]], "all_evidence": [[157240, 171815, "Lincoln\u2013Douglas_debates", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177363, 190196, "You_Belong_with_Me", 20]]], "all_evidence": [[177363, 190196, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164594, null, null, null]]], "all_evidence": [[164594, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165038, 179210, "Match_Point", 2]]], "all_evidence": [[165038, 179210, "Match_Point", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159642, 174150, "Colombiana", 0]]], "all_evidence": [[159642, 174150, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109627, null, null, null]]], "all_evidence": [[109627, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113886, null, null, null]]], "all_evidence": [[113886, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213704, null, null, null]]], "all_evidence": [[213704, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257144, 256175, "Columbia_River", 21]], [[258789, 257527, "Columbia_River", 21]], [[260311, 258734, "Columbia_River", 21]], [[321201, 309685, "Columbia_River", 21]]], "all_evidence": [[257144, 256175, "Columbia_River", 21], [258789, 257527, "Columbia_River", 21], [260311, 258734, "Columbia_River", 21], [321201, 309685, "Columbia_River", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85308, 97611, "Bad_Romance", 0]], [[85308, 97612, "Bad_Romance", 9]], [[85308, 97613, "Bad_Romance", 12]]], "all_evidence": [[85308, 97611, "Bad_Romance", 0], [85308, 97612, "Bad_Romance", 9], [85308, 97613, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297430, null, null, null]]], "all_evidence": [[297430, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102898, 116180, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[102898, 116180, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235604, 238210, "Natural_Born_Killers", 5]], [[235607, 238213, "Natural_Born_Killers", 5]]], "all_evidence": [[235604, 238210, "Natural_Born_Killers", 5], [235607, 238213, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108375, 121922, "Rage_Against_the_Machine", 0]]], "all_evidence": [[108375, 121922, "Rage_Against_the_Machine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109557, 123173, "The_Road_to_El_Dorado", 0]]], "all_evidence": [[109557, 123173, "The_Road_to_El_Dorado", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237599, 239808, "Dakota_Fanning", 1]], [[237599, 239809, "Dakota_Fanning", 2]], [[237599, 239810, "Dakota_Fanning", 5], [237599, 239810, "Hounddog_-LRB-film-RRB-", 0]], [[237599, 239811, "Dakota_Fanning", 6]], [[237602, 239816, "Dakota_Fanning", 1]], [[237602, 239817, "Dakota_Fanning", 2]], [[237602, 239818, "Dakota_Fanning", 5], [237602, 239818, "Hounddog_-LRB-film-RRB-", 0]], [[237602, 239819, "Dakota_Fanning", 6]]], "all_evidence": [[237599, 239808, "Dakota_Fanning", 1], [237599, 239809, "Dakota_Fanning", 2], [237599, 239810, "Dakota_Fanning", 5], [237599, 239810, "Hounddog_-LRB-film-RRB-", 0], [237599, 239811, "Dakota_Fanning", 6], [237602, 239816, "Dakota_Fanning", 1], [237602, 239817, "Dakota_Fanning", 2], [237602, 239818, "Dakota_Fanning", 5], [237602, 239818, "Hounddog_-LRB-film-RRB-", 0], [237602, 239819, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40723, null, null, null]]], "all_evidence": [[40723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77616, 89064, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[77616, 89064, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191997, 202759, "Johanna_Braddy", 3]], [[192000, 202762, "Johanna_Braddy", 3]]], "all_evidence": [[191997, 202759, "Johanna_Braddy", 3], [192000, 202762, "Johanna_Braddy", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52421, null, null, null]]], "all_evidence": [[52421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163334, 177530, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[163334, 177530, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223640, null, null, null]]], "all_evidence": [[223640, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268054, null, null, null]]], "all_evidence": [[268054, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266598, 263532, "Ralph_Fults", 0], [266598, 263532, "Barrow_Gang", 0]]], "all_evidence": [[266598, 263532, "Ralph_Fults", 0], [266598, 263532, "Barrow_Gang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211250, 218935, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[211250, 218935, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149490, null, null, null]]], "all_evidence": [[149490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184121, 196073, "Edgar_Wright", 0]], [[184122, 196074, "Edgar_Wright", 0]], [[184128, 196078, "Edgar_Wright", 0]]], "all_evidence": [[184121, 196073, "Edgar_Wright", 0], [184122, 196074, "Edgar_Wright", 0], [184128, 196078, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181152, null, null, null]]], "all_evidence": [[181152, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263241, 260970, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263241, 260970, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31564, null, null, null]]], "all_evidence": [[31564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78976, 90576, "Sleipnir", 0]], [[78976, 90577, "Sleipnir", 2]], [[78976, 90578, "Sleipnir", 6]]], "all_evidence": [[78976, 90576, "Sleipnir", 0], [78976, 90577, "Sleipnir", 2], [78976, 90578, "Sleipnir", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135448, 150327, "Greek_language", 14]]], "all_evidence": [[135448, 150327, "Greek_language", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189754, 200975, "Polar_bear", 7]]], "all_evidence": [[189754, 200975, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122414, 136702, "Pene\u0301lope_Cruz", 0]], [[122414, 136703, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[122414, 136702, "Pene\u0301lope_Cruz", 0], [122414, 136703, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38701, 46672, "Miranda_Otto", 1]]], "all_evidence": [[38701, 46672, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250361, 250370, "The_Closer", 8]], [[250363, 250371, "The_Closer", 8]], [[250366, 250374, "The_Closer", 8]]], "all_evidence": [[250361, 250370, "The_Closer", 8], [250363, 250371, "The_Closer", 8], [250366, 250374, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[293136, 285752, "TakePart", 0], [293136, 285752, "Participant_Media", 0]], [[293137, 285753, "TakePart", 0], [293137, 285753, "Participant_Media", 0]], [[341452, 325916, "TakePart", 0]], [[341759, 326067, "TakePart", 0], [341759, 326067, "Participant_Media", 0]]], "all_evidence": [[293136, 285752, "TakePart", 0], [293136, 285752, "Participant_Media", 0], [293137, 285753, "TakePart", 0], [293137, 285753, "Participant_Media", 0], [341452, 325916, "TakePart", 0], [341759, 326067, "TakePart", 0], [341759, 326067, "Participant_Media", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194456, null, null, null]]], "all_evidence": [[194456, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155735, null, null, null]]], "all_evidence": [[155735, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239364, null, null, null]]], "all_evidence": [[239364, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48454, null, null, null]]], "all_evidence": [[48454, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126987, 141466, "Aleister_Crowley", 0]], [[126987, 141467, "Aleister_Crowley", 27], [126987, 141467, "100_Greatest_Britons", 0], [126987, 141467, "100_Greatest_Britons", 1]]], "all_evidence": [[126987, 141466, "Aleister_Crowley", 0], [126987, 141467, "Aleister_Crowley", 27], [126987, 141467, "100_Greatest_Britons", 0], [126987, 141467, "100_Greatest_Britons", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73421, 84659, "Dakota_Fanning", 0]], [[73421, 84660, "Dakota_Fanning", 9]]], "all_evidence": [[73421, 84659, "Dakota_Fanning", 0], [73421, 84660, "Dakota_Fanning", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193470, 203970, "Larry_Wilmore", 0]]], "all_evidence": [[193470, 203970, "Larry_Wilmore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129154, null, null, null]]], "all_evidence": [[129154, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32284, 39246, "You_Belong_with_Me", 20]]], "all_evidence": [[32284, 39246, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52549, 62518, "Make_It_or_Break_It", 9]]], "all_evidence": [[52549, 62518, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173580, 186798, "Wilhelmina_Slater", 0]]], "all_evidence": [[173580, 186798, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144947, null, null, null]]], "all_evidence": [[144947, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283713, null, null, null], [283714, null, null, null], [285987, null, null, null], [332639, null, null, null], [332641, null, null, null]]], "all_evidence": [[283713, null, null, null], [283714, null, null, null], [285987, null, null, null], [332639, null, null, null], [332641, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156613, 171214, "Renato_Balestra", 3]]], "all_evidence": [[156613, 171214, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223847, null, null, null]]], "all_evidence": [[223847, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66573, null, null, null]]], "all_evidence": [[66573, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267334, 264056, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[267334, 264056, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173921, 187101, "Juventus_F.C.", 0]], [[173921, 187102, "Juventus_F.C.", 2]], [[173921, 187103, "Juventus_F.C.", 8]]], "all_evidence": [[173921, 187101, "Juventus_F.C.", 0], [173921, 187102, "Juventus_F.C.", 2], [173921, 187103, "Juventus_F.C.", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177986, 190651, "Caroline_Kennedy", 0]]], "all_evidence": [[177986, 190651, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85120, 97386, "Anushka_Sharma", 0]], [[85120, 97387, "Anushka_Sharma", 1]], [[85120, 97388, "Anushka_Sharma", 6], [85120, 97388, "Rab_Ne_Bana_Di_Jodi", 2]], [[85120, 97389, "Anushka_Sharma", 7]], [[85120, 97390, "Anushka_Sharma", 8]]], "all_evidence": [[85120, 97386, "Anushka_Sharma", 0], [85120, 97387, "Anushka_Sharma", 1], [85120, 97388, "Anushka_Sharma", 6], [85120, 97388, "Rab_Ne_Bana_Di_Jodi", 2], [85120, 97389, "Anushka_Sharma", 7], [85120, 97390, "Anushka_Sharma", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214322, 221406, "Ernest_Medina", 3]]], "all_evidence": [[214322, 221406, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137045, 151879, "Life", 0]]], "all_evidence": [[137045, 151879, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234486, 237351, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234486, 237351, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36745, null, null, null]]], "all_evidence": [[36745, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112985, null, null, null]]], "all_evidence": [[112985, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189366, 200649, "To_Pimp_a_Butterfly", 0]], [[189366, 200650, "To_Pimp_a_Butterfly", 2]], [[189366, 200651, "To_Pimp_a_Butterfly", 3]], [[189366, 200652, "To_Pimp_a_Butterfly", 7]], [[189366, 200653, "To_Pimp_a_Butterfly", 8]], [[189366, 200654, "To_Pimp_a_Butterfly", 9]], [[189366, 200655, "To_Pimp_a_Butterfly", 11]], [[189366, 200656, "To_Pimp_a_Butterfly", 12]], [[189366, 200657, "To_Pimp_a_Butterfly", 15]]], "all_evidence": [[189366, 200649, "To_Pimp_a_Butterfly", 0], [189366, 200650, "To_Pimp_a_Butterfly", 2], [189366, 200651, "To_Pimp_a_Butterfly", 3], [189366, 200652, "To_Pimp_a_Butterfly", 7], [189366, 200653, "To_Pimp_a_Butterfly", 8], [189366, 200654, "To_Pimp_a_Butterfly", 9], [189366, 200655, "To_Pimp_a_Butterfly", 11], [189366, 200656, "To_Pimp_a_Butterfly", 12], [189366, 200657, "To_Pimp_a_Butterfly", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50346, 59935, "Eric_Church", 0]]], "all_evidence": [[50346, 59935, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48570, 57878, "West_Virginia", 1]]], "all_evidence": [[48570, 57878, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237597, 239803, "Dakota_Fanning", 6]]], "all_evidence": [[237597, 239803, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144562, 159578, "Wish_Upon", 0]]], "all_evidence": [[144562, 159578, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54236, null, null, null], [303026, null, null, null], [305151, null, null, null]]], "all_evidence": [[54236, null, null, null], [303026, null, null, null], [305151, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147054, 162053, "Kuching", 0]], [[147054, 162054, "Kuching", 1], [147054, 162054, "Kuching_Division", 0], [147054, 162054, "Taiwan", 0]], [[147054, 162055, "Kuching", 2], [147054, 162055, "Sarawak", 0], [147054, 162055, "Taiwan", 0]], [[147054, 162056, "Kuching", 5], [147054, 162056, "Sarawak", 0], [147054, 162056, "Taiwan", 0]], [[147054, 162057, "Kuching", 6], [147054, 162057, "Sarawak", 0], [147054, 162057, "Taiwan", 0]], [[147054, 162058, "Kuching", 10], [147054, 162058, "Batu_Lintang_camp", 0], [147054, 162058, "Taiwan", 0]], [[147054, 162059, "Kuching", 19], [147054, 162059, "Sarawak", 0], [147054, 162059, "Taiwan", 0]], [[147054, 162060, "Kuching", 21], [147054, 162060, "Taiwan", 0]], [[147054, 162061, "Kuching", 20], [147054, 162061, "Bako_National_Park", 0], [147054, 162061, "Sarawak", 0]]], "all_evidence": [[147054, 162053, "Kuching", 0], [147054, 162054, "Kuching", 1], [147054, 162054, "Kuching_Division", 0], [147054, 162054, "Taiwan", 0], [147054, 162055, "Kuching", 2], [147054, 162055, "Sarawak", 0], [147054, 162055, "Taiwan", 0], [147054, 162056, "Kuching", 5], [147054, 162056, "Sarawak", 0], [147054, 162056, "Taiwan", 0], [147054, 162057, "Kuching", 6], [147054, 162057, "Sarawak", 0], [147054, 162057, "Taiwan", 0], [147054, 162058, "Kuching", 10], [147054, 162058, "Batu_Lintang_camp", 0], [147054, 162058, "Taiwan", 0], [147054, 162059, "Kuching", 19], [147054, 162059, "Sarawak", 0], [147054, 162059, "Taiwan", 0], [147054, 162060, "Kuching", 21], [147054, 162060, "Taiwan", 0], [147054, 162061, "Kuching", 20], [147054, 162061, "Bako_National_Park", 0], [147054, 162061, "Sarawak", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222186, null, null, null]]], "all_evidence": [[222186, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200755, null, null, null]]], "all_evidence": [[200755, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15541, null, null, null]]], "all_evidence": [[15541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106088, 119461, "A_View_to_a_Kill", 0]], [[111004, 124694, "A_View_to_a_Kill", 0]], [[113978, 127812, "A_View_to_a_Kill", 1]], [[308241, 298671, "A_View_to_a_Kill", 0]], [[309637, 299790, "A_View_to_a_Kill", 0]], [[309637, 299791, "A_View_to_a_Kill", 1]]], "all_evidence": [[106088, 119461, "A_View_to_a_Kill", 0], [111004, 124694, "A_View_to_a_Kill", 0], [113978, 127812, "A_View_to_a_Kill", 1], [308241, 298671, "A_View_to_a_Kill", 0], [309637, 299790, "A_View_to_a_Kill", 0], [309637, 299791, "A_View_to_a_Kill", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239639, 241406, "Polynesian_languages", 5]]], "all_evidence": [[239639, 241406, "Polynesian_languages", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129896, 144600, "Battle_of_France", 0]]], "all_evidence": [[129896, 144600, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66164, 76995, "Magic_Johnson", 1]], [[66164, 76996, "Magic_Johnson", 2]], [[66164, 76997, "Magic_Johnson", 3]], [[66164, 76998, "Magic_Johnson", 5]]], "all_evidence": [[66164, 76995, "Magic_Johnson", 1], [66164, 76996, "Magic_Johnson", 2], [66164, 76997, "Magic_Johnson", 3], [66164, 76998, "Magic_Johnson", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156188, 170831, "Sleipnir", 0]]], "all_evidence": [[156188, 170831, "Sleipnir", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98894, null, null, null]]], "all_evidence": [[98894, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171669, null, null, null]]], "all_evidence": [[171669, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235598, null, null, null]]], "all_evidence": [[235598, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69944, 80816, "James_Jones_-LRB-basketball_player-RRB-", 16]]], "all_evidence": [[69944, 80816, "James_Jones_-LRB-basketball_player-RRB-", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160824, null, null, null]]], "all_evidence": [[160824, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79894, null, null, null]]], "all_evidence": [[79894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51081, 60813, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[51081, 60813, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250982, 250945, "Brick_-LRB-film-RRB-", 0], [250982, 250945, "Rian_Johnson", 0]]], "all_evidence": [[250982, 250945, "Brick_-LRB-film-RRB-", 0], [250982, 250945, "Rian_Johnson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70686, 81570, "Margaret_Thatcher", 0]], [[70686, 81571, "Margaret_Thatcher", 1]]], "all_evidence": [[70686, 81570, "Margaret_Thatcher", 0], [70686, 81571, "Margaret_Thatcher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48870, null, null, null]]], "all_evidence": [[48870, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58467, 68751, "Horse", 2]], [[58479, 68768, "Horse", 2]], [[58605, 68915, "Horse", 2]]], "all_evidence": [[58467, 68751, "Horse", 2], [58479, 68768, "Horse", 2], [58605, 68915, "Horse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216579, null, null, null]]], "all_evidence": [[216579, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98280, 111383, "Sora_-LRB-Kingdom_Hearts-RRB-", 1]], [[98280, 111384, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]], "all_evidence": [[98280, 111383, "Sora_-LRB-Kingdom_Hearts-RRB-", 1], [98280, 111384, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255975, 255286, "Weekly_Idol", 1]]], "all_evidence": [[255975, 255286, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142143, 157372, "Always_-LRB-1989_film-RRB-", 0], [142143, 157372, "Always_-LRB-1989_film-RRB-", 1]]], "all_evidence": [[142143, 157372, "Always_-LRB-1989_film-RRB-", 0], [142143, 157372, "Always_-LRB-1989_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208610, 216606, "Wentworth_Miller", 2]], [[208613, 216608, "Wentworth_Miller", 2]]], "all_evidence": [[208610, 216606, "Wentworth_Miller", 2], [208613, 216608, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105926, 119296, "Men_in_Black_II", 0]], [[109072, 122776, "Men_in_Black_II", 0]], [[110864, 124538, "Men_in_Black_II", 0]], [[308213, 298657, "Men_in_Black_II", 0]], [[309603, 299768, "Men_in_Black_II", 0]]], "all_evidence": [[105926, 119296, "Men_in_Black_II", 0], [109072, 122776, "Men_in_Black_II", 0], [110864, 124538, "Men_in_Black_II", 0], [308213, 298657, "Men_in_Black_II", 0], [309603, 299768, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239262, null, null, null], [239267, null, null, null]]], "all_evidence": [[239262, null, null, null], [239267, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99352, 112477, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[99352, 112477, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73671, 84919, "Shane_Black", 0]]], "all_evidence": [[73671, 84919, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225628, 230257, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225628, 230257, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118123, null, null, null]]], "all_evidence": [[118123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254363, 254055, "DJ_Quik", 0]]], "all_evidence": [[254363, 254055, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241376, null, null, null]]], "all_evidence": [[241376, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27679, 33899, "Ann_Richards", 0]]], "all_evidence": [[27679, 33899, "Ann_Richards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239375, 241249, "Lockheed_Martin", 4], [239375, 241249, "Marillyn_Hewson", 0], [239375, 241249, "Marillyn_Hewson", 1]]], "all_evidence": [[239375, 241249, "Lockheed_Martin", 4], [239375, 241249, "Marillyn_Hewson", 0], [239375, 241249, "Marillyn_Hewson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69232, 80004, "Jennifer_Lopez", 4]], [[69232, 80005, "Jennifer_Lopez", 7]], [[69232, 80006, "Jennifer_Lopez", 8], [69232, 80006, "Jennifer_Lopez", 9]], [[69232, 80007, "Jennifer_Lopez", 10]], [[69232, 80008, "Jennifer_Lopez", 13], [69232, 80008, "Como_Ama_una_Mujer", 0]]], "all_evidence": [[69232, 80004, "Jennifer_Lopez", 4], [69232, 80005, "Jennifer_Lopez", 7], [69232, 80006, "Jennifer_Lopez", 8], [69232, 80006, "Jennifer_Lopez", 9], [69232, 80007, "Jennifer_Lopez", 10], [69232, 80008, "Jennifer_Lopez", 13], [69232, 80008, "Como_Ama_una_Mujer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199108, 208788, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199108, 208788, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44431, 53100, "Lou_Gehrig", 15]]], "all_evidence": [[44431, 53100, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50726, null, null, null]]], "all_evidence": [[50726, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296476, 288313, "Dan_O'Bannon", 0]], [[298062, 289611, "Dan_O'Bannon", 0]], [[300216, 291470, "Dan_O'Bannon", 0]], [[343239, 327060, "Dan_O'Bannon", 0]], [[343809, 327476, "Dan_O'Bannon", 0]]], "all_evidence": [[296476, 288313, "Dan_O'Bannon", 0], [298062, 289611, "Dan_O'Bannon", 0], [300216, 291470, "Dan_O'Bannon", 0], [343239, 327060, "Dan_O'Bannon", 0], [343809, 327476, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255554, 254989, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255554, 254989, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190727, 201697, "Buffy_Summers", 3]]], "all_evidence": [[190727, 201697, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130368, 145112, "Diana,_Princess_of_Wales", 5]], [[130369, 145113, "Diana,_Princess_of_Wales", 5]]], "all_evidence": [[130368, 145112, "Diana,_Princess_of_Wales", 5], [130369, 145113, "Diana,_Princess_of_Wales", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70320, 81190, "Annette_Badland", 1]]], "all_evidence": [[70320, 81190, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88691, null, null, null]]], "all_evidence": [[88691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286765, 280238, "Colin_Kaepernick", 2]], [[288948, 282130, "Colin_Kaepernick", 5], [288948, 282130, "2012_San_Francisco_49ers_season", 0]], [[333799, 319976, "Colin_Kaepernick", 5]], [[333800, 319977, "Colin_Kaepernick", 5]], [[333800, 319978, "Colin_Kaepernick", 6]], [[333800, 319979, "Colin_Kaepernick", 7]], [[333800, 319980, "Colin_Kaepernick", 8]]], "all_evidence": [[286765, 280238, "Colin_Kaepernick", 2], [288948, 282130, "Colin_Kaepernick", 5], [288948, 282130, "2012_San_Francisco_49ers_season", 0], [333799, 319976, "Colin_Kaepernick", 5], [333800, 319977, "Colin_Kaepernick", 5], [333800, 319978, "Colin_Kaepernick", 6], [333800, 319979, "Colin_Kaepernick", 7], [333800, 319980, "Colin_Kaepernick", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174489, 187688, "Shadowhunters", 6]]], "all_evidence": [[174489, 187688, "Shadowhunters", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146702, null, null, null]]], "all_evidence": [[146702, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215846, null, null, null]]], "all_evidence": [[215846, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219107, null, null, null]]], "all_evidence": [[219107, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20503, 25129, "Microbiologist", 14]]], "all_evidence": [[20503, 25129, "Microbiologist", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79981, null, null, null]]], "all_evidence": [[79981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105034, 118454, "Match_Point", 0]]], "all_evidence": [[105034, 118454, "Match_Point", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61892, 72379, "T2_Trainspotting", 0]]], "all_evidence": [[61892, 72379, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226465, 231030, "Eighth_Doctor", 0], [226465, 231030, "The_Doctor_-LRB-Doctor_Who-RRB-", 0]]], "all_evidence": [[226465, 231030, "Eighth_Doctor", 0], [226465, 231030, "The_Doctor_-LRB-Doctor_Who-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99804, 112978, "In_the_End", 1]]], "all_evidence": [[99804, 112978, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235693, 238267, "Tom_DeLonge", 1]]], "all_evidence": [[235693, 238267, "Tom_DeLonge", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68163, 79055, "Stephen_Colbert", 1]]], "all_evidence": [[68163, 79055, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105339, 118790, "Wish_Upon", 0]]], "all_evidence": [[105339, 118790, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119181, null, null, null]]], "all_evidence": [[119181, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47324, 56450, "PacSun", 1]]], "all_evidence": [[47324, 56450, "PacSun", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178052, 190695, "L.A._Reid", 1]], [[178052, 190696, "L.A._Reid", 3]]], "all_evidence": [[178052, 190695, "L.A._Reid", 1], [178052, 190696, "L.A._Reid", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88707, 101328, "Tool_-LRB-band-RRB-", 0]], [[88707, 101330, "Tool_-LRB-band-RRB-", 2]], [[88707, 101331, "Tool_-LRB-band-RRB-", 10]]], "all_evidence": [[88707, 101328, "Tool_-LRB-band-RRB-", 0], [88707, 101330, "Tool_-LRB-band-RRB-", 2], [88707, 101331, "Tool_-LRB-band-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82586, 94386, "Sayyeshaa", 1]]], "all_evidence": [[82586, 94386, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277144, null, null, null], [277157, null, null, null], [278832, null, null, null], [326873, null, null, null], [326874, null, null, null], [326877, null, null, null], [326883, null, null, null], [326889, null, null, null]]], "all_evidence": [[277144, null, null, null], [277157, null, null, null], [278832, null, null, null], [326873, null, null, null], [326874, null, null, null], [326877, null, null, null], [326883, null, null, null], [326889, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73144, null, null, null], [73152, null, null, null]]], "all_evidence": [[73144, null, null, null], [73152, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201147, 210600, "The_Endless_River", 0], [201147, 210600, "Pink_Floyd", 0], [201147, 210600, "Pink_Floyd", 5]]], "all_evidence": [[201147, 210600, "The_Endless_River", 0], [201147, 210600, "Pink_Floyd", 0], [201147, 210600, "Pink_Floyd", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237598, 239804, "Dakota_Fanning", 1]], [[237598, 239805, "Dakota_Fanning", 2]], [[237598, 239806, "Dakota_Fanning", 5], [237598, 239806, "Hounddog_-LRB-film-RRB-", 0]], [[237598, 239807, "Dakota_Fanning", 6], [237598, 239807, "Coraline_-LRB-film-RRB-", 0]]], "all_evidence": [[237598, 239804, "Dakota_Fanning", 1], [237598, 239805, "Dakota_Fanning", 2], [237598, 239806, "Dakota_Fanning", 5], [237598, 239806, "Hounddog_-LRB-film-RRB-", 0], [237598, 239807, "Dakota_Fanning", 6], [237598, 239807, "Coraline_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223839, null, null, null]]], "all_evidence": [[223839, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259608, null, null, null]]], "all_evidence": [[259608, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24297, null, null, null]]], "all_evidence": [[24297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152461, 167285, "Bethany_Hamilton", 2], [152461, 167285, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[152461, 167285, "Bethany_Hamilton", 2], [152461, 167285, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239926, null, null, null]]], "all_evidence": [[239926, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[283437, 277461, "14th_Dalai_Lama", 0], [283437, 277461, "Dalai_Lama", 0]], [[285899, 279506, "14th_Dalai_Lama", 0], [285899, 279506, "Dalai_Lama", 0]]], "all_evidence": [[283437, 277461, "14th_Dalai_Lama", 0], [283437, 277461, "Dalai_Lama", 0], [285899, 279506, "14th_Dalai_Lama", 0], [285899, 279506, "Dalai_Lama", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130129, 144865, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]], "all_evidence": [[130129, 144865, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255580, null, null, null], [255581, null, null, null], [255582, null, null, null]]], "all_evidence": [[255580, null, null, null], [255581, null, null, null], [255582, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218421, 224711, "The_Hurt_Locker", 0]]], "all_evidence": [[218421, 224711, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209754, 217544, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]], "all_evidence": [[209754, 217544, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105611, null, null, null]]], "all_evidence": [[105611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201145, 210598, "The_Endless_River", 0], [201145, 210598, "Pink_Floyd", 0]]], "all_evidence": [[201145, 210598, "The_Endless_River", 0], [201145, 210598, "Pink_Floyd", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232000, null, null, null]]], "all_evidence": [[232000, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110268, null, null, null]]], "all_evidence": [[110268, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170141, null, null, null]]], "all_evidence": [[170141, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104843, null, null, null], [104846, null, null, null]]], "all_evidence": [[104843, null, null, null], [104846, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298739, null, null, null], [298756, null, null, null], [344651, null, null, null], [344664, null, null, null]]], "all_evidence": [[298739, null, null, null], [298756, null, null, null], [344651, null, null, null], [344664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120847, 135142, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[120847, 135142, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191478, null, null, null]]], "all_evidence": [[191478, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207705, null, null, null]]], "all_evidence": [[207705, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84203, 96325, "No_Country_for_Old_Men_-LRB-film-RRB-", 11]]], "all_evidence": [[84203, 96325, "No_Country_for_Old_Men_-LRB-film-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41771, 50231, "Trevor_Griffiths", 0]]], "all_evidence": [[41771, 50231, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180605, 193037, "Sayyeshaa", 1], [180605, 193037, "Akhil_-LRB-film-RRB-", 0]], [[180606, 193038, "Sayyeshaa", 1], [180606, 193038, "Akhil_-LRB-film-RRB-", 0]]], "all_evidence": [[180605, 193037, "Sayyeshaa", 1], [180605, 193037, "Akhil_-LRB-film-RRB-", 0], [180606, 193038, "Sayyeshaa", 1], [180606, 193038, "Akhil_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226464, 231029, "Eighth_Doctor", 0]]], "all_evidence": [[226464, 231029, "Eighth_Doctor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127837, null, null, null]]], "all_evidence": [[127837, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270528, 266552, "Jenna_Jameson", 0]], [[270528, 266553, "Jenna_Jameson", 3]], [[270528, 266554, "Jenna_Jameson", 15]], [[270528, 266555, "Jenna_Jameson", 16]], [[270528, 266556, "Jenna_Jameson", 22]]], "all_evidence": [[270528, 266552, "Jenna_Jameson", 0], [270528, 266553, "Jenna_Jameson", 3], [270528, 266554, "Jenna_Jameson", 15], [270528, 266555, "Jenna_Jameson", 16], [270528, 266556, "Jenna_Jameson", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269561, 265860, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269561, 265860, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112195, 126018, "Daag_-LRB-1973_film-RRB-", 5]]], "all_evidence": [[112195, 126018, "Daag_-LRB-1973_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160686, 175220, "Raees_-LRB-film-RRB-", 1], [160686, 175220, "Mahira_Khan", 0]], [[162499, 176784, "Raees_-LRB-film-RRB-", 1], [162499, 176784, "Mahira_Khan", 0]], [[163551, 177814, "Raees_-LRB-film-RRB-", 1], [163551, 177814, "Mahira_Khan", 0]], [[312081, 301957, "Raees_-LRB-film-RRB-", 1], [312081, 301957, "Mahira_Khan", 0]], [[313388, 303013, "Raees_-LRB-film-RRB-", 1], [313388, 303013, "Mahira_Khan", 0]]], "all_evidence": [[160686, 175220, "Raees_-LRB-film-RRB-", 1], [160686, 175220, "Mahira_Khan", 0], [162499, 176784, "Raees_-LRB-film-RRB-", 1], [162499, 176784, "Mahira_Khan", 0], [163551, 177814, "Raees_-LRB-film-RRB-", 1], [163551, 177814, "Mahira_Khan", 0], [312081, 301957, "Raees_-LRB-film-RRB-", 1], [312081, 301957, "Mahira_Khan", 0], [313388, 303013, "Raees_-LRB-film-RRB-", 1], [313388, 303013, "Mahira_Khan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162730, null, null, null]]], "all_evidence": [[162730, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115076, 128819, "Lost_-LRB-TV_series-RRB-", 15]]], "all_evidence": [[115076, 128819, "Lost_-LRB-TV_series-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130951, null, null, null]]], "all_evidence": [[130951, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101766, 115019, "Trevor_Griffiths", 0]]], "all_evidence": [[101766, 115019, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236626, 239068, "Marcus_Bentley", 0]]], "all_evidence": [[236626, 239068, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111248, 124875, "Bhagat_Singh", 16], [111248, 124875, "Murder", 0]], [[111256, 124881, "Bhagat_Singh", 16]]], "all_evidence": [[111248, 124875, "Bhagat_Singh", 16], [111248, 124875, "Murder", 0], [111256, 124881, "Bhagat_Singh", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67163, 77952, "T2_Trainspotting", 0]]], "all_evidence": [[67163, 77952, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146900, null, null, null]]], "all_evidence": [[146900, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279105, 273766, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]], [[280700, 275113, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]], [[328606, 315611, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]], [[328606, 315612, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 1]], [[328606, 315613, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]], [[328606, 315614, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 13]], [[328606, 315615, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 14]], [[328606, 315616, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 15]]], "all_evidence": [[279105, 273766, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0], [280700, 275113, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0], [328606, 315611, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0], [328606, 315612, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 1], [328606, 315613, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12], [328606, 315614, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 13], [328606, 315615, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 14], [328606, 315616, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271153, 267093, "Giada_at_Home", 1], [271153, 267093, "Food_Network", 0]]], "all_evidence": [[271153, 267093, "Giada_at_Home", 1], [271153, 267093, "Food_Network", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248536, 248693, "Tie_Your_Mother_Down", 2]], [[248536, 248694, "Tie_Your_Mother_Down", 1]]], "all_evidence": [[248536, 248693, "Tie_Your_Mother_Down", 2], [248536, 248694, "Tie_Your_Mother_Down", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148043, null, null, null]]], "all_evidence": [[148043, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185508, 197260, "French_Indochina", 0]]], "all_evidence": [[185508, 197260, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132771, 147688, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[132771, 147688, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75176, 86409, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[75176, 86409, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188630, 200082, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188630, 200082, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14645, null, null, null], [14646, null, null, null]]], "all_evidence": [[14645, null, null, null], [14646, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210891, null, null, null]]], "all_evidence": [[210891, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78401, 89934, "Augustus", 10]]], "all_evidence": [[78401, 89934, "Augustus", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214326, 221409, "Ernest_Medina", 3]], [[214328, 221411, "Ernest_Medina", 1]], [[214328, 221412, "Ernest_Medina", 3]]], "all_evidence": [[214326, 221409, "Ernest_Medina", 3], [214328, 221411, "Ernest_Medina", 1], [214328, 221412, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84628, null, null, null]]], "all_evidence": [[84628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125483, 139824, "Wales", 16]], [[125484, 139825, "Wales", 16]]], "all_evidence": [[125483, 139824, "Wales", 16], [125484, 139825, "Wales", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146656, null, null, null]]], "all_evidence": [[146656, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178129, 190753, "Chile", 0]]], "all_evidence": [[178129, 190753, "Chile", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208010, 216172, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[208010, 216172, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106543, null, null, null]]], "all_evidence": [[106543, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20353, null, null, null]]], "all_evidence": [[20353, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151721, 166466, "Peking_University", 1]]], "all_evidence": [[151721, 166466, "Peking_University", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206507, 214850, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]], "all_evidence": [[206507, 214850, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173736, 186917, "Danger_UXB", 0]]], "all_evidence": [[173736, 186917, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232003, 235295, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232003, 235295, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63012, null, null, null]]], "all_evidence": [[63012, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239354, 241237, "Lockheed_Martin", 4]]], "all_evidence": [[239354, 241237, "Lockheed_Martin", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51730, null, null, null]]], "all_evidence": [[51730, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246256, 246803, "Easy_A", 0]]], "all_evidence": [[246256, 246803, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168278, 182024, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[168278, 182024, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194381, 204777, "Drake_Bell", 12]]], "all_evidence": [[194381, 204777, "Drake_Bell", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82505, null, null, null]]], "all_evidence": [[82505, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149513, null, null, null]]], "all_evidence": [[149513, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81266, 93071, "Raees_-LRB-film-RRB-", 1]]], "all_evidence": [[81266, 93071, "Raees_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164216, 178455, "A_View_to_a_Kill", 0]], [[164216, 178456, "A_View_to_a_Kill", 5]], [[164216, 178457, "A_View_to_a_Kill", 6]]], "all_evidence": [[164216, 178455, "A_View_to_a_Kill", 0], [164216, 178456, "A_View_to_a_Kill", 5], [164216, 178457, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223827, 228755, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223827, 228755, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186403, 198219, "Robert_Lopez", 1]]], "all_evidence": [[186403, 198219, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286460, 279919, "Rhythm_Nation", 23]], [[288216, 281478, "Rhythm_Nation", 23]], [[288661, 281888, "Rhythm_Nation", 23]], [[333348, 319583, "Rhythm_Nation", 23]], [[334327, 320392, "Rhythm_Nation", 23]]], "all_evidence": [[286460, 279919, "Rhythm_Nation", 23], [288216, 281478, "Rhythm_Nation", 23], [288661, 281888, "Rhythm_Nation", 23], [333348, 319583, "Rhythm_Nation", 23], [334327, 320392, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149300, 164278, "Wish_Upon", 0]], [[149310, 164285, "Wish_Upon", 0]]], "all_evidence": [[149300, 164278, "Wish_Upon", 0], [149310, 164285, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47753, 57024, "Aleister_Crowley", 0]]], "all_evidence": [[47753, 57024, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194470, null, null, null]]], "all_evidence": [[194470, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141161, null, null, null]]], "all_evidence": [[141161, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148304, 163325, "Trollhunters", 0]], [[148304, 163326, "Trollhunters", 5]]], "all_evidence": [[148304, 163325, "Trollhunters", 0], [148304, 163326, "Trollhunters", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210325, 218093, "Southpaw_-LRB-film-RRB-", 2]]], "all_evidence": [[210325, 218093, "Southpaw_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42188, 50761, "French_Indochina", 0]]], "all_evidence": [[42188, 50761, "French_Indochina", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193396, null, null, null]]], "all_evidence": [[193396, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167023, null, null, null]]], "all_evidence": [[167023, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162985, 177210, "University_of_Mississippi", 4]], [[162994, 177215, "University_of_Mississippi", 4]]], "all_evidence": [[162985, 177210, "University_of_Mississippi", 4], [162994, 177215, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244441, 245450, "Samwell_Tarly", 0]]], "all_evidence": [[244441, 245450, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228197, null, null, null], [228239, null, null, null]]], "all_evidence": [[228197, null, null, null], [228239, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234941, 237721, "Tijuana", 0]], [[234941, 237722, "Tijuana", 1]]], "all_evidence": [[234941, 237721, "Tijuana", 0], [234941, 237722, "Tijuana", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11271, 14203, "Heart", 19]]], "all_evidence": [[11271, 14203, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237954, null, null, null]]], "all_evidence": [[237954, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138279, 153266, "Highway_to_Heaven", 0]]], "all_evidence": [[138279, 153266, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190016, 201164, "Philip_Glass", 9]], [[190021, 201167, "Philip_Glass", 9]], [[190021, 201168, "Philip_Glass", 10]]], "all_evidence": [[190016, 201164, "Philip_Glass", 9], [190021, 201167, "Philip_Glass", 9], [190021, 201168, "Philip_Glass", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48492, 57812, "Anushka_Sharma", 7]]], "all_evidence": [[48492, 57812, "Anushka_Sharma", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213724, 220884, "Finding_Dory", 1]]], "all_evidence": [[213724, 220884, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84023, 96142, "The_dress", 0]]], "all_evidence": [[84023, 96142, "The_dress", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185925, 197703, "Kelly_Preston", 1]], [[185925, 197704, "Kelly_Preston", 3]], [[187471, 199100, "Kelly_Preston", 1], [187471, 199100, "Mischief_-LRB-film-RRB-", 0]], [[314430, 303827, "Kelly_Preston", 3]], [[314431, 303828, "Kelly_Preston", 3]], [[314433, 303833, "Kelly_Preston", 3]], [[314437, 303835, "Kelly_Preston", 3], [314437, 303835, "Broken_Bridges", 0], [314437, 303835, "The_Cat_in_the_Hat_-LRB-film-RRB-", 0]], [[314439, 303836, "Kelly_Preston", 3]]], "all_evidence": [[185925, 197703, "Kelly_Preston", 1], [185925, 197704, "Kelly_Preston", 3], [187471, 199100, "Kelly_Preston", 1], [187471, 199100, "Mischief_-LRB-film-RRB-", 0], [314430, 303827, "Kelly_Preston", 3], [314431, 303828, "Kelly_Preston", 3], [314433, 303833, "Kelly_Preston", 3], [314437, 303835, "Kelly_Preston", 3], [314437, 303835, "Broken_Bridges", 0], [314437, 303835, "The_Cat_in_the_Hat_-LRB-film-RRB-", 0], [314439, 303836, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32770, 39836, "Telemundo", 0]]], "all_evidence": [[32770, 39836, "Telemundo", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113252, null, null, null]]], "all_evidence": [[113252, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234400, 237286, "X-Men-COLON-_Apocalypse", 0]], [[237200, 239451, "X-Men-COLON-_Apocalypse", 6]], [[240770, 242372, "X-Men-COLON-_Apocalypse", 6]], [[318785, 307617, "X-Men-COLON-_Apocalypse", 6]], [[318786, 307618, "X-Men-COLON-_Apocalypse", 6]], [[318807, 307634, "X-Men-COLON-_Apocalypse", 6]]], "all_evidence": [[234400, 237286, "X-Men-COLON-_Apocalypse", 0], [237200, 239451, "X-Men-COLON-_Apocalypse", 6], [240770, 242372, "X-Men-COLON-_Apocalypse", 6], [318785, 307617, "X-Men-COLON-_Apocalypse", 6], [318786, 307618, "X-Men-COLON-_Apocalypse", 6], [318807, 307634, "X-Men-COLON-_Apocalypse", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231461, null, null, null]]], "all_evidence": [[231461, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127351, null, null, null]]], "all_evidence": [[127351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30223, 36799, "Knocked_Up", 0]], [[30223, 36800, "Knocked_Up", 4]]], "all_evidence": [[30223, 36799, "Knocked_Up", 0], [30223, 36800, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158097, 172711, "Martin_Van_Buren", 0]], [[158097, 172712, "Martin_Van_Buren", 1]]], "all_evidence": [[158097, 172711, "Martin_Van_Buren", 0], [158097, 172712, "Martin_Van_Buren", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241681, 243204, "Rio_-LRB-2011_film-RRB-", 20]], [[241682, 243205, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241681, 243204, "Rio_-LRB-2011_film-RRB-", 20], [241682, 243205, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127112, 141626, "Saxony", 4]]], "all_evidence": [[127112, 141626, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107059, 120439, "Nestor_Carbonell", 1]], [[107059, 120440, "Nestor_Carbonell", 2], [107059, 120440, "Suddenly_Susan", 0]], [[107059, 120441, "Nestor_Carbonell", 3]]], "all_evidence": [[107059, 120439, "Nestor_Carbonell", 1], [107059, 120440, "Nestor_Carbonell", 2], [107059, 120440, "Suddenly_Susan", 0], [107059, 120441, "Nestor_Carbonell", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66151, 76988, "Emma_Watson", 0]]], "all_evidence": [[66151, 76988, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228728, null, null, null]]], "all_evidence": [[228728, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140520, null, null, null]]], "all_evidence": [[140520, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30315, 36913, "Black_Canary", 0]]], "all_evidence": [[30315, 36913, "Black_Canary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124340, 138704, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[124340, 138704, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26758, null, null, null], [26767, null, null, null]]], "all_evidence": [[26758, null, null, null], [26767, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163813, 178054, "Men_in_Black_II", 0]], [[163814, 178055, "Men_in_Black_II", 0]]], "all_evidence": [[163813, 178054, "Men_in_Black_II", 0], [163814, 178055, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241272, 242813, "Cretaceous", 8]]], "all_evidence": [[241272, 242813, "Cretaceous", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97468, 110639, "Aleister_Crowley", 0]], [[97470, 110642, "Aleister_Crowley", 0]], [[97470, 110643, "Aleister_Crowley", 14]]], "all_evidence": [[97468, 110639, "Aleister_Crowley", 0], [97470, 110642, "Aleister_Crowley", 0], [97470, 110643, "Aleister_Crowley", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228704, null, null, null]]], "all_evidence": [[228704, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75686, 86939, "Joe_Rogan", 7]]], "all_evidence": [[75686, 86939, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146241, 161220, "Colin_Kaepernick", 0]]], "all_evidence": [[146241, 161220, "Colin_Kaepernick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223820, 228751, "Keith_Urban_-LRB-1999_album-RRB-", 0], [223820, 228751, "Capitol_Records_Nashville", 0]]], "all_evidence": [[223820, 228751, "Keith_Urban_-LRB-1999_album-RRB-", 0], [223820, 228751, "Capitol_Records_Nashville", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138745, null, null, null], [310911, null, null, null], [310914, null, null, null]]], "all_evidence": [[138745, null, null, null], [310911, null, null, null], [310914, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63751, null, null, null]]], "all_evidence": [[63751, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227635, 231978, "Happiness_in_Slavery", 0]]], "all_evidence": [[227635, 231978, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49146, null, null, null]]], "all_evidence": [[49146, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207657, null, null, null], [207660, null, null, null]]], "all_evidence": [[207657, null, null, null], [207660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164503, 178761, "Trollhunters", 0]]], "all_evidence": [[164503, 178761, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190467, 201483, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190467, 201483, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67175, 77966, "Colin_Kaepernick", 0]], [[67184, 77979, "Colin_Kaepernick", 0]], [[67184, 77980, "Colin_Kaepernick", 1]], [[67184, 77981, "Colin_Kaepernick", 2]], [[67184, 77982, "Colin_Kaepernick", 5], [67184, 77982, "Alex_Smith", 0]], [[67184, 77983, "Colin_Kaepernick", 6], [67184, 77983, "Quarterback", 0]]], "all_evidence": [[67175, 77966, "Colin_Kaepernick", 0], [67184, 77979, "Colin_Kaepernick", 0], [67184, 77980, "Colin_Kaepernick", 1], [67184, 77981, "Colin_Kaepernick", 2], [67184, 77982, "Colin_Kaepernick", 5], [67184, 77982, "Alex_Smith", 0], [67184, 77983, "Colin_Kaepernick", 6], [67184, 77983, "Quarterback", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76418, 87704, "Danny_Brown", 3]]], "all_evidence": [[76418, 87704, "Danny_Brown", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130170, 144903, "Augustus", 10]], [[130170, 144904, "Augustus", 41]]], "all_evidence": [[130170, 144903, "Augustus", 10], [130170, 144904, "Augustus", 41]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152471, 167291, "Same_Old_Love", 0]]], "all_evidence": [[152471, 167291, "Same_Old_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218307, 224620, "Eva_Mendes", 0]]], "all_evidence": [[218307, 224620, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117731, 131611, "Men_in_Black_II", 0]]], "all_evidence": [[117731, 131611, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239017, null, null, null], [239020, null, null, null]]], "all_evidence": [[239017, null, null, null], [239020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241277, 242821, "Cretaceous", 8]], [[241277, 242822, "Cretaceous", 9]]], "all_evidence": [[241277, 242821, "Cretaceous", 8], [241277, 242822, "Cretaceous", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263225, 260959, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263225, 260959, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228827, 232934, "Albert_S._Ruddy", 0]], [[228830, 232936, "Albert_S._Ruddy", 0]], [[228834, 232940, "Albert_S._Ruddy", 0]], [[228835, 232941, "Albert_S._Ruddy", 0]]], "all_evidence": [[228827, 232934, "Albert_S._Ruddy", 0], [228830, 232936, "Albert_S._Ruddy", 0], [228834, 232940, "Albert_S._Ruddy", 0], [228835, 232941, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95579, null, null, null]]], "all_evidence": [[95579, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231991, null, null, null]]], "all_evidence": [[231991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182116, 194383, "Justine_Bateman", 0]], [[182116, 194384, "Justine_Bateman", 1]]], "all_evidence": [[182116, 194383, "Justine_Bateman", 0], [182116, 194384, "Justine_Bateman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58865, 69186, "Duff_McKagan", 0]], [[61564, 72076, "Duff_McKagan", 0]], [[63899, 74607, "Duff_McKagan", 0]], [[303427, 294394, "Duff_McKagan", 0]], [[305290, 296121, "Duff_McKagan", 0]]], "all_evidence": [[58865, 69186, "Duff_McKagan", 0], [61564, 72076, "Duff_McKagan", 0], [63899, 74607, "Duff_McKagan", 0], [303427, 294394, "Duff_McKagan", 0], [305290, 296121, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253954, 253744, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253954, 253744, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217307, 223925, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217307, 223925, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156684, null, null, null]]], "all_evidence": [[156684, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251683, 251502, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251683, 251502, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181034, 193336, "Thomas_Jefferson", 10]]], "all_evidence": [[181034, 193336, "Thomas_Jefferson", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160509, null, null, null], [160511, null, null, null]]], "all_evidence": [[160509, null, null, null], [160511, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203013, 212139, "Christian_Gottlob_Neefe", 0]], [[203013, 212140, "Christian_Gottlob_Neefe", 5]], [[203013, 212141, "Christian_Gottlob_Neefe", 8]], [[203013, 212142, "Christian_Gottlob_Neefe", 9]]], "all_evidence": [[203013, 212139, "Christian_Gottlob_Neefe", 0], [203013, 212140, "Christian_Gottlob_Neefe", 5], [203013, 212141, "Christian_Gottlob_Neefe", 8], [203013, 212142, "Christian_Gottlob_Neefe", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72137, null, null, null]]], "all_evidence": [[72137, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22499, null, null, null], [299516, null, null, null]]], "all_evidence": [[22499, null, null, null], [299516, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33925, 41137, "Bessie_Smith", 0]]], "all_evidence": [[33925, 41137, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119378, 133390, "Derek_Hough", 3]], [[119378, 133391, "Derek_Hough", 7]], [[119378, 133392, "Derek_Hough", 6]], [[119378, 133393, "Derek_Hough", 10]]], "all_evidence": [[119378, 133390, "Derek_Hough", 3], [119378, 133391, "Derek_Hough", 7], [119378, 133392, "Derek_Hough", 6], [119378, 133393, "Derek_Hough", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178220, 190816, "Shadowhunters", 4]], [[178220, 190817, "Shadowhunters", 5]]], "all_evidence": [[178220, 190816, "Shadowhunters", 4], [178220, 190817, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126205, 140601, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[126205, 140601, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19090, 23398, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[19090, 23398, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225825, 230398, "Love_the_Way_You_Lie", 17]], [[225832, 230402, "Love_the_Way_You_Lie", 17]]], "all_evidence": [[225825, 230398, "Love_the_Way_You_Lie", 17], [225832, 230402, "Love_the_Way_You_Lie", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214793, 221786, "Premam", 0]]], "all_evidence": [[214793, 221786, "Premam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169563, null, null, null]]], "all_evidence": [[169563, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275377, null, null, null], [324391, null, null, null], [325841, null, null, null]]], "all_evidence": [[275377, null, null, null], [324391, null, null, null], [325841, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263239, 260968, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263239, 260968, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63894, 74604, "Yara_Shahidi", 0]]], "all_evidence": [[63894, 74604, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82815, 94673, "Eva_Green", 1]]], "all_evidence": [[82815, 94673, "Eva_Green", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292713, null, null, null], [295308, null, null, null], [297113, null, null, null], [340695, null, null, null], [340753, null, null, null]]], "all_evidence": [[292713, null, null, null], [295308, null, null, null], [297113, null, null, null], [340695, null, null, null], [340753, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223869, null, null, null]]], "all_evidence": [[223869, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193477, null, null, null]]], "all_evidence": [[193477, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186084, null, null, null]]], "all_evidence": [[186084, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45050, 53771, "Camden,_New_Jersey", 0]], [[47285, 56400, "Camden,_New_Jersey", 0]], [[47285, 56401, "Camden,_New_Jersey", 2]], [[47285, 56402, "Camden,_New_Jersey", 4]], [[47285, 56403, "Camden,_New_Jersey", 6]], [[47285, 56404, "Camden,_New_Jersey", 13]], [[47285, 56405, "Camden,_New_Jersey", 17]], [[47285, 56406, "Camden,_New_Jersey", 18]], [[47285, 56407, "Camden,_New_Jersey", 26]], [[47285, 56408, "Camden,_New_Jersey", 28]], [[47285, 56409, "Camden,_New_Jersey", 33]], [[47285, 56410, "Camden,_New_Jersey", 40]], [[47285, 56411, "Camden,_New_Jersey", 51], [47285, 56411, "Camden_City_School_District", 0]], [[49803, 59254, "Camden,_New_Jersey", 0]], [[49803, 59255, "Camden,_New_Jersey", 2]], [[49803, 59256, "Camden,_New_Jersey", 4]], [[49803, 59257, "Camden,_New_Jersey", 6]], [[49803, 59258, "Camden,_New_Jersey", 13]], [[49803, 59259, "Camden,_New_Jersey", 17]], [[49803, 59260, "Camden,_New_Jersey", 18]], [[49803, 59261, "Camden,_New_Jersey", 26]], [[49803, 59262, "Camden,_New_Jersey", 28]], [[49803, 59263, "Camden,_New_Jersey", 33]], [[49803, 59264, "Camden,_New_Jersey", 40]], [[302281, 293313, "Camden,_New_Jersey", 0]], [[304079, 294942, "Camden,_New_Jersey", 0]], [[304833, 295649, "Camden,_New_Jersey", 0]]], "all_evidence": [[45050, 53771, "Camden,_New_Jersey", 0], [47285, 56400, "Camden,_New_Jersey", 0], [47285, 56401, "Camden,_New_Jersey", 2], [47285, 56402, "Camden,_New_Jersey", 4], [47285, 56403, "Camden,_New_Jersey", 6], [47285, 56404, "Camden,_New_Jersey", 13], [47285, 56405, "Camden,_New_Jersey", 17], [47285, 56406, "Camden,_New_Jersey", 18], [47285, 56407, "Camden,_New_Jersey", 26], [47285, 56408, "Camden,_New_Jersey", 28], [47285, 56409, "Camden,_New_Jersey", 33], [47285, 56410, "Camden,_New_Jersey", 40], [47285, 56411, "Camden,_New_Jersey", 51], [47285, 56411, "Camden_City_School_District", 0], [49803, 59254, "Camden,_New_Jersey", 0], [49803, 59255, "Camden,_New_Jersey", 2], [49803, 59256, "Camden,_New_Jersey", 4], [49803, 59257, "Camden,_New_Jersey", 6], [49803, 59258, "Camden,_New_Jersey", 13], [49803, 59259, "Camden,_New_Jersey", 17], [49803, 59260, "Camden,_New_Jersey", 18], [49803, 59261, "Camden,_New_Jersey", 26], [49803, 59262, "Camden,_New_Jersey", 28], [49803, 59263, "Camden,_New_Jersey", 33], [49803, 59264, "Camden,_New_Jersey", 40], [302281, 293313, "Camden,_New_Jersey", 0], [304079, 294942, "Camden,_New_Jersey", 0], [304833, 295649, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116907, 130786, "Chaka_Khan", 0]]], "all_evidence": [[116907, 130786, "Chaka_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211463, 219170, "Princess_Mononoke", 4]]], "all_evidence": [[211463, 219170, "Princess_Mononoke", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175073, 188131, "Garden_State_-LRB-film-RRB-", 0]]], "all_evidence": [[175073, 188131, "Garden_State_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122940, 137206, "Stephen_Colbert", 1]], [[122940, 137207, "Stephen_Colbert", 11], [122940, 137207, "The_Colbert_Report", 0]], [[122940, 137208, "Stephen_Colbert", 12], [122940, 137208, "The_Colbert_Report", 0]], [[122945, 137212, "Stephen_Colbert", 1]], [[122945, 137213, "Stephen_Colbert", 12], [122945, 137213, "The_Colbert_Report", 0], [122945, 137213, "The_O'Reilly_Factor", 0]], [[122945, 137214, "Stephen_Colbert", 11], [122945, 137214, "The_Colbert_Report", 0]]], "all_evidence": [[122940, 137206, "Stephen_Colbert", 1], [122940, 137207, "Stephen_Colbert", 11], [122940, 137207, "The_Colbert_Report", 0], [122940, 137208, "Stephen_Colbert", 12], [122940, 137208, "The_Colbert_Report", 0], [122945, 137212, "Stephen_Colbert", 1], [122945, 137213, "Stephen_Colbert", 12], [122945, 137213, "The_Colbert_Report", 0], [122945, 137213, "The_O'Reilly_Factor", 0], [122945, 137214, "Stephen_Colbert", 11], [122945, 137214, "The_Colbert_Report", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18459, 22644, "Eddie_Guerrero", 10], [18459, 22644, "Substance_abuse", 0]]], "all_evidence": [[18459, 22644, "Eddie_Guerrero", 10], [18459, 22644, "Substance_abuse", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168265, 182013, "Noel_Fisher", 1], [168265, 182013, "List_of_Shameless_-LRB-U.S._TV_series-RRB-_characters", 0]], [[168265, 182014, "Noel_Fisher", 2], [168265, 182014, "Michelangelo_-LRB-Teenage_Mutant_Ninja_Turtles-RRB-", 0]], [[168350, 182094, "Noel_Fisher", 1], [168350, 182094, "Shameless_-LRB-U.S._TV_series-RRB-", 0]], [[168350, 182095, "Noel_Fisher", 2]]], "all_evidence": [[168265, 182013, "Noel_Fisher", 1], [168265, 182013, "List_of_Shameless_-LRB-U.S._TV_series-RRB-_characters", 0], [168265, 182014, "Noel_Fisher", 2], [168265, 182014, "Michelangelo_-LRB-Teenage_Mutant_Ninja_Turtles-RRB-", 0], [168350, 182094, "Noel_Fisher", 1], [168350, 182094, "Shameless_-LRB-U.S._TV_series-RRB-", 0], [168350, 182095, "Noel_Fisher", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42196, 50764, "Sikkim", 4], [42196, 50764, "Kangchenjunga", 0]]], "all_evidence": [[42196, 50764, "Sikkim", 4], [42196, 50764, "Kangchenjunga", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254347, null, null, null]]], "all_evidence": [[254347, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49465, 58810, "Shane_McMahon", 0]], [[49465, 58811, "Shane_McMahon", 1]], [[49465, 58812, "Shane_McMahon", 5]], [[49465, 58813, "Shane_McMahon", 6]], [[49465, 58814, "Shane_McMahon", 10]], [[49465, 58815, "Shane_McMahon", 16]]], "all_evidence": [[49465, 58810, "Shane_McMahon", 0], [49465, 58811, "Shane_McMahon", 1], [49465, 58812, "Shane_McMahon", 5], [49465, 58813, "Shane_McMahon", 6], [49465, 58814, "Shane_McMahon", 10], [49465, 58815, "Shane_McMahon", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244426, 245437, "Samwell_Tarly", 0]]], "all_evidence": [[244426, 245437, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86412, null, null, null]]], "all_evidence": [[86412, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91686, null, null, null]]], "all_evidence": [[91686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127809, 142489, "Morse_code", 0]]], "all_evidence": [[127809, 142489, "Morse_code", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227628, 231974, "Happiness_in_Slavery", 0]], [[227629, 231975, "Happiness_in_Slavery", 0], [227629, 231975, "Nine_Inch_Nails", 0]]], "all_evidence": [[227628, 231974, "Happiness_in_Slavery", 0], [227629, 231975, "Happiness_in_Slavery", 0], [227629, 231975, "Nine_Inch_Nails", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59904, 70303, "Stephen_Colbert", 1]]], "all_evidence": [[59904, 70303, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214255, null, null, null]]], "all_evidence": [[214255, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266474, null, null, null]]], "all_evidence": [[266474, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129924, 144627, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[129924, 144627, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59265, null, null, null]]], "all_evidence": [[59265, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208627, 216634, "Wentworth_Miller", 2]], [[208628, 216635, "Wentworth_Miller", 2]], [[208638, 216642, "Wentworth_Miller", 2]]], "all_evidence": [[208627, 216634, "Wentworth_Miller", 2], [208628, 216635, "Wentworth_Miller", 2], [208638, 216642, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107685, 121178, "Danger_UXB", 0]]], "all_evidence": [[107685, 121178, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211118, 218771, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[211118, 218771, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108628, null, null, null]]], "all_evidence": [[108628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121562, 135830, "Sidse_Babett_Knudsen", 0]], [[121562, 135831, "Sidse_Babett_Knudsen", 10]]], "all_evidence": [[121562, 135830, "Sidse_Babett_Knudsen", 0], [121562, 135831, "Sidse_Babett_Knudsen", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110880, null, null, null]]], "all_evidence": [[110880, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69380, null, null, null], [72157, null, null, null], [75602, null, null, null], [306981, null, null, null]]], "all_evidence": [[69380, null, null, null], [72157, null, null, null], [75602, null, null, null], [306981, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151942, null, null, null]]], "all_evidence": [[151942, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162006, null, null, null]]], "all_evidence": [[162006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82364, 94136, "Randy_Savage", 4]]], "all_evidence": [[82364, 94136, "Randy_Savage", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225483, null, null, null]]], "all_evidence": [[225483, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118525, 132378, "Eric_Church", 0]]], "all_evidence": [[118525, 132378, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24606, 30387, "White_House_Press_Secretary", 0]]], "all_evidence": [[24606, 30387, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80459, 92300, "Riddick_-LRB-character-RRB-", 0]], [[80459, 92301, "Riddick_-LRB-character-RRB-", 1], [80459, 92301, "Riddick_-LRB-film-RRB-", 0]], [[80459, 92302, "Riddick_-LRB-character-RRB-", 4], [80459, 92302, "Riddick_-LRB-film-RRB-", 0]], [[80459, 92303, "Riddick_-LRB-character-RRB-", 8], [80459, 92303, "Riddick_-LRB-film-RRB-", 0]], [[80459, 92304, "Riddick_-LRB-character-RRB-", 13], [80459, 92304, "Riddick_-LRB-film-RRB-", 0]]], "all_evidence": [[80459, 92300, "Riddick_-LRB-character-RRB-", 0], [80459, 92301, "Riddick_-LRB-character-RRB-", 1], [80459, 92301, "Riddick_-LRB-film-RRB-", 0], [80459, 92302, "Riddick_-LRB-character-RRB-", 4], [80459, 92302, "Riddick_-LRB-film-RRB-", 0], [80459, 92303, "Riddick_-LRB-character-RRB-", 8], [80459, 92303, "Riddick_-LRB-film-RRB-", 0], [80459, 92304, "Riddick_-LRB-character-RRB-", 13], [80459, 92304, "Riddick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148575, 163593, "Horse", 2]]], "all_evidence": [[148575, 163593, "Horse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36802, 44447, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[36802, 44447, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150895, 165741, "Daggering", 0]]], "all_evidence": [[150895, 165741, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19086, 23395, "Kendall_Jenner", 7]]], "all_evidence": [[19086, 23395, "Kendall_Jenner", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161296, 175783, "West_Virginia", 1]]], "all_evidence": [[161296, 175783, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113295, null, null, null]]], "all_evidence": [[113295, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54452, 64457, "Marjorie_Gross", 1], [54452, 64457, "Newhart", 0], [54452, 64457, "Seinfeld", 0], [54452, 64457, "The_Larry_Sanders_Show", 0]]], "all_evidence": [[54452, 64457, "Marjorie_Gross", 1], [54452, 64457, "Newhart", 0], [54452, 64457, "Seinfeld", 0], [54452, 64457, "The_Larry_Sanders_Show", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228195, 232438, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228195, 232438, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131589, null, null, null], [133621, null, null, null], [135041, null, null, null], [309274, null, null, null], [309276, null, null, null], [309277, null, null, null]]], "all_evidence": [[131589, null, null, null], [133621, null, null, null], [135041, null, null, null], [309274, null, null, null], [309276, null, null, null], [309277, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137667, 152578, "Awkward_Black_Girl", 0]]], "all_evidence": [[137667, 152578, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28873, 35238, "Melancholia_-LRB-2011_film-RRB-", 0], [28873, 35238, "Lars_von_Trier", 0]]], "all_evidence": [[28873, 35238, "Melancholia_-LRB-2011_film-RRB-", 0], [28873, 35238, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146465, 161425, "Chrysler_Building", 5]], [[146465, 161426, "Chrysler_Building", 1]]], "all_evidence": [[146465, 161425, "Chrysler_Building", 5], [146465, 161426, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109066, 122768, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[109066, 122768, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228457, 232639, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228457, 232639, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222187, 227575, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222187, 227575, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11825, 14837, "Croatia", 27]], [[11826, 14838, "Croatia", 27]], [[11829, 14840, "Croatia", 27]], [[15509, 19335, "Croatia", 27]], [[16571, 20510, "Croatia", 27]], [[19394, 23802, "Croatia", 27]], [[170218, 183777, "Croatia", 27]], [[230019, 233788, "Croatia", 27]], [[239341, 241230, "Croatia", 27]], [[246902, 247320, "Croatia", 27]], [[288463, 281722, "Croatia", 27]], [[298893, 290274, "Croatia", 27]], [[305939, 296702, "Croatia", 27]], [[332972, 319190, "Croatia", 27], [332972, 319190, "Tertiary_sector_of_the_economy", 0], [332972, 319190, "Tertiary_sector_of_the_economy", 10]]], "all_evidence": [[11825, 14837, "Croatia", 27], [11826, 14838, "Croatia", 27], [11829, 14840, "Croatia", 27], [15509, 19335, "Croatia", 27], [16571, 20510, "Croatia", 27], [19394, 23802, "Croatia", 27], [170218, 183777, "Croatia", 27], [230019, 233788, "Croatia", 27], [239341, 241230, "Croatia", 27], [246902, 247320, "Croatia", 27], [288463, 281722, "Croatia", 27], [298893, 290274, "Croatia", 27], [305939, 296702, "Croatia", 27], [332972, 319190, "Croatia", 27], [332972, 319190, "Tertiary_sector_of_the_economy", 0], [332972, 319190, "Tertiary_sector_of_the_economy", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73071, 84269, "Colin_Kaepernick", 0]], [[73071, 84270, "Colin_Kaepernick", 1]], [[73077, 84274, "Colin_Kaepernick", 0]], [[73077, 84275, "Colin_Kaepernick", 1]], [[73077, 84276, "Colin_Kaepernick", 5]], [[73077, 84277, "Colin_Kaepernick", 6]], [[73077, 84278, "Colin_Kaepernick", 7]], [[73077, 84279, "Colin_Kaepernick", 11]]], "all_evidence": [[73071, 84269, "Colin_Kaepernick", 0], [73071, 84270, "Colin_Kaepernick", 1], [73077, 84274, "Colin_Kaepernick", 0], [73077, 84275, "Colin_Kaepernick", 1], [73077, 84276, "Colin_Kaepernick", 5], [73077, 84277, "Colin_Kaepernick", 6], [73077, 84278, "Colin_Kaepernick", 7], [73077, 84279, "Colin_Kaepernick", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197234, 207311, "Smriti_Mandhana", 0]], [[197244, 207322, "Smriti_Mandhana", 0]]], "all_evidence": [[197234, 207311, "Smriti_Mandhana", 0], [197244, 207322, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263242, 260971, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263242, 260971, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262154, 260204, "Bullitt", 0]]], "all_evidence": [[262154, 260204, "Bullitt", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163855, null, null, null]]], "all_evidence": [[163855, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102387, 115657, "Greek_language", 13]], [[102387, 115658, "Greek_language", 14]]], "all_evidence": [[102387, 115657, "Greek_language", 13], [102387, 115658, "Greek_language", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292310, 285116, "Black_Canary", 0], [292310, 285116, "DC_Comics", 0]], [[294314, 286649, "Black_Canary", 0], [294314, 286649, "DC_Comics", 0]], [[294931, 287154, "Black_Canary", 0]], [[294931, 287155, "Black_Canary", 1]], [[294931, 287156, "Black_Canary", 2]], [[339912, 324732, "Black_Canary", 0], [339912, 324732, "DC_Comics", 0]], [[339914, 324734, "Black_Canary", 0]], [[339922, 324739, "Black_Canary", 0], [339922, 324739, "DC_Comics", 0]]], "all_evidence": [[292310, 285116, "Black_Canary", 0], [292310, 285116, "DC_Comics", 0], [294314, 286649, "Black_Canary", 0], [294314, 286649, "DC_Comics", 0], [294931, 287154, "Black_Canary", 0], [294931, 287155, "Black_Canary", 1], [294931, 287156, "Black_Canary", 2], [339912, 324732, "Black_Canary", 0], [339912, 324732, "DC_Comics", 0], [339914, 324734, "Black_Canary", 0], [339922, 324739, "Black_Canary", 0], [339922, 324739, "DC_Comics", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215860, null, null, null]]], "all_evidence": [[215860, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154065, null, null, null]]], "all_evidence": [[154065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63937, 74641, "Chaka_Khan", 4]]], "all_evidence": [[63937, 74641, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191694, null, null, null]]], "all_evidence": [[191694, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248564, 248722, "In_a_Lonely_Place", 1]]], "all_evidence": [[248564, 248722, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68750, 79590, "Rage_Against_the_Machine", 20]]], "all_evidence": [[68750, 79590, "Rage_Against_the_Machine", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239631, null, null, null]]], "all_evidence": [[239631, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28071, 34361, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]], "all_evidence": [[28071, 34361, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107982, null, null, null]]], "all_evidence": [[107982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63956, 74658, "CONCACAF_Champions_League", 0]]], "all_evidence": [[63956, 74658, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160722, 175258, "Human_brain", 2]]], "all_evidence": [[160722, 175258, "Human_brain", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190755, 201718, "Alice_Cooper", 0]]], "all_evidence": [[190755, 201718, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158218, null, null, null]]], "all_evidence": [[158218, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101068, 114324, "Ashley_Graham_-LRB-model-RRB-", 6]]], "all_evidence": [[101068, 114324, "Ashley_Graham_-LRB-model-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[302387, null, null, null], [304862, null, null, null], [306146, null, null, null]]], "all_evidence": [[302387, null, null, null], [304862, null, null, null], [306146, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59838, 70240, "Billboard_Dad", 0]]], "all_evidence": [[59838, 70240, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72935, 84072, "Kelly_Preston", 3]], [[77157, 88581, "Kelly_Preston", 3]], [[78079, 89568, "Kelly_Preston", 3]], [[305754, 296554, "Kelly_Preston", 3]], [[307034, 297576, "Kelly_Preston", 3]]], "all_evidence": [[72935, 84072, "Kelly_Preston", 3], [77157, 88581, "Kelly_Preston", 3], [78079, 89568, "Kelly_Preston", 3], [305754, 296554, "Kelly_Preston", 3], [307034, 297576, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228806, 232915, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228806, 232916, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1]], [[228806, 232917, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]]], "all_evidence": [[228806, 232915, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228806, 232916, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1], [228806, 232917, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188637, 200089, "Veeram_-LRB-2014_film-RRB-", 0]], [[188637, 200090, "Veeram_-LRB-2014_film-RRB-", 3]]], "all_evidence": [[188637, 200089, "Veeram_-LRB-2014_film-RRB-", 0], [188637, 200090, "Veeram_-LRB-2014_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153012, 167770, "Shawn_Carlson", 0]]], "all_evidence": [[153012, 167770, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25730, 31653, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[25730, 31653, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136733, 151561, "Uranium-235", 6], [136733, 151561, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[136733, 151561, "Uranium-235", 6], [136733, 151561, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254369, 254058, "DJ_Quik", 0]]], "all_evidence": [[254369, 254058, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141425, 156617, "Due_Date", 2]]], "all_evidence": [[141425, 156617, "Due_Date", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22133, null, null, null]]], "all_evidence": [[22133, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238984, 240939, "Despicable_Me_2", 1]]], "all_evidence": [[238984, 240939, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211459, 219169, "Princess_Mononoke", 0]]], "all_evidence": [[211459, 219169, "Princess_Mononoke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66612, 77422, "Off_the_Wall", 13]], [[66612, 77423, "Off_the_Wall", 14]], [[66612, 77424, "Off_the_Wall", 16]], [[66612, 77425, "Off_the_Wall", 19]]], "all_evidence": [[66612, 77422, "Off_the_Wall", 13], [66612, 77423, "Off_the_Wall", 14], [66612, 77424, "Off_the_Wall", 16], [66612, 77425, "Off_the_Wall", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79475, null, null, null]]], "all_evidence": [[79475, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46350, 55335, "Saxony", 0]]], "all_evidence": [[46350, 55335, "Saxony", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154907, null, null, null]]], "all_evidence": [[154907, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254336, null, null, null]]], "all_evidence": [[254336, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88207, null, null, null]]], "all_evidence": [[88207, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69378, null, null, null]]], "all_evidence": [[69378, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246631, 247103, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246631, 247103, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[254003, 253781, "Topman", 1]], [[255694, 255095, "Topman", 1]], [[256134, 255393, "Topman", 1]]], "all_evidence": [[254003, 253781, "Topman", 1], [255694, 255095, "Topman", 1], [256134, 255393, "Topman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118859, 132700, "The_Mighty_Ducks", 1]]], "all_evidence": [[118859, 132700, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198023, 207972, "Syracuse,_New_York", 2]]], "all_evidence": [[198023, 207972, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237484, 239691, "North_Vietnam", 0], [237484, 239691, "Southeast_Asia", 0]], [[237485, 239692, "North_Vietnam", 0], [237485, 239692, "Southeast_Asia", 0]]], "all_evidence": [[237484, 239691, "North_Vietnam", 0], [237484, 239691, "Southeast_Asia", 0], [237485, 239692, "North_Vietnam", 0], [237485, 239692, "Southeast_Asia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130235, 145001, "Nuuk", 0]], [[130235, 145002, "Nuuk", 3]]], "all_evidence": [[130235, 145001, "Nuuk", 0], [130235, 145002, "Nuuk", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154684, 169420, "Terry_Crews", 0]]], "all_evidence": [[154684, 169420, "Terry_Crews", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53028, 62974, "Ann_Richards", 0]], [[53028, 62975, "Ann_Richards", 1]], [[53028, 62976, "Ann_Richards", 2]], [[53028, 62977, "Ann_Richards", 3]]], "all_evidence": [[53028, 62974, "Ann_Richards", 0], [53028, 62975, "Ann_Richards", 1], [53028, 62976, "Ann_Richards", 2], [53028, 62977, "Ann_Richards", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52539, null, null, null]]], "all_evidence": [[52539, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136198, 151027, "Psych", 2], [136198, 151027, "James_Roday", 0]]], "all_evidence": [[136198, 151027, "Psych", 2], [136198, 151027, "James_Roday", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50705, 60312, "Henry_II_of_France", 15]]], "all_evidence": [[50705, 60312, "Henry_II_of_France", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62233, 72825, "Paris_-LRB-Paris_Hilton_album-RRB-", 8]]], "all_evidence": [[62233, 72825, "Paris_-LRB-Paris_Hilton_album-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124660, null, null, null]]], "all_evidence": [[124660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64566, 75357, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[64566, 75357, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65500, 76376, "Sheryl_Lee", 7], [65500, 76376, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[65500, 76376, "Sheryl_Lee", 7], [65500, 76376, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69121, 79908, "Penguin_Books", 0]]], "all_evidence": [[69121, 79908, "Penguin_Books", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228852, 232957, "Albert_S._Ruddy", 0]]], "all_evidence": [[228852, 232957, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99604, null, null, null]]], "all_evidence": [[99604, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12013, 15049, "Faroe_Islands", 9]], [[12014, 15050, "Faroe_Islands", 9]]], "all_evidence": [[12013, 15049, "Faroe_Islands", 9], [12014, 15050, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126329, null, null, null]]], "all_evidence": [[126329, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96062, 109115, "Marvel_vs._Capcom-COLON-_Infinite", 1]]], "all_evidence": [[96062, 109115, "Marvel_vs._Capcom-COLON-_Infinite", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201142, null, null, null]]], "all_evidence": [[201142, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51418, null, null, null]]], "all_evidence": [[51418, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273722, 269082, "Working_animal", 0]], [[273722, 269083, "Working_animal", 5]]], "all_evidence": [[273722, 269082, "Working_animal", 0], [273722, 269083, "Working_animal", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212207, 219805, "Epistemology", 3]], [[212207, 219806, "Epistemology", 4]]], "all_evidence": [[212207, 219805, "Epistemology", 3], [212207, 219806, "Epistemology", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209152, 217022, "Jewell_-LRB-singer-RRB-", 0]], [[211768, 219413, "Jewell_-LRB-singer-RRB-", 0]], [[211768, 219414, "Jewell_-LRB-singer-RRB-", 3]], [[214149, 221226, "Jewell_-LRB-singer-RRB-", 0]], [[214149, 221227, "Jewell_-LRB-singer-RRB-", 2]], [[214149, 221228, "Jewell_-LRB-singer-RRB-", 3]], [[316025, 305230, "Jewell_-LRB-singer-RRB-", 0]], [[316025, 305231, "Jewell_-LRB-singer-RRB-", 2], [316025, 305231, "Woman_to_Woman_-LRB-Shirley_Brown_song-RRB-", 0]], [[316025, 305232, "Jewell_-LRB-singer-RRB-", 3]], [[316898, 306006, "Jewell_-LRB-singer-RRB-", 0]], [[316906, 306018, "Jewell_-LRB-singer-RRB-", 0]]], "all_evidence": [[209152, 217022, "Jewell_-LRB-singer-RRB-", 0], [211768, 219413, "Jewell_-LRB-singer-RRB-", 0], [211768, 219414, "Jewell_-LRB-singer-RRB-", 3], [214149, 221226, "Jewell_-LRB-singer-RRB-", 0], [214149, 221227, "Jewell_-LRB-singer-RRB-", 2], [214149, 221228, "Jewell_-LRB-singer-RRB-", 3], [316025, 305230, "Jewell_-LRB-singer-RRB-", 0], [316025, 305231, "Jewell_-LRB-singer-RRB-", 2], [316025, 305231, "Woman_to_Woman_-LRB-Shirley_Brown_song-RRB-", 0], [316025, 305232, "Jewell_-LRB-singer-RRB-", 3], [316898, 306006, "Jewell_-LRB-singer-RRB-", 0], [316906, 306018, "Jewell_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53899, 63885, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[53899, 63885, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270773, 266778, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270773, 266778, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172341, 185671, "Veeru_Devgan", 0]], [[172341, 185672, "Veeru_Devgan", 2]]], "all_evidence": [[172341, 185671, "Veeru_Devgan", 0], [172341, 185672, "Veeru_Devgan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56282, null, null, null]]], "all_evidence": [[56282, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157355, null, null, null], [311889, null, null, null]]], "all_evidence": [[157355, null, null, null], [311889, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292978, null, null, null], [295546, null, null, null], [341168, null, null, null]]], "all_evidence": [[292978, null, null, null], [295546, null, null, null], [341168, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240405, 242024, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[240405, 242024, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110711, 124389, "David_Spade", 2]]], "all_evidence": [[110711, 124389, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214294, 221374, "Ernest_Medina", 1]]], "all_evidence": [[214294, 221374, "Ernest_Medina", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270516, null, null, null]]], "all_evidence": [[270516, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223628, null, null, null]]], "all_evidence": [[223628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80296, 92093, "Edmund_H._North", 0]]], "all_evidence": [[80296, 92093, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43123, null, null, null]]], "all_evidence": [[43123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266462, 263442, "Ludwig_van_Beethoven", 5], [266462, 263442, "Bonn", 0]], [[266465, 263445, "Ludwig_van_Beethoven", 5], [266465, 263445, "Bonn", 0], [266465, 263445, "Holy_Roman_Empire", 0]]], "all_evidence": [[266462, 263442, "Ludwig_van_Beethoven", 5], [266462, 263442, "Bonn", 0], [266465, 263445, "Ludwig_van_Beethoven", 5], [266465, 263445, "Bonn", 0], [266465, 263445, "Holy_Roman_Empire", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248548, null, null, null]]], "all_evidence": [[248548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211990, 219595, "Saturn_Corporation", 0]]], "all_evidence": [[211990, 219595, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20665, 25312, "Greek_language", 14]]], "all_evidence": [[20665, 25312, "Greek_language", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134713, null, null, null]]], "all_evidence": [[134713, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140075, 155080, "Jennifer_Lopez", 10]]], "all_evidence": [[140075, 155080, "Jennifer_Lopez", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283005, null, null, null], [284903, null, null, null], [331456, null, null, null], [331463, null, null, null]]], "all_evidence": [[283005, null, null, null], [284903, null, null, null], [331456, null, null, null], [331463, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52351, null, null, null]]], "all_evidence": [[52351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253976, 253760, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253976, 253760, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131935, 146782, "Bad_Romance", 12]]], "all_evidence": [[131935, 146782, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118179, 132023, "West_Ham_United_F.C.", 5]]], "all_evidence": [[118179, 132023, "West_Ham_United_F.C.", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205362, 213961, "Dub_music", 0]]], "all_evidence": [[205362, 213961, "Dub_music", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219122, null, null, null]]], "all_evidence": [[219122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[336035, 321721, "State_of_Palestine", 1]], [[336036, 321722, "State_of_Palestine", 1]], [[336051, 321731, "State_of_Palestine", 1]]], "all_evidence": [[336035, 321721, "State_of_Palestine", 1], [336036, 321722, "State_of_Palestine", 1], [336051, 321731, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190777, null, null, null]]], "all_evidence": [[190777, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21219, null, null, null]]], "all_evidence": [[21219, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59419, 69811, "Indian_Institute_of_Management_Bangalore", 5]]], "all_evidence": [[59419, 69811, "Indian_Institute_of_Management_Bangalore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167544, null, null, null], [167548, null, null, null]]], "all_evidence": [[167544, null, null, null], [167548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70409, 81271, "John_Deighton", 15]]], "all_evidence": [[70409, 81271, "John_Deighton", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177059, 189991, "English_people", 6]]], "all_evidence": [[177059, 189991, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167371, 181220, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[167371, 181220, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119803, null, null, null]]], "all_evidence": [[119803, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51189, null, null, null]]], "all_evidence": [[51189, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145547, null, null, null]]], "all_evidence": [[145547, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41257, 49595, "Charles_Manson", 0]]], "all_evidence": [[41257, 49595, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189254, 200546, "Blade_Runner_2049", 1]], [[191882, 202658, "Blade_Runner_2049", 1]], [[192334, 203092, "Blade_Runner_2049", 1]], [[314813, 304133, "Blade_Runner_2049", 1]], [[314816, 304135, "Blade_Runner_2049", 1]], [[314817, 304136, "Blade_Runner_2049", 1]], [[314825, 304142, "Blade_Runner_2049", 1]]], "all_evidence": [[189254, 200546, "Blade_Runner_2049", 1], [191882, 202658, "Blade_Runner_2049", 1], [192334, 203092, "Blade_Runner_2049", 1], [314813, 304133, "Blade_Runner_2049", 1], [314816, 304135, "Blade_Runner_2049", 1], [314817, 304136, "Blade_Runner_2049", 1], [314825, 304142, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49675, 59105, "Michigan", 13]]], "all_evidence": [[49675, 59105, "Michigan", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205358, 213957, "Dub_music", 0]]], "all_evidence": [[205358, 213957, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194706, 205078, "Middle-earth", 0]]], "all_evidence": [[194706, 205078, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25523, 31447, "Star_Trek-COLON-_Discovery", 0], [25523, 31447, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[25523, 31447, "Star_Trek-COLON-_Discovery", 0], [25523, 31447, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184129, 196079, "Edgar_Wright", 0]]], "all_evidence": [[184129, 196079, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72392, null, null, null]]], "all_evidence": [[72392, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149526, null, null, null]]], "all_evidence": [[149526, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141771, null, null, null]]], "all_evidence": [[141771, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108638, 122310, "Charles_Manson", 5]]], "all_evidence": [[108638, 122310, "Charles_Manson", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242997, 244281, "St._Anger", 0]], [[242997, 244282, "St._Anger", 1], [242997, 244282, "Reload_-LRB-Metallica_album-RRB-", 0]], [[242997, 244283, "St._Anger", 2]], [[242997, 244284, "St._Anger", 16], [242997, 244284, "St._Anger_-LRB-song-RRB-", 1]]], "all_evidence": [[242997, 244281, "St._Anger", 0], [242997, 244282, "St._Anger", 1], [242997, 244282, "Reload_-LRB-Metallica_album-RRB-", 0], [242997, 244283, "St._Anger", 2], [242997, 244284, "St._Anger", 16], [242997, 244284, "St._Anger_-LRB-song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248716, null, null, null], [250860, null, null, null], [252251, null, null, null], [319578, null, null, null], [320699, null, null, null]]], "all_evidence": [[248716, null, null, null], [250860, null, null, null], [252251, null, null, null], [319578, null, null, null], [320699, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156751, 171355, "Jack_Falahee", 0]]], "all_evidence": [[156751, 171355, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63872, null, null, null]]], "all_evidence": [[63872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118967, 132865, "Aarhus", 0]]], "all_evidence": [[118967, 132865, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192738, 203457, "Cadet_Kelly", 0]]], "all_evidence": [[192738, 203457, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143638, null, null, null]]], "all_evidence": [[143638, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90591, null, null, null]]], "all_evidence": [[90591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96259, 109405, "Byron_Howard", 1]]], "all_evidence": [[96259, 109405, "Byron_Howard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258717, 257478, "The_Pelican_Brief_-LRB-film-RRB-", 0]], [[258718, 257479, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258717, 257478, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258718, 257479, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101469, 114714, "Human_trafficking", 0]]], "all_evidence": [[101469, 114714, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203330, 212372, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203330, 212372, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143196, null, null, null]]], "all_evidence": [[143196, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243118, 244398, "First_Motion_Picture_Unit", 0]], [[243118, 244399, "First_Motion_Picture_Unit", 1]], [[243118, 244400, "First_Motion_Picture_Unit", 4]]], "all_evidence": [[243118, 244398, "First_Motion_Picture_Unit", 0], [243118, 244399, "First_Motion_Picture_Unit", 1], [243118, 244400, "First_Motion_Picture_Unit", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63193, 73903, "Wilhelmina_Slater", 0]]], "all_evidence": [[63193, 73903, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80963, null, null, null]]], "all_evidence": [[80963, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23511, 28965, "Jens_Stoltenberg", 4]]], "all_evidence": [[23511, 28965, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286182, null, null, null], [287913, null, null, null], [288501, null, null, null], [334210, null, null, null], [334245, null, null, null]]], "all_evidence": [[286182, null, null, null], [287913, null, null, null], [288501, null, null, null], [334210, null, null, null], [334245, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206698, null, null, null]]], "all_evidence": [[206698, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119490, 133509, "Quran", 0]]], "all_evidence": [[119490, 133509, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167731, 181491, "Pearl_Jam", 0]], [[167731, 181492, "Pearl_Jam", 1]]], "all_evidence": [[167731, 181491, "Pearl_Jam", 0], [167731, 181492, "Pearl_Jam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126156, 140552, "L.A._Reid", 1], [126156, 140552, "Epic_Records", 0]]], "all_evidence": [[126156, 140552, "L.A._Reid", 1], [126156, 140552, "Epic_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91538, 104278, "Tenacious_D", 0]]], "all_evidence": [[91538, 104278, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244433, 245446, "Samwell_Tarly", 0]]], "all_evidence": [[244433, 245446, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145352, null, null, null], [145353, null, null, null]]], "all_evidence": [[145352, null, null, null], [145353, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142070, null, null, null]]], "all_evidence": [[142070, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131956, 146793, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[131956, 146793, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61347, 71862, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[61347, 71862, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143973, 159055, "Garden_State_-LRB-film-RRB-", 0]]], "all_evidence": [[143973, 159055, "Garden_State_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23022, 28365, "Angela_Bassett", 6]]], "all_evidence": [[23022, 28365, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72554, 83597, "Harold_Macmillan", 0]]], "all_evidence": [[72554, 83597, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68289, 79168, "Saw_-LRB-franchise-RRB-", 0]], [[68289, 79169, "Saw_-LRB-franchise-RRB-", 8]]], "all_evidence": [[68289, 79168, "Saw_-LRB-franchise-RRB-", 0], [68289, 79169, "Saw_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241673, 243197, "Rio_-LRB-2011_film-RRB-", 20], [241673, 243197, "Rio_2", 0]]], "all_evidence": [[241673, 243197, "Rio_-LRB-2011_film-RRB-", 20], [241673, 243197, "Rio_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189874, 201066, "Mickey_Rourke", 13]]], "all_evidence": [[189874, 201066, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84067, 96190, "Tim_Roth", 0]]], "all_evidence": [[84067, 96190, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115109, 128861, "Noah_Cyrus", 4]]], "all_evidence": [[115109, 128861, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172406, null, null, null]]], "all_evidence": [[172406, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120886, 135179, "Aristotle", 0]]], "all_evidence": [[120886, 135179, "Aristotle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226496, null, null, null]]], "all_evidence": [[226496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128123, 142841, "The_Cincinnati_Kid", 1]], [[128123, 142842, "The_Cincinnati_Kid", 6]]], "all_evidence": [[128123, 142841, "The_Cincinnati_Kid", 1], [128123, 142842, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90675, null, null, null]]], "all_evidence": [[90675, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75549, null, null, null]]], "all_evidence": [[75549, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31011, null, null, null]]], "all_evidence": [[31011, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200765, null, null, null], [200767, null, null, null]]], "all_evidence": [[200765, null, null, null], [200767, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47305, 56431, "T2_Trainspotting", 0]]], "all_evidence": [[47305, 56431, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269572, 265868, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269572, 265868, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198049, 207993, "Dave_Gibbons", 0]]], "all_evidence": [[198049, 207993, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80568, 92407, "Rhythm_Nation", 23], [80568, 92407, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[80568, 92407, "Rhythm_Nation", 23], [80568, 92407, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133844, 148711, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[133844, 148711, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122039, 136342, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[122039, 136342, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103743, null, null, null]]], "all_evidence": [[103743, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156002, 170669, "West_Virginia", 1]], [[156004, 170670, "West_Virginia", 1]]], "all_evidence": [[156002, 170669, "West_Virginia", 1], [156004, 170670, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231980, null, null, null]]], "all_evidence": [[231980, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32454, 39432, "Floppy_disk", 0]]], "all_evidence": [[32454, 39432, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225859, 230431, "Love_the_Way_You_Lie", 16]]], "all_evidence": [[225859, 230431, "Love_the_Way_You_Lie", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80199, 91982, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[80199, 91982, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84906, null, null, null]]], "all_evidence": [[84906, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170669, 184257, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[170669, 184257, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248516, 248677, "Tie_Your_Mother_Down", 2]]], "all_evidence": [[248516, 248677, "Tie_Your_Mother_Down", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191968, 202731, "Drake_Bell", 18]]], "all_evidence": [[191968, 202731, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126600, 140997, "Rachel_Green", 0]]], "all_evidence": [[126600, 140997, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207997, 216164, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[207997, 216164, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260894, null, null, null]]], "all_evidence": [[260894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113285, 127148, "Billboard_Dad", 0]], [[308505, 298872, "Billboard_Dad", 0], [308505, 298872, "Mary-Kate_and_Ashley_Olsen", 0]], [[310100, 300168, "Billboard_Dad", 0], [310100, 300168, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[113285, 127148, "Billboard_Dad", 0], [308505, 298872, "Billboard_Dad", 0], [308505, 298872, "Mary-Kate_and_Ashley_Olsen", 0], [310100, 300168, "Billboard_Dad", 0], [310100, 300168, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170572, null, null, null]]], "all_evidence": [[170572, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51051, 60785, "Luis_Fonsi", 0]]], "all_evidence": [[51051, 60785, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198071, 208012, "Dave_Gibbons", 0]]], "all_evidence": [[198071, 208012, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160609, 175122, "Arizona", 0]], [[160609, 175123, "Arizona", 1]], [[160609, 175124, "Arizona", 2]], [[160609, 175125, "Arizona", 3]], [[160609, 175126, "Arizona", 4]], [[160609, 175127, "Arizona", 9]], [[160609, 175128, "Arizona", 15]], [[160609, 175129, "Arizona", 16]], [[160609, 175130, "Arizona", 22]]], "all_evidence": [[160609, 175122, "Arizona", 0], [160609, 175123, "Arizona", 1], [160609, 175124, "Arizona", 2], [160609, 175125, "Arizona", 3], [160609, 175126, "Arizona", 4], [160609, 175127, "Arizona", 9], [160609, 175128, "Arizona", 15], [160609, 175129, "Arizona", 16], [160609, 175130, "Arizona", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177347, null, null, null], [177348, null, null, null]]], "all_evidence": [[177347, null, null, null], [177348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90783, 103483, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [90783, 103483, "Joe_Morton", 0], [90783, 103483, "Omar_Epps", 0]]], "all_evidence": [[90783, 103483, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [90783, 103483, "Joe_Morton", 0], [90783, 103483, "Omar_Epps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105351, 118804, "2016_Tour_de_France", 0], [105351, 118804, "Grand_Tour_-LRB-cycling-RRB-", 0]], [[105351, 118805, "2016_Tour_de_France", 1]], [[105351, 118806, "2016_Tour_de_France", 2]]], "all_evidence": [[105351, 118804, "2016_Tour_de_France", 0], [105351, 118804, "Grand_Tour_-LRB-cycling-RRB-", 0], [105351, 118805, "2016_Tour_de_France", 1], [105351, 118806, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208079, 216213, "Osamu_Tezuka", 6]]], "all_evidence": [[208079, 216213, "Osamu_Tezuka", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256005, 255308, "Weekly_Idol", 1]]], "all_evidence": [[256005, 255308, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175183, 188207, "Caroline_Kennedy", 0]], [[175183, 188208, "Caroline_Kennedy", 1]]], "all_evidence": [[175183, 188207, "Caroline_Kennedy", 0], [175183, 188208, "Caroline_Kennedy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76376, 87667, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[76376, 87667, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216079, null, null, null]]], "all_evidence": [[216079, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102476, 115756, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[102476, 115756, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233059, 236061, "Saturn", 18]], [[233059, 236062, "Saturn", 0]], [[233062, 236065, "Saturn", 0]]], "all_evidence": [[233059, 236061, "Saturn", 18], [233059, 236062, "Saturn", 0], [233062, 236065, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228796, 232907, "Albert_S._Ruddy", 0]], [[228809, 232920, "Albert_S._Ruddy", 0]]], "all_evidence": [[228796, 232907, "Albert_S._Ruddy", 0], [228809, 232920, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231453, null, null, null]]], "all_evidence": [[231453, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202987, 212114, "Christian_Gottlob_Neefe", 0]], [[202987, 212115, "Christian_Gottlob_Neefe", 8]], [[202987, 212116, "Christian_Gottlob_Neefe", 11]]], "all_evidence": [[202987, 212114, "Christian_Gottlob_Neefe", 0], [202987, 212115, "Christian_Gottlob_Neefe", 8], [202987, 212116, "Christian_Gottlob_Neefe", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158586, 173236, "Starrcade", 1]]], "all_evidence": [[158586, 173236, "Starrcade", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238564, null, null, null]]], "all_evidence": [[238564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151480, 166243, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[151480, 166243, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169746, null, null, null]]], "all_evidence": [[169746, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210937, 218593, "Same_Old_Love", 0]], [[210937, 218594, "Same_Old_Love", 1]], [[210937, 218595, "Same_Old_Love", 2]], [[210938, 218596, "Same_Old_Love", 0]], [[210938, 218597, "Same_Old_Love", 1]], [[210938, 218598, "Same_Old_Love", 2]], [[315981, 305191, "Same_Old_Love", 0]], [[316884, 305990, "Same_Old_Love", 0]], [[316884, 305991, "Same_Old_Love", 3]], [[316884, 305992, "Same_Old_Love", 9]], [[316887, 305993, "Same_Old_Love", 0]], [[316896, 306001, "Same_Old_Love", 0]], [[316896, 306002, "Same_Old_Love", 3]], [[316896, 306003, "Same_Old_Love", 5]], [[316896, 306004, "Same_Old_Love", 13]], [[316900, 306008, "Same_Old_Love", 0]], [[316900, 306009, "Same_Old_Love", 3]], [[316900, 306010, "Same_Old_Love", 5]], [[316900, 306011, "Same_Old_Love", 9]], [[316900, 306012, "Same_Old_Love", 10]], [[316900, 306013, "Same_Old_Love", 11]], [[316900, 306014, "Same_Old_Love", 13]], [[316900, 306015, "Same_Old_Love", 17], [316900, 306015, "Apple_Music", 0]], [[316900, 306016, "Same_Old_Love", 20]]], "all_evidence": [[210937, 218593, "Same_Old_Love", 0], [210937, 218594, "Same_Old_Love", 1], [210937, 218595, "Same_Old_Love", 2], [210938, 218596, "Same_Old_Love", 0], [210938, 218597, "Same_Old_Love", 1], [210938, 218598, "Same_Old_Love", 2], [315981, 305191, "Same_Old_Love", 0], [316884, 305990, "Same_Old_Love", 0], [316884, 305991, "Same_Old_Love", 3], [316884, 305992, "Same_Old_Love", 9], [316887, 305993, "Same_Old_Love", 0], [316896, 306001, "Same_Old_Love", 0], [316896, 306002, "Same_Old_Love", 3], [316896, 306003, "Same_Old_Love", 5], [316896, 306004, "Same_Old_Love", 13], [316900, 306008, "Same_Old_Love", 0], [316900, 306009, "Same_Old_Love", 3], [316900, 306010, "Same_Old_Love", 5], [316900, 306011, "Same_Old_Love", 9], [316900, 306012, "Same_Old_Love", 10], [316900, 306013, "Same_Old_Love", 11], [316900, 306014, "Same_Old_Love", 13], [316900, 306015, "Same_Old_Love", 17], [316900, 306015, "Apple_Music", 0], [316900, 306016, "Same_Old_Love", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227788, null, null, null]]], "all_evidence": [[227788, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194101, 204511, "Rick_Yune", 2]]], "all_evidence": [[194101, 204511, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227243, 231642, "Kim_Jong-il", 16]]], "all_evidence": [[227243, 231642, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207453, null, null, null]]], "all_evidence": [[207453, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115007, null, null, null]]], "all_evidence": [[115007, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184821, 196704, "Kesha", 0]]], "all_evidence": [[184821, 196704, "Kesha", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191976, 202744, "Drake_Bell", 18]], [[191977, 202745, "Drake_Bell", 18]]], "all_evidence": [[191976, 202744, "Drake_Bell", 18], [191977, 202745, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198054, 207997, "Dave_Gibbons", 0]]], "all_evidence": [[198054, 207997, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115388, 129204, "Lithuanians", 0]]], "all_evidence": [[115388, 129204, "Lithuanians", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150105, 165047, "Jennifer_Lopez", 4]], [[150105, 165048, "Jennifer_Lopez", 7]], [[150105, 165049, "Jennifer_Lopez", 10]], [[150105, 165050, "Jennifer_Lopez", 13]], [[150105, 165051, "Jennifer_Lopez", 14], [150105, 165051, "On_the_Floor", 0]]], "all_evidence": [[150105, 165047, "Jennifer_Lopez", 4], [150105, 165048, "Jennifer_Lopez", 7], [150105, 165049, "Jennifer_Lopez", 10], [150105, 165050, "Jennifer_Lopez", 13], [150105, 165051, "Jennifer_Lopez", 14], [150105, 165051, "On_the_Floor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58200, null, null, null]]], "all_evidence": [[58200, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25982, 31922, "Camden,_New_Jersey", 40]], [[300626, 291773, "Camden,_New_Jersey", 40]]], "all_evidence": [[25982, 31922, "Camden,_New_Jersey", 40], [300626, 291773, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211977, 219585, "Saturn_Corporation", 0]]], "all_evidence": [[211977, 219585, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259601, 258166, "French_Resistance", 6]]], "all_evidence": [[259601, 258166, "French_Resistance", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239630, null, null, null]]], "all_evidence": [[239630, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104018, null, null, null]]], "all_evidence": [[104018, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189361, 200644, "To_Pimp_a_Butterfly", 0]]], "all_evidence": [[189361, 200644, "To_Pimp_a_Butterfly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211271, null, null, null]]], "all_evidence": [[211271, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121845, 136143, "Seohyun", 0]]], "all_evidence": [[121845, 136143, "Seohyun", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279743, null, null, null], [281456, null, null, null], [283578, null, null, null], [328153, null, null, null], [329063, null, null, null]]], "all_evidence": [[279743, null, null, null], [281456, null, null, null], [283578, null, null, null], [328153, null, null, null], [329063, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207998, 216165, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[207998, 216165, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225924, 230500, "Roland_Emmerich", 3]], [[225925, 230501, "Roland_Emmerich", 3]]], "all_evidence": [[225924, 230500, "Roland_Emmerich", 3], [225925, 230501, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63378, 74135, "Yale_University", 23]]], "all_evidence": [[63378, 74135, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121931, 136225, "Nestor_Carbonell", 1]]], "all_evidence": [[121931, 136225, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240385, 242009, "Poseidon_-LRB-film-RRB-", 6]], [[240387, 242010, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[240385, 242009, "Poseidon_-LRB-film-RRB-", 6], [240387, 242010, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64843, 75691, "How_to_Train_Your_Dragon_2", 16]], [[64843, 75692, "How_to_Train_Your_Dragon_2", 17]]], "all_evidence": [[64843, 75691, "How_to_Train_Your_Dragon_2", 16], [64843, 75692, "How_to_Train_Your_Dragon_2", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102080, 115336, "Reign_Over_Me", 0]]], "all_evidence": [[102080, 115336, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165005, null, null, null]]], "all_evidence": [[165005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76316, 87617, "Chris_Kyle", 0]]], "all_evidence": [[76316, 87617, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118769, 132606, "Augustus", 10], [118769, 132606, "Augustus", 42]], [[118769, 132607, "Augustus", 41], [118769, 132607, "Augustus", 42]]], "all_evidence": [[118769, 132606, "Augustus", 10], [118769, 132606, "Augustus", 42], [118769, 132607, "Augustus", 41], [118769, 132607, "Augustus", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131845, 146695, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[131845, 146695, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108403, 121953, "Eric_Church", 0]], [[108403, 121954, "Eric_Church", 2], [108403, 121954, "Guys_Like_Me", 0], [108403, 121954, "Two_Pink_Lines", 0], [108403, 121954, "Sinners_Like_Me", 0]], [[108403, 121955, "Eric_Church", 5], [108403, 121955, "Carolina_-LRB-Eric_Church_album-RRB-", 0], [108403, 121955, "Love_Your_Love_the_Most", 0]], [[108403, 121956, "Eric_Church", 6], [108403, 121956, "Chief_-LRB-album-RRB-", 0], [108403, 121956, "Drink_in_My_Hand", 0], [108403, 121956, "Homeboy_-LRB-Eric_Church_song-RRB-", 0], [108403, 121956, "Like_Jesus_Does", 0], [108403, 121956, "Springsteen_-LRB-song-RRB-", 0]], [[108403, 121957, "Eric_Church", 7], [108403, 121957, "Night_Train_-LRB-Jason_Aldean_album-RRB-", 0]], [[108403, 121958, "Eric_Church", 8], [108403, 121958, "The_Outsiders_-LRB-Eric_Church_album-RRB-", 0]], [[108403, 121959, "Eric_Church", 9], [108403, 121959, "Like_a_Wrecking_Ball", 0]], [[108403, 121960, "Eric_Church", 12], [108403, 121960, "Mr._Misunderstood", 0]]], "all_evidence": [[108403, 121953, "Eric_Church", 0], [108403, 121954, "Eric_Church", 2], [108403, 121954, "Guys_Like_Me", 0], [108403, 121954, "Two_Pink_Lines", 0], [108403, 121954, "Sinners_Like_Me", 0], [108403, 121955, "Eric_Church", 5], [108403, 121955, "Carolina_-LRB-Eric_Church_album-RRB-", 0], [108403, 121955, "Love_Your_Love_the_Most", 0], [108403, 121956, "Eric_Church", 6], [108403, 121956, "Chief_-LRB-album-RRB-", 0], [108403, 121956, "Drink_in_My_Hand", 0], [108403, 121956, "Homeboy_-LRB-Eric_Church_song-RRB-", 0], [108403, 121956, "Like_Jesus_Does", 0], [108403, 121956, "Springsteen_-LRB-song-RRB-", 0], [108403, 121957, "Eric_Church", 7], [108403, 121957, "Night_Train_-LRB-Jason_Aldean_album-RRB-", 0], [108403, 121958, "Eric_Church", 8], [108403, 121958, "The_Outsiders_-LRB-Eric_Church_album-RRB-", 0], [108403, 121959, "Eric_Church", 9], [108403, 121959, "Like_a_Wrecking_Ball", 0], [108403, 121960, "Eric_Church", 12], [108403, 121960, "Mr._Misunderstood", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225944, null, null, null]]], "all_evidence": [[225944, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46252, 55212, "Colosseum", 0]]], "all_evidence": [[46252, 55212, "Colosseum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[278976, 273633, "The_Cincinnati_Kid", 6]], [[280608, 275013, "The_Cincinnati_Kid", 6]], [[280909, 275297, "The_Cincinnati_Kid", 6]], [[327101, 314430, "The_Cincinnati_Kid", 6]], [[327105, 314433, "The_Cincinnati_Kid", 6]], [[327117, 314452, "The_Cincinnati_Kid", 6]]], "all_evidence": [[278976, 273633, "The_Cincinnati_Kid", 6], [280608, 275013, "The_Cincinnati_Kid", 6], [280909, 275297, "The_Cincinnati_Kid", 6], [327101, 314430, "The_Cincinnati_Kid", 6], [327105, 314433, "The_Cincinnati_Kid", 6], [327117, 314452, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121650, 135960, "John_Dolmayan", 0]], [[121650, 135961, "John_Dolmayan", 2]], [[121650, 135962, "John_Dolmayan", 1]], [[121650, 135963, "John_Dolmayan", 4]]], "all_evidence": [[121650, 135960, "John_Dolmayan", 0], [121650, 135961, "John_Dolmayan", 2], [121650, 135962, "John_Dolmayan", 1], [121650, 135963, "John_Dolmayan", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75199, 86435, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[75199, 86435, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14114, 17636, "Angelsberg", 1]], [[14561, 18198, "Angelsberg", 1]], [[15081, 18737, "Angelsberg", 1]], [[23182, 28556, "Angelsberg", 1]], [[299342, 290708, "Angelsberg", 1]]], "all_evidence": [[14114, 17636, "Angelsberg", 1], [14561, 18198, "Angelsberg", 1], [15081, 18737, "Angelsberg", 1], [23182, 28556, "Angelsberg", 1], [299342, 290708, "Angelsberg", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141149, 156355, "Stephen_Hillenburg", 4]]], "all_evidence": [[141149, 156355, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174992, 188077, "The_Others_-LRB-2001_film-RRB-", 6]], [[174993, 188078, "The_Others_-LRB-2001_film-RRB-", 6]]], "all_evidence": [[174992, 188077, "The_Others_-LRB-2001_film-RRB-", 6], [174993, 188078, "The_Others_-LRB-2001_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66644, 77457, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[66644, 77457, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194125, 204531, "Rick_Yune", 2]]], "all_evidence": [[194125, 204531, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14252, 17813, "Helmand_Province", 3], [14252, 17813, "Lashkargah", 0]], [[14252, 17814, "Helmand_Province", 7]]], "all_evidence": [[14252, 17813, "Helmand_Province", 3], [14252, 17813, "Lashkargah", 0], [14252, 17814, "Helmand_Province", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172493, null, null, null]]], "all_evidence": [[172493, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253378, null, null, null], [320888, null, null, null], [320890, null, null, null], [320893, null, null, null], [320897, null, null, null], [320955, null, null, null]]], "all_evidence": [[253378, null, null, null], [320888, null, null, null], [320890, null, null, null], [320893, null, null, null], [320897, null, null, null], [320955, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268390, null, null, null]]], "all_evidence": [[268390, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38005, null, null, null]]], "all_evidence": [[38005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159894, 174404, "Ashley_Cole", 0]]], "all_evidence": [[159894, 174404, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217687, 224178, "Asylum_Records", 0]], [[217687, 224179, "Asylum_Records", 1]]], "all_evidence": [[217687, 224178, "Asylum_Records", 0], [217687, 224179, "Asylum_Records", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231188, null, null, null]]], "all_evidence": [[231188, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282255, null, null, null], [285198, null, null, null], [330350, null, null, null], [330354, null, null, null], [330357, null, null, null], [330358, null, null, null], [330363, null, null, null], [330449, null, null, null]]], "all_evidence": [[282255, null, null, null], [285198, null, null, null], [330350, null, null, null], [330354, null, null, null], [330357, null, null, null], [330358, null, null, null], [330363, null, null, null], [330449, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227043, 231469, "Bea_Arthur", 0]], [[227044, 231470, "Bea_Arthur", 0]]], "all_evidence": [[227043, 231469, "Bea_Arthur", 0], [227044, 231470, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203195, 212280, "Fabian_Nicieza", 0]]], "all_evidence": [[203195, 212280, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52286, 62253, "Australia_-LRB-2008_film-RRB-", 4], [52286, 62253, "Bowen,_Queensland", 0], [52286, 62253, "Darwin,_Northern_Territory", 2], [52286, 62253, "Kununurra,_Western_Australia", 0], [52286, 62253, "Sydney", 0]]], "all_evidence": [[52286, 62253, "Australia_-LRB-2008_film-RRB-", 4], [52286, 62253, "Bowen,_Queensland", 0], [52286, 62253, "Darwin,_Northern_Territory", 2], [52286, 62253, "Kununurra,_Western_Australia", 0], [52286, 62253, "Sydney", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199938, null, null, null]]], "all_evidence": [[199938, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223509, null, null, null], [227166, null, null, null], [229914, null, null, null], [318101, null, null, null], [319763, null, null, null], [319764, null, null, null]]], "all_evidence": [[223509, null, null, null], [227166, null, null, null], [229914, null, null, null], [318101, null, null, null], [319763, null, null, null], [319764, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[273677, null, null, null]]], "all_evidence": [[273677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87126, 99634, "David_Packouz", 0]]], "all_evidence": [[87126, 99634, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275003, 270212, "Jenna_Jameson", 0]], [[275003, 270213, "Jenna_Jameson", 3]], [[275003, 270214, "Jenna_Jameson", 4]], [[275003, 270215, "Jenna_Jameson", 5]], [[275003, 270216, "Jenna_Jameson", 8]], [[275003, 270217, "Jenna_Jameson", 15]], [[275003, 270218, "Jenna_Jameson", 18]], [[275003, 270219, "Jenna_Jameson", 17]], [[275003, 270220, "Jenna_Jameson", 21]], [[275003, 270221, "Jenna_Jameson", 22]], [[277659, 272595, "Jenna_Jameson", 0]], [[277659, 272596, "Jenna_Jameson", 3]], [[277659, 272597, "Jenna_Jameson", 4]], [[277659, 272598, "Jenna_Jameson", 5]], [[277659, 272599, "Jenna_Jameson", 8]], [[277659, 272600, "Jenna_Jameson", 10]], [[277659, 272601, "Jenna_Jameson", 15]], [[277659, 272602, "Jenna_Jameson", 16]], [[277659, 272603, "Jenna_Jameson", 17]], [[277659, 272604, "Jenna_Jameson", 18]], [[277659, 272605, "Jenna_Jameson", 21]], [[277659, 272606, "Jenna_Jameson", 22]], [[324048, 312140, "Jenna_Jameson", 0]], [[324053, 312141, "Jenna_Jameson", 0]], [[324053, 312142, "Jenna_Jameson", 12]]], "all_evidence": [[275003, 270212, "Jenna_Jameson", 0], [275003, 270213, "Jenna_Jameson", 3], [275003, 270214, "Jenna_Jameson", 4], [275003, 270215, "Jenna_Jameson", 5], [275003, 270216, "Jenna_Jameson", 8], [275003, 270217, "Jenna_Jameson", 15], [275003, 270218, "Jenna_Jameson", 18], [275003, 270219, "Jenna_Jameson", 17], [275003, 270220, "Jenna_Jameson", 21], [275003, 270221, "Jenna_Jameson", 22], [277659, 272595, "Jenna_Jameson", 0], [277659, 272596, "Jenna_Jameson", 3], [277659, 272597, "Jenna_Jameson", 4], [277659, 272598, "Jenna_Jameson", 5], [277659, 272599, "Jenna_Jameson", 8], [277659, 272600, "Jenna_Jameson", 10], [277659, 272601, "Jenna_Jameson", 15], [277659, 272602, "Jenna_Jameson", 16], [277659, 272603, "Jenna_Jameson", 17], [277659, 272604, "Jenna_Jameson", 18], [277659, 272605, "Jenna_Jameson", 21], [277659, 272606, "Jenna_Jameson", 22], [324048, 312140, "Jenna_Jameson", 0], [324053, 312141, "Jenna_Jameson", 0], [324053, 312142, "Jenna_Jameson", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87058, 99551, "Same_Old_Love", 0]], [[87058, 99552, "Same_Old_Love", 9], [87058, 99552, "Revival_-LRB-Selena_Gomez_album-RRB-", 18], [87058, 99552, "Revival_-LRB-Selena_Gomez_album-RRB-", 0]]], "all_evidence": [[87058, 99551, "Same_Old_Love", 0], [87058, 99552, "Same_Old_Love", 9], [87058, 99552, "Revival_-LRB-Selena_Gomez_album-RRB-", 18], [87058, 99552, "Revival_-LRB-Selena_Gomez_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275001, 270210, "Colombiana", 0]], [[275002, 270211, "Colombiana", 0]], [[277011, 272021, "Colombiana", 0]], [[324069, 312149, "Colombiana", 0]], [[324072, 312152, "Colombiana", 0]]], "all_evidence": [[275001, 270210, "Colombiana", 0], [275002, 270211, "Colombiana", 0], [277011, 272021, "Colombiana", 0], [324069, 312149, "Colombiana", 0], [324072, 312152, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182557, null, null, null]]], "all_evidence": [[182557, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30096, 36656, "Duane_Chapman", 0]], [[32231, 39168, "Duane_Chapman", 0]], [[35064, 42519, "Duane_Chapman", 0]], [[301834, 292940, "Duane_Chapman", 0]], [[301836, 292941, "Duane_Chapman", 0]], [[303529, 294492, "Duane_Chapman", 0]]], "all_evidence": [[30096, 36656, "Duane_Chapman", 0], [32231, 39168, "Duane_Chapman", 0], [35064, 42519, "Duane_Chapman", 0], [301834, 292940, "Duane_Chapman", 0], [301836, 292941, "Duane_Chapman", 0], [303529, 294492, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232807, null, null, null]]], "all_evidence": [[232807, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279977, null, null, null], [280029, null, null, null], [281682, null, null, null], [328663, null, null, null], [329310, null, null, null], [329312, null, null, null], [329314, null, null, null]]], "all_evidence": [[279977, null, null, null], [280029, null, null, null], [281682, null, null, null], [328663, null, null, null], [329310, null, null, null], [329312, null, null, null], [329314, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262062, 260114, "Raabta_-LRB-song-RRB-", 0]], [[262063, 260115, "Raabta_-LRB-song-RRB-", 0]], [[262067, 260117, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262062, 260114, "Raabta_-LRB-song-RRB-", 0], [262063, 260115, "Raabta_-LRB-song-RRB-", 0], [262067, 260117, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45716, 54583, "Britt_Robertson", 12]]], "all_evidence": [[45716, 54583, "Britt_Robertson", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175261, null, null, null]]], "all_evidence": [[175261, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142602, 157768, "Johnny_Galecki", 1]]], "all_evidence": [[142602, 157768, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63552, 74306, "Sleipnir", 0]]], "all_evidence": [[63552, 74306, "Sleipnir", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240807, 242419, "Glee.com", 1]]], "all_evidence": [[240807, 242419, "Glee.com", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279035, null, null, null], [279036, null, null, null], [280645, null, null, null], [280646, null, null, null], [327186, null, null, null], [327190, null, null, null]]], "all_evidence": [[279035, null, null, null], [279036, null, null, null], [280645, null, null, null], [280646, null, null, null], [327186, null, null, null], [327190, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121551, null, null, null]]], "all_evidence": [[121551, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178694, null, null, null]]], "all_evidence": [[178694, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243713, 244890, "Palo_Alto,_California", 0]]], "all_evidence": [[243713, 244890, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77816, 89267, "Shane_Black", 0]]], "all_evidence": [[77816, 89267, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168709, 182428, "Fidel_Castro", 7]]], "all_evidence": [[168709, 182428, "Fidel_Castro", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218171, 224528, "Bermuda_Triangle", 0]]], "all_evidence": [[218171, 224528, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76273, 87576, "Brazzers", 0]], [[76273, 87577, "Brazzers", 1]]], "all_evidence": [[76273, 87576, "Brazzers", 0], [76273, 87577, "Brazzers", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181870, 194153, "Touchscreen", 9]], [[181870, 194154, "Touchscreen", 11]], [[181870, 194155, "Touchscreen", 10]]], "all_evidence": [[181870, 194153, "Touchscreen", 9], [181870, 194154, "Touchscreen", 11], [181870, 194155, "Touchscreen", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227758, 232098, "Happiness_in_Slavery", 0]]], "all_evidence": [[227758, 232098, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190734, 201702, "Buffy_Summers", 1]]], "all_evidence": [[190734, 201702, "Buffy_Summers", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34833, null, null, null]]], "all_evidence": [[34833, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165723, 179726, "Billboard_Dad", 0]], [[165724, 179727, "Billboard_Dad", 0]]], "all_evidence": [[165723, 179726, "Billboard_Dad", 0], [165724, 179727, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69188, 79957, "CONCACAF_Champions_League", 0]]], "all_evidence": [[69188, 79957, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78375, null, null, null]]], "all_evidence": [[78375, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87439, 99901, "English_people", 6]]], "all_evidence": [[87439, 99901, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59682, 70091, "Trollhunters", 0]]], "all_evidence": [[59682, 70091, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147558, 162570, "Craig_David", 5]], [[147558, 162571, "Craig_David", 0]]], "all_evidence": [[147558, 162570, "Craig_David", 5], [147558, 162571, "Craig_David", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258393, 257191, "Monk", 0]]], "all_evidence": [[258393, 257191, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240801, 242413, "Glee.com", 1]]], "all_evidence": [[240801, 242413, "Glee.com", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189357, null, null, null]]], "all_evidence": [[189357, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77239, null, null, null]]], "all_evidence": [[77239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241286, null, null, null]]], "all_evidence": [[241286, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154938, 169661, "White_House_Press_Secretary", 0]]], "all_evidence": [[154938, 169661, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227759, 232099, "Tilda_Swinton", 0]], [[227759, 232100, "Tilda_Swinton", 1]], [[227759, 232101, "Tilda_Swinton", 4]], [[227759, 232102, "Tilda_Swinton", 6]], [[227759, 232103, "Tilda_Swinton", 9]], [[227759, 232104, "Tilda_Swinton", 10]], [[227759, 232105, "Tilda_Swinton", 11]], [[227759, 232106, "Tilda_Swinton", 14]], [[227759, 232107, "Tilda_Swinton", 15]], [[227759, 232108, "Tilda_Swinton", 16]], [[227759, 232109, "Tilda_Swinton", 17]]], "all_evidence": [[227759, 232099, "Tilda_Swinton", 0], [227759, 232100, "Tilda_Swinton", 1], [227759, 232101, "Tilda_Swinton", 4], [227759, 232102, "Tilda_Swinton", 6], [227759, 232103, "Tilda_Swinton", 9], [227759, 232104, "Tilda_Swinton", 10], [227759, 232105, "Tilda_Swinton", 11], [227759, 232106, "Tilda_Swinton", 14], [227759, 232107, "Tilda_Swinton", 15], [227759, 232108, "Tilda_Swinton", 16], [227759, 232109, "Tilda_Swinton", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39635, null, null, null]]], "all_evidence": [[39635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173620, 186831, "Tremont_Street_Subway", 0]]], "all_evidence": [[173620, 186831, "Tremont_Street_Subway", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181775, 194028, "Kerplunk_-LRB-album-RRB-", 0]]], "all_evidence": [[181775, 194028, "Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257331, 256352, "Calcaneal_spur", 1]]], "all_evidence": [[257331, 256352, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60132, 70549, "DNA_-LRB-Little_Mix_album-RRB-", 0]], [[60132, 70550, "DNA_-LRB-Little_Mix_album-RRB-", 4]], [[60132, 70551, "DNA_-LRB-Little_Mix_album-RRB-", 7]]], "all_evidence": [[60132, 70549, "DNA_-LRB-Little_Mix_album-RRB-", 0], [60132, 70550, "DNA_-LRB-Little_Mix_album-RRB-", 4], [60132, 70551, "DNA_-LRB-Little_Mix_album-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63670, 74415, "Garden_State_-LRB-film-RRB-", 6], [63670, 74415, "Sundance_Film_Festival", 0]]], "all_evidence": [[63670, 74415, "Garden_State_-LRB-film-RRB-", 6], [63670, 74415, "Sundance_Film_Festival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282071, 276317, "Due_Date", 2]], [[284097, 277982, "Due_Date", 2], [284097, 277982, "Tuscaloosa,_Alabama", 0]], [[285108, 278821, "Due_Date", 2]], [[329962, 316650, "Due_Date", 2]], [[329967, 316651, "Due_Date", 2], [329967, 316651, "Due_Date", 0]]], "all_evidence": [[282071, 276317, "Due_Date", 2], [284097, 277982, "Due_Date", 2], [284097, 277982, "Tuscaloosa,_Alabama", 0], [285108, 278821, "Due_Date", 2], [329962, 316650, "Due_Date", 2], [329967, 316651, "Due_Date", 2], [329967, 316651, "Due_Date", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283305, null, null, null], [285808, null, null, null], [285813, null, null, null], [331862, null, null, null]]], "all_evidence": [[283305, null, null, null], [285808, null, null, null], [285813, null, null, null], [331862, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37003, 44663, "Penguin_Books", 3]]], "all_evidence": [[37003, 44663, "Penguin_Books", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140092, 155104, "Poldark_-LRB-2015_TV_series-RRB-", 0]]], "all_evidence": [[140092, 155104, "Poldark_-LRB-2015_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228795, null, null, null]]], "all_evidence": [[228795, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137740, 152675, "Indian_Army", 16], [137740, 152675, "Volunteer_military", 0]]], "all_evidence": [[137740, 152675, "Indian_Army", 16], [137740, 152675, "Volunteer_military", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101264, 114504, "Derek_Hough", 5]], [[101264, 114505, "Derek_Hough", 6]]], "all_evidence": [[101264, 114504, "Derek_Hough", 5], [101264, 114505, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227068, 231483, "Bea_Arthur", 0]], [[227069, 231484, "Bea_Arthur", 0]]], "all_evidence": [[227068, 231483, "Bea_Arthur", 0], [227069, 231484, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180981, 193298, "Colin_Kaepernick", 5], [180981, 193298, "2012_San_Francisco_49ers_season", 0]]], "all_evidence": [[180981, 193298, "Colin_Kaepernick", 5], [180981, 193298, "2012_San_Francisco_49ers_season", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15861, 19722, "Nicholas_Brody", 1]]], "all_evidence": [[15861, 19722, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81555, null, null, null]]], "all_evidence": [[81555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116916, 130792, "Tatum_O'Neal", 6]]], "all_evidence": [[116916, 130792, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239001, null, null, null]]], "all_evidence": [[239001, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139879, null, null, null]]], "all_evidence": [[139879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75122, 86356, "Marco_Polo", 1]], [[75122, 86357, "Marco_Polo", 11]]], "all_evidence": [[75122, 86356, "Marco_Polo", 1], [75122, 86357, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72989, 84155, "Star_Trek-COLON-_Discovery", 1], [72989, 84155, "Star_Trek", 0]]], "all_evidence": [[72989, 84155, "Star_Trek-COLON-_Discovery", 1], [72989, 84155, "Star_Trek", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45468, 54292, "DNA_-LRB-Little_Mix_album-RRB-", 0]]], "all_evidence": [[45468, 54292, "DNA_-LRB-Little_Mix_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85772, null, null, null]]], "all_evidence": [[85772, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186081, 197998, "Baz_Luhrmann", 2], [186081, 197998, "Nicole_Kidman", 0]]], "all_evidence": [[186081, 197998, "Baz_Luhrmann", 2], [186081, 197998, "Nicole_Kidman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91791, null, null, null]]], "all_evidence": [[91791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222211, 227594, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222211, 227594, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259467, 258040, "Libya", 2]]], "all_evidence": [[259467, 258040, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15997, 19874, "Rabies", 10]]], "all_evidence": [[15997, 19874, "Rabies", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109329, 122997, "Martin_Van_Buren", 14], [109329, 122997, "Recess_appointment", 0]]], "all_evidence": [[109329, 122997, "Martin_Van_Buren", 14], [109329, 122997, "Recess_appointment", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254361, null, null, null]]], "all_evidence": [[254361, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83061, 94956, "Wish_Upon", 0]]], "all_evidence": [[83061, 94956, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73522, null, null, null]]], "all_evidence": [[73522, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227031, 231458, "Bea_Arthur", 0]]], "all_evidence": [[227031, 231458, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58419, null, null, null]]], "all_evidence": [[58419, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160955, null, null, null]]], "all_evidence": [[160955, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228469, null, null, null]]], "all_evidence": [[228469, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48801, 58127, "Aleister_Crowley", 0]], [[48801, 58128, "Aleister_Crowley", 5], [48801, 58128, "Warwickshire", 0]], [[51762, 61582, "Aleister_Crowley", 0]], [[54876, 64883, "Aleister_Crowley", 0]], [[54876, 64884, "Aleister_Crowley", 5], [54876, 64884, "Warwickshire", 0]], [[302721, 293716, "Aleister_Crowley", 0]], [[304924, 295731, "Aleister_Crowley", 0]]], "all_evidence": [[48801, 58127, "Aleister_Crowley", 0], [48801, 58128, "Aleister_Crowley", 5], [48801, 58128, "Warwickshire", 0], [51762, 61582, "Aleister_Crowley", 0], [54876, 64883, "Aleister_Crowley", 0], [54876, 64884, "Aleister_Crowley", 5], [54876, 64884, "Warwickshire", 0], [302721, 293716, "Aleister_Crowley", 0], [304924, 295731, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172411, 185719, "Humphrey_Bogart", 17]]], "all_evidence": [[172411, 185719, "Humphrey_Bogart", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192739, 203458, "Cadet_Kelly", 0]]], "all_evidence": [[192739, 203458, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41014, 49318, "Byron_Howard", 2]]], "all_evidence": [[41014, 49318, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236628, null, null, null]]], "all_evidence": [[236628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240796, 242408, "Glee.com", 1]], [[240797, 242409, "Glee.com", 1]]], "all_evidence": [[240796, 242408, "Glee.com", 1], [240797, 242409, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137415, 152300, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[137415, 152300, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234907, 237695, "Tijuana", 0]]], "all_evidence": [[234907, 237695, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61120, 71591, "Steve_Wozniak", 5]]], "all_evidence": [[61120, 71591, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225827, 230399, "Love_the_Way_You_Lie", 16]]], "all_evidence": [[225827, 230399, "Love_the_Way_You_Lie", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63726, 74473, "Email_filtering", 5]]], "all_evidence": [[63726, 74473, "Email_filtering", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26118, 32128, "Damon_Albarn", 17]]], "all_evidence": [[26118, 32128, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240821, null, null, null]]], "all_evidence": [[240821, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56239, 66427, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[58945, 69261, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[58945, 69262, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 0]], [[302831, 293819, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[305039, 295846, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[305040, 295847, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[305124, 295957, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[56239, 66427, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [58945, 69261, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [58945, 69262, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], [302831, 293819, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [305039, 295846, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [305040, 295847, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [305124, 295957, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100409, null, null, null]]], "all_evidence": [[100409, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148008, 163000, "Yale_University", 23]]], "all_evidence": [[148008, 163000, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272528, 268201, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[272528, 268201, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38031, 45949, "Duff_McKagan", 0]]], "all_evidence": [[38031, 45949, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297635, null, null, null], [299732, null, null, null], [342145, null, null, null], [342161, null, null, null]]], "all_evidence": [[297635, null, null, null], [299732, null, null, null], [342145, null, null, null], [342161, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234479, 237345, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234479, 237345, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150057, null, null, null]]], "all_evidence": [[150057, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241365, 242916, "Brad_Wilk", 4]]], "all_evidence": [[241365, 242916, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248569, 248726, "In_a_Lonely_Place", 1]]], "all_evidence": [[248569, 248726, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17599, 21753, "DNA_-LRB-Little_Mix_album-RRB-", 0]], [[17599, 21754, "DNA_-LRB-Little_Mix_album-RRB-", 4]], [[17599, 21755, "DNA_-LRB-Little_Mix_album-RRB-", 5]], [[17599, 21756, "DNA_-LRB-Little_Mix_album-RRB-", 6]], [[17599, 21757, "DNA_-LRB-Little_Mix_album-RRB-", 7]], [[17599, 21758, "DNA_-LRB-Little_Mix_album-RRB-", 11]], [[17599, 21759, "DNA_-LRB-Little_Mix_album-RRB-", 17]]], "all_evidence": [[17599, 21753, "DNA_-LRB-Little_Mix_album-RRB-", 0], [17599, 21754, "DNA_-LRB-Little_Mix_album-RRB-", 4], [17599, 21755, "DNA_-LRB-Little_Mix_album-RRB-", 5], [17599, 21756, "DNA_-LRB-Little_Mix_album-RRB-", 6], [17599, 21757, "DNA_-LRB-Little_Mix_album-RRB-", 7], [17599, 21758, "DNA_-LRB-Little_Mix_album-RRB-", 11], [17599, 21759, "DNA_-LRB-Little_Mix_album-RRB-", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17777, null, null, null]]], "all_evidence": [[17777, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161601, null, null, null]]], "all_evidence": [[161601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214293, 221373, "Kenneth_Lonergan", 2], [214293, 221373, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [214293, 221373, "You_Can_Count_On_Me", 1]]], "all_evidence": [[214293, 221373, "Kenneth_Lonergan", 2], [214293, 221373, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [214293, 221373, "You_Can_Count_On_Me", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169075, 182757, "New_York_Knicks", 1]]], "all_evidence": [[169075, 182757, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179452, null, null, null]]], "all_evidence": [[179452, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292506, null, null, null], [294523, null, null, null], [295117, null, null, null], [340616, null, null, null], [340917, null, null, null]]], "all_evidence": [[292506, null, null, null], [294523, null, null, null], [295117, null, null, null], [340616, null, null, null], [340917, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272433, 268129, "Island_Records", 1]]], "all_evidence": [[272433, 268129, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42576, 51230, "Liverpool", 13], [42576, 51230, "The_Beatles", 0]]], "all_evidence": [[42576, 51230, "Liverpool", 13], [42576, 51230, "The_Beatles", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264408, 261869, "Brubaker", 0]]], "all_evidence": [[264408, 261869, "Brubaker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215862, null, null, null]]], "all_evidence": [[215862, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263246, null, null, null]]], "all_evidence": [[263246, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66772, 77608, "West_Virginia", 1]], [[66772, 77609, "West_Virginia", 12]]], "all_evidence": [[66772, 77608, "West_Virginia", 1], [66772, 77609, "West_Virginia", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171567, null, null, null]]], "all_evidence": [[171567, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200760, null, null, null]]], "all_evidence": [[200760, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290021, 283092, "Nestor_Carbonell", 0]], [[291367, 284309, "Nestor_Carbonell", 1], [291367, 284309, "The_Dark_Knight_Rises", 0], [291367, 284309, "19th_century", 0]], [[293515, 286026, "Nestor_Carbonell", 1], [293515, 286026, "The_Dark_Knight_Rises", 0]], [[337445, 322820, "Nestor_Carbonell", 0]], [[337589, 322957, "Nestor_Carbonell", 0]]], "all_evidence": [[290021, 283092, "Nestor_Carbonell", 0], [291367, 284309, "Nestor_Carbonell", 1], [291367, 284309, "The_Dark_Knight_Rises", 0], [291367, 284309, "19th_century", 0], [293515, 286026, "Nestor_Carbonell", 1], [293515, 286026, "The_Dark_Knight_Rises", 0], [337445, 322820, "Nestor_Carbonell", 0], [337589, 322957, "Nestor_Carbonell", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74094, null, null, null]]], "all_evidence": [[74094, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25445, 31375, "San_Diego_Comic-Con", 1]]], "all_evidence": [[25445, 31375, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275784, 270885, "Always_-LRB-1989_film-RRB-", 0]], [[278089, 272974, "Always_-LRB-1989_film-RRB-", 0]], [[280112, 274671, "Always_-LRB-1989_film-RRB-", 0]], [[324898, 312735, "Always_-LRB-1989_film-RRB-", 0]], [[324904, 312741, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[275784, 270885, "Always_-LRB-1989_film-RRB-", 0], [278089, 272974, "Always_-LRB-1989_film-RRB-", 0], [280112, 274671, "Always_-LRB-1989_film-RRB-", 0], [324898, 312735, "Always_-LRB-1989_film-RRB-", 0], [324904, 312741, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132831, 147746, "Stanley_Williams", 5]], [[132831, 147747, "Stanley_Williams", 4]]], "all_evidence": [[132831, 147746, "Stanley_Williams", 5], [132831, 147747, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266478, 263457, "Ludwig_van_Beethoven", 5]]], "all_evidence": [[266478, 263457, "Ludwig_van_Beethoven", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190774, 201730, "Alice_Cooper", 0]]], "all_evidence": [[190774, 201730, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69764, 80637, "Off_the_Wall", 14], [69764, 80637, "Off_the_Wall", 13]], [[69764, 80638, "Off_the_Wall", 7]]], "all_evidence": [[69764, 80637, "Off_the_Wall", 14], [69764, 80637, "Off_the_Wall", 13], [69764, 80638, "Off_the_Wall", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191688, 202505, "Anne_Rice", 5]], [[191688, 202506, "Anne_Rice", 7]]], "all_evidence": [[191688, 202505, "Anne_Rice", 5], [191688, 202506, "Anne_Rice", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141757, 157013, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[141757, 157013, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186133, null, null, null]]], "all_evidence": [[186133, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27319, 33483, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]]], "all_evidence": [[27319, 33483, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126812, 141261, "Columbia_River", 14]], [[126812, 141262, "Columbia_River", 17]]], "all_evidence": [[126812, 141261, "Columbia_River", 14], [126812, 141262, "Columbia_River", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258709, 257473, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258709, 257473, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157782, null, null, null]]], "all_evidence": [[157782, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272421, null, null, null]]], "all_evidence": [[272421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108840, 122542, "Tiber_Oil_Field", 0]]], "all_evidence": [[108840, 122542, "Tiber_Oil_Field", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52505, 62483, "Marco_Polo", 11]]], "all_evidence": [[52505, 62483, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200473, null, null, null]]], "all_evidence": [[200473, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194729, 205109, "Middle-earth", 0]]], "all_evidence": [[194729, 205109, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61738, 72213, "Jack_Falahee", 0]]], "all_evidence": [[61738, 72213, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72071, 83061, "Aparshakti_Khurana", 0]]], "all_evidence": [[72071, 83061, "Aparshakti_Khurana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42786, 51422, "Joe_Rogan", 7], [42786, 51422, "Hardball_-LRB-1994_TV_series-RRB-", 0]]], "all_evidence": [[42786, 51422, "Joe_Rogan", 7], [42786, 51422, "Hardball_-LRB-1994_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246259, 246806, "Easy_A", 0]], [[246266, 246812, "Easy_A", 0]]], "all_evidence": [[246259, 246806, "Easy_A", 0], [246266, 246812, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125243, 139578, "French_Indochina", 0]]], "all_evidence": [[125243, 139578, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45700, 54568, "YouTube", 15], [45700, 54568, "Alexa_Internet", 0]]], "all_evidence": [[45700, 54568, "YouTube", 15], [45700, 54568, "Alexa_Internet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74316, 85531, "Kelly_Preston", 3]], [[79335, 91011, "Kelly_Preston", 3]], [[81900, 93689, "Kelly_Preston", 3]], [[305922, 296694, "Kelly_Preston", 3]], [[307161, 297703, "Kelly_Preston", 3]]], "all_evidence": [[74316, 85531, "Kelly_Preston", 3], [79335, 91011, "Kelly_Preston", 3], [81900, 93689, "Kelly_Preston", 3], [305922, 296694, "Kelly_Preston", 3], [307161, 297703, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154545, 169260, "Despacito", 11]], [[154545, 169261, "Despacito", 12]], [[154545, 169262, "Despacito", 13]], [[154545, 169263, "Despacito", 14]]], "all_evidence": [[154545, 169260, "Despacito", 11], [154545, 169261, "Despacito", 12], [154545, 169262, "Despacito", 13], [154545, 169263, "Despacito", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143036, 158147, "Brian_Michael_Bendis", 12]]], "all_evidence": [[143036, 158147, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61941, 72433, "Rabies", 0]], [[61941, 72434, "Rabies", 5], [61941, 72434, "Central_nervous_system", 0]]], "all_evidence": [[61941, 72433, "Rabies", 0], [61941, 72434, "Rabies", 5], [61941, 72434, "Central_nervous_system", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178977, 191514, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[178977, 191514, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31270, 37975, "Columbia_River", 21]]], "all_evidence": [[31270, 37975, "Columbia_River", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[295412, 287526, "Tiber_Oil_Field", 0]], [[340823, 325359, "Tiber_Oil_Field", 0]], [[340835, 325368, "Tiber_Oil_Field", 0]]], "all_evidence": [[295412, 287526, "Tiber_Oil_Field", 0], [340823, 325359, "Tiber_Oil_Field", 0], [340835, 325368, "Tiber_Oil_Field", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251692, null, null, null]]], "all_evidence": [[251692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21846, 26836, "Jack_Falahee", 0]]], "all_evidence": [[21846, 26836, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230067, null, null, null]]], "all_evidence": [[230067, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274976, null, null, null], [274977, null, null, null], [324017, null, null, null], [324024, null, null, null], [324030, null, null, null]]], "all_evidence": [[274976, null, null, null], [274977, null, null, null], [324017, null, null, null], [324024, null, null, null], [324030, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260510, null, null, null]]], "all_evidence": [[260510, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161331, 175815, "Off_the_Wall", 14], [161331, 175815, "Off_the_Wall", 16]]], "all_evidence": [[161331, 175815, "Off_the_Wall", 14], [161331, 175815, "Off_the_Wall", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221674, null, null, null]]], "all_evidence": [[221674, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133451, 148316, "Telemundo", 0]], [[133452, 148317, "Telemundo", 0]], [[133453, 148318, "Telemundo", 0]], [[133454, 148319, "Telemundo", 0]], [[133455, 148320, "Telemundo", 0]], [[133456, 148321, "Telemundo", 0]], [[133457, 148322, "Telemundo", 0]], [[133458, 148323, "Telemundo", 0]], [[133459, 148324, "Telemundo", 0]], [[133460, 148325, "Telemundo", 0]], [[133461, 148326, "Telemundo", 0]], [[133462, 148327, "Telemundo", 0]], [[133463, 148328, "Telemundo", 0]], [[133464, 148329, "Telemundo", 0]], [[133465, 148330, "Telemundo", 0]], [[133466, 148331, "Telemundo", 0]], [[133467, 148332, "Telemundo", 0]]], "all_evidence": [[133451, 148316, "Telemundo", 0], [133452, 148317, "Telemundo", 0], [133453, 148318, "Telemundo", 0], [133454, 148319, "Telemundo", 0], [133455, 148320, "Telemundo", 0], [133456, 148321, "Telemundo", 0], [133457, 148322, "Telemundo", 0], [133458, 148323, "Telemundo", 0], [133459, 148324, "Telemundo", 0], [133460, 148325, "Telemundo", 0], [133461, 148326, "Telemundo", 0], [133462, 148327, "Telemundo", 0], [133463, 148328, "Telemundo", 0], [133464, 148329, "Telemundo", 0], [133465, 148330, "Telemundo", 0], [133466, 148331, "Telemundo", 0], [133467, 148332, "Telemundo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126759, 141209, "Luis_Fonsi", 0]]], "all_evidence": [[126759, 141209, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54485, null, null, null]]], "all_evidence": [[54485, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189986, 201144, "Philip_Glass", 9]]], "all_evidence": [[189986, 201144, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127764, 142422, "West_Ham_United_F.C.", 5]]], "all_evidence": [[127764, 142422, "West_Ham_United_F.C.", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239923, null, null, null]]], "all_evidence": [[239923, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174900, null, null, null]]], "all_evidence": [[174900, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138721, null, null, null]]], "all_evidence": [[138721, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90712, null, null, null]]], "all_evidence": [[90712, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228223, null, null, null]]], "all_evidence": [[228223, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51256, 60980, "T2_Trainspotting", 0]]], "all_evidence": [[51256, 60980, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69601, 80423, "Sean_Penn", 1], [69601, 80423, "Mystic_River_-LRB-film-RRB-", 0], [69601, 80423, "Milk_-LRB-film-RRB-", 0]], [[69601, 80424, "Sean_Penn", 5], [69601, 80424, "Taps_-LRB-film-RRB-", 0]], [[69601, 80425, "Sean_Penn", 6], [69601, 80425, "Cannes_Film_Festival_Award_for_Best_Actor", 0]], [[69601, 80426, "Sean_Penn", 8], [69601, 80426, "Hurlyburly_-LRB-film-RRB-", 0], [69601, 80426, "21_Grams", 0]]], "all_evidence": [[69601, 80423, "Sean_Penn", 1], [69601, 80423, "Mystic_River_-LRB-film-RRB-", 0], [69601, 80423, "Milk_-LRB-film-RRB-", 0], [69601, 80424, "Sean_Penn", 5], [69601, 80424, "Taps_-LRB-film-RRB-", 0], [69601, 80425, "Sean_Penn", 6], [69601, 80425, "Cannes_Film_Festival_Award_for_Best_Actor", 0], [69601, 80426, "Sean_Penn", 8], [69601, 80426, "Hurlyburly_-LRB-film-RRB-", 0], [69601, 80426, "21_Grams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151271, 166070, "Tremont_Street_Subway", 0]]], "all_evidence": [[151271, 166070, "Tremont_Street_Subway", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178523, null, null, null]]], "all_evidence": [[178523, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167960, 181725, "Knocked_Up", 4]], [[167961, 181726, "Knocked_Up", 4]]], "all_evidence": [[167960, 181725, "Knocked_Up", 4], [167961, 181726, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208075, null, null, null]]], "all_evidence": [[208075, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230037, 233797, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230037, 233797, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109511, 123140, "Blue_Jasmine", 1]]], "all_evidence": [[109511, 123140, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85323, 97623, "Liverpool", 13]]], "all_evidence": [[85323, 97623, "Liverpool", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231478, null, null, null]]], "all_evidence": [[231478, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182687, 194872, "Penibaetic_System", 0]]], "all_evidence": [[182687, 194872, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251687, 251506, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251687, 251506, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39373, null, null, null]]], "all_evidence": [[39373, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91635, null, null, null]]], "all_evidence": [[91635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141335, 156531, "Shane_Black", 0]]], "all_evidence": [[141335, 156531, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289896, 282998, "Rupert_Murdoch", 13]], [[291252, 284206, "Rupert_Murdoch", 13]], [[293404, 285954, "Rupert_Murdoch", 13]], [[337454, 322827, "Rupert_Murdoch", 13]], [[337473, 322858, "Rupert_Murdoch", 13]]], "all_evidence": [[289896, 282998, "Rupert_Murdoch", 13], [291252, 284206, "Rupert_Murdoch", 13], [293404, 285954, "Rupert_Murdoch", 13], [337454, 322827, "Rupert_Murdoch", 13], [337473, 322858, "Rupert_Murdoch", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215833, null, null, null]]], "all_evidence": [[215833, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65558, 76425, "Kellyanne_Conway", 12]]], "all_evidence": [[65558, 76425, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44783, 53478, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[44783, 53478, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84943, 97186, "James_Jones_-LRB-basketball_player-RRB-", 15]], [[85034, 97318, "James_Jones_-LRB-basketball_player-RRB-", 15]]], "all_evidence": [[84943, 97186, "James_Jones_-LRB-basketball_player-RRB-", 15], [85034, 97318, "James_Jones_-LRB-basketball_player-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191464, null, null, null]]], "all_evidence": [[191464, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237584, null, null, null]]], "all_evidence": [[237584, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215835, null, null, null]]], "all_evidence": [[215835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210945, 218607, "Mogadishu", 0]]], "all_evidence": [[210945, 218607, "Mogadishu", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155054, 169763, "Otto_I,_Holy_Roman_Emperor", 11]]], "all_evidence": [[155054, 169763, "Otto_I,_Holy_Roman_Emperor", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19926, 24478, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[19926, 24478, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173155, 186405, "Sidse_Babett_Knudsen", 0]], [[173155, 186406, "Sidse_Babett_Knudsen", 1]], [[173155, 186407, "Sidse_Babett_Knudsen", 4]], [[173155, 186408, "Sidse_Babett_Knudsen", 5]], [[173155, 186409, "Sidse_Babett_Knudsen", 6]], [[173155, 186410, "Sidse_Babett_Knudsen", 7]], [[173155, 186411, "Sidse_Babett_Knudsen", 10]]], "all_evidence": [[173155, 186405, "Sidse_Babett_Knudsen", 0], [173155, 186406, "Sidse_Babett_Knudsen", 1], [173155, 186407, "Sidse_Babett_Knudsen", 4], [173155, 186408, "Sidse_Babett_Knudsen", 5], [173155, 186409, "Sidse_Babett_Knudsen", 6], [173155, 186410, "Sidse_Babett_Knudsen", 7], [173155, 186411, "Sidse_Babett_Knudsen", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292576, 285318, "The_Mighty_Ducks", 1]], [[295191, 287352, "The_Mighty_Ducks", 1]], [[340398, 325063, "The_Mighty_Ducks", 1]], [[340404, 325065, "The_Mighty_Ducks", 1]]], "all_evidence": [[292576, 285318, "The_Mighty_Ducks", 1], [295191, 287352, "The_Mighty_Ducks", 1], [340398, 325063, "The_Mighty_Ducks", 1], [340404, 325065, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237023, 239340, "Varsity_Blues_-LRB-film-RRB-", 5]], [[237025, 239341, "Varsity_Blues_-LRB-film-RRB-", 5], [237025, 239341, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[237023, 239340, "Varsity_Blues_-LRB-film-RRB-", 5], [237025, 239341, "Varsity_Blues_-LRB-film-RRB-", 5], [237025, 239341, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89909, 102611, "Sheryl_Lee", 7], [89909, 102611, "Laura_Palmer", 0], [89909, 102611, "Laura_Palmer", 1]]], "all_evidence": [[89909, 102611, "Sheryl_Lee", 7], [89909, 102611, "Laura_Palmer", 0], [89909, 102611, "Laura_Palmer", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251694, 251508, "Mary-Kate_and_Ashley_Olsen", 0]], [[251695, 251509, "Mary-Kate_and_Ashley_Olsen", 0]], [[251696, 251510, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251694, 251508, "Mary-Kate_and_Ashley_Olsen", 0], [251695, 251509, "Mary-Kate_and_Ashley_Olsen", 0], [251696, 251510, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283123, null, null, null], [287399, null, null, null], [331636, null, null, null], [332304, null, null, null]]], "all_evidence": [[283123, null, null, null], [287399, null, null, null], [331636, null, null, null], [332304, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136341, null, null, null]]], "all_evidence": [[136341, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31215, 37912, "The_Cincinnati_Kid", 0]], [[31215, 37913, "The_Cincinnati_Kid", 6]], [[31215, 37914, "The_Cincinnati_Kid", 8]], [[31215, 37915, "The_Cincinnati_Kid", 11]]], "all_evidence": [[31215, 37912, "The_Cincinnati_Kid", 0], [31215, 37913, "The_Cincinnati_Kid", 6], [31215, 37914, "The_Cincinnati_Kid", 8], [31215, 37915, "The_Cincinnati_Kid", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123234, null, null, null]]], "all_evidence": [[123234, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156737, 171348, "Guillermo_del_Toro", 0]]], "all_evidence": [[156737, 171348, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239238, null, null, null], [239240, null, null, null]]], "all_evidence": [[239238, null, null, null], [239240, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231194, null, null, null]]], "all_evidence": [[231194, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85682, null, null, null]]], "all_evidence": [[85682, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94020, 106994, "Aleister_Crowley", 0]]], "all_evidence": [[94020, 106994, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189993, 201148, "Philip_Glass", 9]]], "all_evidence": [[189993, 201148, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237590, null, null, null], [237594, null, null, null], [237625, null, null, null]]], "all_evidence": [[237590, null, null, null], [237594, null, null, null], [237625, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228708, null, null, null]]], "all_evidence": [[228708, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161736, 176158, "Gin", 0]]], "all_evidence": [[161736, 176158, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289602, 282655, "Colosseum", 0]], [[291051, 284014, "Colosseum", 0]], [[293167, 285791, "Colosseum", 0], [293167, 285791, "Italy", 0]], [[336957, 322427, "Colosseum", 0], [336957, 322427, "Italy", 0]], [[337053, 322486, "Colosseum", 0], [337053, 322486, "Italy", 0]]], "all_evidence": [[289602, 282655, "Colosseum", 0], [291051, 284014, "Colosseum", 0], [293167, 285791, "Colosseum", 0], [293167, 285791, "Italy", 0], [336957, 322427, "Colosseum", 0], [336957, 322427, "Italy", 0], [337053, 322486, "Colosseum", 0], [337053, 322486, "Italy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203205, 212287, "Fabian_Nicieza", 0]]], "all_evidence": [[203205, 212287, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[298108, 289664, "Edgar_Wright", 0], [298108, 289664, "Gemini_-LRB-astrology-RRB-", 1]], [[300227, 291478, "Edgar_Wright", 0], [300227, 291478, "Gemini_-LRB-astrology-RRB-", 1]], [[343204, 327024, "Edgar_Wright", 0], [343204, 327024, "Gemini_-LRB-astrology-RRB-", 1]], [[343211, 327035, "Edgar_Wright", 0], [343211, 327035, "Gemini_-LRB-astrology-RRB-", 1]], [[343261, 327078, "Edgar_Wright", 0]], [[343262, 327079, "Edgar_Wright", 0]]], "all_evidence": [[298108, 289664, "Edgar_Wright", 0], [298108, 289664, "Gemini_-LRB-astrology-RRB-", 1], [300227, 291478, "Edgar_Wright", 0], [300227, 291478, "Gemini_-LRB-astrology-RRB-", 1], [343204, 327024, "Edgar_Wright", 0], [343204, 327024, "Gemini_-LRB-astrology-RRB-", 1], [343211, 327035, "Edgar_Wright", 0], [343211, 327035, "Gemini_-LRB-astrology-RRB-", 1], [343261, 327078, "Edgar_Wright", 0], [343262, 327079, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160009, 174514, "Trevor_Griffiths", 0]]], "all_evidence": [[160009, 174514, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203326, null, null, null]]], "all_evidence": [[203326, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115042, 128759, "Starrcade", 0]], [[115042, 128760, "Starrcade", 1]]], "all_evidence": [[115042, 128759, "Starrcade", 0], [115042, 128760, "Starrcade", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145542, 160553, "Saw_-LRB-franchise-RRB-", 14], [145542, 160553, "Saw_-LRB-2004_film-RRB-", 0], [145542, 160553, "Saw_II", 0]], [[145543, 160554, "Saw_-LRB-franchise-RRB-", 14], [145543, 160554, "Saw_-LRB-2004_film-RRB-", 0], [145543, 160554, "Saw_II", 0]]], "all_evidence": [[145542, 160553, "Saw_-LRB-franchise-RRB-", 14], [145542, 160553, "Saw_-LRB-2004_film-RRB-", 0], [145542, 160553, "Saw_II", 0], [145543, 160554, "Saw_-LRB-franchise-RRB-", 14], [145543, 160554, "Saw_-LRB-2004_film-RRB-", 0], [145543, 160554, "Saw_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181184, null, null, null]]], "all_evidence": [[181184, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218545, null, null, null]]], "all_evidence": [[218545, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177095, null, null, null]]], "all_evidence": [[177095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42519, 51168, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[42519, 51168, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228753, 232868, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]], "all_evidence": [[228753, 232868, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117861, 131756, "Vietnam", 0]]], "all_evidence": [[117861, 131756, "Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247523, 247812, "Stadium_Arcadium", 1]]], "all_evidence": [[247523, 247812, "Stadium_Arcadium", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230075, 233821, "Jeong_Hyeong-don", 0]], [[230077, 233823, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230075, 233821, "Jeong_Hyeong-don", 0], [230077, 233823, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142560, null, null, null]]], "all_evidence": [[142560, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260872, null, null, null]]], "all_evidence": [[260872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33565, 40729, "Global_warming", 11]]], "all_evidence": [[33565, 40729, "Global_warming", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201852, 211209, "Artpop", 0]]], "all_evidence": [[201852, 211209, "Artpop", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13048, null, null, null], [13056, null, null, null], [20832, null, null, null], [22119, null, null, null], [298972, null, null, null]]], "all_evidence": [[13048, null, null, null], [13056, null, null, null], [20832, null, null, null], [22119, null, null, null], [298972, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257332, 256353, "Calcaneal_spur", 1]]], "all_evidence": [[257332, 256353, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166714, null, null, null]]], "all_evidence": [[166714, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32905, 39987, "Camden,_New_Jersey", 0]]], "all_evidence": [[32905, 39987, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223642, 228610, "Jean-Michel_Basquiat", 11]], [[223642, 228611, "Jean-Michel_Basquiat", 0]]], "all_evidence": [[223642, 228610, "Jean-Michel_Basquiat", 11], [223642, 228611, "Jean-Michel_Basquiat", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123529, null, null, null]]], "all_evidence": [[123529, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179716, 192275, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[179716, 192275, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124523, null, null, null]]], "all_evidence": [[124523, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155696, null, null, null]]], "all_evidence": [[155696, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174601, null, null, null]]], "all_evidence": [[174601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130028, 144743, "The_Others_-LRB-2001_film-RRB-", 5]]], "all_evidence": [[130028, 144743, "The_Others_-LRB-2001_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214289, 221371, "Kenneth_Lonergan", 0]]], "all_evidence": [[214289, 221371, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206509, 214852, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[206509, 214852, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185460, 197231, "French_Indochina", 0]]], "all_evidence": [[185460, 197231, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183968, 195948, "Dan_O'Bannon", 0]]], "all_evidence": [[183968, 195948, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105797, null, null, null]]], "all_evidence": [[105797, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148728, 163770, "Duane_Chapman", 0]]], "all_evidence": [[148728, 163770, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114285, 128068, "Randy_Savage", 4]]], "all_evidence": [[114285, 128068, "Randy_Savage", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76960, null, null, null]]], "all_evidence": [[76960, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[280198, null, null, null], [281755, null, null, null], [281759, null, null, null], [329432, null, null, null], [329440, null, null, null]]], "all_evidence": [[280198, null, null, null], [281755, null, null, null], [281759, null, null, null], [329432, null, null, null], [329440, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246607, null, null, null]]], "all_evidence": [[246607, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234955, null, null, null]]], "all_evidence": [[234955, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140355, null, null, null]]], "all_evidence": [[140355, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40781, 49035, "Vedam_-LRB-film-RRB-", 0], [40781, 49035, "Manchu_Manoj", 0], [40781, 49035, "Manoj_Bajpayee", 0], [40781, 49035, "Allu_Arjun", 0], [40781, 49035, "Anushka_Shetty", 0], [40781, 49035, "Saranya_Ponvannan", 0], [40781, 49035, "Lekha_Washington", 0], [40781, 49035, "Deeksha_Seth", 0]]], "all_evidence": [[40781, 49035, "Vedam_-LRB-film-RRB-", 0], [40781, 49035, "Manchu_Manoj", 0], [40781, 49035, "Manoj_Bajpayee", 0], [40781, 49035, "Allu_Arjun", 0], [40781, 49035, "Anushka_Shetty", 0], [40781, 49035, "Saranya_Ponvannan", 0], [40781, 49035, "Lekha_Washington", 0], [40781, 49035, "Deeksha_Seth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57100, 67324, "Terry_Crews", 9]]], "all_evidence": [[57100, 67324, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86772, 99231, "Kuching", 2]]], "all_evidence": [[86772, 99231, "Kuching", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189875, 201067, "Mickey_Rourke", 0]]], "all_evidence": [[189875, 201067, "Mickey_Rourke", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87333, null, null, null]]], "all_evidence": [[87333, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93385, 106335, "Dakota_Fanning", 0]]], "all_evidence": [[93385, 106335, "Dakota_Fanning", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140560, 155639, "Margaret_Thatcher", 0]], [[140560, 155640, "Margaret_Thatcher", 1]], [[140560, 155641, "Margaret_Thatcher", 2]], [[140560, 155642, "Margaret_Thatcher", 3]], [[140560, 155643, "Margaret_Thatcher", 6]], [[140560, 155644, "Margaret_Thatcher", 7]], [[140560, 155645, "Margaret_Thatcher", 8]], [[140560, 155646, "Margaret_Thatcher", 9]], [[140560, 155647, "Margaret_Thatcher", 12]], [[140560, 155648, "Margaret_Thatcher", 13]], [[140560, 155649, "Margaret_Thatcher", 14]], [[140560, 155650, "Margaret_Thatcher", 15]], [[140560, 155651, "Margaret_Thatcher", 18]], [[140560, 155652, "Margaret_Thatcher", 19]], [[140560, 155654, "Margaret_Thatcher", 20]], [[140560, 155658, "Margaret_Thatcher", 21]], [[140560, 155661, "Margaret_Thatcher", 22]], [[140560, 155662, "Margaret_Thatcher", 23]], [[140560, 155663, "Margaret_Thatcher", 24]], [[140560, 155665, "Margaret_Thatcher", 25]]], "all_evidence": [[140560, 155639, "Margaret_Thatcher", 0], [140560, 155640, "Margaret_Thatcher", 1], [140560, 155641, "Margaret_Thatcher", 2], [140560, 155642, "Margaret_Thatcher", 3], [140560, 155643, "Margaret_Thatcher", 6], [140560, 155644, "Margaret_Thatcher", 7], [140560, 155645, "Margaret_Thatcher", 8], [140560, 155646, "Margaret_Thatcher", 9], [140560, 155647, "Margaret_Thatcher", 12], [140560, 155648, "Margaret_Thatcher", 13], [140560, 155649, "Margaret_Thatcher", 14], [140560, 155650, "Margaret_Thatcher", 15], [140560, 155651, "Margaret_Thatcher", 18], [140560, 155652, "Margaret_Thatcher", 19], [140560, 155654, "Margaret_Thatcher", 20], [140560, 155658, "Margaret_Thatcher", 21], [140560, 155661, "Margaret_Thatcher", 22], [140560, 155662, "Margaret_Thatcher", 23], [140560, 155663, "Margaret_Thatcher", 24], [140560, 155665, "Margaret_Thatcher", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189756, 200977, "Polar_bear", 7]]], "all_evidence": [[189756, 200977, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155104, 169816, "L.A._Reid", 1], [155104, 169816, "Epic_Records", 0]]], "all_evidence": [[155104, 169816, "L.A._Reid", 1], [155104, 169816, "Epic_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239223, 241141, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239224, 241142, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239223, 241141, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239224, 241142, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38913, 46868, "United_Nations_Charter", 1]]], "all_evidence": [[38913, 46868, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109614, null, null, null]]], "all_evidence": [[109614, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69221, 79996, "Daggering", 0]]], "all_evidence": [[69221, 79996, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259725, 258278, "Hanford_Site", 23]]], "all_evidence": [[259725, 258278, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259461, 258033, "Libya", 2]]], "all_evidence": [[259461, 258033, "Libya", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160801, null, null, null]]], "all_evidence": [[160801, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12418, 15528, "Saw_-LRB-franchise-RRB-", 14]], [[16746, 20746, "Saw_-LRB-franchise-RRB-", 14], [16746, 20746, "Saw_II", 0]], [[19084, 23393, "Saw_-LRB-franchise-RRB-", 14], [19084, 23393, "Saw_II", 0]], [[90602, 103340, "Saw_-LRB-franchise-RRB-", 14], [90602, 103340, "Saw_II", 0]]], "all_evidence": [[12418, 15528, "Saw_-LRB-franchise-RRB-", 14], [16746, 20746, "Saw_-LRB-franchise-RRB-", 14], [16746, 20746, "Saw_II", 0], [19084, 23393, "Saw_-LRB-franchise-RRB-", 14], [19084, 23393, "Saw_II", 0], [90602, 103340, "Saw_-LRB-franchise-RRB-", 14], [90602, 103340, "Saw_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222190, null, null, null]]], "all_evidence": [[222190, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178454, null, null, null]]], "all_evidence": [[178454, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69972, null, null, null]]], "all_evidence": [[69972, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91491, null, null, null]]], "all_evidence": [[91491, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290556, 283566, "Mount_Rushmore", 15]], [[291951, 284799, "Mount_Rushmore", 1]], [[339264, 324271, "Mount_Rushmore", 1]], [[339266, 324273, "Mount_Rushmore", 15]], [[339266, 324274, "Mount_Rushmore", 1]], [[339278, 324286, "Mount_Rushmore", 1]], [[339289, 324293, "Mount_Rushmore", 1]]], "all_evidence": [[290556, 283566, "Mount_Rushmore", 15], [291951, 284799, "Mount_Rushmore", 1], [339264, 324271, "Mount_Rushmore", 1], [339266, 324273, "Mount_Rushmore", 15], [339266, 324274, "Mount_Rushmore", 1], [339278, 324286, "Mount_Rushmore", 1], [339289, 324293, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175843, null, null, null]]], "all_evidence": [[175843, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43055, null, null, null]]], "all_evidence": [[43055, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161359, null, null, null]]], "all_evidence": [[161359, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241404, null, null, null]]], "all_evidence": [[241404, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214432, null, null, null], [219831, null, null, null], [317453, null, null, null], [317455, null, null, null], [317457, null, null, null], [317466, null, null, null], [317470, null, null, null], [317485, null, null, null], [317504, null, null, null]]], "all_evidence": [[214432, null, null, null], [219831, null, null, null], [317453, null, null, null], [317455, null, null, null], [317457, null, null, null], [317466, null, null, null], [317470, null, null, null], [317485, null, null, null], [317504, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218166, 224525, "Bermuda_Triangle", 0]]], "all_evidence": [[218166, 224525, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133609, 148463, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[133609, 148463, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115335, 129169, "Reign_Over_Me", 0]]], "all_evidence": [[115335, 129169, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109827, 123418, "Uranium-235", 6], [109827, 123418, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[109827, 123418, "Uranium-235", 6], [109827, 123418, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17753, 21904, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]], [[17753, 21905, "The_Dark_Tower_-LRB-2017_film-RRB-", 1]], [[17753, 21906, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[17753, 21904, "The_Dark_Tower_-LRB-2017_film-RRB-", 0], [17753, 21905, "The_Dark_Tower_-LRB-2017_film-RRB-", 1], [17753, 21906, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95641, 108679, "Starrcade", 0]]], "all_evidence": [[95641, 108679, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257329, 256351, "Calcaneal_spur", 1]]], "all_evidence": [[257329, 256351, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173880, null, null, null]]], "all_evidence": [[173880, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298813, null, null, null], [300894, null, null, null], [344869, null, null, null], [344871, null, null, null], [344872, null, null, null]]], "all_evidence": [[298813, null, null, null], [300894, null, null, null], [344869, null, null, null], [344871, null, null, null], [344872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246621, 247096, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246621, 247096, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220903, 226684, "The_Sterile_Cuckoo", 3], [220903, 226684, "The_Sterile_Cuckoo_-LRB-novel-RRB-", 0]]], "all_evidence": [[220903, 226684, "The_Sterile_Cuckoo", 3], [220903, 226684, "The_Sterile_Cuckoo_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209781, 217574, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209781, 217574, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115247, null, null, null]]], "all_evidence": [[115247, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232002, 235294, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232002, 235294, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193384, 203910, "Don_Bradman", 20]]], "all_evidence": [[193384, 203910, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61317, 71834, "Edison_Machine_Works", 0]]], "all_evidence": [[61317, 71834, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161264, 175753, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[161264, 175753, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60724, 71210, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[60724, 71210, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292031, 284866, "Lockheed_Martin_F-35_Lightning_II", 21]], [[294012, 286400, "Lockheed_Martin_F-35_Lightning_II", 21]]], "all_evidence": [[292031, 284866, "Lockheed_Martin_F-35_Lightning_II", 21], [294012, 286400, "Lockheed_Martin_F-35_Lightning_II", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230143, 233872, "Frozen_-LRB-2013_film-RRB-", 0]], [[230143, 233873, "Frozen_-LRB-2013_film-RRB-", 10]]], "all_evidence": [[230143, 233872, "Frozen_-LRB-2013_film-RRB-", 0], [230143, 233873, "Frozen_-LRB-2013_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231957, null, null, null]]], "all_evidence": [[231957, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245427, 246243, "Mel_B", 5], [245427, 246243, "I_Want_You_Back_-LRB-Mel_B_song-RRB-", 1], [245427, 246243, "Missy_Elliott", 0]]], "all_evidence": [[245427, 246243, "Mel_B", 5], [245427, 246243, "I_Want_You_Back_-LRB-Mel_B_song-RRB-", 1], [245427, 246243, "Missy_Elliott", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214781, 221775, "Premam", 11]], [[214797, 221790, "Premam", 11]]], "all_evidence": [[214781, 221775, "Premam", 11], [214797, 221790, "Premam", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260895, 259229, "Capsicum_chinense", 0]]], "all_evidence": [[260895, 259229, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275437, 270574, "Kerplunk_-LRB-album-RRB-", 0], [275437, 270574, "Green_Day", 0]], [[275437, 270575, "Kerplunk_-LRB-album-RRB-", 2], [275437, 270575, "Green_Day", 0]], [[277283, 272221, "Kerplunk_-LRB-album-RRB-", 0]], [[277788, 272735, "Kerplunk_-LRB-album-RRB-", 0]], [[277789, 272736, "Kerplunk_-LRB-album-RRB-", 0]], [[324472, 312446, "Kerplunk_-LRB-album-RRB-", 0]]], "all_evidence": [[275437, 270574, "Kerplunk_-LRB-album-RRB-", 0], [275437, 270574, "Green_Day", 0], [275437, 270575, "Kerplunk_-LRB-album-RRB-", 2], [275437, 270575, "Green_Day", 0], [277283, 272221, "Kerplunk_-LRB-album-RRB-", 0], [277788, 272735, "Kerplunk_-LRB-album-RRB-", 0], [277789, 272736, "Kerplunk_-LRB-album-RRB-", 0], [324472, 312446, "Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36109, null, null, null]]], "all_evidence": [[36109, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136622, 151437, "Mount_Rushmore", 0]]], "all_evidence": [[136622, 151437, "Mount_Rushmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199083, 208766, "Matteo_Renzi", 0]]], "all_evidence": [[199083, 208766, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189916, 201097, "Mickey_Rourke", 13]]], "all_evidence": [[189916, 201097, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70910, null, null, null]]], "all_evidence": [[70910, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180947, 193281, "Life", 0]]], "all_evidence": [[180947, 193281, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103324, 116719, "Battle_of_France", 13]]], "all_evidence": [[103324, 116719, "Battle_of_France", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13369, 16705, "Ashley_Cole", 0]], [[22653, 27958, "Ashley_Cole", 0]], [[22653, 27959, "Ashley_Cole", 3]], [[114281, 128066, "Ashley_Cole", 0]], [[114281, 128067, "Ashley_Cole", 3]], [[299240, 290622, "Ashley_Cole", 0]]], "all_evidence": [[13369, 16705, "Ashley_Cole", 0], [22653, 27958, "Ashley_Cole", 0], [22653, 27959, "Ashley_Cole", 3], [114281, 128066, "Ashley_Cole", 0], [114281, 128067, "Ashley_Cole", 3], [299240, 290622, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61715, 72198, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[61715, 72198, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75957, 87237, "Human_brain", 25]]], "all_evidence": [[75957, 87237, "Human_brain", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215918, 222672, "Bradley_Fuller", 1]]], "all_evidence": [[215918, 222672, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153895, 168721, "Yara_Shahidi", 0]]], "all_evidence": [[153895, 168721, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190025, null, null, null], [190026, null, null, null], [190027, null, null, null]]], "all_evidence": [[190025, null, null, null], [190026, null, null, null], [190027, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116601, 130485, "Justine_Bateman", 0]]], "all_evidence": [[116601, 130485, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91654, null, null, null]]], "all_evidence": [[91654, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164864, 179057, "Angela_Bassett", 6]]], "all_evidence": [[164864, 179057, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113097, null, null, null]]], "all_evidence": [[113097, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120611, 134856, "Tim_McGraw", 13], [120611, 134856, "The_Blind_Side_-LRB-film-RRB-", 6]]], "all_evidence": [[120611, 134856, "Tim_McGraw", 13], [120611, 134856, "The_Blind_Side_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39781, 47860, "Martin_Van_Buren", 1]]], "all_evidence": [[39781, 47860, "Martin_Van_Buren", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101712, null, null, null]]], "all_evidence": [[101712, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209750, 217540, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]], "all_evidence": [[209750, 217540, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160788, 175305, "Jennifer_Lopez", 10]]], "all_evidence": [[160788, 175305, "Jennifer_Lopez", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199486, 209162, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199486, 209162, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49339, 58674, "X-Men-COLON-_Apocalypse", 2]], [[55726, 65772, "X-Men-COLON-_Apocalypse", 2]], [[55726, 65773, "X-Men-COLON-_Apocalypse", 6]], [[302780, 293772, "X-Men-COLON-_Apocalypse", 2]]], "all_evidence": [[49339, 58674, "X-Men-COLON-_Apocalypse", 2], [55726, 65772, "X-Men-COLON-_Apocalypse", 2], [55726, 65773, "X-Men-COLON-_Apocalypse", 6], [302780, 293772, "X-Men-COLON-_Apocalypse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167336, 181180, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[167336, 181180, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140599, null, null, null]]], "all_evidence": [[140599, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161073, 175563, "Joe_Walsh", 24]]], "all_evidence": [[161073, 175563, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164648, 178868, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[164648, 178868, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142290, null, null, null]]], "all_evidence": [[142290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27819, 34088, "Global_warming", 15]], [[30808, 37440, "Global_warming", 15]], [[32914, 39997, "Global_warming", 15]], [[301701, 292808, "Global_warming", 15], [301701, 292808, "Global_warming", 0]], [[303036, 294016, "Global_warming", 15]], [[304403, 295206, "Global_warming", 15]]], "all_evidence": [[27819, 34088, "Global_warming", 15], [30808, 37440, "Global_warming", 15], [32914, 39997, "Global_warming", 15], [301701, 292808, "Global_warming", 15], [301701, 292808, "Global_warming", 0], [303036, 294016, "Global_warming", 15], [304403, 295206, "Global_warming", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44655, 53338, "Shawn_Carlson", 0]]], "all_evidence": [[44655, 53338, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114593, 128340, "Danger_UXB", 0]]], "all_evidence": [[114593, 128340, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246277, 246822, "Easy_A", 0]]], "all_evidence": [[246277, 246822, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221676, null, null, null]]], "all_evidence": [[221676, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80164, 91958, "Aristotle", 2]]], "all_evidence": [[80164, 91958, "Aristotle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184153, 196106, "Edgar_Wright", 0]]], "all_evidence": [[184153, 196106, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219106, 225213, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219106, 225213, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234505, 237367, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234505, 237367, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[14395, 17974, "Advertising", 0]]], "all_evidence": [[14395, 17974, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77469, 88922, "Human_trafficking", 0]]], "all_evidence": [[77469, 88922, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255971, 255282, "Weekly_Idol", 1], [255971, 255282, "Weekly_Idol", 0]], [[255976, 255287, "Weekly_Idol", 1]]], "all_evidence": [[255971, 255282, "Weekly_Idol", 1], [255971, 255282, "Weekly_Idol", 0], [255976, 255287, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260692, null, null, null]]], "all_evidence": [[260692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225781, 230364, "The_Millers", 4]]], "all_evidence": [[225781, 230364, "The_Millers", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34945, 42363, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[34945, 42363, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20845, 25536, "Eric_Church", 0]]], "all_evidence": [[20845, 25536, "Eric_Church", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281537, null, null, null], [283677, null, null, null], [328360, null, null, null]]], "all_evidence": [[281537, null, null, null], [283677, null, null, null], [328360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58068, 68296, "Britt_Robertson", 15]], [[58098, 68318, "Britt_Robertson", 15]]], "all_evidence": [[58068, 68296, "Britt_Robertson", 15], [58098, 68318, "Britt_Robertson", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186091, 198002, "Baz_Luhrmann", 2]]], "all_evidence": [[186091, 198002, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135588, null, null, null], [135604, null, null, null]]], "all_evidence": [[135588, null, null, null], [135604, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178270, null, null, null]]], "all_evidence": [[178270, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87868, null, null, null]]], "all_evidence": [[87868, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213701, null, null, null]]], "all_evidence": [[213701, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109683, 123291, "Pharrell_Williams", 4]]], "all_evidence": [[109683, 123291, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228162, null, null, null]]], "all_evidence": [[228162, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71187, 82120, "Francis_I_of_France", 0]]], "all_evidence": [[71187, 82120, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98509, null, null, null]]], "all_evidence": [[98509, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228192, null, null, null]]], "all_evidence": [[228192, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76265, 87563, "Emma_Watson", 0]]], "all_evidence": [[76265, 87563, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164150, 178389, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[164150, 178389, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251703, null, null, null]]], "all_evidence": [[251703, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97406, 110562, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[97406, 110562, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119791, null, null, null]]], "all_evidence": [[119791, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216563, null, null, null]]], "all_evidence": [[216563, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128810, 143478, "Tenacious_D", 0]]], "all_evidence": [[128810, 143478, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208000, null, null, null]]], "all_evidence": [[208000, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292476, 285243, "Hush_-LRB-2016_film-RRB-", 2]], [[294491, 286780, "Hush_-LRB-2016_film-RRB-", 2]], [[295096, 287289, "Hush_-LRB-2016_film-RRB-", 2]], [[340150, 324908, "Hush_-LRB-2016_film-RRB-", 2]], [[340280, 324984, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[292476, 285243, "Hush_-LRB-2016_film-RRB-", 2], [294491, 286780, "Hush_-LRB-2016_film-RRB-", 2], [295096, 287289, "Hush_-LRB-2016_film-RRB-", 2], [340150, 324908, "Hush_-LRB-2016_film-RRB-", 2], [340280, 324984, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44445, 53110, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[44445, 53110, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143077, null, null, null]]], "all_evidence": [[143077, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213520, null, null, null], [217337, null, null, null], [317273, null, null, null], [319263, null, null, null]]], "all_evidence": [[213520, null, null, null], [217337, null, null, null], [317273, null, null, null], [319263, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115403, 129215, "I_Kissed_a_Girl", 0]]], "all_evidence": [[115403, 129215, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45309, 54071, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[45309, 54071, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296736, null, null, null], [298362, null, null, null], [300396, null, null, null], [343833, null, null, null], [343974, null, null, null], [344026, null, null, null]]], "all_evidence": [[296736, null, null, null], [298362, null, null, null], [300396, null, null, null], [343833, null, null, null], [343974, null, null, null], [344026, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207992, null, null, null], [207993, null, null, null]]], "all_evidence": [[207992, null, null, null], [207993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60738, 71225, "Duff_McKagan", 0]]], "all_evidence": [[60738, 71225, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47213, null, null, null]]], "all_evidence": [[47213, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243134, 244407, "First_Motion_Picture_Unit", 1]]], "all_evidence": [[243134, 244407, "First_Motion_Picture_Unit", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128773, null, null, null]]], "all_evidence": [[128773, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210889, null, null, null]]], "all_evidence": [[210889, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97305, 110480, "Tiber_Oil_Field", 1]], [[97308, 110483, "Tiber_Oil_Field", 1]]], "all_evidence": [[97305, 110480, "Tiber_Oil_Field", 1], [97308, 110483, "Tiber_Oil_Field", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189368, null, null, null]]], "all_evidence": [[189368, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20739, null, null, null]]], "all_evidence": [[20739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108006, 121517, "Star_Trek-COLON-_Discovery", 0]]], "all_evidence": [[108006, 121517, "Star_Trek-COLON-_Discovery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157852, null, null, null]]], "all_evidence": [[157852, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218302, 224613, "Eva_Mendes", 7]]], "all_evidence": [[218302, 224613, "Eva_Mendes", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231955, 235258, "Luke_Cage", 2]]], "all_evidence": [[231955, 235258, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130581, 145376, "Tatum_O'Neal", 6]]], "all_evidence": [[130581, 145376, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228216, 232457, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]], [[228232, 232467, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228216, 232457, "Fortunes_of_War_-LRB-TV_series-RRB-", 1], [228232, 232467, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268464, 265044, "Michaela_Watkins", 0]], [[268464, 265045, "Michaela_Watkins", 1]], [[268464, 265046, "Michaela_Watkins", 2]]], "all_evidence": [[268464, 265044, "Michaela_Watkins", 0], [268464, 265045, "Michaela_Watkins", 1], [268464, 265046, "Michaela_Watkins", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49251, 58581, "Chaka_Khan", 0]]], "all_evidence": [[49251, 58581, "Chaka_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105510, 118954, "A_View_to_a_Kill", 0]]], "all_evidence": [[105510, 118954, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239333, null, null, null], [239334, null, null, null], [239347, null, null, null]]], "all_evidence": [[239333, null, null, null], [239334, null, null, null], [239347, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67975, null, null, null], [70135, null, null, null], [70750, null, null, null], [303810, null, null, null], [305510, null, null, null]]], "all_evidence": [[67975, null, null, null], [70135, null, null, null], [70750, null, null, null], [303810, null, null, null], [305510, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52658, 62620, "Danger_UXB", 0], [52658, 62620, "World_War_II", 0]]], "all_evidence": [[52658, 62620, "Danger_UXB", 0], [52658, 62620, "World_War_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190737, 201703, "Buffy_Summers", 1], [190737, 201703, "Buffy_the_Vampire_Slayer_-LRB-film-RRB-", 0]], [[190738, 201704, "Buffy_Summers", 3]]], "all_evidence": [[190737, 201703, "Buffy_Summers", 1], [190737, 201703, "Buffy_the_Vampire_Slayer_-LRB-film-RRB-", 0], [190738, 201704, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127892, 142581, "Nicholas_Brody", 1]]], "all_evidence": [[127892, 142581, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279964, null, null, null], [328627, null, null, null], [329293, null, null, null], [329296, null, null, null]]], "all_evidence": [[279964, null, null, null], [328627, null, null, null], [329293, null, null, null], [329296, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214285, 221367, "Kenneth_Lonergan", 1]], [[214285, 221368, "Kenneth_Lonergan", 2]], [[214285, 221369, "Kenneth_Lonergan", 3]]], "all_evidence": [[214285, 221367, "Kenneth_Lonergan", 1], [214285, 221368, "Kenneth_Lonergan", 2], [214285, 221369, "Kenneth_Lonergan", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172007, 185421, "James_Jones_-LRB-basketball_player-RRB-", 17]]], "all_evidence": [[172007, 185421, "James_Jones_-LRB-basketball_player-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11687, 14673, "Jens_Stoltenberg", 4], [11687, 14673, "Norway", 14]]], "all_evidence": [[11687, 14673, "Jens_Stoltenberg", 4], [11687, 14673, "Norway", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132169, 147049, "Rabies", 9]]], "all_evidence": [[132169, 147049, "Rabies", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198018, 207964, "Syracuse,_New_York", 2]]], "all_evidence": [[198018, 207964, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59022, null, null, null]]], "all_evidence": [[59022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241417, 242944, "Brad_Wilk", 4], [241417, 242944, "Greta_-LRB-band-RRB-", 3]]], "all_evidence": [[241417, 242944, "Brad_Wilk", 4], [241417, 242944, "Greta_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268490, 265072, "Michaela_Watkins", 0]]], "all_evidence": [[268490, 265072, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155517, null, null, null]]], "all_evidence": [[155517, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19626, 24132, "Villa_Park", 14], [19626, 24132, "2012_FA_Community_Shield", 0]]], "all_evidence": [[19626, 24132, "Villa_Park", 14], [19626, 24132, "2012_FA_Community_Shield", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133246, null, null, null]]], "all_evidence": [[133246, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90238, 102994, "Colombiana", 0]]], "all_evidence": [[90238, 102994, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197399, 207443, "Lalla_Ward", 0]]], "all_evidence": [[197399, 207443, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255549, 254983, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255549, 254983, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282184, 276402, "The_Bahamas", 1]], [[282184, 276403, "The_Bahamas", 0]], [[284190, 278044, "The_Bahamas", 0]], [[284204, 278058, "The_Bahamas", 0]], [[330168, 316796, "The_Bahamas", 0]], [[330169, 316797, "The_Bahamas", 0], [330169, 316797, "Archipelagic_state", 0]], [[330169, 316798, "The_Bahamas", 1]], [[330169, 316799, "The_Bahamas", 2], [330169, 316799, "Nassau,_Bahamas", 0]], [[330170, 316800, "The_Bahamas", 0]]], "all_evidence": [[282184, 276402, "The_Bahamas", 1], [282184, 276403, "The_Bahamas", 0], [284190, 278044, "The_Bahamas", 0], [284204, 278058, "The_Bahamas", 0], [330168, 316796, "The_Bahamas", 0], [330169, 316797, "The_Bahamas", 0], [330169, 316797, "Archipelagic_state", 0], [330169, 316798, "The_Bahamas", 1], [330169, 316799, "The_Bahamas", 2], [330169, 316799, "Nassau,_Bahamas", 0], [330170, 316800, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168776, 182470, "Greek_language", 0]], [[168776, 182471, "Greek_language", 11]]], "all_evidence": [[168776, 182470, "Greek_language", 0], [168776, 182471, "Greek_language", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198847, 208555, "The_King_and_I", 1]]], "all_evidence": [[198847, 208555, "The_King_and_I", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162974, 177197, "Riddick_-LRB-character-RRB-", 0]]], "all_evidence": [[162974, 177197, "Riddick_-LRB-character-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148312, 163343, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[148312, 163343, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185798, null, null, null]]], "all_evidence": [[185798, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48549, 57861, "Miranda_Otto", 1]]], "all_evidence": [[48549, 57861, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282399, null, null, null], [282419, null, null, null], [284372, null, null, null], [330531, null, null, null], [331692, null, null, null], [331695, null, null, null]]], "all_evidence": [[282399, null, null, null], [282419, null, null, null], [284372, null, null, null], [330531, null, null, null], [331692, null, null, null], [331695, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[291429, null, null, null]]], "all_evidence": [[291429, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11165, null, null, null], [11166, null, null, null], [15309, null, null, null], [19040, null, null, null], [34521, null, null, null], [53098, null, null, null], [59041, null, null, null], [68771, null, null, null], [72383, null, null, null], [76073, null, null, null], [80178, null, null, null], [82696, null, null, null], [84952, null, null, null], [88761, null, null, null], [97929, null, null, null], [100974, null, null, null], [106238, null, null, null], [107052, null, null, null], [111312, null, null, null], [116041, null, null, null], [161099, null, null, null], [187368, null, null, null], [272532, null, null, null], [283877, null, null, null], [299617, null, null, null]]], "all_evidence": [[11165, null, null, null], [11166, null, null, null], [15309, null, null, null], [19040, null, null, null], [34521, null, null, null], [53098, null, null, null], [59041, null, null, null], [68771, null, null, null], [72383, null, null, null], [76073, null, null, null], [80178, null, null, null], [82696, null, null, null], [84952, null, null, null], [88761, null, null, null], [97929, null, null, null], [100974, null, null, null], [106238, null, null, null], [107052, null, null, null], [111312, null, null, null], [116041, null, null, null], [161099, null, null, null], [187368, null, null, null], [272532, null, null, null], [283877, null, null, null], [299617, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298760, null, null, null], [344706, null, null, null]]], "all_evidence": [[298760, null, null, null], [344706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26181, 32191, "Speech_recognition", 2]], [[26181, 32192, "Speech_recognition", 0], [26181, 32192, "Computational_linguistics", 5], [26181, 32192, "Computational_linguistics", 4]]], "all_evidence": [[26181, 32191, "Speech_recognition", 2], [26181, 32192, "Speech_recognition", 0], [26181, 32192, "Computational_linguistics", 5], [26181, 32192, "Computational_linguistics", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242989, null, null, null]]], "all_evidence": [[242989, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177220, null, null, null]]], "all_evidence": [[177220, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76552, 87841, "David_Packouz", 0]]], "all_evidence": [[76552, 87841, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286659, 280131, "Tatum_O'Neal", 0]], [[286663, 280133, "Tatum_O'Neal", 0]], [[286663, 280134, "Tatum_O'Neal", 1]], [[286663, 280135, "Tatum_O'Neal", 2]], [[286663, 280136, "Tatum_O'Neal", 6]], [[288859, 282061, "Tatum_O'Neal", 0]], [[333633, 319868, "Tatum_O'Neal", 0]], [[334547, 320588, "Tatum_O'Neal", 0]]], "all_evidence": [[286659, 280131, "Tatum_O'Neal", 0], [286663, 280133, "Tatum_O'Neal", 0], [286663, 280134, "Tatum_O'Neal", 1], [286663, 280135, "Tatum_O'Neal", 2], [286663, 280136, "Tatum_O'Neal", 6], [288859, 282061, "Tatum_O'Neal", 0], [333633, 319868, "Tatum_O'Neal", 0], [334547, 320588, "Tatum_O'Neal", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161897, null, null, null]]], "all_evidence": [[161897, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227624, null, null, null]]], "all_evidence": [[227624, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133158, null, null, null]]], "all_evidence": [[133158, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123629, 138045, "Brazzers", 0]]], "all_evidence": [[123629, 138045, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31385, null, null, null]]], "all_evidence": [[31385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21119, 25937, "Republic_of_Macedonia", 1]], [[21119, 25938, "Republic_of_Macedonia", 6]], [[21119, 25939, "Republic_of_Macedonia", 8]], [[21119, 25940, "Republic_of_Macedonia", 9], [21119, 25940, "Skopje", 1]], [[21119, 25941, "Republic_of_Macedonia", 26]]], "all_evidence": [[21119, 25937, "Republic_of_Macedonia", 1], [21119, 25938, "Republic_of_Macedonia", 6], [21119, 25939, "Republic_of_Macedonia", 8], [21119, 25940, "Republic_of_Macedonia", 9], [21119, 25940, "Skopje", 1], [21119, 25941, "Republic_of_Macedonia", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250360, null, null, null]]], "all_evidence": [[250360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184379, 196283, "Christa_McAuliffe", 4]]], "all_evidence": [[184379, 196283, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[298747, 290165, "Mickey_Rourke", 13], [298747, 290165, "Iron_Man_2", 0]], [[300834, 291918, "Mickey_Rourke", 13], [300834, 291918, "Iron_Man_2", 0], [300834, 291918, "Iron_Man_2", 2]], [[344645, 328123, "Mickey_Rourke", 13], [344645, 328123, "Iron_Man_2", 0]], [[344646, 328124, "Mickey_Rourke", 13], [344646, 328124, "Iron_Man_2", 0]], [[344650, 328127, "Mickey_Rourke", 13], [344650, 328127, "Iron_Man_2", 0]], [[344653, 328129, "Mickey_Rourke", 13], [344653, 328129, "Iron_Man_2", 0]], [[344764, 328218, "Mickey_Rourke", 13]]], "all_evidence": [[298747, 290165, "Mickey_Rourke", 13], [298747, 290165, "Iron_Man_2", 0], [300834, 291918, "Mickey_Rourke", 13], [300834, 291918, "Iron_Man_2", 0], [300834, 291918, "Iron_Man_2", 2], [344645, 328123, "Mickey_Rourke", 13], [344645, 328123, "Iron_Man_2", 0], [344646, 328124, "Mickey_Rourke", 13], [344646, 328124, "Iron_Man_2", 0], [344650, 328127, "Mickey_Rourke", 13], [344650, 328127, "Iron_Man_2", 0], [344653, 328129, "Mickey_Rourke", 13], [344653, 328129, "Iron_Man_2", 0], [344764, 328218, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81991, 93778, "Winter's_Tale_-LRB-novel-RRB-", 0]], [[81991, 93779, "Winter's_Tale_-LRB-novel-RRB-", 2]]], "all_evidence": [[81991, 93778, "Winter's_Tale_-LRB-novel-RRB-", 0], [81991, 93779, "Winter's_Tale_-LRB-novel-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40092, 48234, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[40092, 48234, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61358, 71872, "Kuching", 0]]], "all_evidence": [[61358, 71872, "Kuching", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45472, 54296, "Hot_Right_Now", 0]]], "all_evidence": [[45472, 54296, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223883, null, null, null]]], "all_evidence": [[223883, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218181, null, null, null]]], "all_evidence": [[218181, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253940, 253734, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253940, 253734, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130227, 144994, "Saw_-LRB-franchise-RRB-", 8], [130227, 144994, "Saw_-LRB-franchise-RRB-", 0]]], "all_evidence": [[130227, 144994, "Saw_-LRB-franchise-RRB-", 8], [130227, 144994, "Saw_-LRB-franchise-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139535, 154564, "Recovery_-LRB-Eminem_album-RRB-", 9], [139535, 154564, "Love_the_Way_You_Lie", 0]]], "all_evidence": [[139535, 154564, "Recovery_-LRB-Eminem_album-RRB-", 9], [139535, 154564, "Love_the_Way_You_Lie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274367, 269659, "Andrew_Kevin_Walker", 0]], [[274367, 269660, "Andrew_Kevin_Walker", 1]], [[274369, 269662, "Andrew_Kevin_Walker", 0]], [[274369, 269664, "Andrew_Kevin_Walker", 1]], [[274370, 269663, "Andrew_Kevin_Walker", 0]], [[274370, 269665, "Andrew_Kevin_Walker", 1]], [[274371, 269666, "Andrew_Kevin_Walker", 0]], [[274371, 269667, "Andrew_Kevin_Walker", 1]], [[322442, 310775, "Andrew_Kevin_Walker", 0]], [[322442, 310776, "Andrew_Kevin_Walker", 1]]], "all_evidence": [[274367, 269659, "Andrew_Kevin_Walker", 0], [274367, 269660, "Andrew_Kevin_Walker", 1], [274369, 269662, "Andrew_Kevin_Walker", 0], [274369, 269664, "Andrew_Kevin_Walker", 1], [274370, 269663, "Andrew_Kevin_Walker", 0], [274370, 269665, "Andrew_Kevin_Walker", 1], [274371, 269666, "Andrew_Kevin_Walker", 0], [274371, 269667, "Andrew_Kevin_Walker", 1], [322442, 310775, "Andrew_Kevin_Walker", 0], [322442, 310776, "Andrew_Kevin_Walker", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289373, null, null, null], [335797, null, null, null], [335802, null, null, null], [335804, null, null, null], [335811, null, null, null]]], "all_evidence": [[289373, null, null, null], [335797, null, null, null], [335802, null, null, null], [335804, null, null, null], [335811, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240862, 242461, "Down_with_Love", 0]]], "all_evidence": [[240862, 242461, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268070, null, null, null]]], "all_evidence": [[268070, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23767, null, null, null]]], "all_evidence": [[23767, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146395, 161343, "X-Men-COLON-_Apocalypse", 0]]], "all_evidence": [[146395, 161343, "X-Men-COLON-_Apocalypse", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178289, 190860, "Men_in_Black_II", 0], [178289, 190860, "Will_Smith", 0]]], "all_evidence": [[178289, 190860, "Men_in_Black_II", 0], [178289, 190860, "Will_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63320, 74057, "Riddick_-LRB-character-RRB-", 1], [63320, 74057, "Riddick_-LRB-film-RRB-", 1]]], "all_evidence": [[63320, 74057, "Riddick_-LRB-character-RRB-", 1], [63320, 74057, "Riddick_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47923, null, null, null]]], "all_evidence": [[47923, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26379, 32416, "Ashley_Cole", 0]]], "all_evidence": [[26379, 32416, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70895, null, null, null]]], "all_evidence": [[70895, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169439, null, null, null]]], "all_evidence": [[169439, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172018, null, null, null]]], "all_evidence": [[172018, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208014, null, null, null]]], "all_evidence": [[208014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240858, 242459, "Down_with_Love", 0]]], "all_evidence": [[240858, 242459, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125564, 139918, "Nicholas_Brody", 1]]], "all_evidence": [[125564, 139918, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107095, 120467, "L.A._Reid", 1]]], "all_evidence": [[107095, 120467, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101741, null, null, null]]], "all_evidence": [[101741, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131061, 145830, "Match_Point", 0]]], "all_evidence": [[131061, 145830, "Match_Point", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257072, 256129, "Chagatai_language", 0]], [[257072, 256130, "Chagatai_language", 1]]], "all_evidence": [[257072, 256129, "Chagatai_language", 0], [257072, 256130, "Chagatai_language", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159821, null, null, null]]], "all_evidence": [[159821, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241420, 242947, "Brad_Wilk", 4]]], "all_evidence": [[241420, 242947, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231990, 235290, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231990, 235290, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132168, 147048, "Caroline_Kennedy", 9]]], "all_evidence": [[132168, 147048, "Caroline_Kennedy", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165931, 179885, "Uranium-235", 6], [165931, 179885, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[165931, 179885, "Uranium-235", 6], [165931, 179885, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197416, null, null, null], [197422, null, null, null]]], "all_evidence": [[197416, null, null, null], [197422, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174255, 187475, "Aleister_Crowley", 0]]], "all_evidence": [[174255, 187475, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[285761, null, null, null], [285768, null, null, null], [331714, null, null, null], [332349, null, null, null], [332352, null, null, null]]], "all_evidence": [[285761, null, null, null], [285768, null, null, null], [331714, null, null, null], [332349, null, null, null], [332352, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29480, null, null, null]]], "all_evidence": [[29480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237936, 240102, "Tamerlan_Tsarnaev", 0], [237936, 240102, "Tamerlan_Tsarnaev", 1]], [[237936, 240103, "Tamerlan_Tsarnaev", 9]], [[237936, 240104, "Tamerlan_Tsarnaev", 13]], [[237947, 240110, "Tamerlan_Tsarnaev", 0], [237947, 240110, "Tamerlan_Tsarnaev", 1]], [[237947, 240111, "Tamerlan_Tsarnaev", 1], [237947, 240111, "Dzhokhar_Tsarnaev", 0], [237947, 240111, "Dzhokhar_Tsarnaev", 1]]], "all_evidence": [[237936, 240102, "Tamerlan_Tsarnaev", 0], [237936, 240102, "Tamerlan_Tsarnaev", 1], [237936, 240103, "Tamerlan_Tsarnaev", 9], [237936, 240104, "Tamerlan_Tsarnaev", 13], [237947, 240110, "Tamerlan_Tsarnaev", 0], [237947, 240110, "Tamerlan_Tsarnaev", 1], [237947, 240111, "Tamerlan_Tsarnaev", 1], [237947, 240111, "Dzhokhar_Tsarnaev", 0], [237947, 240111, "Dzhokhar_Tsarnaev", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169632, null, null, null]]], "all_evidence": [[169632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140159, 155165, "Chris_Kyle", 0]]], "all_evidence": [[140159, 155165, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61653, null, null, null]]], "all_evidence": [[61653, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112832, null, null, null]]], "all_evidence": [[112832, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96169, 109275, "Dilwale_Dulhania_Le_Jayenge", 1]], [[96169, 109276, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[96169, 109275, "Dilwale_Dulhania_Le_Jayenge", 1], [96169, 109276, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60976, 71450, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[60976, 71450, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77138, 88555, "Neil_Diamond", 0]]], "all_evidence": [[77138, 88555, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42949, 51590, "Byron_Howard", 2]]], "all_evidence": [[42949, 51590, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182474, 194705, "Stephen_Colbert", 1]]], "all_evidence": [[182474, 194705, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232815, null, null, null]]], "all_evidence": [[232815, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118713, null, null, null]]], "all_evidence": [[118713, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103791, 117295, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[103791, 117295, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168835, 182541, "Magic_Johnson", 22]]], "all_evidence": [[168835, 182541, "Magic_Johnson", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120981, 135277, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[120981, 135277, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133670, 148536, "Columbia_River", 22]]], "all_evidence": [[133670, 148536, "Columbia_River", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236103, 238637, "Natural_Born_Killers", 5]]], "all_evidence": [[236103, 238637, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255576, 255006, "Dreamer_-LRB-2005_film-RRB-", 0]], [[255578, 255008, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255576, 255006, "Dreamer_-LRB-2005_film-RRB-", 0], [255578, 255008, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146922, null, null, null]]], "all_evidence": [[146922, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208078, null, null, null]]], "all_evidence": [[208078, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282763, 276897, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[284673, 278425, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[284675, 278427, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[330972, 317452, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[282763, 276897, "Mirny_-LRB-sloop-of-war-RRB-", 0], [284673, 278425, "Mirny_-LRB-sloop-of-war-RRB-", 0], [284675, 278427, "Mirny_-LRB-sloop-of-war-RRB-", 0], [330972, 317452, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177664, null, null, null]]], "all_evidence": [[177664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104068, 117570, "A_Milli", 0]]], "all_evidence": [[104068, 117570, "A_Milli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200766, null, null, null]]], "all_evidence": [[200766, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103825, null, null, null]]], "all_evidence": [[103825, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177243, 190102, "Wish_Upon", 0]]], "all_evidence": [[177243, 190102, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117868, 131766, "University_of_Illinois_at_Chicago", 1], [117868, 131766, "Near_West_Side,_Chicago", 0]]], "all_evidence": [[117868, 131766, "University_of_Illinois_at_Chicago", 1], [117868, 131766, "Near_West_Side,_Chicago", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79301, null, null, null]]], "all_evidence": [[79301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153213, 167979, "Rabies", 9]], [[153213, 167980, "Rabies", 12]], [[153213, 167981, "Rabies", 13]]], "all_evidence": [[153213, 167979, "Rabies", 9], [153213, 167980, "Rabies", 12], [153213, 167981, "Rabies", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227200, 231602, "Kim_Jong-il", 16]], [[227207, 231610, "Kim_Jong-il", 16]]], "all_evidence": [[227200, 231602, "Kim_Jong-il", 16], [227207, 231610, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184130, 196080, "Edgar_Wright", 0]]], "all_evidence": [[184130, 196080, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127087, 141568, "Duff_McKagan", 0]], [[127087, 141569, "Duff_McKagan", 11]], [[127087, 141570, "Duff_McKagan", 12]]], "all_evidence": [[127087, 141568, "Duff_McKagan", 0], [127087, 141569, "Duff_McKagan", 11], [127087, 141570, "Duff_McKagan", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106639, 120037, "Peking_University", 1]]], "all_evidence": [[106639, 120037, "Peking_University", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199907, null, null, null]]], "all_evidence": [[199907, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145802, null, null, null], [148777, null, null, null], [151610, null, null, null], [311358, null, null, null], [311360, null, null, null]]], "all_evidence": [[145802, null, null, null], [148777, null, null, null], [151610, null, null, null], [311358, null, null, null], [311360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23298, 28712, "Jack_Falahee", 0]]], "all_evidence": [[23298, 28712, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99938, 113128, "Craig_David", 5]]], "all_evidence": [[99938, 113128, "Craig_David", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174943, 188037, "Sean_Penn", 5]]], "all_evidence": [[174943, 188037, "Sean_Penn", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241409, null, null, null]]], "all_evidence": [[241409, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28004, 34301, "Stan_Beeman", 0]], [[28004, 34302, "Stan_Beeman", 1]]], "all_evidence": [[28004, 34301, "Stan_Beeman", 0], [28004, 34302, "Stan_Beeman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66869, 77691, "Heart", 19]]], "all_evidence": [[66869, 77691, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79330, 91008, "Chrysler_Building", 1]]], "all_evidence": [[79330, 91008, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135037, null, null, null]]], "all_evidence": [[135037, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140884, 156021, "Janelle_Mona\u0301e", 0]], [[140884, 156022, "Janelle_Mona\u0301e", 1]], [[140884, 156023, "Janelle_Mona\u0301e", 4]], [[140884, 156024, "Janelle_Mona\u0301e", 10]], [[140884, 156025, "Janelle_Mona\u0301e", 11]], [[140884, 156026, "Janelle_Mona\u0301e", 12]], [[140884, 156027, "Janelle_Mona\u0301e", 13]], [[140884, 156028, "Janelle_Mona\u0301e", 14]], [[140884, 156029, "Janelle_Mona\u0301e", 15]]], "all_evidence": [[140884, 156021, "Janelle_Mona\u0301e", 0], [140884, 156022, "Janelle_Mona\u0301e", 1], [140884, 156023, "Janelle_Mona\u0301e", 4], [140884, 156024, "Janelle_Mona\u0301e", 10], [140884, 156025, "Janelle_Mona\u0301e", 11], [140884, 156026, "Janelle_Mona\u0301e", 12], [140884, 156027, "Janelle_Mona\u0301e", 13], [140884, 156028, "Janelle_Mona\u0301e", 14], [140884, 156029, "Janelle_Mona\u0301e", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199477, 209152, "The_Beach_-LRB-film-RRB-", 0]], [[199477, 209153, "The_Beach_-LRB-film-RRB-", 1]]], "all_evidence": [[199477, 209152, "The_Beach_-LRB-film-RRB-", 0], [199477, 209153, "The_Beach_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50683, 60269, "Email_filtering", 5]]], "all_evidence": [[50683, 60269, "Email_filtering", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88146, 100695, "The_Daily_Show", 0]], [[88146, 100696, "The_Daily_Show", 2]]], "all_evidence": [[88146, 100695, "The_Daily_Show", 0], [88146, 100696, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245431, null, null, null]]], "all_evidence": [[245431, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119279, 133249, "NRG_Recording_Studios", 0]]], "all_evidence": [[119279, 133249, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24954, 30819, "Trollhunters", 0]]], "all_evidence": [[24954, 30819, "Trollhunters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194777, null, null, null]]], "all_evidence": [[194777, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42179, 50749, "Sleipnir", 0]]], "all_evidence": [[42179, 50749, "Sleipnir", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49112, 58447, "Charles_Manson", 0]]], "all_evidence": [[49112, 58447, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67188, 77987, "Emma_Watson", 0]]], "all_evidence": [[67188, 77987, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75070, 86294, "Trollhunters", 0]]], "all_evidence": [[75070, 86294, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44132, 52758, "Noel_Fisher", 1]]], "all_evidence": [[44132, 52758, "Noel_Fisher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190799, null, null, null]]], "all_evidence": [[190799, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[252358, null, null, null]]], "all_evidence": [[252358, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154127, 168903, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[154127, 168903, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77302, null, null, null]]], "all_evidence": [[77302, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243717, 244891, "Palo_Alto,_California", 0]], [[243730, 244903, "Palo_Alto,_California", 0]], [[243730, 244904, "Palo_Alto,_California", 1], [243730, 244904, "East_Palo_Alto,_California", 0], [243730, 244904, "Los_Altos_Hills,_California", 0], [243730, 244904, "Los_Altos,_California", 0], [243730, 244904, "Los_Altos,_California", 1], [243730, 244904, "Menlo_Park,_California", 0], [243730, 244904, "Mountain_View,_California", 0], [243730, 244904, "Portola_Valley,_California", 0], [243730, 244904, "Stanford,_California", 0]], [[243730, 244905, "Palo_Alto,_California", 11]]], "all_evidence": [[243717, 244891, "Palo_Alto,_California", 0], [243730, 244903, "Palo_Alto,_California", 0], [243730, 244904, "Palo_Alto,_California", 1], [243730, 244904, "East_Palo_Alto,_California", 0], [243730, 244904, "Los_Altos_Hills,_California", 0], [243730, 244904, "Los_Altos,_California", 0], [243730, 244904, "Los_Altos,_California", 1], [243730, 244904, "Menlo_Park,_California", 0], [243730, 244904, "Mountain_View,_California", 0], [243730, 244904, "Portola_Valley,_California", 0], [243730, 244904, "Stanford,_California", 0], [243730, 244905, "Palo_Alto,_California", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103044, 116359, "Garden_State_-LRB-film-RRB-", 6], [103044, 116359, "Sundance_Film_Festival", 0]]], "all_evidence": [[103044, 116359, "Garden_State_-LRB-film-RRB-", 6], [103044, 116359, "Sundance_Film_Festival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70362, 81236, "Francis_I_of_France", 0]]], "all_evidence": [[70362, 81236, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230070, null, null, null]]], "all_evidence": [[230070, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272404, 268115, "Island_Records", 1]]], "all_evidence": [[272404, 268115, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156491, 171109, "French_Indochina", 0]]], "all_evidence": [[156491, 171109, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[276268, 271338, "Riverdale_-LRB-2017_TV_series-RRB-", 2]], [[278535, 273299, "Riverdale_-LRB-2017_TV_series-RRB-", 2]], [[280382, 274850, "Riverdale_-LRB-2017_TV_series-RRB-", 2]], [[280398, 274859, "Riverdale_-LRB-2017_TV_series-RRB-", 2]], [[325846, 313459, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[276268, 271338, "Riverdale_-LRB-2017_TV_series-RRB-", 2], [278535, 273299, "Riverdale_-LRB-2017_TV_series-RRB-", 2], [280382, 274850, "Riverdale_-LRB-2017_TV_series-RRB-", 2], [280398, 274859, "Riverdale_-LRB-2017_TV_series-RRB-", 2], [325846, 313459, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115749, 129631, "Ingushetia", 5]]], "all_evidence": [[115749, 129631, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130204, 144939, "The_Mighty_Ducks", 1], [130204, 144939, "Walt_Disney_Pictures", 0]]], "all_evidence": [[130204, 144939, "The_Mighty_Ducks", 1], [130204, 144939, "Walt_Disney_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202392, 211669, "Liverpool", 0]], [[205303, 213896, "Liverpool", 0]], [[205303, 213897, "Liverpool", 1]], [[205303, 213898, "Liverpool", 2], [205303, 213898, "Liverpool_City_Region", 0]], [[205303, 213899, "Liverpool", 5], [205303, 213899, "River_Mersey", 0]], [[205303, 213900, "Liverpool", 7], [205303, 213900, "Lancashire", 0], [205303, 213900, "Lancashire", 1]], [[205303, 213901, "Liverpool", 6], [205303, 213901, "List_of_cities_in_the_United_Kingdom", 0]], [[205303, 213902, "Liverpool", 13], [205303, 213902, "Beat_music", 0]], [[205303, 213903, "Liverpool", 19]], [[205303, 213904, "Liverpool", 20], [205303, 213904, "City_status_in_the_United_Kingdom", 0]], [[205303, 213905, "Liverpool", 21], [205303, 213905, "Liverpool_Maritime_Mercantile_City", 0]], [[205303, 213906, "Liverpool", 22], [205303, 213906, "City_status_in_the_United_Kingdom", 0]], [[205303, 213907, "Liverpool", 27], [205303, 213907, "Scouse", 0]], [[205303, 213908, "Liverpool", 28], [205303, 213908, "Liverpool_City_Region", 0]], [[207714, 215928, "Liverpool", 0]], [[207714, 215929, "Liverpool", 1]], [[315742, 305002, "Liverpool", 0]], [[315742, 305003, "Liverpool", 1]], [[315742, 305004, "Liverpool", 5], [315742, 305004, "Lancashire", 1], [315742, 305004, "River_Mersey", 0]], [[315758, 305014, "Liverpool", 0]], [[315758, 305015, "Liverpool", 1]], [[315758, 305016, "Liverpool", 5], [315758, 305016, "Lancashire", 1]], [[315758, 305017, "Liverpool", 7], [315758, 305017, "Lancashire", 1]], [[315758, 305018, "Liverpool", 21], [315758, 305018, "Liverpool_Maritime_Mercantile_City", 0]], [[315761, 305020, "Liverpool", 0]], [[315761, 305021, "Liverpool", 1]], [[315761, 305022, "Liverpool", 2], [315761, 305022, "Historic_counties_of_England", 0]], [[315761, 305023, "Liverpool", 5], [315761, 305023, "River_Mersey", 0]], [[315761, 305024, "Liverpool", 6], [315761, 305024, "City_status_in_the_United_Kingdom", 0]], [[315761, 305025, "Liverpool", 7], [315761, 305025, "County_borough", 0]], [[315761, 305026, "Liverpool", 8], [315761, 305026, "City_status_in_the_United_Kingdom", 0]], [[315761, 305027, "Liverpool", 9], [315761, 305027, "City_status_in_the_United_Kingdom", 0]], [[315761, 305028, "Liverpool", 13], [315761, 305028, "The_Beatles", 0]], [[315761, 305029, "Liverpool", 14], [315761, 305029, "Premier_League", 0]], [[315761, 305030, "Liverpool", 15]], [[315761, 305031, "Liverpool", 16], [315761, 305031, "Aintree_Racecourse", 0]], [[315761, 305032, "Liverpool", 19]], [[315761, 305033, "Liverpool", 20], [315761, 305033, "City_status_in_the_United_Kingdom", 0]], [[315761, 305034, "Liverpool", 21], [315761, 305034, "Liverpool_Maritime_Mercantile_City", 0]], [[315761, 305035, "Liverpool", 23], [315761, 305035, "Black_British", 0]], [[315761, 305036, "Liverpool", 28], [315761, 305036, "Liverpool_City_Region", 0]]], "all_evidence": [[202392, 211669, "Liverpool", 0], [205303, 213896, "Liverpool", 0], [205303, 213897, "Liverpool", 1], [205303, 213898, "Liverpool", 2], [205303, 213898, "Liverpool_City_Region", 0], [205303, 213899, "Liverpool", 5], [205303, 213899, "River_Mersey", 0], [205303, 213900, "Liverpool", 7], [205303, 213900, "Lancashire", 0], [205303, 213900, "Lancashire", 1], [205303, 213901, "Liverpool", 6], [205303, 213901, "List_of_cities_in_the_United_Kingdom", 0], [205303, 213902, "Liverpool", 13], [205303, 213902, "Beat_music", 0], [205303, 213903, "Liverpool", 19], [205303, 213904, "Liverpool", 20], [205303, 213904, "City_status_in_the_United_Kingdom", 0], [205303, 213905, "Liverpool", 21], [205303, 213905, "Liverpool_Maritime_Mercantile_City", 0], [205303, 213906, "Liverpool", 22], [205303, 213906, "City_status_in_the_United_Kingdom", 0], [205303, 213907, "Liverpool", 27], [205303, 213907, "Scouse", 0], [205303, 213908, "Liverpool", 28], [205303, 213908, "Liverpool_City_Region", 0], [207714, 215928, "Liverpool", 0], [207714, 215929, "Liverpool", 1], [315742, 305002, "Liverpool", 0], [315742, 305003, "Liverpool", 1], [315742, 305004, "Liverpool", 5], [315742, 305004, "Lancashire", 1], [315742, 305004, "River_Mersey", 0], [315758, 305014, "Liverpool", 0], [315758, 305015, "Liverpool", 1], [315758, 305016, "Liverpool", 5], [315758, 305016, "Lancashire", 1], [315758, 305017, "Liverpool", 7], [315758, 305017, "Lancashire", 1], [315758, 305018, "Liverpool", 21], [315758, 305018, "Liverpool_Maritime_Mercantile_City", 0], [315761, 305020, "Liverpool", 0], [315761, 305021, "Liverpool", 1], [315761, 305022, "Liverpool", 2], [315761, 305022, "Historic_counties_of_England", 0], [315761, 305023, "Liverpool", 5], [315761, 305023, "River_Mersey", 0], [315761, 305024, "Liverpool", 6], [315761, 305024, "City_status_in_the_United_Kingdom", 0], [315761, 305025, "Liverpool", 7], [315761, 305025, "County_borough", 0], [315761, 305026, "Liverpool", 8], [315761, 305026, "City_status_in_the_United_Kingdom", 0], [315761, 305027, "Liverpool", 9], [315761, 305027, "City_status_in_the_United_Kingdom", 0], [315761, 305028, "Liverpool", 13], [315761, 305028, "The_Beatles", 0], [315761, 305029, "Liverpool", 14], [315761, 305029, "Premier_League", 0], [315761, 305030, "Liverpool", 15], [315761, 305031, "Liverpool", 16], [315761, 305031, "Aintree_Racecourse", 0], [315761, 305032, "Liverpool", 19], [315761, 305033, "Liverpool", 20], [315761, 305033, "City_status_in_the_United_Kingdom", 0], [315761, 305034, "Liverpool", 21], [315761, 305034, "Liverpool_Maritime_Mercantile_City", 0], [315761, 305035, "Liverpool", 23], [315761, 305035, "Black_British", 0], [315761, 305036, "Liverpool", 28], [315761, 305036, "Liverpool_City_Region", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172275, 185637, "Uranium-235", 6], [172275, 185637, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[172275, 185637, "Uranium-235", 6], [172275, 185637, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95102, null, null, null]]], "all_evidence": [[95102, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245239, 246103, "Efraim_Diveroli", 6]], [[245240, 246104, "Efraim_Diveroli", 6]]], "all_evidence": [[245239, 246103, "Efraim_Diveroli", 6], [245240, 246104, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94332, null, null, null]]], "all_evidence": [[94332, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282141, 276386, "Michael_B._Jordan", 0]], [[285127, 278852, "Michael_B._Jordan", 0]], [[330061, 316707, "Michael_B._Jordan", 0]], [[330062, 316708, "Michael_B._Jordan", 0]], [[330063, 316709, "Michael_B._Jordan", 4]], [[330065, 316710, "Michael_B._Jordan", 4]], [[330065, 316711, "Michael_B._Jordan", 5]], [[330065, 316712, "Michael_B._Jordan", 1], [330065, 316712, "Parenthood_-LRB-2010_TV_series-RRB-", 9]], [[330084, 316738, "Michael_B._Jordan", 1], [330084, 316738, "Friday_Night_Lights_-LRB-TV_series-RRB-", 7], [330084, 316738, "Parenthood_-LRB-2010_TV_series-RRB-", 9]], [[330084, 316739, "Michael_B._Jordan", 4], [330084, 316739, "Creed_-LRB-film-RRB-", 0], [330084, 316739, "Creed_-LRB-film-RRB-", 1], [330084, 316739, "Fantastic_Four_-LRB-2015_film-RRB-", 0], [330084, 316739, "Fantastic_Four_-LRB-2015_film-RRB-", 2]], [[330084, 316740, "Michael_B._Jordan", 5]]], "all_evidence": [[282141, 276386, "Michael_B._Jordan", 0], [285127, 278852, "Michael_B._Jordan", 0], [330061, 316707, "Michael_B._Jordan", 0], [330062, 316708, "Michael_B._Jordan", 0], [330063, 316709, "Michael_B._Jordan", 4], [330065, 316710, "Michael_B._Jordan", 4], [330065, 316711, "Michael_B._Jordan", 5], [330065, 316712, "Michael_B._Jordan", 1], [330065, 316712, "Parenthood_-LRB-2010_TV_series-RRB-", 9], [330084, 316738, "Michael_B._Jordan", 1], [330084, 316738, "Friday_Night_Lights_-LRB-TV_series-RRB-", 7], [330084, 316738, "Parenthood_-LRB-2010_TV_series-RRB-", 9], [330084, 316739, "Michael_B._Jordan", 4], [330084, 316739, "Creed_-LRB-film-RRB-", 0], [330084, 316739, "Creed_-LRB-film-RRB-", 1], [330084, 316739, "Fantastic_Four_-LRB-2015_film-RRB-", 0], [330084, 316739, "Fantastic_Four_-LRB-2015_film-RRB-", 2], [330084, 316740, "Michael_B._Jordan", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116953, null, null, null]]], "all_evidence": [[116953, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166590, 180400, "Mike_Huckabee", 1]], [[166590, 180401, "Mike_Huckabee", 2]], [[166590, 180402, "Mike_Huckabee", 11]]], "all_evidence": [[166590, 180400, "Mike_Huckabee", 1], [166590, 180401, "Mike_Huckabee", 2], [166590, 180402, "Mike_Huckabee", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279230, 273873, "French_Indochina", 0]], [[279231, 273874, "French_Indochina", 0]], [[279232, 273875, "French_Indochina", 0]], [[279233, 273876, "French_Indochina", 0]], [[327452, 314689, "French_Indochina", 0]]], "all_evidence": [[279230, 273873, "French_Indochina", 0], [279231, 273874, "French_Indochina", 0], [279232, 273875, "French_Indochina", 0], [279233, 273876, "French_Indochina", 0], [327452, 314689, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124688, 139023, "West_Virginia", 1]]], "all_evidence": [[124688, 139023, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110272, 123884, "Folklore", 1]]], "all_evidence": [[110272, 123884, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78902, 90495, "Telemundo", 0]]], "all_evidence": [[78902, 90495, "Telemundo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255464, 254921, "Private_Lives", 0]]], "all_evidence": [[255464, 254921, "Private_Lives", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149942, 164871, "Pearl_Jam", 0]], [[149942, 164872, "Pearl_Jam", 3]], [[149942, 164873, "Pearl_Jam", 14]], [[149942, 164874, "Pearl_Jam", 15]]], "all_evidence": [[149942, 164871, "Pearl_Jam", 0], [149942, 164872, "Pearl_Jam", 3], [149942, 164873, "Pearl_Jam", 14], [149942, 164874, "Pearl_Jam", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100407, null, null, null]]], "all_evidence": [[100407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17317, 21424, "Bloods", 0]]], "all_evidence": [[17317, 21424, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126970, 141442, "Lost_-LRB-TV_series-RRB-", 0]], [[126970, 141443, "Lost_-LRB-TV_series-RRB-", 15]]], "all_evidence": [[126970, 141442, "Lost_-LRB-TV_series-RRB-", 0], [126970, 141443, "Lost_-LRB-TV_series-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199478, null, null, null]]], "all_evidence": [[199478, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26757, null, null, null]]], "all_evidence": [[26757, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270849, 266828, "Richard_Dawkins", 4]], [[270849, 266829, "Richard_Dawkins", 5]], [[270849, 266830, "Richard_Dawkins", 10], [270849, 266830, "The_Blind_Watchmaker", 0]], [[270849, 266831, "Richard_Dawkins", 12], [270849, 266831, "The_God_Delusion", 0]], [[270849, 266832, "Richard_Dawkins", 16]]], "all_evidence": [[270849, 266828, "Richard_Dawkins", 4], [270849, 266829, "Richard_Dawkins", 5], [270849, 266830, "Richard_Dawkins", 10], [270849, 266830, "The_Blind_Watchmaker", 0], [270849, 266831, "Richard_Dawkins", 12], [270849, 266831, "The_God_Delusion", 0], [270849, 266832, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59853, null, null, null]]], "all_evidence": [[59853, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162586, 176869, "University_of_Mississippi", 4]]], "all_evidence": [[162586, 176869, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188625, null, null, null]]], "all_evidence": [[188625, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227059, null, null, null]]], "all_evidence": [[227059, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26654, 32716, "First_inauguration_of_Bill_Clinton", 0], [26654, 32716, "United_States_presidential_inauguration", 9], [26654, 32716, "United_States_presidential_inauguration", 8]]], "all_evidence": [[26654, 32716, "First_inauguration_of_Bill_Clinton", 0], [26654, 32716, "United_States_presidential_inauguration", 9], [26654, 32716, "United_States_presidential_inauguration", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268462, null, null, null]]], "all_evidence": [[268462, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18125, 22282, "Edison_Machine_Works", 0]]], "all_evidence": [[18125, 22282, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260902, null, null, null]]], "all_evidence": [[260902, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107344, null, null, null]]], "all_evidence": [[107344, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143602, 158714, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[143602, 158714, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106219, null, null, null]]], "all_evidence": [[106219, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23090, null, null, null]]], "all_evidence": [[23090, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147047, null, null, null]]], "all_evidence": [[147047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166091, 180024, "Tottenham_Hotspur_F.C.", 5]]], "all_evidence": [[166091, 180024, "Tottenham_Hotspur_F.C.", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42450, 51095, "Alexandra_Daddario", 0]]], "all_evidence": [[42450, 51095, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163529, null, null, null]]], "all_evidence": [[163529, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92790, null, null, null]]], "all_evidence": [[92790, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155492, null, null, null]]], "all_evidence": [[155492, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29308, null, null, null]]], "all_evidence": [[29308, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75622, null, null, null]]], "all_evidence": [[75622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96360, 109503, "The_Road_to_El_Dorado", 2], [96360, 109503, "Kevin_Kline", 0], [96360, 109503, "Jim_Cummings", 0], [96360, 109503, "Armand_Assante", 0], [96360, 109503, "Edward_James_Olmos", 0], [96360, 109503, "Kenneth_Branagh", 0]]], "all_evidence": [[96360, 109503, "The_Road_to_El_Dorado", 2], [96360, 109503, "Kevin_Kline", 0], [96360, 109503, "Jim_Cummings", 0], [96360, 109503, "Armand_Assante", 0], [96360, 109503, "Edward_James_Olmos", 0], [96360, 109503, "Kenneth_Branagh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202942, null, null, null]]], "all_evidence": [[202942, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33004, null, null, null]]], "all_evidence": [[33004, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22125, 27189, "Kellyanne_Conway", 12]]], "all_evidence": [[22125, 27189, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117866, 131765, "Shadowhunters", 4]]], "all_evidence": [[117866, 131765, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38037, 45955, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[38037, 45955, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90898, 103596, "L.A._Reid", 1]]], "all_evidence": [[90898, 103596, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292060, 284886, "Magic_Johnson", 1]], [[292060, 284887, "Magic_Johnson", 16]], [[292065, 284892, "Magic_Johnson", 1]], [[294076, 286444, "Magic_Johnson", 1]], [[339094, 324134, "Magic_Johnson", 1]], [[339094, 324135, "Magic_Johnson", 16]], [[339272, 324279, "Magic_Johnson", 1]], [[339273, 324280, "Magic_Johnson", 1]], [[339273, 324281, "Magic_Johnson", 16]], [[339283, 324289, "Magic_Johnson", 1], [339283, 324289, "Point_guard", 0]]], "all_evidence": [[292060, 284886, "Magic_Johnson", 1], [292060, 284887, "Magic_Johnson", 16], [292065, 284892, "Magic_Johnson", 1], [294076, 286444, "Magic_Johnson", 1], [339094, 324134, "Magic_Johnson", 1], [339094, 324135, "Magic_Johnson", 16], [339272, 324279, "Magic_Johnson", 1], [339273, 324280, "Magic_Johnson", 1], [339273, 324281, "Magic_Johnson", 16], [339283, 324289, "Magic_Johnson", 1], [339283, 324289, "Point_guard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39050, 47036, "Danger_UXB", 0]], [[39050, 47037, "Danger_UXB", 10]], [[39050, 47038, "Danger_UXB", 16]]], "all_evidence": [[39050, 47036, "Danger_UXB", 0], [39050, 47037, "Danger_UXB", 10], [39050, 47038, "Danger_UXB", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214314, null, null, null]]], "all_evidence": [[214314, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52683, 62645, "Bhagat_Singh", 16]]], "all_evidence": [[52683, 62645, "Bhagat_Singh", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194113, 204520, "Rick_Yune", 2], [194113, 204520, "Marco_Polo_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[194113, 204520, "Rick_Yune", 2], [194113, 204520, "Marco_Polo_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[333552, 319797, "Diana,_Princess_of_Wales", 5]], [[335146, 321033, "Diana,_Princess_of_Wales", 5]]], "all_evidence": [[333552, 319797, "Diana,_Princess_of_Wales", 5], [335146, 321033, "Diana,_Princess_of_Wales", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108463, null, null, null]]], "all_evidence": [[108463, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200734, 210207, "Earl_Scruggs", 0]]], "all_evidence": [[200734, 210207, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245288, 246132, "Efraim_Diveroli", 6]]], "all_evidence": [[245288, 246132, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112468, null, null, null]]], "all_evidence": [[112468, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163046, null, null, null]]], "all_evidence": [[163046, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106090, 119462, "Aleister_Crowley", 0]]], "all_evidence": [[106090, 119462, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38773, 46737, "Sheryl_Lee", 7]]], "all_evidence": [[38773, 46737, "Sheryl_Lee", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99076, null, null, null]]], "all_evidence": [[99076, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194728, null, null, null]]], "all_evidence": [[194728, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218038, 224440, "Live_Through_This", 12]]], "all_evidence": [[218038, 224440, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37735, null, null, null]]], "all_evidence": [[37735, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22002, null, null, null]]], "all_evidence": [[22002, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98545, 111633, "Renato_Balestra", 3]]], "all_evidence": [[98545, 111633, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227023, 231452, "Barry_Van_Dyke", 0]]], "all_evidence": [[227023, 231452, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223819, null, null, null]]], "all_evidence": [[223819, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42612, null, null, null]]], "all_evidence": [[42612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148645, 163672, "Make_It_or_Break_It", 2]]], "all_evidence": [[148645, 163672, "Make_It_or_Break_It", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185664, null, null, null]]], "all_evidence": [[185664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43716, 52359, "Caroline_Kennedy", 0]]], "all_evidence": [[43716, 52359, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257104, 256152, "Homer_Hickam", 2]]], "all_evidence": [[257104, 256152, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223871, 228790, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223871, 228790, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255482, 254933, "Private_Lives", 0]]], "all_evidence": [[255482, 254933, "Private_Lives", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110709, 124377, "Hindu_Kush", 0]], [[110709, 124378, "Hindu_Kush", 1]], [[110709, 124379, "Hindu_Kush", 2]], [[110709, 124380, "Hindu_Kush", 5]], [[110709, 124381, "Hindu_Kush", 6]], [[110709, 124382, "Hindu_Kush", 7]], [[110709, 124383, "Hindu_Kush", 8]], [[110709, 124384, "Hindu_Kush", 11]], [[110709, 124385, "Hindu_Kush", 12]], [[110709, 124386, "Hindu_Kush", 13]], [[110709, 124387, "Hindu_Kush", 14]]], "all_evidence": [[110709, 124377, "Hindu_Kush", 0], [110709, 124378, "Hindu_Kush", 1], [110709, 124379, "Hindu_Kush", 2], [110709, 124380, "Hindu_Kush", 5], [110709, 124381, "Hindu_Kush", 6], [110709, 124382, "Hindu_Kush", 7], [110709, 124383, "Hindu_Kush", 8], [110709, 124384, "Hindu_Kush", 11], [110709, 124385, "Hindu_Kush", 12], [110709, 124386, "Hindu_Kush", 13], [110709, 124387, "Hindu_Kush", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123447, null, null, null]]], "all_evidence": [[123447, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247521, 247810, "Stadium_Arcadium", 1]]], "all_evidence": [[247521, 247810, "Stadium_Arcadium", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217304, 223922, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]], [[217308, 223926, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217304, 223922, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5], [217308, 223926, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40084, 48223, "Villa_Park", 14]]], "all_evidence": [[40084, 48223, "Villa_Park", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211988, 219593, "Saturn_Corporation", 0]]], "all_evidence": [[211988, 219593, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152870, 167642, "Ron_Weasley", 0]]], "all_evidence": [[152870, 167642, "Ron_Weasley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266590, null, null, null]]], "all_evidence": [[266590, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16802, null, null, null]]], "all_evidence": [[16802, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158442, null, null, null]]], "all_evidence": [[158442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111051, 124732, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]], "all_evidence": [[111051, 124732, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37985, 45905, "John_Dolmayan", 0]]], "all_evidence": [[37985, 45905, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161942, 176338, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]], "all_evidence": [[161942, 176338, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248533, 248690, "Tie_Your_Mother_Down", 1]]], "all_evidence": [[248533, 248690, "Tie_Your_Mother_Down", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179006, 191543, "Anushka_Sharma", 0]]], "all_evidence": [[179006, 191543, "Anushka_Sharma", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67182, null, null, null]]], "all_evidence": [[67182, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244447, 245453, "Samwell_Tarly", 4], [244447, 245453, "A_Clash_of_Kings", 0]]], "all_evidence": [[244447, 245453, "Samwell_Tarly", 4], [244447, 245453, "A_Clash_of_Kings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76627, 87932, "Make_It_or_Break_It", 9]]], "all_evidence": [[76627, 87932, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203204, null, null, null]]], "all_evidence": [[203204, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244434, 245447, "Samwell_Tarly", 0]]], "all_evidence": [[244434, 245447, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82978, 94870, "Wilhelmina_Slater", 0]]], "all_evidence": [[82978, 94870, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115209, 129013, "The_Adventures_of_Pluto_Nash", 2]]], "all_evidence": [[115209, 129013, "The_Adventures_of_Pluto_Nash", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17583, 21739, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[20247, 24788, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[20247, 24789, "Recovery_-LRB-Eminem_album-RRB-", 13]], [[20247, 24790, "Recovery_-LRB-Eminem_album-RRB-", 1]], [[21762, 26755, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[21762, 26756, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[21762, 26757, "Recovery_-LRB-Eminem_album-RRB-", 13]], [[301445, 292563, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[301446, 292564, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[302503, 293500, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[304450, 295257, "Recovery_-LRB-Eminem_album-RRB-", 0]]], "all_evidence": [[17583, 21739, "Recovery_-LRB-Eminem_album-RRB-", 0], [20247, 24788, "Recovery_-LRB-Eminem_album-RRB-", 0], [20247, 24789, "Recovery_-LRB-Eminem_album-RRB-", 13], [20247, 24790, "Recovery_-LRB-Eminem_album-RRB-", 1], [21762, 26755, "Recovery_-LRB-Eminem_album-RRB-", 0], [21762, 26756, "Recovery_-LRB-Eminem_album-RRB-", 6], [21762, 26757, "Recovery_-LRB-Eminem_album-RRB-", 13], [301445, 292563, "Recovery_-LRB-Eminem_album-RRB-", 0], [301446, 292564, "Recovery_-LRB-Eminem_album-RRB-", 0], [302503, 293500, "Recovery_-LRB-Eminem_album-RRB-", 0], [304450, 295257, "Recovery_-LRB-Eminem_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23023, 28366, "Recovery_-LRB-Eminem_album-RRB-", 0], [23023, 28366, "Eminem", 0]]], "all_evidence": [[23023, 28366, "Recovery_-LRB-Eminem_album-RRB-", 0], [23023, 28366, "Eminem", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121339, 135634, "White_House_Press_Secretary", 0]], [[121339, 135635, "White_House_Press_Secretary", 7]]], "all_evidence": [[121339, 135634, "White_House_Press_Secretary", 0], [121339, 135635, "White_House_Press_Secretary", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120865, 135160, "Kuching", 0]]], "all_evidence": [[120865, 135160, "Kuching", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62067, null, null, null]]], "all_evidence": [[62067, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250342, null, null, null]]], "all_evidence": [[250342, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182046, 194321, "Pearl_Jam", 13]]], "all_evidence": [[182046, 194321, "Pearl_Jam", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75542, 86803, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[75542, 86803, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85318, null, null, null]]], "all_evidence": [[85318, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274076, 269383, "Rupert_Murdoch", 3]], [[276479, 271554, "Rupert_Murdoch", 0], [276479, 271554, "Media_proprietor", 0]], [[276479, 271555, "Rupert_Murdoch", 3]], [[276479, 271556, "Rupert_Murdoch", 20]], [[277410, 272327, "Rupert_Murdoch", 0], [277410, 272327, "Media_proprietor", 0]], [[323407, 311628, "Rupert_Murdoch", 3]], [[323407, 311629, "Rupert_Murdoch", 20]], [[323407, 311630, "Rupert_Murdoch", 23]], [[323407, 311631, "Rupert_Murdoch", 14]], [[323407, 311632, "Rupert_Murdoch", 12]], [[323407, 311633, "Rupert_Murdoch", 8]], [[323407, 311634, "Rupert_Murdoch", 6]]], "all_evidence": [[274076, 269383, "Rupert_Murdoch", 3], [276479, 271554, "Rupert_Murdoch", 0], [276479, 271554, "Media_proprietor", 0], [276479, 271555, "Rupert_Murdoch", 3], [276479, 271556, "Rupert_Murdoch", 20], [277410, 272327, "Rupert_Murdoch", 0], [277410, 272327, "Media_proprietor", 0], [323407, 311628, "Rupert_Murdoch", 3], [323407, 311629, "Rupert_Murdoch", 20], [323407, 311630, "Rupert_Murdoch", 23], [323407, 311631, "Rupert_Murdoch", 14], [323407, 311632, "Rupert_Murdoch", 12], [323407, 311633, "Rupert_Murdoch", 8], [323407, 311634, "Rupert_Murdoch", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108650, 122329, "Sayyeshaa", 1]], [[108652, 122331, "Sayyeshaa", 0], [108652, 122331, "Bollywood", 0]]], "all_evidence": [[108650, 122329, "Sayyeshaa", 1], [108652, 122331, "Sayyeshaa", 0], [108652, 122331, "Bollywood", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59145, 69488, "Leonard_Nimoy", 10], [59145, 69488, "Civilization_IV", 0]]], "all_evidence": [[59145, 69488, "Leonard_Nimoy", 10], [59145, 69488, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53012, 62953, "Highway_to_Heaven", 0]]], "all_evidence": [[53012, 62953, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260661, 259001, "Valencia", 0]], [[260662, 259002, "Valencia", 0]], [[260663, 259003, "Valencia", 0]], [[260667, 259005, "Valencia", 0]], [[260668, 259006, "Valencia", 0]], [[260671, 259008, "Valencia", 0]], [[260678, 259014, "Valencia", 0]], [[260688, 259022, "Valencia", 0]]], "all_evidence": [[260661, 259001, "Valencia", 0], [260662, 259002, "Valencia", 0], [260663, 259003, "Valencia", 0], [260667, 259005, "Valencia", 0], [260668, 259006, "Valencia", 0], [260671, 259008, "Valencia", 0], [260678, 259014, "Valencia", 0], [260688, 259022, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240799, 242411, "Glee.com", 1]], [[240810, 242423, "Glee.com", 1]]], "all_evidence": [[240799, 242411, "Glee.com", 1], [240810, 242423, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269544, 265848, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269544, 265848, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46721, null, null, null]]], "all_evidence": [[46721, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233055, 236057, "Saturn", 0]]], "all_evidence": [[233055, 236057, "Saturn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268413, null, null, null]]], "all_evidence": [[268413, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272395, 268100, "Island_Records", 1]]], "all_evidence": [[272395, 268100, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208058, 216203, "Osamu_Tezuka", 21]]], "all_evidence": [[208058, 216203, "Osamu_Tezuka", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84834, 97058, "Justine_Bateman", 0]], [[84834, 97059, "Justine_Bateman", 2]]], "all_evidence": [[84834, 97058, "Justine_Bateman", 0], [84834, 97059, "Justine_Bateman", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227770, null, null, null]]], "all_evidence": [[227770, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74878, 86089, "In_the_End", 0]]], "all_evidence": [[74878, 86089, "In_the_End", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159175, null, null, null]]], "all_evidence": [[159175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22193, 27313, "Stephen_Hillenburg", 4]]], "all_evidence": [[22193, 27313, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58985, 69303, "Ron_Weasley", 0]], [[58985, 69304, "Ron_Weasley", 1]], [[58985, 69305, "Ron_Weasley", 3], [58985, 69305, "Hogwarts", 0]], [[58985, 69306, "Ron_Weasley", 2], [58985, 69306, "Places_in_Harry_Potter", 0]]], "all_evidence": [[58985, 69303, "Ron_Weasley", 0], [58985, 69304, "Ron_Weasley", 1], [58985, 69305, "Ron_Weasley", 3], [58985, 69305, "Hogwarts", 0], [58985, 69306, "Ron_Weasley", 2], [58985, 69306, "Places_in_Harry_Potter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18923, 23179, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[18923, 23179, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260911, null, null, null]]], "all_evidence": [[260911, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287241, null, null, null]]], "all_evidence": [[287241, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170489, 184057, "James_Jones_-LRB-basketball_player-RRB-", 17]], [[170490, 184058, "James_Jones_-LRB-basketball_player-RRB-", 17]], [[313652, 303199, "James_Jones_-LRB-basketball_player-RRB-", 17]], [[315553, 304793, "James_Jones_-LRB-basketball_player-RRB-", 17]]], "all_evidence": [[170489, 184057, "James_Jones_-LRB-basketball_player-RRB-", 17], [170490, 184058, "James_Jones_-LRB-basketball_player-RRB-", 17], [313652, 303199, "James_Jones_-LRB-basketball_player-RRB-", 17], [315553, 304793, "James_Jones_-LRB-basketball_player-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133783, 148665, "Shane_McMahon", 13]]], "all_evidence": [[133783, 148665, "Shane_McMahon", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75667, 86922, "The_Wallace_-LRB-poem-RRB-", 0]]], "all_evidence": [[75667, 86922, "The_Wallace_-LRB-poem-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144193, null, null, null]]], "all_evidence": [[144193, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243116, 244396, "First_Motion_Picture_Unit", 1]]], "all_evidence": [[243116, 244396, "First_Motion_Picture_Unit", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192752, 203467, "Cadet_Kelly", 0]]], "all_evidence": [[192752, 203467, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230063, 233812, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230063, 233812, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244445, 245452, "Samwell_Tarly", 0]]], "all_evidence": [[244445, 245452, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92552, null, null, null]]], "all_evidence": [[92552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76766, 88121, "Derek_Hough", 6]]], "all_evidence": [[76766, 88121, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180337, 192847, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[180337, 192847, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227632, null, null, null], [227647, null, null, null]]], "all_evidence": [[227632, null, null, null], [227647, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59082, 69416, "Fred_Armisen", 0]], [[61720, 72200, "Fred_Armisen", 0]], [[61720, 72201, "Fred_Armisen", 6]], [[64030, 74732, "Fred_Armisen", 0]], [[303441, 294410, "Fred_Armisen", 0]], [[303443, 294412, "Fred_Armisen", 0]]], "all_evidence": [[59082, 69416, "Fred_Armisen", 0], [61720, 72200, "Fred_Armisen", 0], [61720, 72201, "Fred_Armisen", 6], [64030, 74732, "Fred_Armisen", 0], [303441, 294410, "Fred_Armisen", 0], [303443, 294412, "Fred_Armisen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200738, 210209, "Earl_Scruggs", 0]]], "all_evidence": [[200738, 210209, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176817, 189765, "Leonard_Nimoy", 0]], [[176817, 189766, "Leonard_Nimoy", 4]], [[176817, 189767, "Leonard_Nimoy", 10]], [[176817, 189768, "Leonard_Nimoy", 14]]], "all_evidence": [[176817, 189765, "Leonard_Nimoy", 0], [176817, 189766, "Leonard_Nimoy", 4], [176817, 189767, "Leonard_Nimoy", 10], [176817, 189768, "Leonard_Nimoy", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173701, null, null, null]]], "all_evidence": [[173701, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75038, 86262, "Nicholas_Brody", 1]]], "all_evidence": [[75038, 86262, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172652, null, null, null]]], "all_evidence": [[172652, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138121, 153073, "Wildfang", 1]]], "all_evidence": [[138121, 153073, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16184, 20051, "Advertising", 0]], [[18241, 22406, "Advertising", 0]], [[19295, 23689, "Advertising", 0]], [[301365, 292490, "Advertising", 0]], [[302412, 293426, "Advertising", 0]], [[304249, 295082, "Advertising", 0]]], "all_evidence": [[16184, 20051, "Advertising", 0], [18241, 22406, "Advertising", 0], [19295, 23689, "Advertising", 0], [301365, 292490, "Advertising", 0], [302412, 293426, "Advertising", 0], [304249, 295082, "Advertising", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234480, null, null, null]]], "all_evidence": [[234480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218306, 224619, "Eva_Mendes", 0]]], "all_evidence": [[218306, 224619, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194304, 204694, "Drake_Bell", 18]], [[194311, 204703, "Drake_Bell", 18]]], "all_evidence": [[194304, 204694, "Drake_Bell", 18], [194311, 204703, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25394, 31318, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[299995, 291312, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[25394, 31318, "Kleshas_-LRB-Buddhism-RRB-", 0], [299995, 291312, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245092, 246006, "Endometrial_cancer", 26]]], "all_evidence": [[245092, 246006, "Endometrial_cancer", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197242, 207320, "Smriti_Mandhana", 0]], [[197243, 207321, "Smriti_Mandhana", 0]]], "all_evidence": [[197242, 207320, "Smriti_Mandhana", 0], [197243, 207321, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199498, 209167, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199498, 209167, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105443, 118898, "Ann_Richards", 0]]], "all_evidence": [[105443, 118898, "Ann_Richards", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101571, null, null, null]]], "all_evidence": [[101571, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90412, 103159, "Danger_UXB", 0]], [[90412, 103160, "Danger_UXB", 3], [90412, 103160, "Tunnelling_companies_of_the_Royal_Engineers", 0]]], "all_evidence": [[90412, 103159, "Danger_UXB", 0], [90412, 103160, "Danger_UXB", 3], [90412, 103160, "Tunnelling_companies_of_the_Royal_Engineers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32781, 39855, "David_Spade", 2]]], "all_evidence": [[32781, 39855, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86769, 99228, "United_Nations_Charter", 1]]], "all_evidence": [[86769, 99228, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152887, null, null, null]]], "all_evidence": [[152887, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243685, 244856, "Palo_Alto,_California", 0]], [[243687, 244857, "Palo_Alto,_California", 0]], [[243690, 244859, "Palo_Alto,_California", 0]], [[243697, 244865, "Palo_Alto,_California", 0], [243697, 244865, "United_States", 10]], [[243697, 244866, "Palo_Alto,_California", 11]]], "all_evidence": [[243685, 244856, "Palo_Alto,_California", 0], [243687, 244857, "Palo_Alto,_California", 0], [243690, 244859, "Palo_Alto,_California", 0], [243697, 244865, "Palo_Alto,_California", 0], [243697, 244865, "United_States", 10], [243697, 244866, "Palo_Alto,_California", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61700, 72188, "Sophia_Bush", 2]]], "all_evidence": [[61700, 72188, "Sophia_Bush", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223880, null, null, null]]], "all_evidence": [[223880, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69518, null, null, null]]], "all_evidence": [[69518, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137128, null, null, null]]], "all_evidence": [[137128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171163, 184680, "EA_Black_Box", 0], [171163, 184680, "Canada", 0]]], "all_evidence": [[171163, 184680, "EA_Black_Box", 0], [171163, 184680, "Canada", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214795, 221788, "Premam", 0]]], "all_evidence": [[214795, 221788, "Premam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68041, null, null, null]]], "all_evidence": [[68041, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210303, 218074, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210303, 218074, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175444, 188435, "Civilization_IV", 0]], [[175444, 188436, "Civilization_IV", 5]], [[175444, 188437, "Civilization_IV", 12]], [[175445, 188438, "Civilization_IV", 0]], [[175445, 188439, "Civilization_IV", 5]], [[175445, 188440, "Civilization_IV", 12]]], "all_evidence": [[175444, 188435, "Civilization_IV", 0], [175444, 188436, "Civilization_IV", 5], [175444, 188437, "Civilization_IV", 12], [175445, 188438, "Civilization_IV", 0], [175445, 188439, "Civilization_IV", 5], [175445, 188440, "Civilization_IV", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119233, null, null, null]]], "all_evidence": [[119233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174130, 187315, "Melancholia_-LRB-2011_film-RRB-", 0], [174130, 187315, "Lars_von_Trier", 0]]], "all_evidence": [[174130, 187315, "Melancholia_-LRB-2011_film-RRB-", 0], [174130, 187315, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72569, null, null, null]]], "all_evidence": [[72569, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258694, 257463, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258694, 257463, "John_Grisham", 0]]], "all_evidence": [[258694, 257463, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258694, 257463, "John_Grisham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69461, 80265, "Aleister_Crowley", 0]], [[69461, 80266, "Aleister_Crowley", 8]], [[69461, 80267, "Aleister_Crowley", 10]], [[69461, 80268, "Aleister_Crowley", 15]], [[69461, 80269, "Aleister_Crowley", 16]], [[69461, 80270, "Aleister_Crowley", 18], [69461, 80270, "World_War_I", 0]], [[69461, 80271, "Aleister_Crowley", 19]], [[69461, 80272, "Aleister_Crowley", 20]]], "all_evidence": [[69461, 80265, "Aleister_Crowley", 0], [69461, 80266, "Aleister_Crowley", 8], [69461, 80267, "Aleister_Crowley", 10], [69461, 80268, "Aleister_Crowley", 15], [69461, 80269, "Aleister_Crowley", 16], [69461, 80270, "Aleister_Crowley", 18], [69461, 80270, "World_War_I", 0], [69461, 80271, "Aleister_Crowley", 19], [69461, 80272, "Aleister_Crowley", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82034, 93826, "Folklore", 1]], [[82034, 93827, "Folklore", 7]]], "all_evidence": [[82034, 93826, "Folklore", 1], [82034, 93827, "Folklore", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199469, 209146, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199469, 209146, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49247, null, null, null], [49248, null, null, null]]], "all_evidence": [[49247, null, null, null], [49248, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153656, 168497, "Winter's_Tale_-LRB-novel-RRB-", 0], [153656, 168497, "Mark_Helprin", 0]]], "all_evidence": [[153656, 168497, "Winter's_Tale_-LRB-novel-RRB-", 0], [153656, 168497, "Mark_Helprin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22325, null, null, null]]], "all_evidence": [[22325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228485, 232661, "Stripes_-LRB-film-RRB-", 0], [228485, 232661, "Bill_Murray", 0], [228485, 232661, "Harold_Ramis", 0], [228485, 232661, "Ivan_Reitman", 0], [228485, 232661, "John_Candy", 0], [228485, 232661, "P._J._Soles", 0], [228485, 232661, "Sean_Young", 0]]], "all_evidence": [[228485, 232661, "Stripes_-LRB-film-RRB-", 0], [228485, 232661, "Bill_Murray", 0], [228485, 232661, "Harold_Ramis", 0], [228485, 232661, "Ivan_Reitman", 0], [228485, 232661, "John_Candy", 0], [228485, 232661, "P._J._Soles", 0], [228485, 232661, "Sean_Young", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45975, 54915, "Awkward_Black_Girl", 0]]], "all_evidence": [[45975, 54915, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173119, null, null, null]]], "all_evidence": [[173119, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47971, 57290, "Stephen_Colbert", 1]]], "all_evidence": [[47971, 57290, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155364, 170057, "Craig_David", 5]]], "all_evidence": [[155364, 170057, "Craig_David", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138886, null, null, null]]], "all_evidence": [[138886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26149, 32161, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[26149, 32161, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31618, 38371, "Email_filtering", 5]]], "all_evidence": [[31618, 38371, "Email_filtering", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114804, 128541, "Caroline_Kennedy", 0], [114804, 128541, "Twilight_-LRB-novel_series-RRB-", 0]]], "all_evidence": [[114804, 128541, "Caroline_Kennedy", 0], [114804, 128541, "Twilight_-LRB-novel_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180502, null, null, null]]], "all_evidence": [[180502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199050, 208732, "Matteo_Renzi", 0]]], "all_evidence": [[199050, 208732, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211225, 218900, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]], [[211225, 218901, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 15]], [[211225, 218902, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 16]], [[211225, 218903, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 17]]], "all_evidence": [[211225, 218900, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0], [211225, 218901, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 15], [211225, 218902, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 16], [211225, 218903, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268418, 265003, "Danielle_Cormack", 0]]], "all_evidence": [[268418, 265003, "Danielle_Cormack", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153124, 167863, "Pharrell_Williams", 0]]], "all_evidence": [[153124, 167863, "Pharrell_Williams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27559, 33745, "Mirny_-LRB-sloop-of-war-RRB-", 0], [27559, 33745, "Mikhail_Lazarev", 0]]], "all_evidence": [[27559, 33745, "Mirny_-LRB-sloop-of-war-RRB-", 0], [27559, 33745, "Mikhail_Lazarev", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185489, 197248, "Juventus_F.C.", 1]]], "all_evidence": [[185489, 197248, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12884, 16055, "Naples", 34], [12884, 16055, "Herculaneum", 0]]], "all_evidence": [[12884, 16055, "Naples", 34], [12884, 16055, "Herculaneum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106105, 119496, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[106105, 119496, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175624, null, null, null]]], "all_evidence": [[175624, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116993, 130881, "Mick_Thomson", 1], [116993, 130881, "Slipknot_-LRB-band-RRB-", 0]], [[116993, 130882, "Mick_Thomson", 2]], [[116993, 130883, "Mick_Thomson", 3], [116993, 130883, "Slipknot_-LRB-band-RRB-", 0]]], "all_evidence": [[116993, 130881, "Mick_Thomson", 1], [116993, 130881, "Slipknot_-LRB-band-RRB-", 0], [116993, 130882, "Mick_Thomson", 2], [116993, 130883, "Mick_Thomson", 3], [116993, 130883, "Slipknot_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58855, 69171, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[58855, 69171, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120882, 135173, "Blue_Jasmine", 0]], [[120882, 135174, "Blue_Jasmine", 1]], [[120882, 135176, "Blue_Jasmine", 2]]], "all_evidence": [[120882, 135173, "Blue_Jasmine", 0], [120882, 135174, "Blue_Jasmine", 1], [120882, 135176, "Blue_Jasmine", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228462, 232641, "Stripes_-LRB-film-RRB-", 0]], [[228462, 232642, "Stripes_-LRB-film-RRB-", 1]], [[228462, 232643, "Stripes_-LRB-film-RRB-", 2]], [[228465, 232645, "Stripes_-LRB-film-RRB-", 0]], [[228465, 232646, "Stripes_-LRB-film-RRB-", 1]], [[228465, 232647, "Stripes_-LRB-film-RRB-", 2]], [[228470, 232649, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228462, 232641, "Stripes_-LRB-film-RRB-", 0], [228462, 232642, "Stripes_-LRB-film-RRB-", 1], [228462, 232643, "Stripes_-LRB-film-RRB-", 2], [228465, 232645, "Stripes_-LRB-film-RRB-", 0], [228465, 232646, "Stripes_-LRB-film-RRB-", 1], [228465, 232647, "Stripes_-LRB-film-RRB-", 2], [228470, 232649, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245455, 246259, "Mel_B", 5]], [[245455, 246260, "Mel_B", 9]]], "all_evidence": [[245455, 246259, "Mel_B", 5], [245455, 246260, "Mel_B", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142191, 157407, "French_Indochina", 0]]], "all_evidence": [[142191, 157407, "French_Indochina", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225639, null, null, null]]], "all_evidence": [[225639, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228207, null, null, null]]], "all_evidence": [[228207, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120765, 135035, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[120765, 135035, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23921, 29609, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[23921, 29609, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93039, 105939, "Helmand_Province", 7], [93039, 105939, "Helmand_Province", 0]]], "all_evidence": [[93039, 105939, "Helmand_Province", 7], [93039, 105939, "Helmand_Province", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46836, 55850, "Sebastian_Stan", 1]], [[46836, 55851, "Sebastian_Stan", 2], [46836, 55851, "Political_Animals_-LRB-miniseries-RRB-", 0]]], "all_evidence": [[46836, 55850, "Sebastian_Stan", 1], [46836, 55851, "Sebastian_Stan", 2], [46836, 55851, "Political_Animals_-LRB-miniseries-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246610, 247087, "Excuse_My_French_-LRB-album-RRB-", 0]], [[246614, 247090, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246610, 247087, "Excuse_My_French_-LRB-album-RRB-", 0], [246614, 247090, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230155, 233882, "Frozen_-LRB-2013_film-RRB-", 0]], [[230155, 233883, "Frozen_-LRB-2013_film-RRB-", 10]]], "all_evidence": [[230155, 233882, "Frozen_-LRB-2013_film-RRB-", 0], [230155, 233883, "Frozen_-LRB-2013_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91817, 104622, "Heart", 19]]], "all_evidence": [[91817, 104622, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39049, null, null, null]]], "all_evidence": [[39049, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95344, 108370, "Washington_Wizards", 12]]], "all_evidence": [[95344, 108370, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19474, 23909, "Noah_Cyrus", 0]]], "all_evidence": [[19474, 23909, "Noah_Cyrus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238517, 240517, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]], [[238518, 240518, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238517, 240517, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238518, 240518, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295559, null, null, null], [295562, null, null, null]]], "all_evidence": [[295559, null, null, null], [295562, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116523, null, null, null]]], "all_evidence": [[116523, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48394, 57726, "Eva_Green", 1]]], "all_evidence": [[48394, 57726, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149200, 164202, "Daggering", 0]], [[149200, 164203, "Daggering", 1]], [[149200, 164204, "Daggering", 2]]], "all_evidence": [[149200, 164202, "Daggering", 0], [149200, 164203, "Daggering", 1], [149200, 164204, "Daggering", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34236, 41500, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[34236, 41500, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[273301, null, null, null], [274013, null, null, null], [276399, null, null, null], [323374, null, null, null], [323375, null, null, null], [323376, null, null, null]]], "all_evidence": [[273301, null, null, null], [274013, null, null, null], [276399, null, null, null], [323374, null, null, null], [323375, null, null, null], [323376, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153537, null, null, null]]], "all_evidence": [[153537, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99530, 112636, "In_the_End", 6]], [[101703, 114961, "In_the_End", 6]], [[102757, 116064, "In_the_End", 6]], [[306937, 297510, "In_the_End", 6]], [[307817, 298256, "In_the_End", 6]]], "all_evidence": [[99530, 112636, "In_the_End", 6], [101703, 114961, "In_the_End", 6], [102757, 116064, "In_the_End", 6], [306937, 297510, "In_the_End", 6], [307817, 298256, "In_the_End", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101888, 115136, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[101888, 115136, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227061, 231478, "Bea_Arthur", 0]], [[227062, 231479, "Bea_Arthur", 0]]], "all_evidence": [[227061, 231478, "Bea_Arthur", 0], [227062, 231479, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209756, 217546, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209756, 217546, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118076, 131932, "Reign_Over_Me", 0]]], "all_evidence": [[118076, 131932, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238534, null, null, null]]], "all_evidence": [[238534, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263224, 260958, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263224, 260958, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92173, 104946, "Marvel_vs._Capcom-COLON-_Infinite", 0]], [[92173, 104947, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[92173, 104948, "Marvel_vs._Capcom-COLON-_Infinite", 6]]], "all_evidence": [[92173, 104946, "Marvel_vs._Capcom-COLON-_Infinite", 0], [92173, 104947, "Marvel_vs._Capcom-COLON-_Infinite", 1], [92173, 104948, "Marvel_vs._Capcom-COLON-_Infinite", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286930, null, null, null], [334818, null, null, null], [334820, null, null, null], [334830, null, null, null]]], "all_evidence": [[286930, null, null, null], [334818, null, null, null], [334820, null, null, null], [334830, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48640, 57951, "Colosseum", 0]], [[51596, 61369, "Colosseum", 0]], [[54598, 64594, "Colosseum", 0]], [[302716, 293711, "Colosseum", 0]], [[302716, 293712, "Colosseum", 1]], [[302716, 293713, "Colosseum", 5]]], "all_evidence": [[48640, 57951, "Colosseum", 0], [51596, 61369, "Colosseum", 0], [54598, 64594, "Colosseum", 0], [302716, 293711, "Colosseum", 0], [302716, 293712, "Colosseum", 1], [302716, 293713, "Colosseum", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175265, 188262, "Prowler_-LRB-comics-RRB-", 1], [175265, 188262, "Jim_Mooney", 0], [175265, 188262, "John_Buscema", 0], [175265, 188262, "Stan_Lee", 0]]], "all_evidence": [[175265, 188262, "Prowler_-LRB-comics-RRB-", 1], [175265, 188262, "Jim_Mooney", 0], [175265, 188262, "John_Buscema", 0], [175265, 188262, "Stan_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164596, 178826, "Carlos_Santana", 0]], [[164597, 178827, "Carlos_Santana", 0]]], "all_evidence": [[164596, 178826, "Carlos_Santana", 0], [164597, 178827, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52743, 62700, "Crips", 3]]], "all_evidence": [[52743, 62700, "Crips", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55213, null, null, null]]], "all_evidence": [[55213, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210324, 218092, "Southpaw_-LRB-film-RRB-", 2]]], "all_evidence": [[210324, 218092, "Southpaw_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58355, 68614, "You_Belong_with_Me", 0]], [[58355, 68615, "You_Belong_with_Me", 1]], [[58355, 68616, "You_Belong_with_Me", 4]]], "all_evidence": [[58355, 68614, "You_Belong_with_Me", 0], [58355, 68615, "You_Belong_with_Me", 1], [58355, 68616, "You_Belong_with_Me", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198619, 208413, "Selena_Gomez_&_the_Scene", 3]], [[198624, 208417, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198619, 208413, "Selena_Gomez_&_the_Scene", 3], [198624, 208417, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46522, 55494, "Basildon", 0]], [[46522, 55495, "Basildon", 3], [46522, 55495, "Chelmsford", 0]], [[46522, 55496, "Basildon", 4], [46522, 55496, "Billericay", 0]], [[46522, 55497, "Basildon", 5], [46522, 55497, "London_overspill", 0]], [[46522, 55498, "Basildon", 6], [46522, 55498, "Borough_of_Basildon", 0]], [[46522, 55499, "Basildon", 9], [46522, 55499, "Wickford", 0]]], "all_evidence": [[46522, 55494, "Basildon", 0], [46522, 55495, "Basildon", 3], [46522, 55495, "Chelmsford", 0], [46522, 55496, "Basildon", 4], [46522, 55496, "Billericay", 0], [46522, 55497, "Basildon", 5], [46522, 55497, "London_overspill", 0], [46522, 55498, "Basildon", 6], [46522, 55498, "Borough_of_Basildon", 0], [46522, 55499, "Basildon", 9], [46522, 55499, "Wickford", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272399, 268110, "Island_Records", 1]]], "all_evidence": [[272399, 268110, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74466, 85705, "Danny_Brown", 2]], [[74466, 85706, "Danny_Brown", 3]], [[74466, 85707, "Danny_Brown", 4]], [[74466, 85708, "Danny_Brown", 5]]], "all_evidence": [[74466, 85705, "Danny_Brown", 2], [74466, 85706, "Danny_Brown", 3], [74466, 85707, "Danny_Brown", 4], [74466, 85708, "Danny_Brown", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155040, null, null, null]]], "all_evidence": [[155040, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180910, 193253, "Aparshakti_Khurana", 0], [180910, 193253, "News_presenter", 0], [180910, 193253, "Journalism", 0]]], "all_evidence": [[180910, 193253, "Aparshakti_Khurana", 0], [180910, 193253, "News_presenter", 0], [180910, 193253, "Journalism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218107, null, null, null]]], "all_evidence": [[218107, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255991, null, null, null]]], "all_evidence": [[255991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161620, 176053, "New_York_Knicks", 1], [161620, 176053, "New_York_Knicks", 2]]], "all_evidence": [[161620, 176053, "New_York_Knicks", 1], [161620, 176053, "New_York_Knicks", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91140, null, null, null], [91153, null, null, null]]], "all_evidence": [[91140, null, null, null], [91153, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135019, null, null, null]]], "all_evidence": [[135019, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175079, 188136, "The_Adventures_of_Pluto_Nash", 0]], [[175079, 188137, "The_Adventures_of_Pluto_Nash", 2]]], "all_evidence": [[175079, 188136, "The_Adventures_of_Pluto_Nash", 0], [175079, 188137, "The_Adventures_of_Pluto_Nash", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228724, 232839, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[228724, 232840, "Recovery_-LRB-Eminem_album-RRB-", 1]], [[228724, 232841, "Recovery_-LRB-Eminem_album-RRB-", 2]], [[228724, 232842, "Recovery_-LRB-Eminem_album-RRB-", 13]], [[231275, 234795, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[232693, 235837, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[232693, 235838, "Recovery_-LRB-Eminem_album-RRB-", 1]], [[232693, 235839, "Recovery_-LRB-Eminem_album-RRB-", 2]], [[232693, 235840, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[232693, 235841, "Recovery_-LRB-Eminem_album-RRB-", 13]], [[319954, 308681, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[319955, 308682, "Recovery_-LRB-Eminem_album-RRB-", 0]]], "all_evidence": [[228724, 232839, "Recovery_-LRB-Eminem_album-RRB-", 0], [228724, 232840, "Recovery_-LRB-Eminem_album-RRB-", 1], [228724, 232841, "Recovery_-LRB-Eminem_album-RRB-", 2], [228724, 232842, "Recovery_-LRB-Eminem_album-RRB-", 13], [231275, 234795, "Recovery_-LRB-Eminem_album-RRB-", 0], [232693, 235837, "Recovery_-LRB-Eminem_album-RRB-", 0], [232693, 235838, "Recovery_-LRB-Eminem_album-RRB-", 1], [232693, 235839, "Recovery_-LRB-Eminem_album-RRB-", 2], [232693, 235840, "Recovery_-LRB-Eminem_album-RRB-", 6], [232693, 235841, "Recovery_-LRB-Eminem_album-RRB-", 13], [319954, 308681, "Recovery_-LRB-Eminem_album-RRB-", 0], [319955, 308682, "Recovery_-LRB-Eminem_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132001, 146853, "Tremont_Street_Subway", 5]]], "all_evidence": [[132001, 146853, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41414, 49789, "The_Adventures_of_Pluto_Nash", 0]], [[41414, 49790, "The_Adventures_of_Pluto_Nash", 2]], [[41414, 49791, "The_Adventures_of_Pluto_Nash", 1], [41414, 49791, "Jay_Mohr", 2]]], "all_evidence": [[41414, 49789, "The_Adventures_of_Pluto_Nash", 0], [41414, 49790, "The_Adventures_of_Pluto_Nash", 2], [41414, 49791, "The_Adventures_of_Pluto_Nash", 1], [41414, 49791, "Jay_Mohr", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86860, null, null, null]]], "all_evidence": [[86860, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150970, null, null, null]]], "all_evidence": [[150970, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255594, 255015, "Dreamer_-LRB-2005_film-RRB-", 0], [255594, 255015, "John_Gatins", 0]]], "all_evidence": [[255594, 255015, "Dreamer_-LRB-2005_film-RRB-", 0], [255594, 255015, "John_Gatins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174706, 187855, "Hedda_Gabler", 1]]], "all_evidence": [[174706, 187855, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205344, 213948, "Invasion_literature", 3]], [[205344, 213949, "Invasion_literature", 2]]], "all_evidence": [[205344, 213948, "Invasion_literature", 3], [205344, 213949, "Invasion_literature", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63143, 73853, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[63143, 73853, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213711, null, null, null], [213713, null, null, null]]], "all_evidence": [[213711, null, null, null], [213713, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223586, 228561, "Mirny_-LRB-sloop-of-war-RRB-", 0], [223586, 228561, "Imperial_Russian_Navy", 0]], [[227219, 231622, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[230006, 233780, "Mirny_-LRB-sloop-of-war-RRB-", 0], [230006, 233780, "Imperial_Russian_Navy", 0]], [[318105, 307072, "Mirny_-LRB-sloop-of-war-RRB-", 0], [318105, 307072, "Imperial_Russian_Navy", 0]], [[318106, 307073, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[223586, 228561, "Mirny_-LRB-sloop-of-war-RRB-", 0], [223586, 228561, "Imperial_Russian_Navy", 0], [227219, 231622, "Mirny_-LRB-sloop-of-war-RRB-", 0], [230006, 233780, "Mirny_-LRB-sloop-of-war-RRB-", 0], [230006, 233780, "Imperial_Russian_Navy", 0], [318105, 307072, "Mirny_-LRB-sloop-of-war-RRB-", 0], [318105, 307072, "Imperial_Russian_Navy", 0], [318106, 307073, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236650, 239081, "Marcus_Bentley", 0]]], "all_evidence": [[236650, 239081, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208641, 216644, "Wentworth_Miller", 2]]], "all_evidence": [[208641, 216644, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101595, null, null, null]]], "all_evidence": [[101595, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215830, 222606, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215830, 222606, "Charles_Durning", 0]]], "all_evidence": [[215830, 222606, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215830, 222606, "Charles_Durning", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[298815, 290210, "Tom_Baker_-LRB-English_actor-RRB-", 0]], [[298815, 290211, "Tom_Baker_-LRB-English_actor-RRB-", 1]]], "all_evidence": [[298815, 290210, "Tom_Baker_-LRB-English_actor-RRB-", 0], [298815, 290211, "Tom_Baker_-LRB-English_actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68589, 79448, "Bloods", 0]]], "all_evidence": [[68589, 79448, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223860, 228779, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223860, 228779, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238975, 240933, "Despicable_Me_2", 1], [238975, 240933, "Illumination_Mac_Guff", 0]]], "all_evidence": [[238975, 240933, "Despicable_Me_2", 1], [238975, 240933, "Illumination_Mac_Guff", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209583, 217379, "Swordfish_-LRB-film-RRB-", 0]], [[209583, 217380, "Swordfish_-LRB-film-RRB-", 2]]], "all_evidence": [[209583, 217379, "Swordfish_-LRB-film-RRB-", 0], [209583, 217380, "Swordfish_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149841, 164769, "Saw_-LRB-franchise-RRB-", 8]]], "all_evidence": [[149841, 164769, "Saw_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109474, 123109, "Nicholas_Brody", 1]]], "all_evidence": [[109474, 123109, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179697, 192265, "Shooter_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[179697, 192265, "Shooter_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47823, 57089, "NRG_Recording_Studios", 0], [47823, 57089, "Jay_Baumgardner", 0]]], "all_evidence": [[47823, 57089, "NRG_Recording_Studios", 0], [47823, 57089, "Jay_Baumgardner", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62483, 73105, "Stan_Beeman", 2]]], "all_evidence": [[62483, 73105, "Stan_Beeman", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70489, 81379, "Pearl_Jam", 13]]], "all_evidence": [[70489, 81379, "Pearl_Jam", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194802, 205162, "Manmohan_Singh", 1]], [[194803, 205163, "Manmohan_Singh", 1]]], "all_evidence": [[194802, 205162, "Manmohan_Singh", 1], [194803, 205163, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25154, null, null, null]]], "all_evidence": [[25154, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62501, 73123, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[62501, 73123, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23089, 28431, "Michael_B._Jordan", 0]]], "all_evidence": [[23089, 28431, "Michael_B._Jordan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30451, 37052, "Luke_Cage", 6]]], "all_evidence": [[30451, 37052, "Luke_Cage", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243106, 244386, "First_Motion_Picture_Unit", 1]], [[243106, 244387, "First_Motion_Picture_Unit", 4], [243106, 244387, "First_Motion_Picture_Unit", 0]]], "all_evidence": [[243106, 244386, "First_Motion_Picture_Unit", 1], [243106, 244387, "First_Motion_Picture_Unit", 4], [243106, 244387, "First_Motion_Picture_Unit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161354, null, null, null]]], "all_evidence": [[161354, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115669, null, null, null], [115675, null, null, null]]], "all_evidence": [[115669, null, null, null], [115675, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100515, 113813, "Wish_Upon", 2]]], "all_evidence": [[100515, 113813, "Wish_Upon", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168451, null, null, null]]], "all_evidence": [[168451, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203382, 212416, "Artpop", 13]]], "all_evidence": [[203382, 212416, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154824, 169576, "How_to_Train_Your_Dragon_2", 0]]], "all_evidence": [[154824, 169576, "How_to_Train_Your_Dragon_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41814, null, null, null]]], "all_evidence": [[41814, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120634, null, null, null]]], "all_evidence": [[120634, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212187, 219788, "Epistemology", 3]]], "all_evidence": [[212187, 219788, "Epistemology", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258713, 257476, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258713, 257476, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159403, 173948, "Diana,_Princess_of_Wales", 18]]], "all_evidence": [[159403, 173948, "Diana,_Princess_of_Wales", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191473, 202328, "Roswell_-LRB-TV_series-RRB-", 0], [191473, 202328, "Roswell_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[191473, 202328, "Roswell_-LRB-TV_series-RRB-", 0], [191473, 202328, "Roswell_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107169, null, null, null]]], "all_evidence": [[107169, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231961, 235267, "Luke_Cage", 2], [231961, 235267, "Creative_work", 0]]], "all_evidence": [[231961, 235267, "Luke_Cage", 2], [231961, 235267, "Creative_work", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35107, 42564, "Qui-Gon_Jinn", 0], [35107, 42564, "Star_Wars-COLON-_Episode_I_\u2013_The_Phantom_Menace", 4]]], "all_evidence": [[35107, 42564, "Qui-Gon_Jinn", 0], [35107, 42564, "Star_Wars-COLON-_Episode_I_\u2013_The_Phantom_Menace", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175118, null, null, null]]], "all_evidence": [[175118, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150827, null, null, null]]], "all_evidence": [[150827, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289421, 282501, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [289421, 282501, "Kim_Go-eun", 0], [289421, 282501, "Park_Hae-jin", 0]], [[290984, 283945, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [290984, 283945, "Kim_Go-eun", 0]], [[336077, 321747, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]], [[336083, 321751, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [336083, 321751, "Park_Hae-jin", 0]]], "all_evidence": [[289421, 282501, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [289421, 282501, "Kim_Go-eun", 0], [289421, 282501, "Park_Hae-jin", 0], [290984, 283945, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [290984, 283945, "Kim_Go-eun", 0], [336077, 321747, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [336083, 321751, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [336083, 321751, "Park_Hae-jin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140448, 155514, "Scotty_Moore", 0]]], "all_evidence": [[140448, 155514, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39902, 48007, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[39902, 48007, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80705, null, null, null]]], "all_evidence": [[80705, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286895, null, null, null], [289049, null, null, null], [290741, null, null, null], [334013, null, null, null], [334810, null, null, null]]], "all_evidence": [[286895, null, null, null], [289049, null, null, null], [290741, null, null, null], [334013, null, null, null], [334810, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115639, null, null, null], [115650, null, null, null]]], "all_evidence": [[115639, null, null, null], [115650, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178480, 191067, "Veeru_Devgan", 0]], [[178480, 191068, "Veeru_Devgan", 2]], [[178480, 191069, "Veeru_Devgan", 3]]], "all_evidence": [[178480, 191067, "Veeru_Devgan", 0], [178480, 191068, "Veeru_Devgan", 2], [178480, 191069, "Veeru_Devgan", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175356, 188337, "EA_Black_Box", 0]]], "all_evidence": [[175356, 188337, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234514, null, null, null]]], "all_evidence": [[234514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56956, 67191, "Colosseum", 0]], [[56956, 67192, "Colosseum", 2], [56956, 67192, "Roman_Forum", 0]], [[56956, 67193, "Colosseum", 14]], [[56956, 67194, "Colosseum", 40], [56956, 67194, "Temple_of_Venus_and_Roma", 0]]], "all_evidence": [[56956, 67191, "Colosseum", 0], [56956, 67192, "Colosseum", 2], [56956, 67192, "Roman_Forum", 0], [56956, 67193, "Colosseum", 14], [56956, 67194, "Colosseum", 40], [56956, 67194, "Temple_of_Venus_and_Roma", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154304, null, null, null]]], "all_evidence": [[154304, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125913, null, null, null]]], "all_evidence": [[125913, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89197, 101886, "X-Men-COLON-_Apocalypse", 0]]], "all_evidence": [[89197, 101886, "X-Men-COLON-_Apocalypse", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225650, 230273, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225651, 230274, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225650, 230273, "Ian_Brennan_-LRB-writer-RRB-", 0], [225651, 230274, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215857, null, null, null]]], "all_evidence": [[215857, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119372, 133375, "Bee_Gees", 3], [119372, 133375, "Barry_Gibb", 0]], [[119372, 133376, "Bee_Gees", 2]], [[119372, 133378, "Bee_Gees", 4]], [[119372, 133380, "Bee_Gees", 5]], [[119372, 133382, "Bee_Gees", 6]], [[119372, 133384, "Bee_Gees", 11]], [[119372, 133385, "Bee_Gees", 14]]], "all_evidence": [[119372, 133375, "Bee_Gees", 3], [119372, 133375, "Barry_Gibb", 0], [119372, 133376, "Bee_Gees", 2], [119372, 133378, "Bee_Gees", 4], [119372, 133380, "Bee_Gees", 5], [119372, 133382, "Bee_Gees", 6], [119372, 133384, "Bee_Gees", 11], [119372, 133385, "Bee_Gees", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178633, null, null, null]]], "all_evidence": [[178633, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109085, null, null, null]]], "all_evidence": [[109085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22842, 28139, "AMGTV", 0]]], "all_evidence": [[22842, 28139, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243009, 244296, "St._Anger", 0]], [[243009, 244297, "St._Anger", 1], [243009, 244297, "Reload_-LRB-Metallica_album-RRB-", 0]], [[243009, 244298, "St._Anger", 16], [243009, 244298, "St._Anger_-LRB-song-RRB-", 0], [243009, 244298, "St._Anger_-LRB-song-RRB-", 1]]], "all_evidence": [[243009, 244296, "St._Anger", 0], [243009, 244297, "St._Anger", 1], [243009, 244297, "Reload_-LRB-Metallica_album-RRB-", 0], [243009, 244298, "St._Anger", 16], [243009, 244298, "St._Anger_-LRB-song-RRB-", 0], [243009, 244298, "St._Anger_-LRB-song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44990, 53692, "Angela_Bassett", 6]]], "all_evidence": [[44990, 53692, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203337, 212378, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203337, 212378, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62831, 73486, "Angelsberg", 0]], [[62831, 73487, "Angelsberg", 1]]], "all_evidence": [[62831, 73486, "Angelsberg", 0], [62831, 73487, "Angelsberg", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262166, 260214, "Bullitt", 0]], [[262167, 260215, "Bullitt", 0]]], "all_evidence": [[262166, 260214, "Bullitt", 0], [262167, 260215, "Bullitt", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216575, null, null, null]]], "all_evidence": [[216575, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171607, null, null, null]]], "all_evidence": [[171607, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72381, null, null, null]]], "all_evidence": [[72381, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293401, null, null, null], [341687, null, null, null], [341695, null, null, null], [341699, null, null, null]]], "all_evidence": [[293401, null, null, null], [341687, null, null, null], [341695, null, null, null], [341699, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24110, null, null, null]]], "all_evidence": [[24110, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102290, 115570, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[102290, 115570, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240249, 241902, "The_Sugarland_Express", 3]]], "all_evidence": [[240249, 241902, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71951, null, null, null]]], "all_evidence": [[71951, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203229, null, null, null]]], "all_evidence": [[203229, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267470, 264170, "Ralph_Fults", 0]], [[267471, 264171, "Ralph_Fults", 0]]], "all_evidence": [[267470, 264170, "Ralph_Fults", 0], [267471, 264171, "Ralph_Fults", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171282, 184773, "Paramore", 0]]], "all_evidence": [[171282, 184773, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63658, null, null, null]]], "all_evidence": [[63658, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229595, null, null, null]]], "all_evidence": [[229595, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243003, 244288, "St._Anger", 0], [243003, 244288, "Elektra_Records", 0]], [[243003, 244289, "St._Anger", 1], [243003, 244289, "Elektra_Records", 0]]], "all_evidence": [[243003, 244288, "St._Anger", 0], [243003, 244288, "Elektra_Records", 0], [243003, 244289, "St._Anger", 1], [243003, 244289, "Elektra_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55014, 65030, "Taylor_Lautner", 4], [55014, 65030, "My_Wife_and_Kids", 0], [55014, 65030, "The_Bernie_Mac_Show", 0]], [[55014, 65031, "Taylor_Lautner", 10], [55014, 65031, "Cuckoo_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[55014, 65030, "Taylor_Lautner", 4], [55014, 65030, "My_Wife_and_Kids", 0], [55014, 65030, "The_Bernie_Mac_Show", 0], [55014, 65031, "Taylor_Lautner", 10], [55014, 65031, "Cuckoo_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141083, 156276, "Ashley_Cole", 0]]], "all_evidence": [[141083, 156276, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135338, 150233, "Edison_Machine_Works", 0]], [[137283, 152123, "Edison_Machine_Works", 0]], [[138762, 153826, "Edison_Machine_Works", 0]], [[309886, 299979, "Edison_Machine_Works", 0]], [[310810, 300822, "Edison_Machine_Works", 0]]], "all_evidence": [[135338, 150233, "Edison_Machine_Works", 0], [137283, 152123, "Edison_Machine_Works", 0], [138762, 153826, "Edison_Machine_Works", 0], [309886, 299979, "Edison_Machine_Works", 0], [310810, 300822, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125559, 139915, "TV_Choice", 1]]], "all_evidence": [[125559, 139915, "TV_Choice", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239915, null, null, null], [239916, null, null, null]]], "all_evidence": [[239915, null, null, null], [239916, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207675, null, null, null]]], "all_evidence": [[207675, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155825, 170501, "Magic_Johnson", 0]], [[155825, 170502, "Magic_Johnson", 2]], [[155825, 170503, "Magic_Johnson", 1]], [[155825, 170504, "Magic_Johnson", 3]], [[155825, 170505, "Magic_Johnson", 4]], [[155825, 170506, "Magic_Johnson", 5]], [[155825, 170507, "Magic_Johnson", 8]], [[155825, 170508, "Magic_Johnson", 9]], [[155825, 170509, "Magic_Johnson", 10]], [[155825, 170510, "Magic_Johnson", 11]], [[155825, 170511, "Magic_Johnson", 12]], [[155825, 170512, "Magic_Johnson", 16]], [[155825, 170513, "Magic_Johnson", 17]]], "all_evidence": [[155825, 170501, "Magic_Johnson", 0], [155825, 170502, "Magic_Johnson", 2], [155825, 170503, "Magic_Johnson", 1], [155825, 170504, "Magic_Johnson", 3], [155825, 170505, "Magic_Johnson", 4], [155825, 170506, "Magic_Johnson", 5], [155825, 170507, "Magic_Johnson", 8], [155825, 170508, "Magic_Johnson", 9], [155825, 170509, "Magic_Johnson", 10], [155825, 170510, "Magic_Johnson", 11], [155825, 170511, "Magic_Johnson", 12], [155825, 170512, "Magic_Johnson", 16], [155825, 170513, "Magic_Johnson", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37386, 45306, "Danger_UXB", 0]]], "all_evidence": [[37386, 45306, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207974, null, null, null]]], "all_evidence": [[207974, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144333, null, null, null]]], "all_evidence": [[144333, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127049, null, null, null]]], "all_evidence": [[127049, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158984, 173606, "Queen_-LRB-band-RRB-", 0], [158984, 173606, "London", 0]]], "all_evidence": [[158984, 173606, "Queen_-LRB-band-RRB-", 0], [158984, 173606, "London", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238513, 240514, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]], "all_evidence": [[238513, 240514, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225937, null, null, null], [225938, null, null, null]]], "all_evidence": [[225937, null, null, null], [225938, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268460, 265039, "Michaela_Watkins", 0]], [[268460, 265040, "Michaela_Watkins", 1]], [[268460, 265041, "Michaela_Watkins", 2]]], "all_evidence": [[268460, 265039, "Michaela_Watkins", 0], [268460, 265040, "Michaela_Watkins", 1], [268460, 265041, "Michaela_Watkins", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33307, 40408, "John_Deighton", 24]]], "all_evidence": [[33307, 40408, "John_Deighton", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137246, 152067, "Trollhunters", 0]]], "all_evidence": [[137246, 152067, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18378, 22564, "Paris_-LRB-Paris_Hilton_album-RRB-", 9], [18378, 22564, "Reggae", 0]]], "all_evidence": [[18378, 22564, "Paris_-LRB-Paris_Hilton_album-RRB-", 9], [18378, 22564, "Reggae", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32980, null, null, null]]], "all_evidence": [[32980, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68832, 79649, "PacSun", 5]]], "all_evidence": [[68832, 79649, "PacSun", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180301, null, null, null]]], "all_evidence": [[180301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260718, 259039, "Valencia", 3], [260718, 259039, "Port_of_Valencia", 0]]], "all_evidence": [[260718, 259039, "Valencia", 3], [260718, 259039, "Port_of_Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[273649, 269022, "Working_animal", 0]]], "all_evidence": [[273649, 269022, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107054, 120435, "Murda_Beatz", 0]]], "all_evidence": [[107054, 120435, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43346, 51999, "T2_Trainspotting", 0]]], "all_evidence": [[43346, 51999, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132565, 147473, "Duane_Chapman", 0]]], "all_evidence": [[132565, 147473, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109782, null, null, null]]], "all_evidence": [[109782, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136752, null, null, null]]], "all_evidence": [[136752, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156742, 171350, "John_Dolmayan", 0]]], "all_evidence": [[156742, 171350, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163336, 177532, "Augustus", 41]]], "all_evidence": [[163336, 177532, "Augustus", 41]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73579, 84830, "Duane_Chapman", 0]]], "all_evidence": [[73579, 84830, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236659, null, null, null], [236660, null, null, null]]], "all_evidence": [[236659, null, null, null], [236660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211215, 218886, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]], "all_evidence": [[211215, 218886, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106295, 119752, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[106295, 119752, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74523, 85761, "The_Bassoon_King", 0]]], "all_evidence": [[74523, 85761, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32090, 38970, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[32090, 38970, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222344, 227698, "Blade_Runner_2049", 1]], [[224920, 229647, "Blade_Runner_2049", 1]], [[225967, 230525, "Blade_Runner_2049", 1]], [[317884, 306889, "Blade_Runner_2049", 1]], [[319594, 308322, "Blade_Runner_2049", 1]]], "all_evidence": [[222344, 227698, "Blade_Runner_2049", 1], [224920, 229647, "Blade_Runner_2049", 1], [225967, 230525, "Blade_Runner_2049", 1], [317884, 306889, "Blade_Runner_2049", 1], [319594, 308322, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131541, 146343, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[131541, 146343, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207455, null, null, null]]], "all_evidence": [[207455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240282, 241920, "The_Sugarland_Express", 3]]], "all_evidence": [[240282, 241920, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203227, null, null, null]]], "all_evidence": [[203227, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33368, 40479, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[33368, 40479, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56482, 66691, "Despacito", 12]], [[56485, 66692, "Despacito", 12]], [[56510, 66709, "Despacito", 12]]], "all_evidence": [[56482, 66691, "Despacito", 12], [56485, 66692, "Despacito", 12], [56510, 66709, "Despacito", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178388, 190978, "Helmand_Province", 0], [178388, 190978, "Afghanistan", 0]]], "all_evidence": [[178388, 190978, "Helmand_Province", 0], [178388, 190978, "Afghanistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140450, 155516, "Bret_Easton_Ellis", 20]]], "all_evidence": [[140450, 155516, "Bret_Easton_Ellis", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126437, 140821, "West_Virginia", 1]], [[126437, 140822, "West_Virginia", 0]]], "all_evidence": [[126437, 140821, "West_Virginia", 1], [126437, 140822, "West_Virginia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222960, null, null, null]]], "all_evidence": [[222960, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189350, 200633, "To_Pimp_a_Butterfly", 12]]], "all_evidence": [[189350, 200633, "To_Pimp_a_Butterfly", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262170, null, null, null], [262173, null, null, null]]], "all_evidence": [[262170, null, null, null], [262173, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89973, null, null, null]]], "all_evidence": [[89973, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[254330, 254032, "DJ_Quik", 0]]], "all_evidence": [[254330, 254032, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116725, 130607, "The_Godfather_Part_II", 0]]], "all_evidence": [[116725, 130607, "The_Godfather_Part_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230064, null, null, null]]], "all_evidence": [[230064, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279083, 273735, "Wish_Upon", 0]], [[280688, 275101, "Wish_Upon", 0]], [[280958, 275345, "Wish_Upon", 0]], [[327278, 314597, "Wish_Upon", 0]], [[328584, 315588, "Wish_Upon", 0]]], "all_evidence": [[279083, 273735, "Wish_Upon", 0], [280688, 275101, "Wish_Upon", 0], [280958, 275345, "Wish_Upon", 0], [327278, 314597, "Wish_Upon", 0], [328584, 315588, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94195, null, null, null]]], "all_evidence": [[94195, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141290, 156484, "Alexandra_Daddario", 0]]], "all_evidence": [[141290, 156484, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211426, null, null, null]]], "all_evidence": [[211426, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269547, null, null, null]]], "all_evidence": [[269547, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15236, null, null, null]]], "all_evidence": [[15236, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208034, null, null, null], [208037, null, null, null]]], "all_evidence": [[208034, null, null, null], [208037, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36171, null, null, null]]], "all_evidence": [[36171, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213743, null, null, null]]], "all_evidence": [[213743, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136827, 151628, "Marvel_vs._Capcom-COLON-_Infinite", 0]]], "all_evidence": [[136827, 151628, "Marvel_vs._Capcom-COLON-_Infinite", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282170, null, null, null], [284183, null, null, null], [284195, null, null, null], [330139, null, null, null], [330141, null, null, null]]], "all_evidence": [[282170, null, null, null], [284183, null, null, null], [284195, null, null, null], [330139, null, null, null], [330141, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193473, 203972, "Don_Bradman", 20]]], "all_evidence": [[193473, 203972, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34866, null, null, null]]], "all_evidence": [[34866, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228811, 232921, "Albert_S._Ruddy", 0]], [[228812, 232922, "Albert_S._Ruddy", 0]], [[228815, 232924, "Albert_S._Ruddy", 0]], [[228829, 232935, "Albert_S._Ruddy", 0]]], "all_evidence": [[228811, 232921, "Albert_S._Ruddy", 0], [228812, 232922, "Albert_S._Ruddy", 0], [228815, 232924, "Albert_S._Ruddy", 0], [228829, 232935, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179902, 192454, "The_Mighty_Ducks", 1]]], "all_evidence": [[179902, 192454, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170814, 184377, "Ingushetia", 5]]], "all_evidence": [[170814, 184377, "Ingushetia", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182502, null, null, null]]], "all_evidence": [[182502, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235726, null, null, null]]], "all_evidence": [[235726, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116685, 130579, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[116685, 130579, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167866, 181648, "House_-LRB-TV_series-RRB-", 10]]], "all_evidence": [[167866, 181648, "House_-LRB-TV_series-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34882, null, null, null]]], "all_evidence": [[34882, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240844, 242445, "Down_with_Love", 0]]], "all_evidence": [[240844, 242445, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86092, 98442, "Margaret_Thatcher", 3]]], "all_evidence": [[86092, 98442, "Margaret_Thatcher", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46016, 54973, "Advertising", 0]], [[46016, 54974, "Advertising", 3]]], "all_evidence": [[46016, 54973, "Advertising", 0], [46016, 54974, "Advertising", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248539, 248696, "Tie_Your_Mother_Down", 1]], [[248539, 248697, "Tie_Your_Mother_Down", 2]], [[248539, 248698, "Tie_Your_Mother_Down", 6]], [[248539, 248699, "Tie_Your_Mother_Down", 7]], [[248539, 248700, "Tie_Your_Mother_Down", 8]]], "all_evidence": [[248539, 248696, "Tie_Your_Mother_Down", 1], [248539, 248697, "Tie_Your_Mother_Down", 2], [248539, 248698, "Tie_Your_Mother_Down", 6], [248539, 248699, "Tie_Your_Mother_Down", 7], [248539, 248700, "Tie_Your_Mother_Down", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163014, 177241, "Heart", 19]]], "all_evidence": [[163014, 177241, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216086, 222797, "CHiPs_-LRB-film-RRB-", 0], [216086, 222797, "Dax_Shepard", 0]], [[216089, 222800, "CHiPs_-LRB-film-RRB-", 0], [216089, 222800, "Dax_Shepard", 0]]], "all_evidence": [[216086, 222797, "CHiPs_-LRB-film-RRB-", 0], [216086, 222797, "Dax_Shepard", 0], [216089, 222800, "CHiPs_-LRB-film-RRB-", 0], [216089, 222800, "Dax_Shepard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16231, 20116, "Tottenham_Hotspur_F.C.", 0]], [[16231, 20117, "Tottenham_Hotspur_F.C.", 5]], [[16231, 20118, "Tottenham_Hotspur_F.C.", 6], [16231, 20118, "FA_Cup", 0]], [[16231, 20119, "Tottenham_Hotspur_F.C.", 7], [16231, 20119, "FA_Cup", 0]], [[16231, 20120, "Tottenham_Hotspur_F.C.", 8], [16231, 20120, "FA_Cup", 0]], [[16231, 20121, "Tottenham_Hotspur_F.C.", 9], [16231, 20121, "EFL_Cup", 0]], [[16231, 20122, "Tottenham_Hotspur_F.C.", 11], [16231, 20122, "FA_Cup", 0]], [[16231, 20123, "Tottenham_Hotspur_F.C.", 12], [16231, 20123, "EFL_Cup", 0]], [[16231, 20124, "Tottenham_Hotspur_F.C.", 15]]], "all_evidence": [[16231, 20116, "Tottenham_Hotspur_F.C.", 0], [16231, 20117, "Tottenham_Hotspur_F.C.", 5], [16231, 20118, "Tottenham_Hotspur_F.C.", 6], [16231, 20118, "FA_Cup", 0], [16231, 20119, "Tottenham_Hotspur_F.C.", 7], [16231, 20119, "FA_Cup", 0], [16231, 20120, "Tottenham_Hotspur_F.C.", 8], [16231, 20120, "FA_Cup", 0], [16231, 20121, "Tottenham_Hotspur_F.C.", 9], [16231, 20121, "EFL_Cup", 0], [16231, 20122, "Tottenham_Hotspur_F.C.", 11], [16231, 20122, "FA_Cup", 0], [16231, 20123, "Tottenham_Hotspur_F.C.", 12], [16231, 20123, "EFL_Cup", 0], [16231, 20124, "Tottenham_Hotspur_F.C.", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167610, 181387, "Papua_-LRB-province-RRB-", 0]], [[167610, 181388, "Papua_-LRB-province-RRB-", 1]], [[167610, 181389, "Papua_-LRB-province-RRB-", 2]], [[167610, 181390, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[167610, 181387, "Papua_-LRB-province-RRB-", 0], [167610, 181388, "Papua_-LRB-province-RRB-", 1], [167610, 181389, "Papua_-LRB-province-RRB-", 2], [167610, 181390, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107230, 120624, "Lost_-LRB-TV_series-RRB-", 0]], [[107230, 120625, "Lost_-LRB-TV_series-RRB-", 14]], [[107230, 120626, "Lost_-LRB-TV_series-RRB-", 7], [107230, 120626, "Pilot_-LRB-Lost-RRB-", 0]], [[107230, 120627, "Lost_-LRB-TV_series-RRB-", 10], [107230, 120627, "The_New_Man_in_Charge", 0]], [[107230, 120628, "Lost_-LRB-TV_series-RRB-", 16], [107230, 120628, "List_of_awards_and_nominations_received_by_Lost", 0]]], "all_evidence": [[107230, 120624, "Lost_-LRB-TV_series-RRB-", 0], [107230, 120625, "Lost_-LRB-TV_series-RRB-", 14], [107230, 120626, "Lost_-LRB-TV_series-RRB-", 7], [107230, 120626, "Pilot_-LRB-Lost-RRB-", 0], [107230, 120627, "Lost_-LRB-TV_series-RRB-", 10], [107230, 120627, "The_New_Man_in_Charge", 0], [107230, 120628, "Lost_-LRB-TV_series-RRB-", 16], [107230, 120628, "List_of_awards_and_nominations_received_by_Lost", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26277, null, null, null], [28009, null, null, null], [302622, null, null, null], [304351, null, null, null]]], "all_evidence": [[26277, null, null, null], [28009, null, null, null], [302622, null, null, null], [304351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88989, 101633, "San_Diego_Comic-Con", 1]]], "all_evidence": [[88989, 101633, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78797, null, null, null]]], "all_evidence": [[78797, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225785, 230369, "The_Millers", 4]], [[225785, 230370, "The_Millers", 8]]], "all_evidence": [[225785, 230369, "The_Millers", 4], [225785, 230370, "The_Millers", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49639, null, null, null]]], "all_evidence": [[49639, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198055, 207998, "Dave_Gibbons", 0]]], "all_evidence": [[198055, 207998, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256003, 255306, "Weekly_Idol", 1], [256003, 255306, "Jeong_Hyeong-don", 0]]], "all_evidence": [[256003, 255306, "Weekly_Idol", 1], [256003, 255306, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110401, 124006, "Edmund_H._North", 0]]], "all_evidence": [[110401, 124006, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127755, 142410, "Aparshakti_Khurana", 2], [127755, 142410, "Dangal_-LRB-film-RRB-", 0]]], "all_evidence": [[127755, 142410, "Aparshakti_Khurana", 2], [127755, 142410, "Dangal_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148836, 163879, "Ashley_Graham_-LRB-model-RRB-", 1]], [[148836, 163880, "Ashley_Graham_-LRB-model-RRB-", 4], [148836, 163880, "Sports_Illustrated_Swimsuit_Issue", 0], [148836, 163880, "Sports_Illustrated_Swimsuit_Issue", 2]], [[148836, 163881, "Ashley_Graham_-LRB-model-RRB-", 6], [148836, 163881, "Vogue_-LRB-magazine-RRB-", 0]]], "all_evidence": [[148836, 163879, "Ashley_Graham_-LRB-model-RRB-", 1], [148836, 163880, "Ashley_Graham_-LRB-model-RRB-", 4], [148836, 163880, "Sports_Illustrated_Swimsuit_Issue", 0], [148836, 163880, "Sports_Illustrated_Swimsuit_Issue", 2], [148836, 163881, "Ashley_Graham_-LRB-model-RRB-", 6], [148836, 163881, "Vogue_-LRB-magazine-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39262, null, null, null]]], "all_evidence": [[39262, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230044, null, null, null]]], "all_evidence": [[230044, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114317, 128097, "Paramore", 0]]], "all_evidence": [[114317, 128097, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24999, null, null, null]]], "all_evidence": [[24999, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177591, null, null, null]]], "all_evidence": [[177591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147165, 162152, "Gin", 0], [147165, 162152, "Distilled_beverage", 0], [147165, 162152, "Distilled_beverage", 5]]], "all_evidence": [[147165, 162152, "Gin", 0], [147165, 162152, "Distilled_beverage", 0], [147165, 162152, "Distilled_beverage", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257433, 256437, "Fidel_Castro", 0]], [[321242, 309727, "Fidel_Castro", 0]], [[321250, 309750, "Fidel_Castro", 0]], [[321254, 309751, "Fidel_Castro", 0]]], "all_evidence": [[257433, 256437, "Fidel_Castro", 0], [321242, 309727, "Fidel_Castro", 0], [321250, 309750, "Fidel_Castro", 0], [321254, 309751, "Fidel_Castro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194705, 205077, "Middle-earth", 0], [194705, 205077, "J._R._R._Tolkien", 9], [194705, 205077, "J._R._R._Tolkien", 25]]], "all_evidence": [[194705, 205077, "Middle-earth", 0], [194705, 205077, "J._R._R._Tolkien", 9], [194705, 205077, "J._R._R._Tolkien", 25]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238552, null, null, null]]], "all_evidence": [[238552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251011, 250980, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[251011, 250980, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57552, 67783, "Carlos_Santana", 0]], [[57552, 67784, "Carlos_Santana", 1]], [[57552, 67785, "Carlos_Santana", 4]]], "all_evidence": [[57552, 67783, "Carlos_Santana", 0], [57552, 67784, "Carlos_Santana", 1], [57552, 67785, "Carlos_Santana", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250368, null, null, null], [250369, null, null, null]]], "all_evidence": [[250368, null, null, null], [250369, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99848, null, null, null]]], "all_evidence": [[99848, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[217694, null, null, null], [217695, null, null, null]]], "all_evidence": [[217694, null, null, null], [217695, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84731, 96943, "Jens_Stoltenberg", 4]]], "all_evidence": [[84731, 96943, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200449, 209954, "Sancho_Panza", 0]]], "all_evidence": [[200449, 209954, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115439, 129288, "English_people", 1], [115439, 129288, "English_people", 2]]], "all_evidence": [[115439, 129288, "English_people", 1], [115439, 129288, "English_people", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30074, 36630, "Diana,_Princess_of_Wales", 18], [30074, 36630, "Funeral_of_Diana,_Princess_of_Wales", 0]]], "all_evidence": [[30074, 36630, "Diana,_Princess_of_Wales", 18], [30074, 36630, "Funeral_of_Diana,_Princess_of_Wales", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248602, 248745, "In_a_Lonely_Place", 1]]], "all_evidence": [[248602, 248745, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262155, 260205, "Bullitt", 0]]], "all_evidence": [[262155, 260205, "Bullitt", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133703, null, null, null]]], "all_evidence": [[133703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18519, null, null, null], [205379, null, null, null], [221234, null, null, null], [231100, null, null, null], [252429, null, null, null], [266619, null, null, null], [279535, null, null, null], [282298, null, null, null]]], "all_evidence": [[18519, null, null, null], [205379, null, null, null], [221234, null, null, null], [231100, null, null, null], [252429, null, null, null], [266619, null, null, null], [279535, null, null, null], [282298, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121578, 135840, "Civilization_IV", 0]], [[121578, 135841, "Civilization_IV", 5]], [[121578, 135843, "Civilization_IV", 12]], [[123406, 137853, "Civilization_IV", 0]], [[124925, 139255, "Civilization_IV", 0]], [[124925, 139256, "Civilization_IV", 5]], [[308696, 299014, "Civilization_IV", 0]], [[310371, 300428, "Civilization_IV", 0]]], "all_evidence": [[121578, 135840, "Civilization_IV", 0], [121578, 135841, "Civilization_IV", 5], [121578, 135843, "Civilization_IV", 12], [123406, 137853, "Civilization_IV", 0], [124925, 139255, "Civilization_IV", 0], [124925, 139256, "Civilization_IV", 5], [308696, 299014, "Civilization_IV", 0], [310371, 300428, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194404, 204799, "Drake_Bell", 18]]], "all_evidence": [[194404, 204799, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70818, null, null, null]]], "all_evidence": [[70818, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208046, 216195, "Franchising", 8]]], "all_evidence": [[208046, 216195, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208611, 216607, "Wentworth_Miller", 2]]], "all_evidence": [[208611, 216607, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235689, 238264, "Tom_DeLonge", 4]]], "all_evidence": [[235689, 238264, "Tom_DeLonge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223884, 228795, "Yandex", 8]]], "all_evidence": [[223884, 228795, "Yandex", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170316, null, null, null]]], "all_evidence": [[170316, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[278282, null, null, null], [278284, null, null, null]]], "all_evidence": [[278282, null, null, null], [278284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116525, 130407, "Lockheed_Martin_F-35_Lightning_II", 21]], [[119176, 133122, "Lockheed_Martin_F-35_Lightning_II", 0], [119176, 133122, "Lockheed_Martin_F-35_Lightning_II", 21]]], "all_evidence": [[116525, 130407, "Lockheed_Martin_F-35_Lightning_II", 21], [119176, 133122, "Lockheed_Martin_F-35_Lightning_II", 0], [119176, 133122, "Lockheed_Martin_F-35_Lightning_II", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78525, null, null, null]]], "all_evidence": [[78525, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151936, 166696, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[151936, 166696, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62036, 72537, "Scotty_Moore", 0]]], "all_evidence": [[62036, 72537, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40460, null, null, null]]], "all_evidence": [[40460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240274, 241916, "The_Sugarland_Express", 3]]], "all_evidence": [[240274, 241916, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215819, null, null, null]]], "all_evidence": [[215819, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38926, 46879, "Omar_Khadr", 12]], [[38926, 46880, "Omar_Khadr", 18]], [[38926, 46881, "Omar_Khadr", 25]]], "all_evidence": [[38926, 46879, "Omar_Khadr", 12], [38926, 46880, "Omar_Khadr", 18], [38926, 46881, "Omar_Khadr", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228464, 232644, "Veeru_Devgan", 0]], [[232497, 235661, "Veeru_Devgan", 0]], [[232497, 235662, "Veeru_Devgan", 3]], [[318345, 307295, "Veeru_Devgan", 0]], [[318347, 307297, "Veeru_Devgan", 0]], [[318347, 307298, "Veeru_Devgan", 3]]], "all_evidence": [[228464, 232644, "Veeru_Devgan", 0], [232497, 235661, "Veeru_Devgan", 0], [232497, 235662, "Veeru_Devgan", 3], [318345, 307295, "Veeru_Devgan", 0], [318347, 307297, "Veeru_Devgan", 0], [318347, 307298, "Veeru_Devgan", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70987, 81879, "Joe_Rogan", 7]]], "all_evidence": [[70987, 81879, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32784, null, null, null]]], "all_evidence": [[32784, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20250, null, null, null]]], "all_evidence": [[20250, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190014, null, null, null]]], "all_evidence": [[190014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43630, 52269, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[43630, 52269, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60937, 71396, "Mary_of_Teck", 11]]], "all_evidence": [[60937, 71396, "Mary_of_Teck", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154530, null, null, null]]], "all_evidence": [[154530, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276042, null, null, null], [278340, null, null, null], [280274, null, null, null], [325321, null, null, null], [326248, null, null, null]]], "all_evidence": [[276042, null, null, null], [278340, null, null, null], [280274, null, null, null], [325321, null, null, null], [326248, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199904, 209541, "Anne_Sullivan", 0]]], "all_evidence": [[199904, 209541, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34232, 41497, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[34232, 41497, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200759, null, null, null]]], "all_evidence": [[200759, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26752, 32844, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[26752, 32844, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184161, 196110, "Edgar_Wright", 0]], [[184161, 196111, "Edgar_Wright", 5]], [[184161, 196112, "Edgar_Wright", 1], [184161, 196112, "Hot_Fuzz", 0], [184161, 196112, "Shaun_of_the_Dead", 0], [184161, 196112, "The_World's_End_-LRB-film-RRB-", 0]]], "all_evidence": [[184161, 196110, "Edgar_Wright", 0], [184161, 196111, "Edgar_Wright", 5], [184161, 196112, "Edgar_Wright", 1], [184161, 196112, "Hot_Fuzz", 0], [184161, 196112, "Shaun_of_the_Dead", 0], [184161, 196112, "The_World's_End_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110200, 123824, "Republic_of_Macedonia", 1]]], "all_evidence": [[110200, 123824, "Republic_of_Macedonia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136553, 151363, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [136553, 151363, "Ray_Winstone", 0]]], "all_evidence": [[136553, 151363, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [136553, 151363, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230054, null, null, null]]], "all_evidence": [[230054, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181669, null, null, null]]], "all_evidence": [[181669, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118023, 131877, "French_Indochina", 0]], [[118031, 131889, "French_Indochina", 0]]], "all_evidence": [[118023, 131877, "French_Indochina", 0], [118031, 131889, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112095, 125900, "TV_Choice", 0]], [[112095, 125901, "TV_Choice", 1]]], "all_evidence": [[112095, 125900, "TV_Choice", 0], [112095, 125901, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117110, 131004, "Blue_Jasmine", 0]]], "all_evidence": [[117110, 131004, "Blue_Jasmine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250979, 250942, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250979, 250942, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113971, 127805, "Carlos_Santana", 0]]], "all_evidence": [[113971, 127805, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138579, 153659, "Seohyun", 0]]], "all_evidence": [[138579, 153659, "Seohyun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198597, 208394, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198597, 208394, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262175, 260218, "Bullitt", 0]]], "all_evidence": [[262175, 260218, "Bullitt", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37449, null, null, null]]], "all_evidence": [[37449, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31556, 38280, "Gin", 0]]], "all_evidence": [[31556, 38280, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152124, 166899, "Kellogg's", 0]], [[152124, 166900, "Kellogg's", 2], [152124, 166900, "Eggo", 0]], [[152124, 166901, "Kellogg's", 7]], [[152124, 166902, "Kellogg's", 8], [152124, 166902, "Royal_Warrant_of_Appointment_-LRB-United_Kingdom-RRB-", 0]]], "all_evidence": [[152124, 166899, "Kellogg's", 0], [152124, 166900, "Kellogg's", 2], [152124, 166900, "Eggo", 0], [152124, 166901, "Kellogg's", 7], [152124, 166902, "Kellogg's", 8], [152124, 166902, "Royal_Warrant_of_Appointment_-LRB-United_Kingdom-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42207, 50778, "Lockheed_Martin_F-35_Lightning_II", 10]], [[44722, 53406, "Lockheed_Martin_F-35_Lightning_II", 10]], [[46917, 55967, "Lockheed_Martin_F-35_Lightning_II", 10]], [[302235, 293261, "Lockheed_Martin_F-35_Lightning_II", 10]], [[302236, 293262, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[42207, 50778, "Lockheed_Martin_F-35_Lightning_II", 10], [44722, 53406, "Lockheed_Martin_F-35_Lightning_II", 10], [46917, 55967, "Lockheed_Martin_F-35_Lightning_II", 10], [302235, 293261, "Lockheed_Martin_F-35_Lightning_II", 10], [302236, 293262, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113169, null, null, null]]], "all_evidence": [[113169, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181036, null, null, null], [181038, null, null, null]]], "all_evidence": [[181036, null, null, null], [181038, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58266, 68507, "Kellogg's", 0]], [[58266, 68508, "Kellogg's", 1]], [[58266, 68509, "Kellogg's", 2]], [[58266, 68510, "Kellogg's", 6]], [[58266, 68511, "Kellogg's", 7]], [[58266, 68512, "Kellogg's", 8]]], "all_evidence": [[58266, 68507, "Kellogg's", 0], [58266, 68508, "Kellogg's", 1], [58266, 68509, "Kellogg's", 2], [58266, 68510, "Kellogg's", 6], [58266, 68511, "Kellogg's", 7], [58266, 68512, "Kellogg's", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282370, 276563, "Blue_Jasmine", 0]], [[282370, 276564, "Blue_Jasmine", 2]], [[284330, 278165, "Blue_Jasmine", 0]], [[285270, 278934, "Blue_Jasmine", 0]], [[330493, 317090, "Blue_Jasmine", 0]], [[331654, 318148, "Blue_Jasmine", 0]]], "all_evidence": [[282370, 276563, "Blue_Jasmine", 0], [282370, 276564, "Blue_Jasmine", 2], [284330, 278165, "Blue_Jasmine", 0], [285270, 278934, "Blue_Jasmine", 0], [330493, 317090, "Blue_Jasmine", 0], [331654, 318148, "Blue_Jasmine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56759, null, null, null]]], "all_evidence": [[56759, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127744, null, null, null]]], "all_evidence": [[127744, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168652, null, null, null]]], "all_evidence": [[168652, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26532, 32571, "How_to_Train_Your_Dragon_2", 11]]], "all_evidence": [[26532, 32571, "How_to_Train_Your_Dragon_2", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209767, null, null, null]]], "all_evidence": [[209767, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239634, null, null, null]]], "all_evidence": [[239634, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203319, 212365, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203319, 212365, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21475, null, null, null]]], "all_evidence": [[21475, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203193, 212278, "Fabian_Nicieza", 0]]], "all_evidence": [[203193, 212278, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227657, null, null, null]]], "all_evidence": [[227657, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258099, null, null, null]]], "all_evidence": [[258099, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150306, 165227, "Uranium-235", 6]]], "all_evidence": [[150306, 165227, "Uranium-235", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185636, 197387, "Gal_Gadot", 4]]], "all_evidence": [[185636, 197387, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[278302, 273154, "Sandra_Bullock", 17]], [[280253, 274771, "Sandra_Bullock", 17]], [[325224, 312970, "Sandra_Bullock", 17]], [[326223, 313735, "Sandra_Bullock", 17]]], "all_evidence": [[278302, 273154, "Sandra_Bullock", 17], [280253, 274771, "Sandra_Bullock", 17], [325224, 312970, "Sandra_Bullock", 17], [326223, 313735, "Sandra_Bullock", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173732, 186914, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [173732, 186914, "James_Taylor", 0]], [[173733, 186915, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [173733, 186915, "James_Taylor", 0]]], "all_evidence": [[173732, 186914, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [173732, 186914, "James_Taylor", 0], [173733, 186915, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [173733, 186915, "James_Taylor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105317, 118763, "Henry_II_of_France", 15]]], "all_evidence": [[105317, 118763, "Henry_II_of_France", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208608, 216604, "Wentworth_Miller", 2]]], "all_evidence": [[208608, 216604, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34780, 42180, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[34780, 42180, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296157, null, null, null], [342392, null, null, null], [342395, null, null, null], [342403, null, null, null]]], "all_evidence": [[296157, null, null, null], [342392, null, null, null], [342395, null, null, null], [342403, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117197, 131092, "John_Deighton", 24]]], "all_evidence": [[117197, 131092, "John_Deighton", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155991, 170658, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[155991, 170658, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34198, 41462, "Mohra", 4], [34198, 41462, "Filmfare", 0], [34198, 41462, "Filmfare", 2]]], "all_evidence": [[34198, 41462, "Mohra", 4], [34198, 41462, "Filmfare", 0], [34198, 41462, "Filmfare", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49239, null, null, null]]], "all_evidence": [[49239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126707, null, null, null]]], "all_evidence": [[126707, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208026, 216180, "Franchising", 8]], [[208027, 216181, "Franchising", 8]], [[208028, 216182, "Franchising", 8]]], "all_evidence": [[208026, 216180, "Franchising", 8], [208027, 216181, "Franchising", 8], [208028, 216182, "Franchising", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211465, null, null, null]]], "all_evidence": [[211465, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89963, null, null, null]]], "all_evidence": [[89963, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54122, null, null, null]]], "all_evidence": [[54122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116432, 130324, "Beaverton,_Oregon", 0]]], "all_evidence": [[116432, 130324, "Beaverton,_Oregon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26589, 32637, "AMGTV", 0]]], "all_evidence": [[26589, 32637, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165528, 179565, "Battle_of_France", 13]]], "all_evidence": [[165528, 179565, "Battle_of_France", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279111, 273774, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[280964, 275356, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[280969, 275361, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[327302, 314604, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[327304, 314605, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[279111, 273774, "Kleshas_-LRB-Buddhism-RRB-", 0], [280964, 275356, "Kleshas_-LRB-Buddhism-RRB-", 0], [280969, 275361, "Kleshas_-LRB-Buddhism-RRB-", 0], [327302, 314604, "Kleshas_-LRB-Buddhism-RRB-", 0], [327304, 314605, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104539, 117963, "Chile", 0]], [[104539, 117964, "Chile", 20]], [[104539, 117965, "Chile", 23]]], "all_evidence": [[104539, 117963, "Chile", 0], [104539, 117964, "Chile", 20], [104539, 117965, "Chile", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102556, null, null, null]]], "all_evidence": [[102556, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145466, 160465, "Stephen_Hillenburg", 4]]], "all_evidence": [[145466, 160465, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255461, 254918, "Private_Lives", 0], [255461, 254918, "Noe\u0308l_Coward", 0]]], "all_evidence": [[255461, 254918, "Private_Lives", 0], [255461, 254918, "Noe\u0308l_Coward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65324, 76222, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[65324, 76222, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77417, 88858, "Rage_Against_the_Machine", 17]]], "all_evidence": [[77417, 88858, "Rage_Against_the_Machine", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181066, 193362, "Renato_Balestra", 3]]], "all_evidence": [[181066, 193362, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25699, 31628, "Flaked", 2]]], "all_evidence": [[25699, 31628, "Flaked", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192754, null, null, null]]], "all_evidence": [[192754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250972, 250937, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250972, 250937, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268470, 265050, "Michaela_Watkins", 0]]], "all_evidence": [[268470, 265050, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84490, 96655, "Hedda_Gabler", 1]]], "all_evidence": [[84490, 96655, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227032, 231459, "Bea_Arthur", 0]]], "all_evidence": [[227032, 231459, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251009, 250979, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[251009, 250979, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95351, 108381, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[95351, 108381, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59015, 69339, "Terry_Crews", 9]]], "all_evidence": [[59015, 69339, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82316, 94101, "Ann_Richards", 0]], [[82316, 94102, "Ann_Richards", 2]]], "all_evidence": [[82316, 94101, "Ann_Richards", 0], [82316, 94102, "Ann_Richards", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268048, 264708, "Kentucky", 11]]], "all_evidence": [[268048, 264708, "Kentucky", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165562, null, null, null], [167761, null, null, null], [169903, null, null, null], [312407, null, null, null], [313600, null, null, null]]], "all_evidence": [[165562, null, null, null], [167761, null, null, null], [169903, null, null, null], [312407, null, null, null], [313600, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24844, null, null, null]]], "all_evidence": [[24844, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109472, 123108, "Nicholas_Brody", 1]]], "all_evidence": [[109472, 123108, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240814, 242426, "Glee.com", 1]], [[240815, 242427, "Glee.com", 1]]], "all_evidence": [[240814, 242426, "Glee.com", 1], [240815, 242427, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[280002, 274585, "Connie_Nielsen", 2], [280002, 274585, "The_Following_-LRB-season_2-RRB-", 0]], [[328908, 315857, "Connie_Nielsen", 2], [328908, 315857, "The_Following", 0], [328908, 315857, "The_Following", 8]], [[329356, 316177, "Connie_Nielsen", 2], [329356, 316177, "The_Following_-LRB-season_2-RRB-", 0]]], "all_evidence": [[280002, 274585, "Connie_Nielsen", 2], [280002, 274585, "The_Following_-LRB-season_2-RRB-", 0], [328908, 315857, "Connie_Nielsen", 2], [328908, 315857, "The_Following", 0], [328908, 315857, "The_Following", 8], [329356, 316177, "Connie_Nielsen", 2], [329356, 316177, "The_Following_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40252, 48415, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[40252, 48415, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163626, 177872, "Francis_I_of_France", 11]]], "all_evidence": [[163626, 177872, "Francis_I_of_France", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169207, 182867, "A_River_Runs_Through_It_-LRB-film-RRB-", 0]]], "all_evidence": [[169207, 182867, "A_River_Runs_Through_It_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236601, null, null, null]]], "all_evidence": [[236601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51408, 61130, "Kellyanne_Conway", 12]]], "all_evidence": [[51408, 61130, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74269, 85493, "Star_Trek-COLON-_Discovery", 2]]], "all_evidence": [[74269, 85493, "Star_Trek-COLON-_Discovery", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190778, null, null, null]]], "all_evidence": [[190778, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101225, null, null, null]]], "all_evidence": [[101225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160200, 174721, "Arizona", 0]], [[160200, 174723, "Arizona", 2], [160200, 174723, "List_of_U.S._states_and_territories_by_area", 0]], [[160200, 174725, "Arizona", 1], [160200, 174725, "Mountain_States", 6]], [[160200, 174726, "Arizona", 3], [160200, 174726, "Phoenix,_Arizona", 0]], [[160200, 174727, "Arizona", 4]], [[160200, 174728, "Arizona", 5], [160200, 174728, "California", 0], [160200, 174728, "Colorado", 0]], [[160200, 174729, "Arizona", 6], [160200, 174729, "Baja_California", 0], [160200, 174729, "California", 0], [160200, 174729, "Mexico", 0]], [[160200, 174730, "Arizona", 9], [160200, 174730, "Contiguous_United_States", 0]], [[160200, 174731, "Arizona", 15]], [[160200, 174732, "Arizona", 16], [160200, 174732, "Northern_Arizona", 0]], [[160200, 174733, "Arizona", 17], [160200, 174733, "Alpine,_Arizona", 0]], [[160200, 174734, "Arizona", 18], [160200, 174734, "Grand_Canyon", 0]], [[160200, 174735, "Arizona", 21]]], "all_evidence": [[160200, 174721, "Arizona", 0], [160200, 174723, "Arizona", 2], [160200, 174723, "List_of_U.S._states_and_territories_by_area", 0], [160200, 174725, "Arizona", 1], [160200, 174725, "Mountain_States", 6], [160200, 174726, "Arizona", 3], [160200, 174726, "Phoenix,_Arizona", 0], [160200, 174727, "Arizona", 4], [160200, 174728, "Arizona", 5], [160200, 174728, "California", 0], [160200, 174728, "Colorado", 0], [160200, 174729, "Arizona", 6], [160200, 174729, "Baja_California", 0], [160200, 174729, "California", 0], [160200, 174729, "Mexico", 0], [160200, 174730, "Arizona", 9], [160200, 174730, "Contiguous_United_States", 0], [160200, 174731, "Arizona", 15], [160200, 174732, "Arizona", 16], [160200, 174732, "Northern_Arizona", 0], [160200, 174733, "Arizona", 17], [160200, 174733, "Alpine,_Arizona", 0], [160200, 174734, "Arizona", 18], [160200, 174734, "Grand_Canyon", 0], [160200, 174735, "Arizona", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163165, 177385, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[163165, 177385, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88467, 101093, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[88467, 101093, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237494, null, null, null]]], "all_evidence": [[237494, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123845, null, null, null]]], "all_evidence": [[123845, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215852, 222611, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215852, 222611, "Anne_Bancroft", 0], [215852, 222611, "Charles_Durning", 0], [215852, 222611, "Holly_Hunter", 0]]], "all_evidence": [[215852, 222611, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215852, 222611, "Anne_Bancroft", 0], [215852, 222611, "Charles_Durning", 0], [215852, 222611, "Holly_Hunter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179219, null, null, null]]], "all_evidence": [[179219, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125601, null, null, null]]], "all_evidence": [[125601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243686, null, null, null]]], "all_evidence": [[243686, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238979, null, null, null]]], "all_evidence": [[238979, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94757, null, null, null]]], "all_evidence": [[94757, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233559, null, null, null], [235594, null, null, null], [236416, null, null, null], [318628, null, null, null], [320090, null, null, null], [320091, null, null, null]]], "all_evidence": [[233559, null, null, null], [235594, null, null, null], [236416, null, null, null], [318628, null, null, null], [320090, null, null, null], [320091, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231468, null, null, null]]], "all_evidence": [[231468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279226, 273870, "Aarhus", 1]], [[281017, 275396, "Aarhus", 1]], [[327466, 314700, "Aarhus", 1]], [[327472, 314703, "Aarhus", 1]]], "all_evidence": [[279226, 273870, "Aarhus", 1], [281017, 275396, "Aarhus", 1], [327466, 314700, "Aarhus", 1], [327472, 314703, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259746, 258294, "Hanford_Site", 23]]], "all_evidence": [[259746, 258294, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[252357, 252156, "Harvard_University", 8]]], "all_evidence": [[252357, 252156, "Harvard_University", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241367, 242917, "Brad_Wilk", 4]]], "all_evidence": [[241367, 242917, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108293, 121833, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[108293, 121833, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61033, null, null, null]]], "all_evidence": [[61033, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83064, 94959, "Reign_Over_Me", 1]]], "all_evidence": [[83064, 94959, "Reign_Over_Me", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73568, null, null, null]]], "all_evidence": [[73568, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237942, null, null, null], [237944, null, null, null]]], "all_evidence": [[237942, null, null, null], [237944, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21784, 26782, "Miranda_Otto", 1]]], "all_evidence": [[21784, 26782, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138793, 153853, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]], [[141221, 156425, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]], [[143152, 158249, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]], [[310933, 300967, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]], [[310934, 300968, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[138793, 153853, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [141221, 156425, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [143152, 158249, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [310933, 300967, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [310934, 300968, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284225, null, null, null], [285168, null, null, null], [330267, null, null, null], [330271, null, null, null]]], "all_evidence": [[284225, null, null, null], [285168, null, null, null], [330267, null, null, null], [330271, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71922, null, null, null]]], "all_evidence": [[71922, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49508, null, null, null]]], "all_evidence": [[49508, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246624, null, null, null]]], "all_evidence": [[246624, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92386, null, null, null]]], "all_evidence": [[92386, null, null, null]]} diff --git a/src/scorer/tests/dev.jsonl b/src/scorer/tests/dev.jsonl new file mode 100644 index 0000000..dd397c4 --- /dev/null +++ b/src/scorer/tests/dev.jsonl @@ -0,0 +1,19998 @@ +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108548, null, null, null]]], "all_evidence": [[108548, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227768, null, null, null]]], "all_evidence": [[227768, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289914, 283015, "Soul_Food_-LRB-film-RRB-", 0]], [[291259, 284217, "Soul_Food_-LRB-film-RRB-", 0]], [[293412, 285960, "Soul_Food_-LRB-film-RRB-", 0]], [[337212, 322620, "Soul_Food_-LRB-film-RRB-", 0]], [[337214, 322622, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[289914, 283015, "Soul_Food_-LRB-film-RRB-", 0], [291259, 284217, "Soul_Food_-LRB-film-RRB-", 0], [293412, 285960, "Soul_Food_-LRB-film-RRB-", 0], [337212, 322620, "Soul_Food_-LRB-film-RRB-", 0], [337214, 322622, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191656, null, null, null], [191657, null, null, null]]], "all_evidence": [[191656, null, null, null], [191657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131371, 146144, "Telemundo", 0]], [[131371, 146148, "Telemundo", 1]], [[131371, 146150, "Telemundo", 4], [131371, 146150, "Hispanic_and_Latino_Americans", 0]], [[131371, 146151, "Telemundo", 5]]], "all_evidence": [[131371, 146144, "Telemundo", 0], [131371, 146148, "Telemundo", 1], [131371, 146150, "Telemundo", 4], [131371, 146150, "Hispanic_and_Latino_Americans", 0], [131371, 146151, "Telemundo", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107201, 120581, "Damon_Albarn", 17]]], "all_evidence": [[107201, 120581, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210946, 218608, "Mogadishu", 0]]], "all_evidence": [[210946, 218608, "Mogadishu", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260471, 258880, "Savages_-LRB-2012_film-RRB-", 3]], [[260473, 258882, "Savages_-LRB-2012_film-RRB-", 3]]], "all_evidence": [[260471, 258880, "Savages_-LRB-2012_film-RRB-", 3], [260473, 258882, "Savages_-LRB-2012_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227658, null, null, null]]], "all_evidence": [[227658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127089, 141573, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[127089, 141573, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163853, null, null, null]]], "all_evidence": [[163853, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129277, null, null, null]]], "all_evidence": [[129277, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241287, 242825, "Cretaceous", 8]], [[241288, 242826, "Cretaceous", 8]], [[241288, 242827, "Cretaceous", 9]], [[241289, 242828, "Cretaceous", 8]], [[241289, 242829, "Cretaceous", 9]]], "all_evidence": [[241287, 242825, "Cretaceous", 8], [241288, 242826, "Cretaceous", 8], [241288, 242827, "Cretaceous", 9], [241289, 242828, "Cretaceous", 8], [241289, 242829, "Cretaceous", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70477, 81355, "Murda_Beatz", 0]]], "all_evidence": [[70477, 81355, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123414, 137856, "Nicholas_Brody", 1]], [[123414, 137857, "Nicholas_Brody", 4], [123414, 137857, "Carrie_Mathison", 0], [123414, 137857, "Carrie_Mathison", 2]]], "all_evidence": [[123414, 137856, "Nicholas_Brody", 1], [123414, 137857, "Nicholas_Brody", 4], [123414, 137857, "Carrie_Mathison", 0], [123414, 137857, "Carrie_Mathison", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34332, 41652, "Charles_Manson", 17]]], "all_evidence": [[34332, 41652, "Charles_Manson", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108145, 121668, "Sean_Penn", 5]], [[108145, 121669, "Sean_Penn", 7]]], "all_evidence": [[108145, 121668, "Sean_Penn", 5], [108145, 121669, "Sean_Penn", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193413, null, null, null]]], "all_evidence": [[193413, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174591, null, null, null]]], "all_evidence": [[174591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241397, 242933, "Brad_Wilk", 4]]], "all_evidence": [[241397, 242933, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225477, 230125, "The_Millers", 1]]], "all_evidence": [[225477, 230125, "The_Millers", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87844, null, null, null]]], "all_evidence": [[87844, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184145, 196092, "Edgar_Wright", 0]], [[184145, 196093, "Edgar_Wright", 1]], [[184145, 196094, "Edgar_Wright", 2]], [[184145, 196095, "Edgar_Wright", 5]], [[184145, 196096, "Edgar_Wright", 6]], [[184145, 196097, "Edgar_Wright", 7]]], "all_evidence": [[184145, 196092, "Edgar_Wright", 0], [184145, 196093, "Edgar_Wright", 1], [184145, 196094, "Edgar_Wright", 2], [184145, 196095, "Edgar_Wright", 5], [184145, 196096, "Edgar_Wright", 6], [184145, 196097, "Edgar_Wright", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126507, 140905, "Ann_Richards", 0]], [[126507, 140906, "Ann_Richards", 1]], [[126507, 140907, "Ann_Richards", 2]]], "all_evidence": [[126507, 140905, "Ann_Richards", 0], [126507, 140906, "Ann_Richards", 1], [126507, 140907, "Ann_Richards", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194302, 204692, "Drake_Bell", 18]]], "all_evidence": [[194302, 204692, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291669, 284579, "Janet_Leigh", 0]], [[291669, 284580, "Janet_Leigh", 12]], [[293770, 286206, "Janet_Leigh", 0]], [[293770, 286207, "Janet_Leigh", 12]], [[293772, 286208, "Janet_Leigh", 0]], [[293774, 286210, "Janet_Leigh", 0]], [[338247, 323476, "Janet_Leigh", 0]]], "all_evidence": [[291669, 284579, "Janet_Leigh", 0], [291669, 284580, "Janet_Leigh", 12], [293770, 286206, "Janet_Leigh", 0], [293770, 286207, "Janet_Leigh", 12], [293772, 286208, "Janet_Leigh", 0], [293774, 286210, "Janet_Leigh", 0], [338247, 323476, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232009, 235299, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232009, 235299, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218175, 224531, "Bermuda_Triangle", 0]]], "all_evidence": [[218175, 224531, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48378, null, null, null]]], "all_evidence": [[48378, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231200, null, null, null]]], "all_evidence": [[231200, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290501, 283534, "Advertising", 3]], [[291880, 284756, "Advertising", 0]], [[293924, 286336, "Advertising", 0]], [[293924, 286337, "Advertising", 3]], [[338610, 323711, "Advertising", 0]], [[338745, 323825, "Advertising", 0]], [[338745, 323826, "Advertising", 3]]], "all_evidence": [[290501, 283534, "Advertising", 3], [291880, 284756, "Advertising", 0], [293924, 286336, "Advertising", 0], [293924, 286337, "Advertising", 3], [338610, 323711, "Advertising", 0], [338745, 323825, "Advertising", 0], [338745, 323826, "Advertising", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170950, 184494, "Hot_Right_Now", 0]]], "all_evidence": [[170950, 184494, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255480, null, null, null]]], "all_evidence": [[255480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271152, 267092, "Giada_at_Home", 1], [271152, 267092, "Food_Network", 0]]], "all_evidence": [[271152, 267092, "Giada_at_Home", 1], [271152, 267092, "Food_Network", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168831, 182535, "Harold_Macmillan", 0]]], "all_evidence": [[168831, 182535, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81170, 92990, "Aristotle", 2]]], "all_evidence": [[81170, 92990, "Aristotle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146245, 161224, "David_Packouz", 0]]], "all_evidence": [[146245, 161224, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68484, 79345, "Magic_Johnson", 1]], [[68484, 79346, "Magic_Johnson", 3]], [[68484, 79347, "Magic_Johnson", 5]]], "all_evidence": [[68484, 79345, "Magic_Johnson", 1], [68484, 79346, "Magic_Johnson", 3], [68484, 79347, "Magic_Johnson", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122679, 136986, "Tenacious_D", 0]]], "all_evidence": [[122679, 136986, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72026, 83020, "James_VI_and_I", 10]]], "all_evidence": [[72026, 83020, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236619, 239062, "Marcus_Bentley", 0]], [[236620, 239063, "Marcus_Bentley", 0]]], "all_evidence": [[236619, 239062, "Marcus_Bentley", 0], [236620, 239063, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151645, 166384, "Saxony", 0]]], "all_evidence": [[151645, 166384, "Saxony", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125672, null, null, null], [125675, null, null, null]]], "all_evidence": [[125672, null, null, null], [125675, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245514, 246301, "Mel_B", 5]]], "all_evidence": [[245514, 246301, "Mel_B", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154544, 169259, "Noah_Cyrus", 4]]], "all_evidence": [[154544, 169259, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150114, 165059, "Mohra", 0]]], "all_evidence": [[150114, 165059, "Mohra", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103338, 116734, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [103338, 116734, "James_Taylor", 0]]], "all_evidence": [[103338, 116734, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [103338, 116734, "James_Taylor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92176, 104951, "Shane_Black", 0]], [[94868, 107842, "Shane_Black", 0]], [[96996, 110149, "Shane_Black", 0]], [[306640, 297263, "Shane_Black", 0]], [[306641, 297264, "Shane_Black", 0]]], "all_evidence": [[92176, 104951, "Shane_Black", 0], [94868, 107842, "Shane_Black", 0], [96996, 110149, "Shane_Black", 0], [306640, 297263, "Shane_Black", 0], [306641, 297264, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87789, null, null, null]]], "all_evidence": [[87789, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90417, null, null, null]]], "all_evidence": [[90417, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57952, 68182, "Augustus", 42]]], "all_evidence": [[57952, 68182, "Augustus", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88649, 101279, "Jennifer_Lopez", 4]], [[88663, 101293, "Jennifer_Lopez", 4]], [[88663, 101294, "Jennifer_Lopez", 7], [88663, 101294, "J.Lo_-LRB-album-RRB-", 17]], [[88663, 101295, "Jennifer_Lopez", 13], [88663, 101295, "Como_Ama_una_Mujer", 12]], [[88663, 101296, "Jennifer_Lopez", 14]]], "all_evidence": [[88649, 101279, "Jennifer_Lopez", 4], [88663, 101293, "Jennifer_Lopez", 4], [88663, 101294, "Jennifer_Lopez", 7], [88663, 101294, "J.Lo_-LRB-album-RRB-", 17], [88663, 101295, "Jennifer_Lopez", 13], [88663, 101295, "Como_Ama_una_Mujer", 12], [88663, 101296, "Jennifer_Lopez", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[273665, null, null, null]]], "all_evidence": [[273665, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142203, null, null, null]]], "all_evidence": [[142203, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37589, 45525, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[37589, 45525, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132541, null, null, null]]], "all_evidence": [[132541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200457, 209961, "Sancho_Panza", 0]], [[200480, 209981, "Sancho_Panza", 0]]], "all_evidence": [[200457, 209961, "Sancho_Panza", 0], [200480, 209981, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59918, 70316, "Magic_Johnson", 0]]], "all_evidence": [[59918, 70316, "Magic_Johnson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83211, 95159, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[83211, 95159, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43032, 51677, "Hedda_Gabler", 1]]], "all_evidence": [[43032, 51677, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56645, 66861, "Brazzers", 0]]], "all_evidence": [[56645, 66861, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30724, 37349, "Tim_Roth", 0]]], "all_evidence": [[30724, 37349, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169723, 183310, "Juventus_F.C.", 1]]], "all_evidence": [[169723, 183310, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214290, 221372, "Ernest_Medina", 3]]], "all_evidence": [[214290, 221372, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79931, null, null, null]]], "all_evidence": [[79931, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270524, 266550, "Jenna_Jameson", 3]]], "all_evidence": [[270524, 266550, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270825, 266809, "New_Orleans_Pelicans", 0], [270825, 266809, "New_Orleans_Pelicans", 1]]], "all_evidence": [[270825, 266809, "New_Orleans_Pelicans", 0], [270825, 266809, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174537, null, null, null]]], "all_evidence": [[174537, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157269, 171839, "Starrcade", 0]], [[157275, 171845, "Starrcade", 0]], [[157275, 171846, "Starrcade", 5]]], "all_evidence": [[157269, 171839, "Starrcade", 0], [157275, 171845, "Starrcade", 0], [157275, 171846, "Starrcade", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123633, 138050, "Jack_Falahee", 0]]], "all_evidence": [[123633, 138050, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134526, 149420, "Seohyun", 0]]], "all_evidence": [[134526, 149420, "Seohyun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88672, 101304, "Steve_Wozniak", 5]]], "all_evidence": [[88672, 101304, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263235, 260964, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263235, 260964, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88547, 101161, "L.A._Reid", 1], [88547, 101161, "Arista_Records", 1]]], "all_evidence": [[88547, 101161, "L.A._Reid", 1], [88547, 101161, "Arista_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188651, 200108, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188651, 200108, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215802, 222580, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215802, 222580, "Holly_Hunter", 0]]], "all_evidence": [[215802, 222580, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215802, 222580, "Holly_Hunter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55738, 65784, "Taran_Killam", 0]]], "all_evidence": [[55738, 65784, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50596, 60132, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[50596, 60132, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[280553, null, null, null], [280866, null, null, null], [328395, null, null, null]]], "all_evidence": [[280553, null, null, null], [280866, null, null, null], [328395, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174042, 187227, "John_Dolmayan", 0]]], "all_evidence": [[174042, 187227, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238996, 240948, "Despicable_Me_2", 1], [238996, 240948, "Chris_Renaud_-LRB-animator-RRB-", 0]], [[239000, 240950, "Despicable_Me_2", 1], [239000, 240950, "Chris_Renaud_-LRB-animator-RRB-", 0], [239000, 240950, "Pierre_Coffin", 0]]], "all_evidence": [[238996, 240948, "Despicable_Me_2", 1], [238996, 240948, "Chris_Renaud_-LRB-animator-RRB-", 0], [239000, 240950, "Despicable_Me_2", 1], [239000, 240950, "Chris_Renaud_-LRB-animator-RRB-", 0], [239000, 240950, "Pierre_Coffin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272426, null, null, null]]], "all_evidence": [[272426, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97113, null, null, null]]], "all_evidence": [[97113, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184391, 196288, "Christa_McAuliffe", 4]]], "all_evidence": [[184391, 196288, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73014, null, null, null]]], "all_evidence": [[73014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97175, 110361, "Reign_Over_Me", 4]], [[97179, 110363, "Reign_Over_Me", 4], [97179, 110363, "Reign_Over_Me", 0]]], "all_evidence": [[97175, 110361, "Reign_Over_Me", 4], [97179, 110363, "Reign_Over_Me", 4], [97179, 110363, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60099, 70515, "Colin_Kaepernick", 0]]], "all_evidence": [[60099, 70515, "Colin_Kaepernick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96482, 109652, "Sheryl_Lee", 1]], [[96482, 109653, "Sheryl_Lee", 5]], [[96482, 109654, "Sheryl_Lee", 6]], [[96482, 109655, "Sheryl_Lee", 7], [96482, 109655, "Cafe\u0301_Society_-LRB-film-RRB-", 0]], [[96491, 109666, "Sheryl_Lee", 5], [96491, 109666, "Backbeat_-LRB-film-RRB-", 0]], [[96491, 109667, "Sheryl_Lee", 6]], [[96498, 109671, "Sheryl_Lee", 1]], [[96498, 109672, "Sheryl_Lee", 5], [96498, 109672, "Mother_Night_-LRB-film-RRB-", 9], [96498, 109672, "Mother_Night_-LRB-film-RRB-", 0], [96498, 109672, "Backbeat_-LRB-film-RRB-", 2], [96498, 109672, "Backbeat_-LRB-film-RRB-", 0]], [[96498, 109673, "Sheryl_Lee", 6]], [[96498, 109674, "Sheryl_Lee", 7], [96498, 109674, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[96482, 109652, "Sheryl_Lee", 1], [96482, 109653, "Sheryl_Lee", 5], [96482, 109654, "Sheryl_Lee", 6], [96482, 109655, "Sheryl_Lee", 7], [96482, 109655, "Cafe\u0301_Society_-LRB-film-RRB-", 0], [96491, 109666, "Sheryl_Lee", 5], [96491, 109666, "Backbeat_-LRB-film-RRB-", 0], [96491, 109667, "Sheryl_Lee", 6], [96498, 109671, "Sheryl_Lee", 1], [96498, 109672, "Sheryl_Lee", 5], [96498, 109672, "Mother_Night_-LRB-film-RRB-", 9], [96498, 109672, "Mother_Night_-LRB-film-RRB-", 0], [96498, 109672, "Backbeat_-LRB-film-RRB-", 2], [96498, 109672, "Backbeat_-LRB-film-RRB-", 0], [96498, 109673, "Sheryl_Lee", 6], [96498, 109674, "Sheryl_Lee", 7], [96498, 109674, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199073, 208752, "Matteo_Renzi", 0]]], "all_evidence": [[199073, 208752, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274540, null, null, null], [274545, null, null, null], [322729, null, null, null], [323685, null, null, null], [323691, null, null, null], [323694, null, null, null]]], "all_evidence": [[274540, null, null, null], [274545, null, null, null], [322729, null, null, null], [323685, null, null, null], [323691, null, null, null], [323694, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77491, 88936, "Hindu_Kush", 5]]], "all_evidence": [[77491, 88936, "Hindu_Kush", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118262, 132098, "Same_Old_Love", 0]], [[118262, 132099, "Same_Old_Love", 20]]], "all_evidence": [[118262, 132098, "Same_Old_Love", 0], [118262, 132099, "Same_Old_Love", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48908, 58231, "Heart", 18]]], "all_evidence": [[48908, 58231, "Heart", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255999, 255303, "Weekly_Idol", 1]]], "all_evidence": [[255999, 255303, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42349, 50953, "Heavy_metal_music", 0]]], "all_evidence": [[42349, 50953, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218184, 224536, "Bermuda_Triangle", 0]]], "all_evidence": [[218184, 224536, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120574, null, null, null]]], "all_evidence": [[120574, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168755, 182455, "Topman", 1]]], "all_evidence": [[168755, 182455, "Topman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84694, 96909, "Wales", 16]]], "all_evidence": [[84694, 96909, "Wales", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21057, 25849, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[21057, 25849, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123742, 138131, "YouTube", 0]]], "all_evidence": [[123742, 138131, "YouTube", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25294, 31192, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[25294, 31192, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228481, 232658, "Stripes_-LRB-film-RRB-", 1], [228481, 232658, "Conrad_Dunn", 1]]], "all_evidence": [[228481, 232658, "Stripes_-LRB-film-RRB-", 1], [228481, 232658, "Conrad_Dunn", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88763, null, null, null]]], "all_evidence": [[88763, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240278, null, null, null], [246472, null, null, null], [319332, null, null, null], [320486, null, null, null], [320491, null, null, null]]], "all_evidence": [[240278, null, null, null], [246472, null, null, null], [319332, null, null, null], [320486, null, null, null], [320491, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266026, 263129, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266026, 263129, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217668, 224160, "Asylum_Records", 0]]], "all_evidence": [[217668, 224160, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77131, 88550, "Trollhunters", 0]]], "all_evidence": [[77131, 88550, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54306, 64302, "Armenian_Genocide", 0]]], "all_evidence": [[54306, 64302, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236629, 239069, "Marcus_Bentley", 0]]], "all_evidence": [[236629, 239069, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26608, 32656, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[26608, 32656, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199493, 209166, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199493, 209166, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172664, null, null, null], [172666, null, null, null]]], "all_evidence": [[172664, null, null, null], [172666, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147203, 162193, "The_dress", 5]]], "all_evidence": [[147203, 162193, "The_dress", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153174, 167931, "Bruce_Shand", 0]]], "all_evidence": [[153174, 167931, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150237, 165164, "Advertising", 0]]], "all_evidence": [[150237, 165164, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127823, 142516, "Alexandra_Daddario", 0]]], "all_evidence": [[127823, 142516, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142300, 157496, "The_Others_-LRB-2001_film-RRB-", 5]]], "all_evidence": [[142300, 157496, "The_Others_-LRB-2001_film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266592, null, null, null]]], "all_evidence": [[266592, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194316, 204706, "Drake_Bell", 18], [194316, 204706, "A_Reminder", 0]]], "all_evidence": [[194316, 204706, "Drake_Bell", 18], [194316, 204706, "A_Reminder", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142216, 157426, "14th_Dalai_Lama", 10]]], "all_evidence": [[142216, 157426, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164085, 178319, "Telemundo", 0]]], "all_evidence": [[164085, 178319, "Telemundo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251909, 251688, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251909, 251688, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79457, 91179, "Caroline_Kennedy", 0]]], "all_evidence": [[79457, 91179, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215823, 222597, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5]]], "all_evidence": [[215823, 222597, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191686, 202504, "Anne_Rice", 5]]], "all_evidence": [[191686, 202504, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67440, 78263, "Stephen_Hillenburg", 4]]], "all_evidence": [[67440, 78263, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258093, 256972, "Monk", 0]]], "all_evidence": [[258093, 256972, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64286, 75032, "The_Mod_Squad", 0]]], "all_evidence": [[64286, 75032, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152988, 167749, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]]], "all_evidence": [[152988, 167749, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158054, null, null, null]]], "all_evidence": [[158054, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40628, 48858, "Arizona", 0]]], "all_evidence": [[40628, 48858, "Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197250, 207330, "Smriti_Mandhana", 0]], [[197283, 207360, "Smriti_Mandhana", 0]]], "all_evidence": [[197250, 207330, "Smriti_Mandhana", 0], [197283, 207360, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60722, 71207, "Emma_Watson", 0]], [[60722, 71208, "Emma_Watson", 1]]], "all_evidence": [[60722, 71207, "Emma_Watson", 0], [60722, 71208, "Emma_Watson", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277062, null, null, null], [278807, null, null, null], [278823, null, null, null], [326842, null, null, null]]], "all_evidence": [[277062, null, null, null], [278807, null, null, null], [278823, null, null, null], [326842, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207706, 215921, "Congressional_Space_Medal_of_Honor", 9], [207706, 215921, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207706, 215921, "Congressional_Space_Medal_of_Honor", 9], [207706, 215921, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47551, 56755, "Saw_-LRB-franchise-RRB-", 8]]], "all_evidence": [[47551, 56755, "Saw_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147218, 162204, "Faroe_Islands", 9]]], "all_evidence": [[147218, 162204, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240857, 242458, "Down_with_Love", 0]]], "all_evidence": [[240857, 242458, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239378, null, null, null]]], "all_evidence": [[239378, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28463, null, null, null]]], "all_evidence": [[28463, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110774, 124442, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[110774, 124442, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24130, 29854, "Colombiana", 0]]], "all_evidence": [[24130, 29854, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194096, 204508, "Rick_Yune", 2]], [[194098, 204509, "Rick_Yune", 2]]], "all_evidence": [[194096, 204508, "Rick_Yune", 2], [194098, 204509, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155776, null, null, null]]], "all_evidence": [[155776, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268059, null, null, null], [268060, null, null, null]]], "all_evidence": [[268059, null, null, null], [268060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234493, 237357, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234493, 237357, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25236, 31126, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[25236, 31126, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182707, null, null, null]]], "all_evidence": [[182707, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254090, null, null, null], [255756, null, null, null], [320177, null, null, null], [320970, null, null, null], [320972, null, null, null], [320975, null, null, null]]], "all_evidence": [[254090, null, null, null], [255756, null, null, null], [320177, null, null, null], [320970, null, null, null], [320972, null, null, null], [320975, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218157, null, null, null]]], "all_evidence": [[218157, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270766, 266771, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270766, 266771, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211984, 219591, "Saturn_Corporation", 0]]], "all_evidence": [[211984, 219591, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83804, 95829, "John_Dolmayan", 0]]], "all_evidence": [[83804, 95829, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24846, null, null, null]]], "all_evidence": [[24846, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15484, null, null, null], [16197, null, null, null], [302171, null, null, null], [303953, null, null, null], [304229, null, null, null]]], "all_evidence": [[15484, null, null, null], [16197, null, null, null], [302171, null, null, null], [303953, null, null, null], [304229, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151958, 166727, "Human_brain", 25]]], "all_evidence": [[151958, 166727, "Human_brain", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144493, 159516, "T2_Trainspotting", 0]], [[144493, 159517, "T2_Trainspotting", 2]]], "all_evidence": [[144493, 159516, "T2_Trainspotting", 0], [144493, 159517, "T2_Trainspotting", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282192, 276408, "AMGTV", 0]], [[282204, 276417, "AMGTV", 0]], [[284199, 278052, "AMGTV", 0]], [[330187, 316812, "AMGTV", 0]], [[330189, 316814, "AMGTV", 0]], [[330190, 316815, "AMGTV", 0]], [[330192, 316817, "AMGTV", 0]], [[330193, 316818, "AMGTV", 4]]], "all_evidence": [[282192, 276408, "AMGTV", 0], [282204, 276417, "AMGTV", 0], [284199, 278052, "AMGTV", 0], [330187, 316812, "AMGTV", 0], [330189, 316814, "AMGTV", 0], [330190, 316815, "AMGTV", 0], [330192, 316817, "AMGTV", 0], [330193, 316818, "AMGTV", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94507, null, null, null]]], "all_evidence": [[94507, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193403, 203922, "Don_Bradman", 20]]], "all_evidence": [[193403, 203922, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132966, 147855, "Margaret_Thatcher", 8]]], "all_evidence": [[132966, 147855, "Margaret_Thatcher", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69806, null, null, null]]], "all_evidence": [[69806, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231455, null, null, null]]], "all_evidence": [[231455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190764, 201725, "Alice_Cooper", 0]]], "all_evidence": [[190764, 201725, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177247, 190106, "EA_Black_Box", 0]]], "all_evidence": [[177247, 190106, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12900, 16076, "Naples", 34], [12900, 16076, "Herculaneum", 0]], [[18727, 22962, "Naples", 34]], [[20342, 24902, "Naples", 34]], [[299151, 290521, "Naples", 34]], [[301220, 292337, "Naples", 34], [301220, 292337, "Herculaneum", 0]]], "all_evidence": [[12900, 16076, "Naples", 34], [12900, 16076, "Herculaneum", 0], [18727, 22962, "Naples", 34], [20342, 24902, "Naples", 34], [299151, 290521, "Naples", 34], [301220, 292337, "Naples", 34], [301220, 292337, "Herculaneum", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123677, null, null, null]]], "all_evidence": [[123677, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154955, null, null, null]]], "all_evidence": [[154955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147072, 162068, "Harold_Macmillan", 0]]], "all_evidence": [[147072, 162068, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243714, null, null, null], [243715, null, null, null]]], "all_evidence": [[243714, null, null, null], [243715, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213716, 220875, "Finding_Dory", 1], [213716, 220875, "Andrew_Stanton", 0]]], "all_evidence": [[213716, 220875, "Finding_Dory", 1], [213716, 220875, "Andrew_Stanton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149477, 164445, "Morse_code", 23]], [[149481, 164448, "Morse_code", 0]], [[149481, 164449, "Morse_code", 23]]], "all_evidence": [[149477, 164445, "Morse_code", 23], [149481, 164448, "Morse_code", 0], [149481, 164449, "Morse_code", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87646, null, null, null]]], "all_evidence": [[87646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168001, 181758, "Hindu_Kush", 0]], [[168001, 181759, "Hindu_Kush", 5]], [[168001, 181760, "Hindu_Kush", 6]]], "all_evidence": [[168001, 181758, "Hindu_Kush", 0], [168001, 181759, "Hindu_Kush", 5], [168001, 181760, "Hindu_Kush", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225940, null, null, null]]], "all_evidence": [[225940, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180971, null, null, null]]], "all_evidence": [[180971, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41043, 49356, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]], "all_evidence": [[41043, 49356, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66322, null, null, null]]], "all_evidence": [[66322, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163440, null, null, null]]], "all_evidence": [[163440, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182110, 194375, "Bessie_Smith", 0]]], "all_evidence": [[182110, 194375, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90750, 103466, "Speech_recognition", 2], [90750, 103466, "Linguistics", 0]]], "all_evidence": [[90750, 103466, "Speech_recognition", 2], [90750, 103466, "Linguistics", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199910, 209548, "Anne_Sullivan", 0]], [[199911, 209549, "Anne_Sullivan", 0]]], "all_evidence": [[199910, 209548, "Anne_Sullivan", 0], [199911, 209549, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148724, 163767, "Aleister_Crowley", 0]]], "all_evidence": [[148724, 163767, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150789, 165643, "Poldark_-LRB-2015_TV_series-RRB-", 0]]], "all_evidence": [[150789, 165643, "Poldark_-LRB-2015_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62836, 73489, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[62836, 73489, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93690, null, null, null]]], "all_evidence": [[93690, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163739, 177988, "Tatum_O'Neal", 6]], [[163742, 177991, "Tatum_O'Neal", 6]]], "all_evidence": [[163739, 177988, "Tatum_O'Neal", 6], [163742, 177991, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101224, 114468, "Sean_Penn", 5]], [[101224, 114469, "Sean_Penn", 6]], [[101224, 114470, "Sean_Penn", 7]], [[101224, 114471, "Sean_Penn", 8]], [[101224, 114472, "Sean_Penn", 11]]], "all_evidence": [[101224, 114468, "Sean_Penn", 5], [101224, 114469, "Sean_Penn", 6], [101224, 114470, "Sean_Penn", 7], [101224, 114471, "Sean_Penn", 8], [101224, 114472, "Sean_Penn", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21895, 26891, "History_of_Earth", 10]]], "all_evidence": [[21895, 26891, "History_of_Earth", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74699, 85927, "Nuuk", 0]]], "all_evidence": [[74699, 85927, "Nuuk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100442, 113733, "How_to_Train_Your_Dragon_2", 0]]], "all_evidence": [[100442, 113733, "How_to_Train_Your_Dragon_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240841, 242442, "Down_with_Love", 0]], [[240846, 242447, "Down_with_Love", 0]]], "all_evidence": [[240841, 242442, "Down_with_Love", 0], [240846, 242447, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70779, null, null, null]]], "all_evidence": [[70779, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228484, 232660, "Stripes_-LRB-film-RRB-", 0], [228484, 232660, "Bill_Murray", 1]], [[228488, 232665, "Stripes_-LRB-film-RRB-", 1]], [[228488, 232666, "Stripes_-LRB-film-RRB-", 0]], [[228488, 232667, "Stripes_-LRB-film-RRB-", 2]], [[228502, 232686, "Stripes_-LRB-film-RRB-", 0]], [[228502, 232687, "Stripes_-LRB-film-RRB-", 1]], [[228502, 232688, "Stripes_-LRB-film-RRB-", 2]], [[228503, 232689, "Stripes_-LRB-film-RRB-", 0]], [[228503, 232690, "Stripes_-LRB-film-RRB-", 1]], [[228503, 232691, "Stripes_-LRB-film-RRB-", 2]]], "all_evidence": [[228484, 232660, "Stripes_-LRB-film-RRB-", 0], [228484, 232660, "Bill_Murray", 1], [228488, 232665, "Stripes_-LRB-film-RRB-", 1], [228488, 232666, "Stripes_-LRB-film-RRB-", 0], [228488, 232667, "Stripes_-LRB-film-RRB-", 2], [228502, 232686, "Stripes_-LRB-film-RRB-", 0], [228502, 232687, "Stripes_-LRB-film-RRB-", 1], [228502, 232688, "Stripes_-LRB-film-RRB-", 2], [228503, 232689, "Stripes_-LRB-film-RRB-", 0], [228503, 232690, "Stripes_-LRB-film-RRB-", 1], [228503, 232691, "Stripes_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111456, null, null, null]]], "all_evidence": [[111456, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135177, 150102, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[135177, 150102, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146525, 161509, "University_of_Mississippi", 4]], [[146526, 161510, "University_of_Mississippi", 4]]], "all_evidence": [[146525, 161509, "University_of_Mississippi", 4], [146526, 161510, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129314, 144064, "The_Mighty_Ducks", 1], [129314, 144064, "The_Mighty_Ducks", 0]]], "all_evidence": [[129314, 144064, "The_Mighty_Ducks", 1], [129314, 144064, "The_Mighty_Ducks", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191998, 202760, "Johanna_Braddy", 3]], [[191998, 202761, "Johanna_Braddy", 4], [191998, 202761, "Quantico_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191998, 202760, "Johanna_Braddy", 3], [191998, 202761, "Johanna_Braddy", 4], [191998, 202761, "Quantico_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39795, 47878, "Martin_Van_Buren", 1]], [[39795, 47879, "Martin_Van_Buren", 12]], [[39795, 47880, "Martin_Van_Buren", 14]]], "all_evidence": [[39795, 47878, "Martin_Van_Buren", 1], [39795, 47879, "Martin_Van_Buren", 12], [39795, 47880, "Martin_Van_Buren", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69591, null, null, null]]], "all_evidence": [[69591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24705, 30504, "Michigan", 0]], [[24705, 30505, "Michigan", 2]], [[24705, 30506, "Michigan", 8], [24705, 30506, "U.S._state", 0]]], "all_evidence": [[24705, 30504, "Michigan", 0], [24705, 30505, "Michigan", 2], [24705, 30506, "Michigan", 8], [24705, 30506, "U.S._state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88176, 100777, "T2_Trainspotting", 0]]], "all_evidence": [[88176, 100777, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239618, null, null, null]]], "all_evidence": [[239618, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70457, 81325, "Penguin_Books", 2]]], "all_evidence": [[70457, 81325, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141494, 156682, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[141494, 156682, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181060, null, null, null]]], "all_evidence": [[181060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246592, 247071, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246592, 247071, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72335, null, null, null]]], "all_evidence": [[72335, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35296, null, null, null]]], "all_evidence": [[35296, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40228, null, null, null]]], "all_evidence": [[40228, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139388, 154425, "Trollhunters", 0]], [[141763, 157018, "Trollhunters", 0]], [[143760, 158844, "Trollhunters", 0]], [[311012, 301035, "Trollhunters", 0]], [[311014, 301036, "Trollhunters", 0]]], "all_evidence": [[139388, 154425, "Trollhunters", 0], [141763, 157018, "Trollhunters", 0], [143760, 158844, "Trollhunters", 0], [311012, 301035, "Trollhunters", 0], [311014, 301036, "Trollhunters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136787, null, null, null]]], "all_evidence": [[136787, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179384, 191948, "Sophia_Bush", 2]]], "all_evidence": [[179384, 191948, "Sophia_Bush", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86407, 98809, "Rupert_Murdoch", 3]]], "all_evidence": [[86407, 98809, "Rupert_Murdoch", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225914, null, null, null]]], "all_evidence": [[225914, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158355, 172972, "Gal_Gadot", 4]]], "all_evidence": [[158355, 172972, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147498, 162506, "Creedence_Clearwater_Revival", 0]], [[147498, 162507, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[147498, 162506, "Creedence_Clearwater_Revival", 0], [147498, 162507, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163863, null, null, null]]], "all_evidence": [[163863, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257328, null, null, null]]], "all_evidence": [[257328, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75530, null, null, null]]], "all_evidence": [[75530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27930, 34229, "CONCACAF_Champions_League", 0]]], "all_evidence": [[27930, 34229, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45968, 54909, "Mary_of_Teck", 12]]], "all_evidence": [[45968, 54909, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242086, 243569, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[242086, 243569, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62395, 73004, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[62395, 73004, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116198, null, null, null]]], "all_evidence": [[116198, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225592, 230229, "The_Cincinnati_Kid", 0]], [[225592, 230230, "The_Cincinnati_Kid", 6]], [[225592, 230231, "The_Cincinnati_Kid", 7]], [[225592, 230232, "The_Cincinnati_Kid", 8]], [[317993, 307002, "The_Cincinnati_Kid", 0]], [[318003, 307013, "The_Cincinnati_Kid", 0]], [[318003, 307014, "The_Cincinnati_Kid", 7]], [[318003, 307015, "The_Cincinnati_Kid", 6], [318003, 307015, "Steve_McQueen", 3]], [[318003, 307016, "The_Cincinnati_Kid", 8]], [[319660, 308351, "The_Cincinnati_Kid", 0]]], "all_evidence": [[225592, 230229, "The_Cincinnati_Kid", 0], [225592, 230230, "The_Cincinnati_Kid", 6], [225592, 230231, "The_Cincinnati_Kid", 7], [225592, 230232, "The_Cincinnati_Kid", 8], [317993, 307002, "The_Cincinnati_Kid", 0], [318003, 307013, "The_Cincinnati_Kid", 0], [318003, 307014, "The_Cincinnati_Kid", 7], [318003, 307015, "The_Cincinnati_Kid", 6], [318003, 307015, "Steve_McQueen", 3], [318003, 307016, "The_Cincinnati_Kid", 8], [319660, 308351, "The_Cincinnati_Kid", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241694, 243215, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241694, 243215, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146101, 161098, "Francis_I_of_France", 0]]], "all_evidence": [[146101, 161098, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43626, 52266, "Peking_University", 0]]], "all_evidence": [[43626, 52266, "Peking_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112209, 126031, "Lemmy", 2]]], "all_evidence": [[112209, 126031, "Lemmy", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144032, 159112, "Global_warming", 15]]], "all_evidence": [[144032, 159112, "Global_warming", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186097, 198005, "Baz_Luhrmann", 2]]], "all_evidence": [[186097, 198005, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196591, 206693, "Michael_Vick", 0]]], "all_evidence": [[196591, 206693, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91806, null, null, null]]], "all_evidence": [[91806, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27495, 33681, "Folklore", 1]]], "all_evidence": [[27495, 33681, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243125, 244403, "First_Motion_Picture_Unit", 1]]], "all_evidence": [[243125, 244403, "First_Motion_Picture_Unit", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157214, null, null, null]]], "all_evidence": [[157214, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110380, 123992, "Humphrey_Bogart", 16]]], "all_evidence": [[110380, 123992, "Humphrey_Bogart", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194120, 204527, "Rick_Yune", 2]]], "all_evidence": [[194120, 204527, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69615, 80448, "Trollhunters", 0]]], "all_evidence": [[69615, 80448, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71688, 82660, "Shane_McMahon", 14]], [[71688, 82661, "Shane_McMahon", 15]], [[71688, 82662, "Shane_McMahon", 16]]], "all_evidence": [[71688, 82660, "Shane_McMahon", 14], [71688, 82661, "Shane_McMahon", 15], [71688, 82662, "Shane_McMahon", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190486, null, null, null]]], "all_evidence": [[190486, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176273, 189211, "Angelsberg", 0]]], "all_evidence": [[176273, 189211, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213736, 220893, "Finding_Dory", 1]]], "all_evidence": [[213736, 220893, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259724, 258277, "Hanford_Site", 23]]], "all_evidence": [[259724, 258277, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159658, null, null, null]]], "all_evidence": [[159658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268064, 264717, "Kentucky", 11]]], "all_evidence": [[268064, 264717, "Kentucky", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99565, 112672, "Kelly_Preston", 3]]], "all_evidence": [[99565, 112672, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296583, 288392, "Kesha", 0]], [[298202, 289742, "Kesha", 0]], [[343462, 327240, "Kesha", 0]]], "all_evidence": [[296583, 288392, "Kesha", 0], [298202, 289742, "Kesha", 0], [343462, 327240, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96033, null, null, null]]], "all_evidence": [[96033, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150562, 165438, "Starrcade", 6]]], "all_evidence": [[150562, 165438, "Starrcade", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95944, 109020, "Veeru_Devgan", 0]]], "all_evidence": [[95944, 109020, "Veeru_Devgan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111977, 125794, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[111977, 125794, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91600, null, null, null]]], "all_evidence": [[91600, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246593, 247072, "Excuse_My_French_-LRB-album-RRB-", 0]], [[246601, 247082, "Excuse_My_French_-LRB-album-RRB-", 0], [246601, 247082, "French_Montana", 0]]], "all_evidence": [[246593, 247072, "Excuse_My_French_-LRB-album-RRB-", 0], [246601, 247082, "Excuse_My_French_-LRB-album-RRB-", 0], [246601, 247082, "French_Montana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50298, 59872, "Floppy_disk", 0]]], "all_evidence": [[50298, 59872, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183437, null, null, null]]], "all_evidence": [[183437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58468, 68752, "Horse", 2]]], "all_evidence": [[58468, 68752, "Horse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211586, 219253, "Forceps", 0]]], "all_evidence": [[211586, 219253, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250350, 250361, "The_Closer", 8]]], "all_evidence": [[250350, 250361, "The_Closer", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69661, null, null, null]]], "all_evidence": [[69661, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52443, 62408, "Mud_-LRB-2012_film-RRB-", 1], [52443, 62408, "Matthew_McConaughey", 0]], [[52443, 62409, "Mud_-LRB-2012_film-RRB-", 0]]], "all_evidence": [[52443, 62408, "Mud_-LRB-2012_film-RRB-", 1], [52443, 62408, "Matthew_McConaughey", 0], [52443, 62409, "Mud_-LRB-2012_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19745, 24278, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[19745, 24278, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80636, 92481, "Men_in_Black_II", 0]], [[80636, 92482, "Men_in_Black_II", 1]]], "all_evidence": [[80636, 92481, "Men_in_Black_II", 0], [80636, 92482, "Men_in_Black_II", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68877, 79690, "Mount_Rushmore", 1]]], "all_evidence": [[68877, 79690, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23825, null, null, null]]], "all_evidence": [[23825, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163426, null, null, null]]], "all_evidence": [[163426, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138518, 153575, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[138518, 153575, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122198, null, null, null]]], "all_evidence": [[122198, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239247, 241167, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239248, 241168, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239247, 241167, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239248, 241168, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166724, null, null, null]]], "all_evidence": [[166724, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218841, 225026, "Mani_Ratnam", 1]]], "all_evidence": [[218841, 225026, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109208, 122894, "Lincoln\u2013Douglas_debates", 14]]], "all_evidence": [[109208, 122894, "Lincoln\u2013Douglas_debates", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247268, 247587, "Easy_A", 0]]], "all_evidence": [[247268, 247587, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191665, 202483, "Anne_Rice", 0]], [[191676, 202493, "Anne_Rice", 0]], [[191677, 202494, "Anne_Rice", 0]]], "all_evidence": [[191665, 202483, "Anne_Rice", 0], [191676, 202493, "Anne_Rice", 0], [191677, 202494, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137531, 152427, "Camden,_New_Jersey", 0], [137531, 152427, "City", 0]], [[137531, 152428, "Camden,_New_Jersey", 2], [137531, 152428, "City", 0]], [[137531, 152429, "Camden,_New_Jersey", 26], [137531, 152429, "City", 0]], [[140147, 155157, "Camden,_New_Jersey", 0]], [[310819, 300830, "Camden,_New_Jersey", 0]]], "all_evidence": [[137531, 152427, "Camden,_New_Jersey", 0], [137531, 152427, "City", 0], [137531, 152428, "Camden,_New_Jersey", 2], [137531, 152428, "City", 0], [137531, 152429, "Camden,_New_Jersey", 26], [137531, 152429, "City", 0], [140147, 155157, "Camden,_New_Jersey", 0], [310819, 300830, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122139, null, null, null]]], "all_evidence": [[122139, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58142, 68354, "Bret_Easton_Ellis", 20]]], "all_evidence": [[58142, 68354, "Bret_Easton_Ellis", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60893, 71349, "Lincoln\u2013Douglas_debates", 22]], [[60893, 71350, "Lincoln\u2013Douglas_debates", 27], [60893, 71350, "Quincy,_Illinois", 0]]], "all_evidence": [[60893, 71349, "Lincoln\u2013Douglas_debates", 22], [60893, 71350, "Lincoln\u2013Douglas_debates", 27], [60893, 71350, "Quincy,_Illinois", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257101, 256149, "Homer_Hickam", 2]]], "all_evidence": [[257101, 256149, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141171, null, null, null], [141264, null, null, null]]], "all_evidence": [[141171, null, null, null], [141264, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110809, 124467, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [110809, 124467, "Park_Hae-jin", 0], [110809, 124467, "Park_Hae-jin", 1], [110809, 124467, "Kim_Go-eun", 0], [110809, 124467, "Kim_Go-eun", 1], [110809, 124467, "Kim_Go-eun", 7], [110809, 124467, "Seo_Kang-joon", 0], [110809, 124467, "Seo_Kang-joon", 1], [110809, 124467, "Lee_Sung-kyung", 0], [110809, 124467, "Lee_Sung-kyung", 1]]], "all_evidence": [[110809, 124467, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [110809, 124467, "Park_Hae-jin", 0], [110809, 124467, "Park_Hae-jin", 1], [110809, 124467, "Kim_Go-eun", 0], [110809, 124467, "Kim_Go-eun", 1], [110809, 124467, "Kim_Go-eun", 7], [110809, 124467, "Seo_Kang-joon", 0], [110809, 124467, "Seo_Kang-joon", 1], [110809, 124467, "Lee_Sung-kyung", 0], [110809, 124467, "Lee_Sung-kyung", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25084, null, null, null]]], "all_evidence": [[25084, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68605, 79468, "Chris_Kyle", 0]], [[68605, 79469, "Chris_Kyle", 8]]], "all_evidence": [[68605, 79468, "Chris_Kyle", 0], [68605, 79469, "Chris_Kyle", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241389, 242928, "Brad_Wilk", 4]]], "all_evidence": [[241389, 242928, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180009, 192537, "Janelle_Mona\u0301e", 0], [180009, 192537, "Atlantic_Records", 0]], [[180016, 192542, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[180009, 192537, "Janelle_Mona\u0301e", 0], [180009, 192537, "Atlantic_Records", 0], [180016, 192542, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160325, null, null, null]]], "all_evidence": [[160325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131161, 145916, "Winter's_Tale_-LRB-novel-RRB-", 0], [131161, 145916, "Mark_Helprin", 0]]], "all_evidence": [[131161, 145916, "Winter's_Tale_-LRB-novel-RRB-", 0], [131161, 145916, "Mark_Helprin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128971, null, null, null]]], "all_evidence": [[128971, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64320, null, null, null], [303480, null, null, null], [305334, null, null, null]]], "all_evidence": [[64320, null, null, null], [303480, null, null, null], [305334, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89860, 102560, "Aaron_Burr", 0]], [[89860, 102561, "Aaron_Burr", 4]], [[89860, 102562, "Aaron_Burr", 8]], [[89860, 102563, "Aaron_Burr", 5]], [[89860, 102564, "Aaron_Burr", 1]], [[89860, 102565, "Aaron_Burr", 9]], [[89860, 102566, "Aaron_Burr", 10]], [[89860, 102567, "Aaron_Burr", 14]], [[89860, 102568, "Aaron_Burr", 13]], [[89860, 102569, "Aaron_Burr", 15]], [[89860, 102570, "Aaron_Burr", 16]], [[89860, 102571, "Aaron_Burr", 17]], [[89860, 102572, "Aaron_Burr", 18]]], "all_evidence": [[89860, 102560, "Aaron_Burr", 0], [89860, 102561, "Aaron_Burr", 4], [89860, 102562, "Aaron_Burr", 8], [89860, 102563, "Aaron_Burr", 5], [89860, 102564, "Aaron_Burr", 1], [89860, 102565, "Aaron_Burr", 9], [89860, 102566, "Aaron_Burr", 10], [89860, 102567, "Aaron_Burr", 14], [89860, 102568, "Aaron_Burr", 13], [89860, 102569, "Aaron_Burr", 15], [89860, 102570, "Aaron_Burr", 16], [89860, 102571, "Aaron_Burr", 17], [89860, 102572, "Aaron_Burr", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43173, 51809, "Soyuz_-LRB-spacecraft-RRB-", 0]], [[43173, 51810, "Soyuz_-LRB-spacecraft-RRB-", 1]]], "all_evidence": [[43173, 51809, "Soyuz_-LRB-spacecraft-RRB-", 0], [43173, 51810, "Soyuz_-LRB-spacecraft-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207651, 215884, "Steve_Ditko", 3]]], "all_evidence": [[207651, 215884, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80298, 92095, "Rage_Against_the_Machine", 17]], [[80298, 92096, "Rage_Against_the_Machine", 18]]], "all_evidence": [[80298, 92095, "Rage_Against_the_Machine", 17], [80298, 92096, "Rage_Against_the_Machine", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213163, 220500, "Tata_Motors", 13]]], "all_evidence": [[213163, 220500, "Tata_Motors", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163728, 177966, "Vietnam", 0]], [[163728, 177967, "Vietnam", 1]], [[163728, 177968, "Vietnam", 2]], [[163728, 177969, "Vietnam", 3]], [[163728, 177970, "Vietnam", 6]], [[163728, 177971, "Vietnam", 7]], [[163728, 177972, "Vietnam", 8]], [[163728, 177973, "Vietnam", 9]], [[163728, 177974, "Vietnam", 10]], [[163728, 177975, "Vietnam", 12], [163728, 177975, "North_Vietnam", 0]], [[163728, 177976, "Vietnam", 11], [163728, 177976, "Vietnam_War", 0]]], "all_evidence": [[163728, 177966, "Vietnam", 0], [163728, 177967, "Vietnam", 1], [163728, 177968, "Vietnam", 2], [163728, 177969, "Vietnam", 3], [163728, 177970, "Vietnam", 6], [163728, 177971, "Vietnam", 7], [163728, 177972, "Vietnam", 8], [163728, 177973, "Vietnam", 9], [163728, 177974, "Vietnam", 10], [163728, 177975, "Vietnam", 12], [163728, 177975, "North_Vietnam", 0], [163728, 177976, "Vietnam", 11], [163728, 177976, "Vietnam_War", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255579, null, null, null]]], "all_evidence": [[255579, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181833, 194108, "Bhagat_Singh", 0]]], "all_evidence": [[181833, 194108, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51880, 61719, "Aparshakti_Khurana", 2], [51880, 61719, "Dangal_-LRB-film-RRB-", 0]]], "all_evidence": [[51880, 61719, "Aparshakti_Khurana", 2], [51880, 61719, "Dangal_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164151, null, null, null]]], "all_evidence": [[164151, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268399, 264989, "Danielle_Cormack", 0]], [[268399, 264990, "Danielle_Cormack", 1]], [[268399, 264991, "Danielle_Cormack", 2]], [[268399, 264992, "Danielle_Cormack", 4]], [[268399, 264993, "Danielle_Cormack", 3]]], "all_evidence": [[268399, 264989, "Danielle_Cormack", 0], [268399, 264990, "Danielle_Cormack", 1], [268399, 264991, "Danielle_Cormack", 2], [268399, 264992, "Danielle_Cormack", 4], [268399, 264993, "Danielle_Cormack", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175690, 188682, "Rob_Sheridan", 0]]], "all_evidence": [[175690, 188682, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40422, 48640, "David_Spade", 2]]], "all_evidence": [[40422, 48640, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44620, 53299, "Angela_Bassett", 0]], [[44620, 53300, "Angela_Bassett", 16]]], "all_evidence": [[44620, 53299, "Angela_Bassett", 0], [44620, 53300, "Angela_Bassett", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203378, 212410, "Artpop", 13]], [[203378, 212411, "Artpop", 15]]], "all_evidence": [[203378, 212410, "Artpop", 13], [203378, 212411, "Artpop", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247509, 247799, "Stadium_Arcadium", 6]], [[247509, 247800, "Stadium_Arcadium", 3], [247509, 247800, "Hump_de_Bump", 1]]], "all_evidence": [[247509, 247799, "Stadium_Arcadium", 6], [247509, 247800, "Stadium_Arcadium", 3], [247509, 247800, "Hump_de_Bump", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37343, 45240, "Margaret_Thatcher", 3]]], "all_evidence": [[37343, 45240, "Margaret_Thatcher", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50945, 60673, "Duff_McKagan", 11]], [[50945, 60674, "Duff_McKagan", 12]]], "all_evidence": [[50945, 60673, "Duff_McKagan", 11], [50945, 60674, "Duff_McKagan", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298811, null, null, null], [298818, null, null, null], [300893, null, null, null], [344864, null, null, null], [344866, null, null, null]]], "all_evidence": [[298811, null, null, null], [298818, null, null, null], [300893, null, null, null], [344864, null, null, null], [344866, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221832, null, null, null]]], "all_evidence": [[221832, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260670, 259007, "Valencia", 0]]], "all_evidence": [[260670, 259007, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190743, 201709, "Buffy_Summers", 3]]], "all_evidence": [[190743, 201709, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168888, 182601, "Make_It_or_Break_It", 9]]], "all_evidence": [[168888, 182601, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123990, 138327, "Speech_recognition", 0], [123990, 138327, "Interdisciplinarity", 5]]], "all_evidence": [[123990, 138327, "Speech_recognition", 0], [123990, 138327, "Interdisciplinarity", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22840, 28137, "San_Diego_Comic-Con", 1]]], "all_evidence": [[22840, 28137, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142277, 157476, "Fist_of_Legend", 0]]], "all_evidence": [[142277, 157476, "Fist_of_Legend", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122294, null, null, null]]], "all_evidence": [[122294, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63305, 74036, "Rachel_Green", 1]], [[63305, 74037, "Rachel_Green", 2], [63305, 74037, "Monica_Geller", 1]], [[63305, 74038, "Rachel_Green", 7]], [[63305, 74039, "Rachel_Green", 9]], [[63305, 74040, "Rachel_Green", 20]], [[63305, 74041, "Rachel_Green", 21]]], "all_evidence": [[63305, 74036, "Rachel_Green", 1], [63305, 74037, "Rachel_Green", 2], [63305, 74037, "Monica_Geller", 1], [63305, 74038, "Rachel_Green", 7], [63305, 74039, "Rachel_Green", 9], [63305, 74040, "Rachel_Green", 20], [63305, 74041, "Rachel_Green", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258719, 257480, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258719, 257480, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158177, null, null, null]]], "all_evidence": [[158177, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203191, null, null, null]]], "all_evidence": [[203191, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148202, null, null, null]]], "all_evidence": [[148202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242995, 244279, "St._Anger", 0]]], "all_evidence": [[242995, 244279, "St._Anger", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50248, null, null, null]]], "all_evidence": [[50248, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92388, 105143, "Lithuanians", 0]]], "all_evidence": [[92388, 105143, "Lithuanians", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175594, 188597, "Daag_-LRB-1973_film-RRB-", 0]]], "all_evidence": [[175594, 188597, "Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80336, null, null, null]]], "all_evidence": [[80336, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196586, 206690, "Michael_Vick", 0]]], "all_evidence": [[196586, 206690, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271164, 267100, "Giada_at_Home", 1]]], "all_evidence": [[271164, 267100, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86397, 98802, "Ashley_Cole", 0]]], "all_evidence": [[86397, 98802, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190008, null, null, null]]], "all_evidence": [[190008, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231467, null, null, null]]], "all_evidence": [[231467, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253624, null, null, null], [255318, null, null, null], [255788, null, null, null], [320034, null, null, null], [320919, null, null, null], [320923, null, null, null]]], "all_evidence": [[253624, null, null, null], [255318, null, null, null], [255788, null, null, null], [320034, null, null, null], [320919, null, null, null], [320923, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151854, 166616, "Rhythm_Nation", 23]]], "all_evidence": [[151854, 166616, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208601, null, null, null]]], "all_evidence": [[208601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15237, 18989, "Carlos_Santana", 0], [15237, 18989, "Carlos_Santana", 2], [15237, 18989, "Carlos_Santana", 3]]], "all_evidence": [[15237, 18989, "Carlos_Santana", 0], [15237, 18989, "Carlos_Santana", 2], [15237, 18989, "Carlos_Santana", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57982, 68216, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[57983, 68217, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[57982, 68216, "The_Gifted_-LRB-TV_series-RRB-", 0], [57983, 68217, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45143, null, null, null]]], "all_evidence": [[45143, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88042, 100582, "Annette_Badland", 1]], [[88060, 100594, "Annette_Badland", 1]]], "all_evidence": [[88042, 100582, "Annette_Badland", 1], [88060, 100594, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45737, null, null, null]]], "all_evidence": [[45737, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210307, 218078, "Southpaw_-LRB-film-RRB-", 0], [210307, 218078, "Sports_film", 0]], [[210322, 218091, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210307, 218078, "Southpaw_-LRB-film-RRB-", 0], [210307, 218078, "Sports_film", 0], [210322, 218091, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268482, null, null, null]]], "all_evidence": [[268482, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63139, null, null, null]]], "all_evidence": [[63139, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229597, 233519, "Albert_S._Ruddy", 0]]], "all_evidence": [[229597, 233519, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21215, 26068, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[21215, 26068, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199243, 208970, "Syracuse,_New_York", 2]], [[199244, 208971, "Syracuse,_New_York", 2]]], "all_evidence": [[199243, 208970, "Syracuse,_New_York", 2], [199244, 208971, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53591, null, null, null]]], "all_evidence": [[53591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104943, 118363, "Liverpool", 19]], [[108021, 121526, "Liverpool", 0], [108021, 121526, "North_West_England", 0]], [[109868, 123468, "Liverpool", 0]], [[109868, 123469, "Liverpool", 1]], [[308069, 298544, "Liverpool", 0], [308069, 298544, "North_West_England", 0]], [[309445, 299675, "Liverpool", 0], [309445, 299675, "North_West_England", 0], [309445, 299675, "England", 0], [309445, 299675, "United_Kingdom", 0]], [[309450, 299678, "Liverpool", 0]], [[309450, 299679, "Liverpool", 1]]], "all_evidence": [[104943, 118363, "Liverpool", 19], [108021, 121526, "Liverpool", 0], [108021, 121526, "North_West_England", 0], [109868, 123468, "Liverpool", 0], [109868, 123469, "Liverpool", 1], [308069, 298544, "Liverpool", 0], [308069, 298544, "North_West_England", 0], [309445, 299675, "Liverpool", 0], [309445, 299675, "North_West_England", 0], [309445, 299675, "England", 0], [309445, 299675, "United_Kingdom", 0], [309450, 299678, "Liverpool", 0], [309450, 299679, "Liverpool", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241383, 242926, "Brad_Wilk", 4]]], "all_evidence": [[241383, 242926, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26625, 32679, "The_Bassoon_King", 0]]], "all_evidence": [[26625, 32679, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140058, 155064, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[140058, 155064, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108648, 122327, "Ron_Weasley", 1]]], "all_evidence": [[108648, 122327, "Ron_Weasley", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67435, 78258, "Stephen_Hillenburg", 4]]], "all_evidence": [[67435, 78258, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54756, 64749, "Stephen_Colbert", 1]]], "all_evidence": [[54756, 64749, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24100, null, null, null]]], "all_evidence": [[24100, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34223, null, null, null]]], "all_evidence": [[34223, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21034, 25827, "Sidse_Babett_Knudsen", 0]], [[22733, 28037, "Sidse_Babett_Knudsen", 0]], [[23864, 29536, "Sidse_Babett_Knudsen", 0]], [[301526, 292625, "Sidse_Babett_Knudsen", 0]], [[302550, 293537, "Sidse_Babett_Knudsen", 0]], [[304469, 295281, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[21034, 25827, "Sidse_Babett_Knudsen", 0], [22733, 28037, "Sidse_Babett_Knudsen", 0], [23864, 29536, "Sidse_Babett_Knudsen", 0], [301526, 292625, "Sidse_Babett_Knudsen", 0], [302550, 293537, "Sidse_Babett_Knudsen", 0], [304469, 295281, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229598, null, null, null]]], "all_evidence": [[229598, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216107, null, null, null]]], "all_evidence": [[216107, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211602, null, null, null]]], "all_evidence": [[211602, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114578, null, null, null]]], "all_evidence": [[114578, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18907, 23152, "Horse", 3]]], "all_evidence": [[18907, 23152, "Horse", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67243, null, null, null]]], "all_evidence": [[67243, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270827, 266810, "New_Orleans_Pelicans", 1], [270827, 266810, "Western_Conference_-LRB-NBA-RRB-", 20], [270827, 266810, "Western_Conference_-LRB-NBA-RRB-", 21]]], "all_evidence": [[270827, 266810, "New_Orleans_Pelicans", 1], [270827, 266810, "Western_Conference_-LRB-NBA-RRB-", 20], [270827, 266810, "Western_Conference_-LRB-NBA-RRB-", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34465, 41793, "Quran", 0]], [[34465, 41794, "Quran", 2]], [[34465, 41795, "Quran", 1]], [[34465, 41796, "Quran", 18]]], "all_evidence": [[34465, 41793, "Quran", 0], [34465, 41794, "Quran", 2], [34465, 41795, "Quran", 1], [34465, 41796, "Quran", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229550, null, null, null]]], "all_evidence": [[229550, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165186, 179320, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[165186, 179320, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221646, null, null, null]]], "all_evidence": [[221646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66021, 76877, "Blue_Jasmine", 1]]], "all_evidence": [[66021, 76877, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170219, 183778, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[170219, 183778, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130355, null, null, null]]], "all_evidence": [[130355, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55197, null, null, null], [55199, null, null, null], [55201, null, null, null]]], "all_evidence": [[55197, null, null, null], [55199, null, null, null], [55201, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135965, 150798, "Bethany_Hamilton", 2], [135965, 150798, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[135965, 150798, "Bethany_Hamilton", 2], [135965, 150798, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228483, 232659, "Stripes_-LRB-film-RRB-", 1]], [[228489, 232668, "Stripes_-LRB-film-RRB-", 0], [228489, 232668, "Bill_Murray", 0]], [[228489, 232669, "Stripes_-LRB-film-RRB-", 1], [228489, 232669, "Conrad_Dunn", 0]], [[228489, 232670, "Stripes_-LRB-film-RRB-", 2], [228489, 232670, "Bill_Paxton", 0]], [[228578, 232746, "Stripes_-LRB-film-RRB-", 0], [228578, 232746, "Bill_Murray", 0], [228578, 232746, "Bill_Murray", 1], [228578, 232746, "Bill_Murray", 3], [228578, 232746, "Bill_Murray", 6], [228578, 232746, "Bill_Murray", 7], [228578, 232746, "Bill_Murray", 10], [228578, 232746, "Harold_Ramis", 0], [228578, 232746, "Harold_Ramis", 1], [228578, 232746, "Harold_Ramis", 2], [228578, 232746, "Harold_Ramis", 3], [228578, 232746, "Harold_Ramis", 4], [228578, 232746, "Harold_Ramis", 9], [228578, 232746, "Ivan_Reitman", 0], [228578, 232746, "Ivan_Reitman", 1], [228578, 232746, "John_Candy", 0], [228578, 232746, "John_Candy", 1], [228578, 232746, "John_Candy", 2], [228578, 232746, "John_Candy", 6], [228578, 232746, "P._J._Soles", 0], [228578, 232746, "P._J._Soles", 2], [228578, 232746, "Sean_Young", 0], [228578, 232746, "Warren_Oates", 0], [228578, 232746, "Warren_Oates", 1], [228578, 232746, "Warren_Oates", 2]], [[228578, 232747, "Stripes_-LRB-film-RRB-", 1], [228578, 232747, "Conrad_Dunn", 0], [228578, 232747, "Conrad_Dunn", 1], [228578, 232747, "Conrad_Dunn", 2], [228578, 232747, "Conrad_Dunn", 3], [228578, 232747, "Conrad_Dunn", 4], [228578, 232747, "Conrad_Dunn", 5], [228578, 232747, "John_Diehl", 0], [228578, 232747, "John_Diehl", 1], [228578, 232747, "John_Diehl", 4], [228578, 232747, "John_Diehl", 5], [228578, 232747, "John_Larroquette", 0], [228578, 232747, "John_Larroquette", 1], [228578, 232747, "John_Larroquette", 2], [228578, 232747, "Judge_Reinhold", 0]], [[228578, 232748, "Stripes_-LRB-film-RRB-", 2], [228578, 232748, "Bill_Paxton", 0], [228578, 232748, "Bill_Paxton", 2], [228578, 232748, "Bill_Paxton", 3], [228578, 232748, "Dave_Thomas_-LRB-actor-RRB-", 0], [228578, 232748, "Dave_Thomas_-LRB-actor-RRB-", 1], [228578, 232748, "Joe_Flaherty", 0], [228578, 232748, "Joe_Flaherty", 1], [228578, 232748, "Timothy_Busfield", 0], [228578, 232748, "Timothy_Busfield", 1], [228578, 232748, "Timothy_Busfield", 2], [228578, 232748, "Timothy_Busfield", 3]]], "all_evidence": [[228483, 232659, "Stripes_-LRB-film-RRB-", 1], [228489, 232668, "Stripes_-LRB-film-RRB-", 0], [228489, 232668, "Bill_Murray", 0], [228489, 232669, "Stripes_-LRB-film-RRB-", 1], [228489, 232669, "Conrad_Dunn", 0], [228489, 232670, "Stripes_-LRB-film-RRB-", 2], [228489, 232670, "Bill_Paxton", 0], [228578, 232746, "Stripes_-LRB-film-RRB-", 0], [228578, 232746, "Bill_Murray", 0], [228578, 232746, "Bill_Murray", 1], [228578, 232746, "Bill_Murray", 3], [228578, 232746, "Bill_Murray", 6], [228578, 232746, "Bill_Murray", 7], [228578, 232746, "Bill_Murray", 10], [228578, 232746, "Harold_Ramis", 0], [228578, 232746, "Harold_Ramis", 1], [228578, 232746, "Harold_Ramis", 2], [228578, 232746, "Harold_Ramis", 3], [228578, 232746, "Harold_Ramis", 4], [228578, 232746, "Harold_Ramis", 9], [228578, 232746, "Ivan_Reitman", 0], [228578, 232746, "Ivan_Reitman", 1], [228578, 232746, "John_Candy", 0], [228578, 232746, "John_Candy", 1], [228578, 232746, "John_Candy", 2], [228578, 232746, "John_Candy", 6], [228578, 232746, "P._J._Soles", 0], [228578, 232746, "P._J._Soles", 2], [228578, 232746, "Sean_Young", 0], [228578, 232746, "Warren_Oates", 0], [228578, 232746, "Warren_Oates", 1], [228578, 232746, "Warren_Oates", 2], [228578, 232747, "Stripes_-LRB-film-RRB-", 1], [228578, 232747, "Conrad_Dunn", 0], [228578, 232747, "Conrad_Dunn", 1], [228578, 232747, "Conrad_Dunn", 2], [228578, 232747, "Conrad_Dunn", 3], [228578, 232747, "Conrad_Dunn", 4], [228578, 232747, "Conrad_Dunn", 5], [228578, 232747, "John_Diehl", 0], [228578, 232747, "John_Diehl", 1], [228578, 232747, "John_Diehl", 4], [228578, 232747, "John_Diehl", 5], [228578, 232747, "John_Larroquette", 0], [228578, 232747, "John_Larroquette", 1], [228578, 232747, "John_Larroquette", 2], [228578, 232747, "Judge_Reinhold", 0], [228578, 232748, "Stripes_-LRB-film-RRB-", 2], [228578, 232748, "Bill_Paxton", 0], [228578, 232748, "Bill_Paxton", 2], [228578, 232748, "Bill_Paxton", 3], [228578, 232748, "Dave_Thomas_-LRB-actor-RRB-", 0], [228578, 232748, "Dave_Thomas_-LRB-actor-RRB-", 1], [228578, 232748, "Joe_Flaherty", 0], [228578, 232748, "Joe_Flaherty", 1], [228578, 232748, "Timothy_Busfield", 0], [228578, 232748, "Timothy_Busfield", 1], [228578, 232748, "Timothy_Busfield", 2], [228578, 232748, "Timothy_Busfield", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139783, 154783, "2016_Tour_de_France", 0]]], "all_evidence": [[139783, 154783, "2016_Tour_de_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36402, 43993, "Bad_Romance", 12]]], "all_evidence": [[36402, 43993, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161292, 175781, "Marjorie_Gross", 0]]], "all_evidence": [[161292, 175781, "Marjorie_Gross", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194828, 205184, "Manmohan_Singh", 1]]], "all_evidence": [[194828, 205184, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[291272, null, null, null], [293429, null, null, null], [337243, null, null, null]]], "all_evidence": [[291272, null, null, null], [293429, null, null, null], [337243, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144555, null, null, null]]], "all_evidence": [[144555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183971, 195951, "Dan_O'Bannon", 0]], [[183972, 195952, "Dan_O'Bannon", 0]], [[183975, 195954, "Dan_O'Bannon", 0]]], "all_evidence": [[183971, 195951, "Dan_O'Bannon", 0], [183972, 195952, "Dan_O'Bannon", 0], [183975, 195954, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269619, null, null, null]]], "all_evidence": [[269619, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129958, 144661, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[129958, 144661, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155813, null, null, null]]], "all_evidence": [[155813, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181787, 194036, "Martin_Van_Buren", 1]], [[181787, 194037, "Martin_Van_Buren", 12]]], "all_evidence": [[181787, 194036, "Martin_Van_Buren", 1], [181787, 194037, "Martin_Van_Buren", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124774, 139114, "Tim_McGraw", 13]]], "all_evidence": [[124774, 139114, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111799, 125622, "Gal_Gadot", 4]]], "all_evidence": [[111799, 125622, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87269, 99771, "Ashton_Kutcher", 8], [87269, 99771, "What_Happens_in_Vegas", 0]]], "all_evidence": [[87269, 99771, "Ashton_Kutcher", 8], [87269, 99771, "What_Happens_in_Vegas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127015, 141515, "Eva_Green", 2]], [[127015, 141517, "Eva_Green", 1]]], "all_evidence": [[127015, 141515, "Eva_Green", 2], [127015, 141517, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34164, 41438, "I_Kissed_a_Girl", 0]]], "all_evidence": [[34164, 41438, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223872, null, null, null]]], "all_evidence": [[223872, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214284, null, null, null]]], "all_evidence": [[214284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268053, 264711, "Kentucky", 11]]], "all_evidence": [[268053, 264711, "Kentucky", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188656, 200114, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188656, 200114, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173300, 186559, "Paramore", 0]]], "all_evidence": [[173300, 186559, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185750, null, null, null]]], "all_evidence": [[185750, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98887, 111975, "The_Good_Wife", 13]]], "all_evidence": [[98887, 111975, "The_Good_Wife", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255591, null, null, null]]], "all_evidence": [[255591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238546, 240543, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]], [[238546, 240544, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 6]], [[238546, 240545, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 7]], [[238546, 240546, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 8]], [[238546, 240547, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 9], [238546, 240547, "Academy_Awards", 0]]], "all_evidence": [[238546, 240543, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0], [238546, 240544, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 6], [238546, 240545, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 7], [238546, 240546, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 8], [238546, 240547, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 9], [238546, 240547, "Academy_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227777, 232138, "Tilda_Swinton", 0]]], "all_evidence": [[227777, 232138, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162278, null, null, null]]], "all_evidence": [[162278, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154307, 169069, "Basildon", 0]]], "all_evidence": [[154307, 169069, "Basildon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239922, 241602, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239922, 241602, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42847, 51473, "In_the_End", 6]]], "all_evidence": [[42847, 51473, "In_the_End", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275010, null, null, null], [277663, null, null, null], [277664, null, null, null], [324083, null, null, null], [324085, null, null, null]]], "all_evidence": [[275010, null, null, null], [277663, null, null, null], [277664, null, null, null], [324083, null, null, null], [324085, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152645, null, null, null]]], "all_evidence": [[152645, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150171, null, null, null]]], "all_evidence": [[150171, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115491, 129346, "Peking_University", 1]]], "all_evidence": [[115491, 129346, "Peking_University", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48912, null, null, null]]], "all_evidence": [[48912, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[283952, 277882, "Basildon", 0]], [[285045, 278765, "Basildon", 0]], [[329750, 316468, "Basildon", 0]], [[329763, 316473, "Basildon", 0]], [[329763, 316474, "Basildon", 3], [329763, 316474, "Central_London", 0]], [[329763, 316475, "Basildon", 4], [329763, 316475, "Billericay", 0]], [[329763, 316476, "Basildon", 5], [329763, 316476, "Pitsea", 0]], [[329763, 316477, "Basildon", 6], [329763, 316477, "Borough_of_Basildon", 0]], [[329763, 316478, "Basildon", 9]], [[329763, 316479, "Basildon", 13], [329763, 316479, "Central_London", 0]]], "all_evidence": [[283952, 277882, "Basildon", 0], [285045, 278765, "Basildon", 0], [329750, 316468, "Basildon", 0], [329763, 316473, "Basildon", 0], [329763, 316474, "Basildon", 3], [329763, 316474, "Central_London", 0], [329763, 316475, "Basildon", 4], [329763, 316475, "Billericay", 0], [329763, 316476, "Basildon", 5], [329763, 316476, "Pitsea", 0], [329763, 316477, "Basildon", 6], [329763, 316477, "Borough_of_Basildon", 0], [329763, 316478, "Basildon", 9], [329763, 316479, "Basildon", 13], [329763, 316479, "Central_London", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31425, 38137, "Riverdale_-LRB-2017_TV_series-RRB-", 2]], [[31425, 38138, "Riverdale_-LRB-2017_TV_series-RRB-", 0]], [[31425, 38139, "Riverdale_-LRB-2017_TV_series-RRB-", 6]]], "all_evidence": [[31425, 38137, "Riverdale_-LRB-2017_TV_series-RRB-", 2], [31425, 38138, "Riverdale_-LRB-2017_TV_series-RRB-", 0], [31425, 38139, "Riverdale_-LRB-2017_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181056, 193350, "Poldark_-LRB-2015_TV_series-RRB-", 6]]], "all_evidence": [[181056, 193350, "Poldark_-LRB-2015_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32758, null, null, null]]], "all_evidence": [[32758, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135232, 150151, "Qui-Gon_Jinn", 0]]], "all_evidence": [[135232, 150151, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214288, 221370, "Kenneth_Lonergan", 0], [214288, 221370, "Pacific_Rim_-LRB-film-RRB-", 0]]], "all_evidence": [[214288, 221370, "Kenneth_Lonergan", 0], [214288, 221370, "Pacific_Rim_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194711, 205084, "Middle-earth", 0]]], "all_evidence": [[194711, 205084, "Middle-earth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102622, null, null, null]]], "all_evidence": [[102622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72313, 83336, "Saxony", 0]], [[72313, 83337, "Saxony", 4]]], "all_evidence": [[72313, 83336, "Saxony", 0], [72313, 83337, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292885, 285563, "Jose\u0301_Ferrer", 0]], [[292888, 285564, "Jose\u0301_Ferrer", 0]], [[292888, 285565, "Jose\u0301_Ferrer", 4]], [[295480, 287593, "Jose\u0301_Ferrer", 0]], [[341024, 325488, "Jose\u0301_Ferrer", 0]], [[341024, 325489, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[292885, 285563, "Jose\u0301_Ferrer", 0], [292888, 285564, "Jose\u0301_Ferrer", 0], [292888, 285565, "Jose\u0301_Ferrer", 4], [295480, 287593, "Jose\u0301_Ferrer", 0], [341024, 325488, "Jose\u0301_Ferrer", 0], [341024, 325489, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[252356, null, null, null]]], "all_evidence": [[252356, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71653, 82637, "House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[71653, 82637, "House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169002, 182688, "Ingushetia", 5]]], "all_evidence": [[169002, 182688, "Ingushetia", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214300, null, null, null]]], "all_evidence": [[214300, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205351, 213954, "Dub_music", 0]]], "all_evidence": [[205351, 213954, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185746, 197515, "French_Indochina", 3]]], "all_evidence": [[185746, 197515, "French_Indochina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269609, null, null, null]]], "all_evidence": [[269609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101314, 114548, "Mud_-LRB-2012_film-RRB-", 1], [101314, 114548, "Tye_Sheridan", 0], [101314, 114548, "Matthew_McConaughey", 0], [101314, 114548, "Jacob_Lofland", 0], [101314, 114548, "Sam_Shepard", 0], [101314, 114548, "Reese_Witherspoon", 0]]], "all_evidence": [[101314, 114548, "Mud_-LRB-2012_film-RRB-", 1], [101314, 114548, "Tye_Sheridan", 0], [101314, 114548, "Matthew_McConaughey", 0], [101314, 114548, "Jacob_Lofland", 0], [101314, 114548, "Sam_Shepard", 0], [101314, 114548, "Reese_Witherspoon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212204, null, null, null]]], "all_evidence": [[212204, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137417, 152301, "Renato_Balestra", 3]]], "all_evidence": [[137417, 152301, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193382, null, null, null]]], "all_evidence": [[193382, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231442, 234943, "Diwali", 2]]], "all_evidence": [[231442, 234943, "Diwali", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191670, 202487, "Anne_Rice", 5]]], "all_evidence": [[191670, 202487, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153283, 168034, "West_Ham_United_F.C.", 0]]], "all_evidence": [[153283, 168034, "West_Ham_United_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132089, null, null, null], [310621, null, null, null]]], "all_evidence": [[132089, null, null, null], [310621, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176578, null, null, null]]], "all_evidence": [[176578, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110630, 124282, "James_Jones_-LRB-basketball_player-RRB-", 17]]], "all_evidence": [[110630, 124282, "James_Jones_-LRB-basketball_player-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194713, 205086, "Middle-earth", 0]], [[194713, 205087, "Middle-earth", 10]]], "all_evidence": [[194713, 205086, "Middle-earth", 0], [194713, 205087, "Middle-earth", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290375, 283414, "Sandra_Bullock", 17]], [[291736, 284635, "Sandra_Bullock", 17]], [[293832, 286254, "Sandra_Bullock", 17]], [[338329, 323531, "Sandra_Bullock", 17]], [[338337, 323537, "Sandra_Bullock", 17]], [[338361, 323555, "Sandra_Bullock", 17]]], "all_evidence": [[290375, 283414, "Sandra_Bullock", 17], [291736, 284635, "Sandra_Bullock", 17], [293832, 286254, "Sandra_Bullock", 17], [338329, 323531, "Sandra_Bullock", 17], [338337, 323537, "Sandra_Bullock", 17], [338361, 323555, "Sandra_Bullock", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30658, null, null, null]]], "all_evidence": [[30658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225778, 230361, "The_Millers", 4]]], "all_evidence": [[225778, 230361, "The_Millers", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161821, 176242, "Star_Trek-COLON-_Discovery", 0]], [[161821, 176243, "Star_Trek-COLON-_Discovery", 1]], [[161821, 176244, "Star_Trek-COLON-_Discovery", 6], [161821, 176244, "Sonequa_Martin-Green", 3]]], "all_evidence": [[161821, 176242, "Star_Trek-COLON-_Discovery", 0], [161821, 176243, "Star_Trek-COLON-_Discovery", 1], [161821, 176244, "Star_Trek-COLON-_Discovery", 6], [161821, 176244, "Sonequa_Martin-Green", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76023, 87315, "Rhythm_Nation", 23]]], "all_evidence": [[76023, 87315, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62799, 73448, "Carlos_Santana", 0]], [[62799, 73449, "Carlos_Santana", 4], [62799, 73449, "Santana_-LRB-band-RRB-", 0]]], "all_evidence": [[62799, 73448, "Carlos_Santana", 0], [62799, 73449, "Carlos_Santana", 4], [62799, 73449, "Santana_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223854, 228775, "Yandex", 9]]], "all_evidence": [[223854, 228775, "Yandex", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229592, null, null, null]]], "all_evidence": [[229592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132499, null, null, null]]], "all_evidence": [[132499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67148, 77944, "Pharrell_Williams", 4]]], "all_evidence": [[67148, 77944, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141230, 156433, "Yara_Shahidi", 0]], [[141230, 156434, "Yara_Shahidi", 1]]], "all_evidence": [[141230, 156433, "Yara_Shahidi", 0], [141230, 156434, "Yara_Shahidi", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39164, 47161, "Miranda_Otto", 1]]], "all_evidence": [[39164, 47161, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19885, 24429, "English_people", 6]]], "all_evidence": [[19885, 24429, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52615, 62574, "Noah_Cyrus", 4]], [[52620, 62578, "Noah_Cyrus", 4]]], "all_evidence": [[52615, 62574, "Noah_Cyrus", 4], [52620, 62578, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96727, 109880, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[96727, 109880, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82756, 94605, "Carlos_Santana", 0]]], "all_evidence": [[82756, 94605, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228779, 232897, "Albert_S._Ruddy", 0]]], "all_evidence": [[228779, 232897, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255479, 254931, "Private_Lives", 0]]], "all_evidence": [[255479, 254931, "Private_Lives", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258112, null, null, null]]], "all_evidence": [[258112, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154768, 169531, "Trevor_Griffiths", 0], [154768, 169531, "Ancoats", 0]]], "all_evidence": [[154768, 169531, "Trevor_Griffiths", 0], [154768, 169531, "Ancoats", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223451, 228453, "Jackpot_-LRB-2013_film-RRB-", 1]], [[227116, 231524, "Jackpot_-LRB-2013_film-RRB-", 1]], [[229865, 233692, "Jackpot_-LRB-2013_film-RRB-", 1]], [[318088, 307061, "Jackpot_-LRB-2013_film-RRB-", 1]], [[318089, 307062, "Jackpot_-LRB-2013_film-RRB-", 1]], [[318096, 307067, "Jackpot_-LRB-2013_film-RRB-", 1]]], "all_evidence": [[223451, 228453, "Jackpot_-LRB-2013_film-RRB-", 1], [227116, 231524, "Jackpot_-LRB-2013_film-RRB-", 1], [229865, 233692, "Jackpot_-LRB-2013_film-RRB-", 1], [318088, 307061, "Jackpot_-LRB-2013_film-RRB-", 1], [318089, 307062, "Jackpot_-LRB-2013_film-RRB-", 1], [318096, 307067, "Jackpot_-LRB-2013_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210870, null, null, null]]], "all_evidence": [[210870, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238991, null, null, null]]], "all_evidence": [[238991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264395, 261857, "Brubaker", 0]]], "all_evidence": [[264395, 261857, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230048, 233805, "Jeong_Hyeong-don", 0]], [[230049, 233806, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230048, 233805, "Jeong_Hyeong-don", 0], [230049, 233806, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93625, null, null, null]]], "all_evidence": [[93625, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251504, 251346, "Miracle_at_St._Anna", 2], [251504, 251346, "Tuscany", 0]]], "all_evidence": [[251504, 251346, "Miracle_at_St._Anna", 2], [251504, 251346, "Tuscany", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266025, 263128, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266025, 263128, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137077, 151904, "Black_Canary", 0]]], "all_evidence": [[137077, 151904, "Black_Canary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228747, 232856, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228747, 232857, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228752, 232862, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228752, 232863, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1]], [[228752, 232864, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228752, 232865, "Girl_-LRB-Pharrell_Williams_album-RRB-", 8]], [[228752, 232866, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9]], [[228752, 232867, "Girl_-LRB-Pharrell_Williams_album-RRB-", 11]], [[228757, 232871, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228757, 232872, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1]], [[228757, 232873, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228757, 232874, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9]], [[228757, 232875, "Girl_-LRB-Pharrell_Williams_album-RRB-", 11]]], "all_evidence": [[228747, 232856, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228747, 232857, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228752, 232862, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228752, 232863, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1], [228752, 232864, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228752, 232865, "Girl_-LRB-Pharrell_Williams_album-RRB-", 8], [228752, 232866, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228752, 232867, "Girl_-LRB-Pharrell_Williams_album-RRB-", 11], [228757, 232871, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228757, 232872, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1], [228757, 232873, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228757, 232874, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228757, 232875, "Girl_-LRB-Pharrell_Williams_album-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149501, 164467, "Jackpot_-LRB-2013_film-RRB-", 1]]], "all_evidence": [[149501, 164467, "Jackpot_-LRB-2013_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162075, null, null, null]]], "all_evidence": [[162075, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76311, null, null, null]]], "all_evidence": [[76311, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144004, 159079, "Craig_David", 5]]], "all_evidence": [[144004, 159079, "Craig_David", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116790, 130677, "Stanley_Williams", 0]]], "all_evidence": [[116790, 130677, "Stanley_Williams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238514, 240515, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238514, 240515, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255551, 254985, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255551, 254985, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59407, 69791, "Ingushetia", 5], [59407, 69791, "Chechen-Ingush_Autonomous_Soviet_Socialist_Republic", 0]]], "all_evidence": [[59407, 69791, "Ingushetia", 5], [59407, 69791, "Chechen-Ingush_Autonomous_Soviet_Socialist_Republic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42126, null, null, null]]], "all_evidence": [[42126, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258106, null, null, null]]], "all_evidence": [[258106, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227660, null, null, null]]], "all_evidence": [[227660, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289803, null, null, null], [291193, null, null, null], [293334, null, null, null], [337030, null, null, null], [337042, null, null, null]]], "all_evidence": [[289803, null, null, null], [291193, null, null, null], [293334, null, null, null], [337030, null, null, null], [337042, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191493, 202338, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191493, 202338, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159593, 174090, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[159593, 174090, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239896, 241583, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239896, 241583, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230041, 233800, "Jeong_Hyeong-don", 0]], [[230042, 233801, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230041, 233800, "Jeong_Hyeong-don", 0], [230042, 233801, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296487, 288322, "Edgar_Wright", 0]], [[296488, 288323, "Edgar_Wright", 0]], [[298090, 289645, "Edgar_Wright", 0]], [[343372, 327181, "Edgar_Wright", 0]], [[343438, 327223, "Edgar_Wright", 0]]], "all_evidence": [[296487, 288322, "Edgar_Wright", 0], [296488, 288323, "Edgar_Wright", 0], [298090, 289645, "Edgar_Wright", 0], [343372, 327181, "Edgar_Wright", 0], [343438, 327223, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99928, null, null, null]]], "all_evidence": [[99928, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153715, 168571, "Bones_-LRB-TV_series-RRB-", 0]], [[153715, 168572, "Bones_-LRB-TV_series-RRB-", 5]], [[153715, 168573, "Bones_-LRB-TV_series-RRB-", 1]], [[153715, 168574, "Bones_-LRB-TV_series-RRB-", 12]]], "all_evidence": [[153715, 168571, "Bones_-LRB-TV_series-RRB-", 0], [153715, 168572, "Bones_-LRB-TV_series-RRB-", 5], [153715, 168573, "Bones_-LRB-TV_series-RRB-", 1], [153715, 168574, "Bones_-LRB-TV_series-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116943, 130838, "Civilization_IV", 12]]], "all_evidence": [[116943, 130838, "Civilization_IV", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81301, null, null, null]]], "all_evidence": [[81301, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245095, null, null, null]]], "all_evidence": [[245095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45972, 54913, "Match_Point", 0]]], "all_evidence": [[45972, 54913, "Match_Point", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25456, 31383, "Billie_Joe_Armstrong", 4]], [[300016, 291327, "Billie_Joe_Armstrong", 4]]], "all_evidence": [[25456, 31383, "Billie_Joe_Armstrong", 4], [300016, 291327, "Billie_Joe_Armstrong", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30300, null, null, null]]], "all_evidence": [[30300, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270842, 266822, "New_Orleans_Pelicans", 1]]], "all_evidence": [[270842, 266822, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259612, 258176, "French_Resistance", 6]]], "all_evidence": [[259612, 258176, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35929, 43482, "Rob_Sheridan", 0]]], "all_evidence": [[35929, 43482, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211415, null, null, null]]], "all_evidence": [[211415, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232011, null, null, null]]], "all_evidence": [[232011, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68717, null, null, null]]], "all_evidence": [[68717, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233065, null, null, null]]], "all_evidence": [[233065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138525, 153581, "Lincoln\u2013Douglas_debates", 12]], [[138525, 153582, "Lincoln\u2013Douglas_debates", 14]], [[138525, 153583, "Lincoln\u2013Douglas_debates", 16]], [[138525, 153584, "Lincoln\u2013Douglas_debates", 18]], [[138525, 153585, "Lincoln\u2013Douglas_debates", 22]], [[138525, 153586, "Lincoln\u2013Douglas_debates", 24]], [[138525, 153587, "Lincoln\u2013Douglas_debates", 20]]], "all_evidence": [[138525, 153581, "Lincoln\u2013Douglas_debates", 12], [138525, 153582, "Lincoln\u2013Douglas_debates", 14], [138525, 153583, "Lincoln\u2013Douglas_debates", 16], [138525, 153584, "Lincoln\u2013Douglas_debates", 18], [138525, 153585, "Lincoln\u2013Douglas_debates", 22], [138525, 153586, "Lincoln\u2013Douglas_debates", 24], [138525, 153587, "Lincoln\u2013Douglas_debates", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65060, 75937, "Eva_Green", 1]]], "all_evidence": [[65060, 75937, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89033, 101705, "Republic_of_Macedonia", 2]], [[89033, 101706, "Republic_of_Macedonia", 6]]], "all_evidence": [[89033, 101705, "Republic_of_Macedonia", 2], [89033, 101706, "Republic_of_Macedonia", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157120, 171674, "Tim_McGraw", 13], [157120, 171674, "The_Blind_Side_-LRB-film-RRB-", 0]]], "all_evidence": [[157120, 171674, "Tim_McGraw", 13], [157120, 171674, "The_Blind_Side_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148296, 163307, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[148296, 163307, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268402, 264996, "Danielle_Cormack", 0]]], "all_evidence": [[268402, 264996, "Danielle_Cormack", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132961, 147851, "Floppy_disk", 0]]], "all_evidence": [[132961, 147851, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59964, 70372, "Seohyun", 0]]], "all_evidence": [[59964, 70372, "Seohyun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37730, 45662, "Morse_code", 16]]], "all_evidence": [[37730, 45662, "Morse_code", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180051, null, null, null]]], "all_evidence": [[180051, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216062, null, null, null], [216073, null, null, null]]], "all_evidence": [[216062, null, null, null], [216073, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123389, 137838, "The_Daily_Show", 0]], [[123389, 137839, "The_Daily_Show", 2]]], "all_evidence": [[123389, 137838, "The_Daily_Show", 0], [123389, 137839, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100307, 113569, "Jose\u0301_Ferrer", 0]]], "all_evidence": [[100307, 113569, "Jose\u0301_Ferrer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198057, 208000, "Dave_Gibbons", 0]]], "all_evidence": [[198057, 208000, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217680, 224171, "Asylum_Records", 0]]], "all_evidence": [[217680, 224171, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296477, 288314, "Dan_O'Bannon", 0]], [[298092, 289646, "Dan_O'Bannon", 0]], [[300217, 291471, "Dan_O'Bannon", 0]], [[343219, 327040, "Dan_O'Bannon", 0]], [[343228, 327053, "Dan_O'Bannon", 0]]], "all_evidence": [[296477, 288314, "Dan_O'Bannon", 0], [298092, 289646, "Dan_O'Bannon", 0], [300217, 291471, "Dan_O'Bannon", 0], [343219, 327040, "Dan_O'Bannon", 0], [343228, 327053, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54210, null, null, null]]], "all_evidence": [[54210, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52436, null, null, null]]], "all_evidence": [[52436, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183425, 195425, "Guatemala", 16]]], "all_evidence": [[183425, 195425, "Guatemala", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88437, null, null, null]]], "all_evidence": [[88437, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99674, null, null, null]]], "all_evidence": [[99674, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140068, null, null, null]]], "all_evidence": [[140068, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211386, 219106, "Don_Hall_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[211386, 219106, "Don_Hall_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49192, 58517, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[49192, 58517, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202992, 212120, "Christian_Gottlob_Neefe", 0], [202992, 212120, "Composer", 0]]], "all_evidence": [[202992, 212120, "Christian_Gottlob_Neefe", 0], [202992, 212120, "Composer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114969, 128677, "DNA_-LRB-Little_Mix_album-RRB-", 0]], [[114969, 128678, "DNA_-LRB-Little_Mix_album-RRB-", 3]], [[114969, 128679, "DNA_-LRB-Little_Mix_album-RRB-", 4]], [[114969, 128680, "DNA_-LRB-Little_Mix_album-RRB-", 17]]], "all_evidence": [[114969, 128677, "DNA_-LRB-Little_Mix_album-RRB-", 0], [114969, 128678, "DNA_-LRB-Little_Mix_album-RRB-", 3], [114969, 128679, "DNA_-LRB-Little_Mix_album-RRB-", 4], [114969, 128680, "DNA_-LRB-Little_Mix_album-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214251, 221327, "Kenneth_Lonergan", 0]]], "all_evidence": [[214251, 221327, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52678, 62640, "Vietnam", 0]], [[52678, 62641, "Vietnam", 1]]], "all_evidence": [[52678, 62640, "Vietnam", 0], [52678, 62641, "Vietnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55655, 65697, "Lou_Gehrig", 0]], [[55655, 65698, "Lou_Gehrig", 15]]], "all_evidence": [[55655, 65697, "Lou_Gehrig", 0], [55655, 65698, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66434, 77280, "Daag_-LRB-1973_film-RRB-", 0]]], "all_evidence": [[66434, 77280, "Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123679, 138088, "Croatia", 21]]], "all_evidence": [[123679, 138088, "Croatia", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243825, null, null, null], [246288, null, null, null], [319289, null, null, null], [320459, null, null, null], [320460, null, null, null]]], "all_evidence": [[243825, null, null, null], [246288, null, null, null], [319289, null, null, null], [320459, null, null, null], [320460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174485, 187686, "Nestor_Carbonell", 1]]], "all_evidence": [[174485, 187686, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113878, null, null, null]]], "all_evidence": [[113878, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166107, 180042, "Augustus", 10]], [[166107, 180043, "Augustus", 41]]], "all_evidence": [[166107, 180042, "Augustus", 10], [166107, 180043, "Augustus", 41]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96255, 109400, "Byron_Howard", 1], [96255, 109400, "Bolt_-LRB-2008_film-RRB-", 0]], [[96255, 109401, "Byron_Howard", 2], [96255, 109401, "Zootopia", 2], [96255, 109401, "Zootopia", 0]]], "all_evidence": [[96255, 109400, "Byron_Howard", 1], [96255, 109400, "Bolt_-LRB-2008_film-RRB-", 0], [96255, 109401, "Byron_Howard", 2], [96255, 109401, "Zootopia", 2], [96255, 109401, "Zootopia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180259, 192788, "The_Bahamas", 0], [180259, 192788, "Lucayan_Archipelago", 0]], [[182019, 194302, "The_Bahamas", 0]], [[314190, 303614, "The_Bahamas", 0], [314190, 303614, "Archipelagic_state", 0]]], "all_evidence": [[180259, 192788, "The_Bahamas", 0], [180259, 192788, "Lucayan_Archipelago", 0], [182019, 194302, "The_Bahamas", 0], [314190, 303614, "The_Bahamas", 0], [314190, 303614, "Archipelagic_state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161860, 176284, "Janet_Leigh", 0]]], "all_evidence": [[161860, 176284, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91805, 104603, "Sora_-LRB-Kingdom_Hearts-RRB-", 1]], [[91805, 104604, "Sora_-LRB-Kingdom_Hearts-RRB-", 3]], [[91805, 104605, "Sora_-LRB-Kingdom_Hearts-RRB-", 6]], [[91805, 104606, "Sora_-LRB-Kingdom_Hearts-RRB-", 7]], [[91805, 104607, "Sora_-LRB-Kingdom_Hearts-RRB-", 10]]], "all_evidence": [[91805, 104603, "Sora_-LRB-Kingdom_Hearts-RRB-", 1], [91805, 104604, "Sora_-LRB-Kingdom_Hearts-RRB-", 3], [91805, 104605, "Sora_-LRB-Kingdom_Hearts-RRB-", 6], [91805, 104606, "Sora_-LRB-Kingdom_Hearts-RRB-", 7], [91805, 104607, "Sora_-LRB-Kingdom_Hearts-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13776, 17249, "Stanley_Williams", 0]], [[13776, 17250, "Stanley_Williams", 1]], [[13785, 17271, "Stanley_Williams", 0], [13785, 17271, "Conviction", 0]]], "all_evidence": [[13776, 17249, "Stanley_Williams", 0], [13776, 17250, "Stanley_Williams", 1], [13785, 17271, "Stanley_Williams", 0], [13785, 17271, "Conviction", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20581, 25207, "Sleipnir", 0]]], "all_evidence": [[20581, 25207, "Sleipnir", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104372, null, null, null]]], "all_evidence": [[104372, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[294711, 286932, "X-Men-COLON-_Apocalypse", 2]], [[339263, 324270, "X-Men-COLON-_Apocalypse", 6]], [[339271, 324278, "X-Men-COLON-_Apocalypse", 2]], [[339402, 324373, "X-Men-COLON-_Apocalypse", 2]], [[339407, 324383, "X-Men-COLON-_Apocalypse", 2]]], "all_evidence": [[294711, 286932, "X-Men-COLON-_Apocalypse", 2], [339263, 324270, "X-Men-COLON-_Apocalypse", 6], [339271, 324278, "X-Men-COLON-_Apocalypse", 2], [339402, 324373, "X-Men-COLON-_Apocalypse", 2], [339407, 324383, "X-Men-COLON-_Apocalypse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26150, null, null, null]]], "all_evidence": [[26150, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32190, null, null, null], [32204, null, null, null]]], "all_evidence": [[32190, null, null, null], [32204, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196617, null, null, null]]], "all_evidence": [[196617, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111471, 125126, "XHamster", 6], [111471, 125126, "The_Sex_Factor", 0]]], "all_evidence": [[111471, 125126, "XHamster", 6], [111471, 125126, "The_Sex_Factor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124202, 138547, "Kelly_Preston", 3]]], "all_evidence": [[124202, 138547, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72662, null, null, null]]], "all_evidence": [[72662, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156277, null, null, null]]], "all_evidence": [[156277, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225792, null, null, null]]], "all_evidence": [[225792, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47906, null, null, null]]], "all_evidence": [[47906, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225916, 230489, "Roland_Emmerich", 3]]], "all_evidence": [[225916, 230489, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80132, 91927, "Mary_of_Teck", 12]]], "all_evidence": [[80132, 91927, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203716, null, null, null]]], "all_evidence": [[203716, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54748, 64742, "Highway_to_Heaven", 0]]], "all_evidence": [[54748, 64742, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179342, 191887, "Beaverton,_Oregon", 0]], [[179342, 191888, "Beaverton,_Oregon", 4]]], "all_evidence": [[179342, 191887, "Beaverton,_Oregon", 0], [179342, 191888, "Beaverton,_Oregon", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250362, null, null, null]]], "all_evidence": [[250362, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149838, 164765, "Duane_Chapman", 0]]], "all_evidence": [[149838, 164765, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115349, 129180, "Tool_-LRB-band-RRB-", 0]]], "all_evidence": [[115349, 129180, "Tool_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48775, 58091, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[48775, 58091, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272432, null, null, null]]], "all_evidence": [[272432, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[343714, 327428, "Baz_Luhrmann", 2]], [[343714, 327429, "Baz_Luhrmann", 0]]], "all_evidence": [[343714, 327428, "Baz_Luhrmann", 2], [343714, 327429, "Baz_Luhrmann", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[281353, 275764, "Rachel_Green", 0]], [[281353, 275765, "Rachel_Green", 1]], [[281354, 275766, "Rachel_Green", 0]], [[281354, 275767, "Rachel_Green", 1]]], "all_evidence": [[281353, 275764, "Rachel_Green", 0], [281353, 275765, "Rachel_Green", 1], [281354, 275766, "Rachel_Green", 0], [281354, 275767, "Rachel_Green", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116465, null, null, null]]], "all_evidence": [[116465, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67575, null, null, null]]], "all_evidence": [[67575, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138846, null, null, null]]], "all_evidence": [[138846, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23036, 28378, "Harold_Macmillan", 0]]], "all_evidence": [[23036, 28378, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140215, 155235, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[140215, 155236, "Marvel_vs._Capcom-COLON-_Infinite", 11]]], "all_evidence": [[140215, 155235, "Marvel_vs._Capcom-COLON-_Infinite", 1], [140215, 155236, "Marvel_vs._Capcom-COLON-_Infinite", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29002, 35378, "Murda_Beatz", 0]]], "all_evidence": [[29002, 35378, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282931, 277051, "The_Mighty_Ducks", 1]], [[284838, 278562, "The_Mighty_Ducks", 1]], [[285571, 279187, "The_Mighty_Ducks", 1]], [[331348, 317846, "The_Mighty_Ducks", 1]], [[332213, 318605, "The_Mighty_Ducks", 1]]], "all_evidence": [[282931, 277051, "The_Mighty_Ducks", 1], [284838, 278562, "The_Mighty_Ducks", 1], [285571, 279187, "The_Mighty_Ducks", 1], [331348, 317846, "The_Mighty_Ducks", 1], [332213, 318605, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221650, null, null, null]]], "all_evidence": [[221650, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53256, 63228, "The_Bahamas", 0]]], "all_evidence": [[53256, 63228, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84002, 96126, "Henry_II_of_France", 0]], [[84002, 96127, "Henry_II_of_France", 13], [84002, 96127, "Italian_War_of_1551\u201359", 0]]], "all_evidence": [[84002, 96126, "Henry_II_of_France", 0], [84002, 96127, "Henry_II_of_France", 13], [84002, 96127, "Italian_War_of_1551\u201359", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72355, 83415, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[72355, 83415, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123133, null, null, null]]], "all_evidence": [[123133, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104583, null, null, null], [104613, null, null, null]]], "all_evidence": [[104583, null, null, null], [104613, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210338, 218101, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210338, 218101, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223855, 228776, "Yandex", 0]]], "all_evidence": [[223855, 228776, "Yandex", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28100, 34396, "Penguin_Books", 2]]], "all_evidence": [[28100, 34396, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239611, 241391, "Polynesian_languages", 6]], [[239612, 241392, "Polynesian_languages", 6]], [[239627, 241403, "Polynesian_languages", 5], [239627, 241403, "Polynesian_languages", 6]]], "all_evidence": [[239611, 241391, "Polynesian_languages", 6], [239612, 241392, "Polynesian_languages", 6], [239627, 241403, "Polynesian_languages", 5], [239627, 241403, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81987, null, null, null]]], "all_evidence": [[81987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81938, 93727, "14th_Dalai_Lama", 10]]], "all_evidence": [[81938, 93727, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98512, null, null, null], [100696, null, null, null], [307711, null, null, null]]], "all_evidence": [[98512, null, null, null], [100696, null, null, null], [307711, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190061, 201191, "Andrew_Kevin_Walker", 1]], [[195995, 206141, "Andrew_Kevin_Walker", 0]], [[314977, 304254, "Andrew_Kevin_Walker", 0]], [[314977, 304255, "Andrew_Kevin_Walker", 1]], [[314980, 304257, "Andrew_Kevin_Walker", 0]], [[314981, 304258, "Andrew_Kevin_Walker", 0]], [[314981, 304259, "Andrew_Kevin_Walker", 1]]], "all_evidence": [[190061, 201191, "Andrew_Kevin_Walker", 1], [195995, 206141, "Andrew_Kevin_Walker", 0], [314977, 304254, "Andrew_Kevin_Walker", 0], [314977, 304255, "Andrew_Kevin_Walker", 1], [314980, 304257, "Andrew_Kevin_Walker", 0], [314981, 304258, "Andrew_Kevin_Walker", 0], [314981, 304259, "Andrew_Kevin_Walker", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135867, 150705, "Beaverton,_Oregon", 9]]], "all_evidence": [[135867, 150705, "Beaverton,_Oregon", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227048, 231471, "Bea_Arthur", 0]]], "all_evidence": [[227048, 231471, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120820, 135125, "Henry_II_of_France", 13]]], "all_evidence": [[120820, 135125, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149798, null, null, null]]], "all_evidence": [[149798, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234508, null, null, null]]], "all_evidence": [[234508, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84231, null, null, null]]], "all_evidence": [[84231, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292631, 285378, "Hush_-LRB-2016_film-RRB-", 2]], [[294639, 286882, "Hush_-LRB-2016_film-RRB-", 2]], [[295224, 287371, "Hush_-LRB-2016_film-RRB-", 0]], [[340497, 325131, "Hush_-LRB-2016_film-RRB-", 2]], [[340760, 325327, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[292631, 285378, "Hush_-LRB-2016_film-RRB-", 2], [294639, 286882, "Hush_-LRB-2016_film-RRB-", 2], [295224, 287371, "Hush_-LRB-2016_film-RRB-", 0], [340497, 325131, "Hush_-LRB-2016_film-RRB-", 2], [340760, 325327, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29302, 35747, "Tatum_O'Neal", 6]]], "all_evidence": [[29302, 35747, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210909, 218555, "Mogadishu", 0]], [[210909, 218556, "Mogadishu", 1]], [[210909, 218557, "Mogadishu", 5]], [[210910, 218558, "Mogadishu", 0]], [[210910, 218559, "Mogadishu", 1]], [[210910, 218560, "Mogadishu", 5]]], "all_evidence": [[210909, 218555, "Mogadishu", 0], [210909, 218556, "Mogadishu", 1], [210909, 218557, "Mogadishu", 5], [210910, 218558, "Mogadishu", 0], [210910, 218559, "Mogadishu", 1], [210910, 218560, "Mogadishu", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291416, 284347, "I_Kissed_a_Girl", 0]], [[293542, 286044, "I_Kissed_a_Girl", 0]], [[337541, 322904, "I_Kissed_a_Girl", 0]], [[337545, 322907, "I_Kissed_a_Girl", 0]], [[337546, 322908, "I_Kissed_a_Girl", 0]], [[337553, 322919, "I_Kissed_a_Girl", 0]]], "all_evidence": [[291416, 284347, "I_Kissed_a_Girl", 0], [293542, 286044, "I_Kissed_a_Girl", 0], [337541, 322904, "I_Kissed_a_Girl", 0], [337545, 322907, "I_Kissed_a_Girl", 0], [337546, 322908, "I_Kissed_a_Girl", 0], [337553, 322919, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77078, null, null, null]]], "all_evidence": [[77078, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26494, 32528, "Prescott,_Arizona", 0]]], "all_evidence": [[26494, 32528, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56690, 66913, "L.A._Reid", 1]]], "all_evidence": [[56690, 66913, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266038, 263140, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266038, 263140, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118526, 132379, "Saw_-LRB-franchise-RRB-", 8]]], "all_evidence": [[118526, 132379, "Saw_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228739, null, null, null]]], "all_evidence": [[228739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182566, 194779, "Bessie_Smith", 0]], [[182567, 194780, "Bessie_Smith", 0]]], "all_evidence": [[182566, 194779, "Bessie_Smith", 0], [182567, 194780, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147272, 162266, "Chile", 0]]], "all_evidence": [[147272, 162266, "Chile", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145507, 160518, "Sidse_Babett_Knudsen", 0]], [[148496, 163512, "Sidse_Babett_Knudsen", 0]], [[311317, 301327, "Sidse_Babett_Knudsen", 0]], [[312904, 302631, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[145507, 160518, "Sidse_Babett_Knudsen", 0], [148496, 163512, "Sidse_Babett_Knudsen", 0], [311317, 301327, "Sidse_Babett_Knudsen", 0], [312904, 302631, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103209, null, null, null]]], "all_evidence": [[103209, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123027, 137304, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[123027, 137304, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143823, 158895, "Stan_Beeman", 0]], [[143823, 158896, "Stan_Beeman", 1], [143823, 158896, "Noah_Emmerich", 2]], [[143823, 158897, "Stan_Beeman", 2], [143823, 158897, "Elizabeth_Jennings_-LRB-The_Americans-RRB-", 0]]], "all_evidence": [[143823, 158895, "Stan_Beeman", 0], [143823, 158896, "Stan_Beeman", 1], [143823, 158896, "Noah_Emmerich", 2], [143823, 158897, "Stan_Beeman", 2], [143823, 158897, "Elizabeth_Jennings_-LRB-The_Americans-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25098, null, null, null], [250564, null, null, null], [299845, null, null, null]]], "all_evidence": [[25098, null, null, null], [250564, null, null, null], [299845, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177727, null, null, null], [179928, null, null, null], [181612, null, null, null]]], "all_evidence": [[177727, null, null, null], [179928, null, null, null], [181612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155072, 169778, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[155072, 169778, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25457, 31384, "Kuching", 0]]], "all_evidence": [[25457, 31384, "Kuching", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246629, 247101, "Excuse_My_French_-LRB-album-RRB-", 0]], [[246638, 247109, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246629, 247101, "Excuse_My_French_-LRB-album-RRB-", 0], [246638, 247109, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137229, 152054, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[137229, 152054, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251698, 251511, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251698, 251511, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103688, null, null, null]]], "all_evidence": [[103688, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271139, 267081, "Giada_at_Home", 1]]], "all_evidence": [[271139, 267081, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81326, null, null, null]]], "all_evidence": [[81326, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245467, null, null, null]]], "all_evidence": [[245467, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28774, null, null, null]]], "all_evidence": [[28774, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151907, null, null, null]]], "all_evidence": [[151907, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239914, 241597, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239914, 241597, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283439, null, null, null], [287594, null, null, null], [332461, null, null, null]]], "all_evidence": [[283439, null, null, null], [287594, null, null, null], [332461, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228800, 232909, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228800, 232910, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228800, 232911, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228800, 232911, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]], [[228800, 232912, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [228800, 232912, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 0], [228800, 232912, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 2]], [[228800, 232913, "Girl_-LRB-Pharrell_Williams_album-RRB-", 12], [228800, 232913, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]]], "all_evidence": [[228800, 232909, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228800, 232910, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228800, 232911, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228800, 232911, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0], [228800, 232912, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [228800, 232912, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 0], [228800, 232912, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 2], [228800, 232913, "Girl_-LRB-Pharrell_Williams_album-RRB-", 12], [228800, 232913, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232005, null, null, null]]], "all_evidence": [[232005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15316, 19103, "David_Packouz", 0]]], "all_evidence": [[15316, 19103, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197410, 207456, "Lalla_Ward", 0]]], "all_evidence": [[197410, 207456, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79674, 91418, "Rachel_Green", 1]], [[79674, 91419, "Rachel_Green", 4], [79674, 91419, "List_of_Friends_characters", 0]], [[79674, 91420, "Rachel_Green", 2], [79674, 91420, "Monica_Geller", 1]], [[79674, 91421, "Rachel_Green", 9], [79674, 91421, "Friends", 0]], [[79674, 91422, "Rachel_Green", 13], [79674, 91422, "Friends_-LRB-season_10-RRB-", 0]]], "all_evidence": [[79674, 91418, "Rachel_Green", 1], [79674, 91419, "Rachel_Green", 4], [79674, 91419, "List_of_Friends_characters", 0], [79674, 91420, "Rachel_Green", 2], [79674, 91420, "Monica_Geller", 1], [79674, 91421, "Rachel_Green", 9], [79674, 91421, "Friends", 0], [79674, 91422, "Rachel_Green", 13], [79674, 91422, "Friends_-LRB-season_10-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50060, 59582, "Wish_Upon", 0]]], "all_evidence": [[50060, 59582, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75724, 86984, "Pearl_Jam", 8]], [[75724, 86985, "Pearl_Jam", 13]], [[75724, 86986, "Pearl_Jam", 14]]], "all_evidence": [[75724, 86984, "Pearl_Jam", 8], [75724, 86985, "Pearl_Jam", 13], [75724, 86986, "Pearl_Jam", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160718, 175255, "John_Krasinski", 1]]], "all_evidence": [[160718, 175255, "John_Krasinski", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258108, 256980, "Monk", 0], [258108, 256980, "Asceticism", 0]]], "all_evidence": [[258108, 256980, "Monk", 0], [258108, 256980, "Asceticism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156640, 171237, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[156640, 171237, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86331, 98737, "YouTube", 15]]], "all_evidence": [[86331, 98737, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119446, 133454, "Ingushetia", 5]]], "all_evidence": [[119446, 133454, "Ingushetia", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182691, null, null, null]]], "all_evidence": [[182691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81748, 93518, "Bloods", 1], [81748, 93518, "Bloods", 0]]], "all_evidence": [[81748, 93518, "Bloods", 1], [81748, 93518, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101557, 114788, "Yara_Shahidi", 0]]], "all_evidence": [[101557, 114788, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63852, 74573, "Ashley_Cole", 0]]], "all_evidence": [[63852, 74573, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71829, 82829, "Topman", 0]], [[71829, 82830, "Topman", 1]], [[71829, 82831, "Topman", 3]]], "all_evidence": [[71829, 82829, "Topman", 0], [71829, 82830, "Topman", 1], [71829, 82831, "Topman", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127758, 142413, "Blade_Runner_2049", 0]], [[127758, 142414, "Blade_Runner_2049", 1], [127758, 142414, "Blade_Runner", 0]], [[127758, 142415, "Blade_Runner_2049", 2]], [[127758, 142416, "Blade_Runner_2049", 4]]], "all_evidence": [[127758, 142413, "Blade_Runner_2049", 0], [127758, 142414, "Blade_Runner_2049", 1], [127758, 142414, "Blade_Runner", 0], [127758, 142415, "Blade_Runner_2049", 2], [127758, 142416, "Blade_Runner_2049", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143810, 158887, "Chrysler_Building", 1]]], "all_evidence": [[143810, 158887, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172468, null, null, null]]], "all_evidence": [[172468, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282885, null, null, null], [282888, null, null, null], [284801, null, null, null], [332193, null, null, null]]], "all_evidence": [[282885, null, null, null], [282888, null, null, null], [284801, null, null, null], [332193, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189739, null, null, null], [189742, null, null, null]]], "all_evidence": [[189739, null, null, null], [189742, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76095, null, null, null]]], "all_evidence": [[76095, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30043, null, null, null]]], "all_evidence": [[30043, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260497, null, null, null], [260530, null, null, null]]], "all_evidence": [[260497, null, null, null], [260530, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164154, null, null, null]]], "all_evidence": [[164154, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179468, 192044, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [179468, 192044, "Rock_Band_3", 0]]], "all_evidence": [[179468, 192044, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [179468, 192044, "Rock_Band_3", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121301, null, null, null]]], "all_evidence": [[121301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190752, 201716, "Alice_Cooper", 0]]], "all_evidence": [[190752, 201716, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203321, null, null, null]]], "all_evidence": [[203321, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34768, 42152, "Horse", 3]]], "all_evidence": [[34768, 42152, "Horse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104520, 117940, "Juventus_F.C.", 1], [104520, 117940, "Juventus_Stadium", 0]]], "all_evidence": [[104520, 117940, "Juventus_F.C.", 1], [104520, 117940, "Juventus_Stadium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176557, 189509, "Margaret_Thatcher", 0], [176557, 189509, "Leader_of_the_Conservative_Party_-LRB-UK-RRB-", 0]]], "all_evidence": [[176557, 189509, "Margaret_Thatcher", 0], [176557, 189509, "Leader_of_the_Conservative_Party_-LRB-UK-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164322, null, null, null]]], "all_evidence": [[164322, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163973, 178227, "Uranium-235", 6]]], "all_evidence": [[163973, 178227, "Uranium-235", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124462, null, null, null]]], "all_evidence": [[124462, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37117, 44816, "Kuching", 0]], [[37117, 44817, "Kuching", 15]], [[37117, 44818, "Kuching", 2], [37117, 44818, "Sarawak_River", 0]], [[37117, 44819, "Kuching", 20]], [[37117, 44820, "Kuching", 21]], [[37117, 44821, "Kuching", 1], [37117, 44821, "Kuching_Division", 0]], [[37117, 44822, "Kuching", 16]], [[37117, 44823, "Kuching", 19], [37117, 44823, "Sarawak", 0], [37117, 44823, "Sarawak", 2]]], "all_evidence": [[37117, 44816, "Kuching", 0], [37117, 44817, "Kuching", 15], [37117, 44818, "Kuching", 2], [37117, 44818, "Sarawak_River", 0], [37117, 44819, "Kuching", 20], [37117, 44820, "Kuching", 21], [37117, 44821, "Kuching", 1], [37117, 44821, "Kuching_Division", 0], [37117, 44822, "Kuching", 16], [37117, 44823, "Kuching", 19], [37117, 44823, "Sarawak", 0], [37117, 44823, "Sarawak", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85053, 97334, "Pharrell_Williams", 4]]], "all_evidence": [[85053, 97334, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72828, 83912, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[72828, 83912, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30582, null, null, null]]], "all_evidence": [[30582, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265423, null, null, null], [321671, null, null, null]]], "all_evidence": [[265423, null, null, null], [321671, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135842, null, null, null]]], "all_evidence": [[135842, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260716, 259037, "Valencia", 0]]], "all_evidence": [[260716, 259037, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27295, 33438, "Global_warming", 15]]], "all_evidence": [[27295, 33438, "Global_warming", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199936, 209576, "Anne_Sullivan", 0]]], "all_evidence": [[199936, 209576, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239218, null, null, null], [239221, null, null, null]]], "all_evidence": [[239218, null, null, null], [239221, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178526, 191108, "AMGTV", 0]]], "all_evidence": [[178526, 191108, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201141, 210595, "The_Endless_River", 0]]], "all_evidence": [[201141, 210595, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76124, 87421, "Angelsberg", 0]]], "all_evidence": [[76124, 87421, "Angelsberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186113, null, null, null]]], "all_evidence": [[186113, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199129, 208803, "Entourage_-LRB-film-RRB-", 0]], [[199129, 208804, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199129, 208803, "Entourage_-LRB-film-RRB-", 0], [199129, 208804, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223837, null, null, null]]], "all_evidence": [[223837, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64019, 74724, "Luke_Cage", 6], [64019, 74724, "Luke_Cage", 7]]], "all_evidence": [[64019, 74724, "Luke_Cage", 6], [64019, 74724, "Luke_Cage", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157752, 172345, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[157752, 172345, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64862, 75719, "The_dress", 0]]], "all_evidence": [[64862, 75719, "The_dress", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229583, 233504, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[229583, 233504, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118034, 131892, "Damon_Albarn", 17]]], "all_evidence": [[118034, 131892, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89665, null, null, null]]], "all_evidence": [[89665, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198064, 208006, "Dave_Gibbons", 2], [198064, 208006, "2000_AD_-LRB-comics-RRB-", 0]]], "all_evidence": [[198064, 208006, "Dave_Gibbons", 2], [198064, 208006, "2000_AD_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74761, null, null, null]]], "all_evidence": [[74761, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118617, 132469, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[118617, 132469, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114350, null, null, null]]], "all_evidence": [[114350, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63848, null, null, null], [63849, null, null, null]]], "all_evidence": [[63848, null, null, null], [63849, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244333, 245360, "Matthew_Gray_Gubler", 0]], [[244333, 245361, "Matthew_Gray_Gubler", 1]], [[244333, 245362, "Matthew_Gray_Gubler", 2]], [[246834, 247273, "Matthew_Gray_Gubler", 0]], [[246834, 247274, "Matthew_Gray_Gubler", 1]], [[246834, 247275, "Matthew_Gray_Gubler", 2]], [[247514, 247803, "Matthew_Gray_Gubler", 0]], [[319372, 308091, "Matthew_Gray_Gubler", 0]], [[320546, 309103, "Matthew_Gray_Gubler", 0]], [[320546, 309104, "Matthew_Gray_Gubler", 1]], [[320546, 309105, "Matthew_Gray_Gubler", 2]], [[320547, 309106, "Matthew_Gray_Gubler", 0]], [[320547, 309107, "Matthew_Gray_Gubler", 1]], [[320547, 309108, "Matthew_Gray_Gubler", 2]]], "all_evidence": [[244333, 245360, "Matthew_Gray_Gubler", 0], [244333, 245361, "Matthew_Gray_Gubler", 1], [244333, 245362, "Matthew_Gray_Gubler", 2], [246834, 247273, "Matthew_Gray_Gubler", 0], [246834, 247274, "Matthew_Gray_Gubler", 1], [246834, 247275, "Matthew_Gray_Gubler", 2], [247514, 247803, "Matthew_Gray_Gubler", 0], [319372, 308091, "Matthew_Gray_Gubler", 0], [320546, 309103, "Matthew_Gray_Gubler", 0], [320546, 309104, "Matthew_Gray_Gubler", 1], [320546, 309105, "Matthew_Gray_Gubler", 2], [320547, 309106, "Matthew_Gray_Gubler", 0], [320547, 309107, "Matthew_Gray_Gubler", 1], [320547, 309108, "Matthew_Gray_Gubler", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165698, 179711, "Scotty_Moore", 0]]], "all_evidence": [[165698, 179711, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160879, null, null, null]]], "all_evidence": [[160879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227035, 231462, "Bea_Arthur", 0]], [[227036, 231463, "Bea_Arthur", 0]]], "all_evidence": [[227035, 231462, "Bea_Arthur", 0], [227036, 231463, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235722, null, null, null]]], "all_evidence": [[235722, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196587, null, null, null]]], "all_evidence": [[196587, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230047, null, null, null]]], "all_evidence": [[230047, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228548, null, null, null]]], "all_evidence": [[228548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89836, 102541, "Bloods", 1], [89836, 102541, "Crips", 4]]], "all_evidence": [[89836, 102541, "Bloods", 1], [89836, 102541, "Crips", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243006, 244291, "St._Anger", 0]], [[243006, 244292, "St._Anger", 18], [243006, 244292, "St._Anger_-LRB-song-RRB-", 1]]], "all_evidence": [[243006, 244291, "St._Anger", 0], [243006, 244292, "St._Anger", 18], [243006, 244292, "St._Anger_-LRB-song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89988, null, null, null]]], "all_evidence": [[89988, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186115, null, null, null]]], "all_evidence": [[186115, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126734, 141177, "Make_It_or_Break_It", 0]]], "all_evidence": [[126734, 141177, "Make_It_or_Break_It", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148508, null, null, null]]], "all_evidence": [[148508, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169499, 183127, "Raees_-LRB-film-RRB-", 1], [169499, 183127, "Shah_Rukh_Khan", 0]]], "all_evidence": [[169499, 183127, "Raees_-LRB-film-RRB-", 1], [169499, 183127, "Shah_Rukh_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80404, 92238, "Neil_Diamond", 0]]], "all_evidence": [[80404, 92238, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212190, null, null, null]]], "all_evidence": [[212190, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222214, 227597, "Oscar_De_La_Hoya", 0]], [[222214, 227598, "Oscar_De_La_Hoya", 8]]], "all_evidence": [[222214, 227597, "Oscar_De_La_Hoya", 0], [222214, 227598, "Oscar_De_La_Hoya", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21441, 26335, "State_of_Palestine", 1]]], "all_evidence": [[21441, 26335, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96588, 109748, "Rob_Sheridan", 0]]], "all_evidence": [[96588, 109748, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98032, null, null, null]]], "all_evidence": [[98032, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128007, 142693, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[128007, 142693, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73797, 85041, "Colin_Kaepernick", 5], [73797, 85041, "2012_San_Francisco_49ers_season", 0]]], "all_evidence": [[73797, 85041, "Colin_Kaepernick", 5], [73797, 85041, "2012_San_Francisco_49ers_season", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82739, null, null, null]]], "all_evidence": [[82739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235595, 238206, "Natural_Born_Killers", 5]]], "all_evidence": [[235595, 238206, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42829, 51461, "Tottenham_Hotspur_F.C.", 7]]], "all_evidence": [[42829, 51461, "Tottenham_Hotspur_F.C.", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176815, null, null, null]]], "all_evidence": [[176815, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166142, 180079, "Qui-Gon_Jinn", 0]]], "all_evidence": [[166142, 180079, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191472, 202327, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191472, 202327, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115151, 128927, "Fred_Armisen", 0]]], "all_evidence": [[115151, 128927, "Fred_Armisen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[297084, 288773, "Philip_Glass", 0]], [[297084, 288774, "Philip_Glass", 1]], [[297084, 288775, "Philip_Glass", 4]], [[297084, 288776, "Philip_Glass", 9]], [[298767, 290175, "Philip_Glass", 0]], [[298767, 290176, "Philip_Glass", 1]], [[298767, 290177, "Philip_Glass", 4]], [[298767, 290178, "Philip_Glass", 5]], [[298767, 290179, "Philip_Glass", 9]], [[298767, 290180, "Philip_Glass", 10]], [[300848, 291930, "Philip_Glass", 4]], [[300848, 291931, "Philip_Glass", 10]], [[300848, 291932, "Philip_Glass", 9]], [[344698, 328157, "Philip_Glass", 0]], [[344698, 328158, "Philip_Glass", 1]], [[344698, 328159, "Philip_Glass", 4]], [[344698, 328160, "Philip_Glass", 5]], [[344698, 328161, "Philip_Glass", 8]], [[344698, 328162, "Philip_Glass", 9]], [[344698, 328163, "Philip_Glass", 10]], [[344699, 328164, "Philip_Glass", 1]], [[344702, 328165, "Philip_Glass", 4]], [[344704, 328166, "Philip_Glass", 0]], [[344704, 328167, "Philip_Glass", 1]], [[344704, 328168, "Philip_Glass", 4]], [[344704, 328169, "Philip_Glass", 5]]], "all_evidence": [[297084, 288773, "Philip_Glass", 0], [297084, 288774, "Philip_Glass", 1], [297084, 288775, "Philip_Glass", 4], [297084, 288776, "Philip_Glass", 9], [298767, 290175, "Philip_Glass", 0], [298767, 290176, "Philip_Glass", 1], [298767, 290177, "Philip_Glass", 4], [298767, 290178, "Philip_Glass", 5], [298767, 290179, "Philip_Glass", 9], [298767, 290180, "Philip_Glass", 10], [300848, 291930, "Philip_Glass", 4], [300848, 291931, "Philip_Glass", 10], [300848, 291932, "Philip_Glass", 9], [344698, 328157, "Philip_Glass", 0], [344698, 328158, "Philip_Glass", 1], [344698, 328159, "Philip_Glass", 4], [344698, 328160, "Philip_Glass", 5], [344698, 328161, "Philip_Glass", 8], [344698, 328162, "Philip_Glass", 9], [344698, 328163, "Philip_Glass", 10], [344699, 328164, "Philip_Glass", 1], [344702, 328165, "Philip_Glass", 4], [344704, 328166, "Philip_Glass", 0], [344704, 328167, "Philip_Glass", 1], [344704, 328168, "Philip_Glass", 4], [344704, 328169, "Philip_Glass", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120176, 134353, "Battle_of_France", 0]]], "all_evidence": [[120176, 134353, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257098, 256147, "Homer_Hickam", 2]]], "all_evidence": [[257098, 256147, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92769, 105634, "Connie_Nielsen", 0]]], "all_evidence": [[92769, 105634, "Connie_Nielsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170617, 184157, "Vietnam", 1]]], "all_evidence": [[170617, 184157, "Vietnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107125, 120500, "Miranda_Otto", 1]]], "all_evidence": [[107125, 120500, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46314, null, null, null]]], "all_evidence": [[46314, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279609, null, null, null], [281295, null, null, null], [283449, null, null, null]]], "all_evidence": [[279609, null, null, null], [281295, null, null, null], [283449, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232783, null, null, null]]], "all_evidence": [[232783, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208605, 216603, "Wentworth_Miller", 2]]], "all_evidence": [[208605, 216603, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61931, 72414, "Seohyun", 0]], [[61931, 72415, "Seohyun", 2]], [[61931, 72416, "Seohyun", 3]]], "all_evidence": [[61931, 72414, "Seohyun", 0], [61931, 72415, "Seohyun", 2], [61931, 72416, "Seohyun", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232781, null, null, null]]], "all_evidence": [[232781, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126611, 141008, "Ed_Wood_-LRB-film-RRB-", 1]], [[128020, 142720, "Ed_Wood_-LRB-film-RRB-", 1]], [[130071, 144814, "Ed_Wood_-LRB-film-RRB-", 1]], [[308939, 299223, "Ed_Wood_-LRB-film-RRB-", 1]], [[310593, 300639, "Ed_Wood_-LRB-film-RRB-", 1]]], "all_evidence": [[126611, 141008, "Ed_Wood_-LRB-film-RRB-", 1], [128020, 142720, "Ed_Wood_-LRB-film-RRB-", 1], [130071, 144814, "Ed_Wood_-LRB-film-RRB-", 1], [308939, 299223, "Ed_Wood_-LRB-film-RRB-", 1], [310593, 300639, "Ed_Wood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198028, 207975, "Syracuse,_New_York", 2]]], "all_evidence": [[198028, 207975, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38401, 46351, "Derek_Hough", 6], [38401, 46351, "Make_Your_Move_-LRB-film-RRB-", 0], [38401, 46351, "Make_Your_Move_-LRB-film-RRB-", 1]]], "all_evidence": [[38401, 46351, "Derek_Hough", 6], [38401, 46351, "Make_Your_Move_-LRB-film-RRB-", 0], [38401, 46351, "Make_Your_Move_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189741, null, null, null], [189744, null, null, null]]], "all_evidence": [[189741, null, null, null], [189744, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184127, null, null, null]]], "all_evidence": [[184127, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90998, 103670, "Shawn_Carlson", 0]]], "all_evidence": [[90998, 103670, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91403, null, null, null]]], "all_evidence": [[91403, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184000, 195973, "Dan_O'Bannon", 0]]], "all_evidence": [[184000, 195973, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196612, 206722, "Michael_Vick", 0]]], "all_evidence": [[196612, 206722, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261936, null, null, null], [321483, null, null, null], [322577, null, null, null]]], "all_evidence": [[261936, null, null, null], [321483, null, null, null], [322577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25499, 31430, "Rachel_Green", 0]]], "all_evidence": [[25499, 31430, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196592, null, null, null]]], "all_evidence": [[196592, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186392, 198210, "Robert_Lopez", 1]]], "all_evidence": [[186392, 198210, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64752, 75583, "San_Diego_Comic-Con", 1]]], "all_evidence": [[64752, 75583, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179987, 192522, "Taylor_Lautner", 4]]], "all_evidence": [[179987, 192522, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57551, 67781, "Carlos_Santana", 0]], [[57551, 67782, "Carlos_Santana", 4]]], "all_evidence": [[57551, 67781, "Carlos_Santana", 0], [57551, 67782, "Carlos_Santana", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79952, 91699, "The_100_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[79952, 91699, "The_100_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25285, 31182, "14th_Dalai_Lama", 0], [25285, 31182, "Dalai_Lama", 0]]], "all_evidence": [[25285, 31182, "14th_Dalai_Lama", 0], [25285, 31182, "Dalai_Lama", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201138, 210591, "The_Endless_River", 0]], [[201138, 210592, "The_Endless_River", 2]]], "all_evidence": [[201138, 210591, "The_Endless_River", 0], [201138, 210592, "The_Endless_River", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56550, 66742, "Bret_Easton_Ellis", 20], [56550, 66742, "The_Canyons_-LRB-film-RRB-", 0]]], "all_evidence": [[56550, 66742, "Bret_Easton_Ellis", 20], [56550, 66742, "The_Canyons_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25643, 31563, "Human_trafficking", 0]]], "all_evidence": [[25643, 31563, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188648, null, null, null]]], "all_evidence": [[188648, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266040, 263142, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266040, 263142, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210890, null, null, null]]], "all_evidence": [[210890, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292116, 284955, "Tim_Roth", 0]], [[294131, 286486, "Tim_Roth", 0]], [[294784, 286993, "Tim_Roth", 0]], [[294784, 286994, "Tim_Roth", 8]], [[294785, 286995, "Tim_Roth", 0]], [[339457, 324418, "Tim_Roth", 0]]], "all_evidence": [[292116, 284955, "Tim_Roth", 0], [294131, 286486, "Tim_Roth", 0], [294784, 286993, "Tim_Roth", 0], [294784, 286994, "Tim_Roth", 8], [294785, 286995, "Tim_Roth", 0], [339457, 324418, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188644, null, null, null]]], "all_evidence": [[188644, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186101, null, null, null]]], "all_evidence": [[186101, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147917, null, null, null]]], "all_evidence": [[147917, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[297423, 289083, "Lockheed_Martin", 0]], [[297423, 289084, "Lockheed_Martin", 7]], [[341849, 326123, "Lockheed_Martin", 0]], [[341853, 326126, "Lockheed_Martin", 0]], [[341854, 326127, "Lockheed_Martin", 0]]], "all_evidence": [[297423, 289083, "Lockheed_Martin", 0], [297423, 289084, "Lockheed_Martin", 7], [341849, 326123, "Lockheed_Martin", 0], [341853, 326126, "Lockheed_Martin", 0], [341854, 326127, "Lockheed_Martin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110982, 124649, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[110982, 124649, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208035, 216188, "Franchising", 8]]], "all_evidence": [[208035, 216188, "Franchising", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173064, null, null, null]]], "all_evidence": [[173064, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216113, null, null, null], [216118, null, null, null]]], "all_evidence": [[216113, null, null, null], [216118, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281687, null, null, null], [283777, null, null, null]]], "all_evidence": [[281687, null, null, null], [283777, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15927, 19800, "Nuuk", 1]], [[15927, 19801, "Nuuk", 4]]], "all_evidence": [[15927, 19800, "Nuuk", 1], [15927, 19801, "Nuuk", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186369, null, null, null]]], "all_evidence": [[186369, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270534, 266559, "Jenna_Jameson", 3]]], "all_evidence": [[270534, 266559, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106129, 119532, "Global_warming", 13]]], "all_evidence": [[106129, 119532, "Global_warming", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57137, 67367, "Justine_Bateman", 0]]], "all_evidence": [[57137, 67367, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40206, 48376, "Heart", 19]]], "all_evidence": [[40206, 48376, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153583, 168421, "Tatum_O'Neal", 3]], [[153583, 168422, "Tatum_O'Neal", 6]]], "all_evidence": [[153583, 168421, "Tatum_O'Neal", 3], [153583, 168422, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227812, null, null, null]]], "all_evidence": [[227812, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21811, 26810, "Stephen_Hillenburg", 4]]], "all_evidence": [[21811, 26810, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169821, null, null, null]]], "all_evidence": [[169821, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238957, 240913, "Despicable_Me_2", 1]]], "all_evidence": [[238957, 240913, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283020, null, null, null], [284916, null, null, null], [285658, null, null, null], [331485, null, null, null]]], "all_evidence": [[283020, null, null, null], [284916, null, null, null], [285658, null, null, null], [331485, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199931, 209570, "Anne_Sullivan", 0]], [[199931, 209571, "Anne_Sullivan", 2]], [[199934, 209573, "Anne_Sullivan", 0]], [[199934, 209574, "Anne_Sullivan", 2]]], "all_evidence": [[199931, 209570, "Anne_Sullivan", 0], [199931, 209571, "Anne_Sullivan", 2], [199934, 209573, "Anne_Sullivan", 0], [199934, 209574, "Anne_Sullivan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56542, null, null, null]]], "all_evidence": [[56542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268270, 264876, "Soul_Food_-LRB-film-RRB-", 0]], [[270218, 266312, "Soul_Food_-LRB-film-RRB-", 0]], [[271337, 267246, "Soul_Food_-LRB-film-RRB-", 0]], [[321832, 310217, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[268270, 264876, "Soul_Food_-LRB-film-RRB-", 0], [270218, 266312, "Soul_Food_-LRB-film-RRB-", 0], [271337, 267246, "Soul_Food_-LRB-film-RRB-", 0], [321832, 310217, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55903, 65991, "Neil_Diamond", 0]], [[55903, 65992, "Neil_Diamond", 2]], [[55903, 65993, "Neil_Diamond", 3]], [[55903, 65994, "Neil_Diamond", 6]]], "all_evidence": [[55903, 65991, "Neil_Diamond", 0], [55903, 65992, "Neil_Diamond", 2], [55903, 65993, "Neil_Diamond", 3], [55903, 65994, "Neil_Diamond", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57959, null, null, null]]], "all_evidence": [[57959, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211997, null, null, null]]], "all_evidence": [[211997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110649, 124307, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[110649, 124307, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194800, null, null, null]]], "all_evidence": [[194800, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172881, 186145, "Psych", 6]]], "all_evidence": [[172881, 186145, "Psych", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210215, 218006, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]], "all_evidence": [[210215, 218006, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235571, 238191, "Natural_Born_Killers", 5]]], "all_evidence": [[235571, 238191, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225790, null, null, null]]], "all_evidence": [[225790, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163565, 177826, "CONCACAF_Champions_League", 0]], [[163566, 177827, "CONCACAF_Champions_League", 0]]], "all_evidence": [[163565, 177826, "CONCACAF_Champions_League", 0], [163566, 177827, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42520, 51169, "Paramore", 0]]], "all_evidence": [[42520, 51169, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266935, null, null, null], [267626, null, null, null], [321745, null, null, null], [323047, null, null, null]]], "all_evidence": [[266935, null, null, null], [267626, null, null, null], [321745, null, null, null], [323047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183419, 195421, "Guatemala", 16]]], "all_evidence": [[183419, 195421, "Guatemala", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154970, null, null, null]]], "all_evidence": [[154970, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127372, 141925, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[127372, 141925, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50059, 59581, "Colombiana", 0]]], "all_evidence": [[50059, 59581, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253951, null, null, null]]], "all_evidence": [[253951, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65347, null, null, null]]], "all_evidence": [[65347, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225645, 230269, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225646, 230270, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225645, 230269, "Ian_Brennan_-LRB-writer-RRB-", 0], [225646, 230270, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205299, 213895, "Invasion_literature", 3]]], "all_evidence": [[205299, 213895, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76513, 87813, "Stephen_Hillenburg", 4]]], "all_evidence": [[76513, 87813, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257338, 256357, "Calcaneal_spur", 1]]], "all_evidence": [[257338, 256357, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279690, null, null, null], [281390, null, null, null], [328067, null, null, null], [329046, null, null, null]]], "all_evidence": [[279690, null, null, null], [281390, null, null, null], [328067, null, null, null], [329046, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216568, 223258, "Mani_Ratnam", 0]], [[216568, 223259, "Mani_Ratnam", 1]], [[216568, 223260, "Mani_Ratnam", 2]], [[216568, 223261, "Mani_Ratnam", 10]], [[216568, 223262, "Mani_Ratnam", 11], [216568, 223262, "Nayakan", 0]], [[216568, 223263, "Mani_Ratnam", 12], [216568, 223263, "Roja", 0]], [[216568, 223264, "Mani_Ratnam", 15]], [[216569, 223265, "Mani_Ratnam", 1]], [[216569, 223266, "Mani_Ratnam", 8], [216569, 223266, "Pallavi_Anu_Pallavi", 0]], [[216569, 223267, "Mani_Ratnam", 10], [216569, 223267, "Mouna_Ragam", 0]], [[216569, 223268, "Mani_Ratnam", 11], [216569, 223268, "Nayakan", 0]], [[216569, 223269, "Mani_Ratnam", 12], [216569, 223269, "Bombay_-LRB-film-RRB-", 0]], [[216569, 223270, "Mani_Ratnam", 15]]], "all_evidence": [[216568, 223258, "Mani_Ratnam", 0], [216568, 223259, "Mani_Ratnam", 1], [216568, 223260, "Mani_Ratnam", 2], [216568, 223261, "Mani_Ratnam", 10], [216568, 223262, "Mani_Ratnam", 11], [216568, 223262, "Nayakan", 0], [216568, 223263, "Mani_Ratnam", 12], [216568, 223263, "Roja", 0], [216568, 223264, "Mani_Ratnam", 15], [216569, 223265, "Mani_Ratnam", 1], [216569, 223266, "Mani_Ratnam", 8], [216569, 223266, "Pallavi_Anu_Pallavi", 0], [216569, 223267, "Mani_Ratnam", 10], [216569, 223267, "Mouna_Ragam", 0], [216569, 223268, "Mani_Ratnam", 11], [216569, 223268, "Nayakan", 0], [216569, 223269, "Mani_Ratnam", 12], [216569, 223269, "Bombay_-LRB-film-RRB-", 0], [216569, 223270, "Mani_Ratnam", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245244, 246106, "Efraim_Diveroli", 6]]], "all_evidence": [[245244, 246106, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110206, null, null, null]]], "all_evidence": [[110206, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218296, 224608, "Eva_Mendes", 0]]], "all_evidence": [[218296, 224608, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209769, 217561, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]], [[209769, 217562, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]], "all_evidence": [[209769, 217561, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1], [209769, 217562, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107652, null, null, null]]], "all_evidence": [[107652, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231482, 234967, "Diwali", 0]], [[231483, 234968, "Diwali", 0]]], "all_evidence": [[231482, 234967, "Diwali", 0], [231483, 234968, "Diwali", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216059, null, null, null]]], "all_evidence": [[216059, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231179, 234710, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231179, 234710, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269549, null, null, null]]], "all_evidence": [[269549, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[264406, null, null, null], [264409, null, null, null]]], "all_evidence": [[264406, null, null, null], [264409, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223881, null, null, null]]], "all_evidence": [[223881, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28309, 34624, "White_House_Press_Secretary", 0]]], "all_evidence": [[28309, 34624, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203004, 212129, "Christian_Gottlob_Neefe", 0]], [[203007, 212132, "Christian_Gottlob_Neefe", 0], [203007, 212132, "Composer", 0]]], "all_evidence": [[203004, 212129, "Christian_Gottlob_Neefe", 0], [203007, 212132, "Christian_Gottlob_Neefe", 0], [203007, 212132, "Composer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239226, 241143, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239228, 241144, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239230, 241146, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239231, 241147, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239226, 241143, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239228, 241144, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239230, 241146, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239231, 241147, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226476, 231039, "Eighth_Doctor", 0]], [[226476, 231040, "Eighth_Doctor", 4]], [[226476, 231041, "Eighth_Doctor", 6]], [[226476, 231042, "Eighth_Doctor", 5]]], "all_evidence": [[226476, 231039, "Eighth_Doctor", 0], [226476, 231040, "Eighth_Doctor", 4], [226476, 231041, "Eighth_Doctor", 6], [226476, 231042, "Eighth_Doctor", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139707, 154714, "Microbiologist", 14]]], "all_evidence": [[139707, 154714, "Microbiologist", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190808, null, null, null]]], "all_evidence": [[190808, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162157, 176491, "Due_Date", 2]]], "all_evidence": [[162157, 176491, "Due_Date", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199065, null, null, null]]], "all_evidence": [[199065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91073, 103756, "Hindu_Kush", 0]], [[91073, 103757, "Hindu_Kush", 2]], [[91073, 103758, "Hindu_Kush", 5]], [[91073, 103759, "Hindu_Kush", 14]]], "all_evidence": [[91073, 103756, "Hindu_Kush", 0], [91073, 103757, "Hindu_Kush", 2], [91073, 103758, "Hindu_Kush", 5], [91073, 103759, "Hindu_Kush", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65587, 76462, "Hedda_Gabler", 1]]], "all_evidence": [[65587, 76462, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34114, 41369, "Trollhunters", 0]], [[34114, 41370, "Trollhunters", 3]], [[34114, 41371, "Trollhunters", 5]], [[34114, 41372, "Trollhunters", 6]]], "all_evidence": [[34114, 41369, "Trollhunters", 0], [34114, 41370, "Trollhunters", 3], [34114, 41371, "Trollhunters", 5], [34114, 41372, "Trollhunters", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53749, 63750, "John_Deighton", 15]]], "all_evidence": [[53749, 63750, "John_Deighton", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106095, 119478, "Luis_Fonsi", 0]]], "all_evidence": [[106095, 119478, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90210, 102914, "Heavy_metal_music", 0]]], "all_evidence": [[90210, 102914, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87053, 99548, "Off_the_Wall", 14]]], "all_evidence": [[87053, 99548, "Off_the_Wall", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126727, null, null, null]]], "all_evidence": [[126727, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[271163, null, null, null]]], "all_evidence": [[271163, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49027, 58366, "David_Spade", 2]]], "all_evidence": [[49027, 58366, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116518, 130400, "Shane_McMahon", 0]], [[116518, 130401, "Shane_McMahon", 4]], [[116518, 130402, "Shane_McMahon", 10]]], "all_evidence": [[116518, 130400, "Shane_McMahon", 0], [116518, 130401, "Shane_McMahon", 4], [116518, 130402, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152381, 167182, "Joe_Rogan", 7]]], "all_evidence": [[152381, 167182, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237007, null, null, null]]], "all_evidence": [[237007, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113838, 127701, "Kellyanne_Conway", 4]]], "all_evidence": [[113838, 127701, "Kellyanne_Conway", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66819, null, null, null]]], "all_evidence": [[66819, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64362, null, null, null]]], "all_evidence": [[64362, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225647, 230271, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225648, 230272, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225647, 230271, "Ian_Brennan_-LRB-writer-RRB-", 0], [225648, 230272, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157051, 171607, "South_African_Communist_Party", 2]], [[157057, 171611, "South_African_Communist_Party", 0]]], "all_evidence": [[157051, 171607, "South_African_Communist_Party", 2], [157057, 171611, "South_African_Communist_Party", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43537, null, null, null]]], "all_evidence": [[43537, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60732, 71219, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[60732, 71219, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269613, 265893, "Richard_Dawkins", 16]], [[269616, 265895, "Richard_Dawkins", 16]]], "all_evidence": [[269613, 265893, "Richard_Dawkins", 16], [269616, 265895, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23102, 28447, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[23102, 28447, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178334, null, null, null]]], "all_evidence": [[178334, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189896, 201081, "Mickey_Rourke", 13]]], "all_evidence": [[189896, 201081, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134062, null, null, null]]], "all_evidence": [[134062, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175091, 188146, "Viola_Davis", 6]]], "all_evidence": [[175091, 188146, "Viola_Davis", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203331, 212373, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203331, 212373, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112059, null, null, null], [112061, null, null, null]]], "all_evidence": [[112059, null, null, null], [112061, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55904, 65995, "Neil_Diamond", 0]], [[55904, 65996, "Neil_Diamond", 1]], [[55904, 65997, "Neil_Diamond", 2]], [[55904, 65998, "Neil_Diamond", 3]], [[55904, 65999, "Neil_Diamond", 6]], [[55904, 66000, "Neil_Diamond", 8]], [[55905, 66001, "Neil_Diamond", 0]], [[55905, 66002, "Neil_Diamond", 1]], [[55905, 66003, "Neil_Diamond", 2]], [[55905, 66004, "Neil_Diamond", 3]], [[55905, 66005, "Neil_Diamond", 6]], [[55905, 66006, "Neil_Diamond", 8]]], "all_evidence": [[55904, 65995, "Neil_Diamond", 0], [55904, 65996, "Neil_Diamond", 1], [55904, 65997, "Neil_Diamond", 2], [55904, 65998, "Neil_Diamond", 3], [55904, 65999, "Neil_Diamond", 6], [55904, 66000, "Neil_Diamond", 8], [55905, 66001, "Neil_Diamond", 0], [55905, 66002, "Neil_Diamond", 1], [55905, 66003, "Neil_Diamond", 2], [55905, 66004, "Neil_Diamond", 3], [55905, 66005, "Neil_Diamond", 6], [55905, 66006, "Neil_Diamond", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144552, 159565, "Saw_-LRB-franchise-RRB-", 0]], [[144552, 159566, "Saw_-LRB-franchise-RRB-", 19]], [[311155, 301177, "Saw_-LRB-franchise-RRB-", 0]]], "all_evidence": [[144552, 159565, "Saw_-LRB-franchise-RRB-", 0], [144552, 159566, "Saw_-LRB-franchise-RRB-", 19], [311155, 301177, "Saw_-LRB-franchise-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181119, 193402, "Floppy_disk", 0]]], "all_evidence": [[181119, 193402, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161122, null, null, null]]], "all_evidence": [[161122, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257076, null, null, null]]], "all_evidence": [[257076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199090, 208771, "Entourage_-LRB-film-RRB-", 0]], [[199090, 208772, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199090, 208771, "Entourage_-LRB-film-RRB-", 0], [199090, 208772, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255558, 254991, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255558, 254991, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160190, 174703, "Julianne_Moore", 5], [160190, 174703, "As_the_World_Turns", 1]]], "all_evidence": [[160190, 174703, "Julianne_Moore", 5], [160190, 174703, "As_the_World_Turns", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238953, 240909, "Despicable_Me_2", 1]]], "all_evidence": [[238953, 240909, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248562, 248720, "In_a_Lonely_Place", 1]]], "all_evidence": [[248562, 248720, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165106, 179259, "Kesha", 0]]], "all_evidence": [[165106, 179259, "Kesha", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273660, 269029, "Working_animal", 0]]], "all_evidence": [[273660, 269029, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35921, 43471, "You_Belong_with_Me", 0]], [[35921, 43472, "You_Belong_with_Me", 1]]], "all_evidence": [[35921, 43471, "You_Belong_with_Me", 0], [35921, 43472, "You_Belong_with_Me", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251689, null, null, null], [251690, null, null, null]]], "all_evidence": [[251689, null, null, null], [251690, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79669, 91415, "Sean_Penn", 5]]], "all_evidence": [[79669, 91415, "Sean_Penn", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164583, null, null, null], [164587, null, null, null]]], "all_evidence": [[164583, null, null, null], [164587, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283024, null, null, null], [284918, null, null, null], [285654, null, null, null], [331479, null, null, null], [332273, null, null, null]]], "all_evidence": [[283024, null, null, null], [284918, null, null, null], [285654, null, null, null], [331479, null, null, null], [332273, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223623, null, null, null]]], "all_evidence": [[223623, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126692, 141123, "Paramore", 0]], [[126692, 141124, "Paramore", 8], [126692, 141124, "Paramore", 9]], [[126692, 141125, "Paramore", 4]], [[126694, 141127, "Paramore", 0]]], "all_evidence": [[126692, 141123, "Paramore", 0], [126692, 141124, "Paramore", 8], [126692, 141124, "Paramore", 9], [126692, 141125, "Paramore", 4], [126694, 141127, "Paramore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172369, 185691, "Heart", 19]]], "all_evidence": [[172369, 185691, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216102, 222815, "CHiPs_-LRB-film-RRB-", 0]], [[216102, 222816, "CHiPs_-LRB-film-RRB-", 1]], [[216102, 222817, "CHiPs_-LRB-film-RRB-", 5]]], "all_evidence": [[216102, 222815, "CHiPs_-LRB-film-RRB-", 0], [216102, 222816, "CHiPs_-LRB-film-RRB-", 1], [216102, 222817, "CHiPs_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154538, null, null, null]]], "all_evidence": [[154538, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20800, 25490, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[168025, 181791, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[20800, 25490, "Mirny_-LRB-sloop-of-war-RRB-", 0], [168025, 181791, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255970, 255281, "Weekly_Idol", 1], [255970, 255281, "Weekly_Idol", 0]]], "all_evidence": [[255970, 255281, "Weekly_Idol", 1], [255970, 255281, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95437, null, null, null]]], "all_evidence": [[95437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239005, 240954, "Despicable_Me_2", 1]]], "all_evidence": [[239005, 240954, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254362, 254054, "DJ_Quik", 0]]], "all_evidence": [[254362, 254054, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147118, 162105, "Dakota_Fanning", 0]], [[147118, 162106, "Dakota_Fanning", 10]], [[147118, 162107, "Dakota_Fanning", 11]]], "all_evidence": [[147118, 162105, "Dakota_Fanning", 0], [147118, 162106, "Dakota_Fanning", 10], [147118, 162107, "Dakota_Fanning", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237605, 239820, "Dakota_Fanning", 6]], [[237606, 239821, "Dakota_Fanning", 6]]], "all_evidence": [[237605, 239820, "Dakota_Fanning", 6], [237606, 239821, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125242, 139577, "French_Indochina", 0]]], "all_evidence": [[125242, 139577, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266022, 263125, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266022, 263125, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208049, 216198, "Franchising", 8]]], "all_evidence": [[208049, 216198, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95806, 108865, "Lemmy", 2]]], "all_evidence": [[95806, 108865, "Lemmy", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26644, 32707, "Croatia", 28]]], "all_evidence": [[26644, 32707, "Croatia", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91317, 104027, "Make_It_or_Break_It", 9]]], "all_evidence": [[91317, 104027, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31895, null, null, null]]], "all_evidence": [[31895, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49031, null, null, null]]], "all_evidence": [[49031, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228681, 232818, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228684, 232820, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]], "all_evidence": [[228681, 232818, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228684, 232820, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37866, 45783, "Mike_Huckabee", 7]]], "all_evidence": [[37866, 45783, "Mike_Huckabee", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81024, 92873, "Martin_Van_Buren", 0]]], "all_evidence": [[81024, 92873, "Martin_Van_Buren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255965, 255278, "Weekly_Idol", 1]]], "all_evidence": [[255965, 255278, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177961, null, null, null]]], "all_evidence": [[177961, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292892, null, null, null], [297189, null, null, null], [340992, null, null, null]]], "all_evidence": [[292892, null, null, null], [297189, null, null, null], [340992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78270, 89794, "Francis_I_of_France", 0]]], "all_evidence": [[78270, 89794, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64033, 74736, "Kendall_Jenner", 4]], [[64033, 74737, "Kendall_Jenner", 5]]], "all_evidence": [[64033, 74736, "Kendall_Jenner", 4], [64033, 74737, "Kendall_Jenner", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95946, 109022, "T2_Trainspotting", 0]]], "all_evidence": [[95946, 109022, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238993, 240946, "Despicable_Me_2", 1]]], "all_evidence": [[238993, 240946, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34285, 41573, "Tenacious_D", 0]]], "all_evidence": [[34285, 41573, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26676, 32736, "Ashton_Kutcher", 8]]], "all_evidence": [[26676, 32736, "Ashton_Kutcher", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88907, null, null, null]]], "all_evidence": [[88907, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104889, 118300, "Psych", 2]]], "all_evidence": [[104889, 118300, "Psych", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134391, null, null, null]]], "all_evidence": [[134391, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245492, 246284, "Mel_B", 0]], [[245492, 246285, "Mel_B", 1]]], "all_evidence": [[245492, 246284, "Mel_B", 0], [245492, 246285, "Mel_B", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45260, 54013, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[45260, 54013, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246618, 247094, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246618, 247094, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98118, 111243, "In_the_End", 0]]], "all_evidence": [[98118, 111243, "In_the_End", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227041, null, null, null]]], "all_evidence": [[227041, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39689, 47766, "I_Kissed_a_Girl", 0]]], "all_evidence": [[39689, 47766, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237500, 239705, "North_Vietnam", 0]]], "all_evidence": [[237500, 239705, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145931, 160943, "Annette_Badland", 1]], [[145932, 160944, "Annette_Badland", 1]]], "all_evidence": [[145931, 160943, "Annette_Badland", 1], [145932, 160944, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269604, null, null, null]]], "all_evidence": [[269604, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216055, null, null, null]]], "all_evidence": [[216055, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211981, null, null, null]]], "all_evidence": [[211981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114177, 127985, "Saw_-LRB-franchise-RRB-", 2], [114177, 127985, "Saw_-LRB-2004_film-RRB-", 5]]], "all_evidence": [[114177, 127985, "Saw_-LRB-franchise-RRB-", 2], [114177, 127985, "Saw_-LRB-2004_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86430, 98837, "Duff_McKagan", 0]]], "all_evidence": [[86430, 98837, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166011, null, null, null]]], "all_evidence": [[166011, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199127, 208802, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199127, 208802, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113976, 127810, "Due_Date", 2]]], "all_evidence": [[113976, 127810, "Due_Date", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20130, null, null, null]]], "all_evidence": [[20130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56442, 66651, "Margaret_Thatcher", 0]], [[56442, 66652, "Margaret_Thatcher", 1]], [[56442, 66653, "Margaret_Thatcher", 3]], [[56442, 66654, "Margaret_Thatcher", 9]], [[56442, 66655, "Margaret_Thatcher", 20]]], "all_evidence": [[56442, 66651, "Margaret_Thatcher", 0], [56442, 66652, "Margaret_Thatcher", 1], [56442, 66653, "Margaret_Thatcher", 3], [56442, 66654, "Margaret_Thatcher", 9], [56442, 66655, "Margaret_Thatcher", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37697, 45625, "Prescott,_Arizona", 0]], [[37697, 45626, "Prescott,_Arizona", 2]]], "all_evidence": [[37697, 45625, "Prescott,_Arizona", 0], [37697, 45626, "Prescott,_Arizona", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27990, 34286, "English_people", 6]]], "all_evidence": [[27990, 34286, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35499, 43013, "Despacito", 11]], [[35499, 43014, "Despacito", 12]], [[35499, 43015, "Despacito", 14]]], "all_evidence": [[35499, 43013, "Despacito", 11], [35499, 43014, "Despacito", 12], [35499, 43015, "Despacito", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211430, null, null, null]]], "all_evidence": [[211430, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162343, 176657, "Henry_II_of_France", 15]]], "all_evidence": [[162343, 176657, "Henry_II_of_France", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152948, 167715, "Billboard_Dad", 0]]], "all_evidence": [[152948, 167715, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102625, 115889, "Global_warming", 13]]], "all_evidence": [[102625, 115889, "Global_warming", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73076, 84273, "Luis_Fonsi", 0]]], "all_evidence": [[73076, 84273, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141461, 156659, "Daggering", 0]]], "all_evidence": [[141461, 156659, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94809, 107774, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[94809, 107774, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88863, null, null, null]]], "all_evidence": [[88863, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36706, 44333, "Trevor_Griffiths", 0]]], "all_evidence": [[36706, 44333, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160500, 175006, "Charles_Manson", 0]]], "all_evidence": [[160500, 175006, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102269, 115548, "Billboard_Dad", 0], [102269, 115548, "Alan_Metter", 1]]], "all_evidence": [[102269, 115548, "Billboard_Dad", 0], [102269, 115548, "Alan_Metter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142436, 157622, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[142436, 157622, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69702, 80565, "Papua_-LRB-province-RRB-", 0], [69702, 80565, "Western_New_Guinea", 0]]], "all_evidence": [[69702, 80565, "Papua_-LRB-province-RRB-", 0], [69702, 80565, "Western_New_Guinea", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48933, 58266, "Eric_Church", 0]], [[48933, 58267, "Eric_Church", 2], [48933, 58267, "Two_Pink_Lines", 0], [48933, 58267, "Guys_Like_Me", 0]], [[48933, 58268, "Eric_Church", 5], [48933, 58268, "Smoke_a_Little_Smoke", 0], [48933, 58268, "Love_Your_Love_the_Most", 0], [48933, 58268, "Hell_on_the_Heart", 0]], [[48933, 58269, "Eric_Church", 6], [48933, 58269, "Drink_in_My_Hand", 0], [48933, 58269, "Springsteen_-LRB-song-RRB-", 0], [48933, 58269, "Like_Jesus_Does", 0]], [[48933, 58270, "Eric_Church", 7], [48933, 58270, "The_Only_Way_I_Know", 0]], [[48933, 58271, "Eric_Church", 9], [48933, 58271, "Give_Me_Back_My_Hometown", 0], [48933, 58271, "Cold_One", 0], [48933, 58271, "Like_a_Wrecking_Ball", 0], [48933, 58271, "Talladega_-LRB-song-RRB-", 0]], [[48933, 58272, "Eric_Church", 10], [48933, 58272, "Give_Me_Back_My_Hometown", 0], [48933, 58272, "Talladega_-LRB-song-RRB-", 0]], [[48933, 58273, "Eric_Church", 11], [48933, 58273, "Raise_'Em_Up", 0]]], "all_evidence": [[48933, 58266, "Eric_Church", 0], [48933, 58267, "Eric_Church", 2], [48933, 58267, "Two_Pink_Lines", 0], [48933, 58267, "Guys_Like_Me", 0], [48933, 58268, "Eric_Church", 5], [48933, 58268, "Smoke_a_Little_Smoke", 0], [48933, 58268, "Love_Your_Love_the_Most", 0], [48933, 58268, "Hell_on_the_Heart", 0], [48933, 58269, "Eric_Church", 6], [48933, 58269, "Drink_in_My_Hand", 0], [48933, 58269, "Springsteen_-LRB-song-RRB-", 0], [48933, 58269, "Like_Jesus_Does", 0], [48933, 58270, "Eric_Church", 7], [48933, 58270, "The_Only_Way_I_Know", 0], [48933, 58271, "Eric_Church", 9], [48933, 58271, "Give_Me_Back_My_Hometown", 0], [48933, 58271, "Cold_One", 0], [48933, 58271, "Like_a_Wrecking_Ball", 0], [48933, 58271, "Talladega_-LRB-song-RRB-", 0], [48933, 58272, "Eric_Church", 10], [48933, 58272, "Give_Me_Back_My_Hometown", 0], [48933, 58272, "Talladega_-LRB-song-RRB-", 0], [48933, 58273, "Eric_Church", 11], [48933, 58273, "Raise_'Em_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155322, 170012, "Colin_Kaepernick", 0]], [[155322, 170013, "Colin_Kaepernick", 1]], [[155322, 170014, "Colin_Kaepernick", 2]], [[155322, 170015, "Colin_Kaepernick", 6]], [[155323, 170016, "Colin_Kaepernick", 0]], [[155323, 170017, "Colin_Kaepernick", 1]], [[155323, 170018, "Colin_Kaepernick", 2]], [[155323, 170019, "Colin_Kaepernick", 6]]], "all_evidence": [[155322, 170012, "Colin_Kaepernick", 0], [155322, 170013, "Colin_Kaepernick", 1], [155322, 170014, "Colin_Kaepernick", 2], [155322, 170015, "Colin_Kaepernick", 6], [155323, 170016, "Colin_Kaepernick", 0], [155323, 170017, "Colin_Kaepernick", 1], [155323, 170018, "Colin_Kaepernick", 2], [155323, 170019, "Colin_Kaepernick", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196599, null, null, null]]], "all_evidence": [[196599, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211446, null, null, null]]], "all_evidence": [[211446, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148244, null, null, null]]], "all_evidence": [[148244, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69043, 79841, "Touchscreen", 9]]], "all_evidence": [[69043, 79841, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80393, 92225, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[80393, 92225, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236600, null, null, null]]], "all_evidence": [[236600, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188642, 200095, "Veeram_-LRB-2014_film-RRB-", 0]], [[188642, 200096, "Veeram_-LRB-2014_film-RRB-", 3]]], "all_evidence": [[188642, 200095, "Veeram_-LRB-2014_film-RRB-", 0], [188642, 200096, "Veeram_-LRB-2014_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84621, 96809, "Charles_Manson", 0]]], "all_evidence": [[84621, 96809, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263222, 260957, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263222, 260957, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225931, null, null, null]]], "all_evidence": [[225931, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254366, null, null, null]]], "all_evidence": [[254366, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235708, null, null, null]]], "all_evidence": [[235708, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[291926, null, null, null], [293947, null, null, null], [338676, null, null, null], [338706, null, null, null]]], "all_evidence": [[291926, null, null, null], [293947, null, null, null], [338676, null, null, null], [338706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210245, 218038, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]], "all_evidence": [[210245, 218038, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107026, 120410, "Hedda_Gabler", 1]]], "all_evidence": [[107026, 120410, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120358, 134572, "University_of_Mississippi", 4]]], "all_evidence": [[120358, 134572, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139451, 154495, "Humphrey_Bogart", 0]], [[139451, 154497, "Humphrey_Bogart", 10], [139451, 154497, "Casablanca_-LRB-film-RRB-", 0]]], "all_evidence": [[139451, 154495, "Humphrey_Bogart", 0], [139451, 154497, "Humphrey_Bogart", 10], [139451, 154497, "Casablanca_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156376, 170975, "Ashton_Kutcher", 8], [156376, 170975, "No_Strings_Attached_-LRB-film-RRB-", 0]]], "all_evidence": [[156376, 170975, "Ashton_Kutcher", 8], [156376, 170975, "No_Strings_Attached_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159392, 173943, "Yara_Shahidi", 0]]], "all_evidence": [[159392, 173943, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140934, 156084, "The_Mighty_Ducks", 1]]], "all_evidence": [[140934, 156084, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194764, null, null, null]]], "all_evidence": [[194764, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128275, 142988, "Sam_Claflin", 0]], [[128275, 142989, "Sam_Claflin", 1], [128275, 142989, "Me_Before_You_-LRB-film-RRB-", 1]]], "all_evidence": [[128275, 142988, "Sam_Claflin", 0], [128275, 142989, "Sam_Claflin", 1], [128275, 142989, "Me_Before_You_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87032, 99528, "A_Milli", 0]]], "all_evidence": [[87032, 99528, "A_Milli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216080, null, null, null]]], "all_evidence": [[216080, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71042, 81923, "Beaverton,_Oregon", 0]]], "all_evidence": [[71042, 81923, "Beaverton,_Oregon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198835, 208546, "The_King_and_I", 1]]], "all_evidence": [[198835, 208546, "The_King_and_I", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155467, 170139, "Republic_of_Macedonia", 1]]], "all_evidence": [[155467, 170139, "Republic_of_Macedonia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286411, null, null, null], [288155, null, null, null], [334246, null, null, null]]], "all_evidence": [[286411, null, null, null], [288155, null, null, null], [334246, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15913, 19778, "Craig_David", 0]], [[15913, 19779, "Craig_David", 5]], [[15913, 19780, "Craig_David", 2]]], "all_evidence": [[15913, 19778, "Craig_David", 0], [15913, 19779, "Craig_David", 5], [15913, 19780, "Craig_David", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150204, 165120, "Aarhus", 0]]], "all_evidence": [[150204, 165120, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[295936, 287930, "David_Packouz", 0], [295936, 287930, "Arms_industry", 0]], [[297447, 289099, "David_Packouz", 0]], [[297558, 289187, "David_Packouz", 0]], [[297558, 289188, "David_Packouz", 3], [297558, 289188, "Efraim_Diveroli", 3]], [[297558, 289189, "David_Packouz", 7]], [[297558, 289190, "David_Packouz", 8]], [[341897, 326154, "David_Packouz", 0]], [[341997, 326212, "David_Packouz", 0]], [[341997, 326213, "David_Packouz", 5]]], "all_evidence": [[295936, 287930, "David_Packouz", 0], [295936, 287930, "Arms_industry", 0], [297447, 289099, "David_Packouz", 0], [297558, 289187, "David_Packouz", 0], [297558, 289188, "David_Packouz", 3], [297558, 289188, "Efraim_Diveroli", 3], [297558, 289189, "David_Packouz", 7], [297558, 289190, "David_Packouz", 8], [341897, 326154, "David_Packouz", 0], [341997, 326212, "David_Packouz", 0], [341997, 326213, "David_Packouz", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216070, null, null, null]]], "all_evidence": [[216070, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85237, 97518, "Damon_Albarn", 17]]], "all_evidence": [[85237, 97518, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166097, 180027, "Charles_Manson", 0]]], "all_evidence": [[166097, 180027, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83266, null, null, null]]], "all_evidence": [[83266, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141124, null, null, null]]], "all_evidence": [[141124, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136623, null, null, null]]], "all_evidence": [[136623, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81697, null, null, null]]], "all_evidence": [[81697, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162084, 176432, "Prowler_-LRB-comics-RRB-", 1]], [[162085, 176433, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[162084, 176432, "Prowler_-LRB-comics-RRB-", 1], [162085, 176433, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120170, 134343, "Knocked_Up", 0]]], "all_evidence": [[120170, 134343, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147825, 162849, "Wish_Upon", 0]]], "all_evidence": [[147825, 162849, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87873, null, null, null]]], "all_evidence": [[87873, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103304, 116677, "Rabies", 0]], [[103304, 116678, "Rabies", 4]], [[103304, 116679, "Rabies", 12]], [[103304, 116680, "Rabies", 16]], [[103304, 116681, "Rabies", 22]], [[103304, 116682, "Rabies", 34]]], "all_evidence": [[103304, 116677, "Rabies", 0], [103304, 116678, "Rabies", 4], [103304, 116679, "Rabies", 12], [103304, 116680, "Rabies", 16], [103304, 116681, "Rabies", 22], [103304, 116682, "Rabies", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241394, 242932, "Brad_Wilk", 4]]], "all_evidence": [[241394, 242932, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196620, 206726, "Michael_Vick", 0]], [[196620, 206727, "Michael_Vick", 3], [196620, 206727, "Michael_Vick", 6]]], "all_evidence": [[196620, 206726, "Michael_Vick", 0], [196620, 206727, "Michael_Vick", 3], [196620, 206727, "Michael_Vick", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259455, 258028, "Libya", 0]]], "all_evidence": [[259455, 258028, "Libya", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109879, 123483, "XHamster", 6], [109879, 123483, "Pornographic_film_actor", 0]]], "all_evidence": [[109879, 123483, "XHamster", 6], [109879, 123483, "Pornographic_film_actor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258105, null, null, null]]], "all_evidence": [[258105, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91956, 104742, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[91956, 104742, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75961, 87241, "Battle_of_France", 0]]], "all_evidence": [[75961, 87241, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226451, null, null, null]]], "all_evidence": [[226451, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202990, 212119, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[202990, 212119, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142625, null, null, null]]], "all_evidence": [[142625, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112223, 126055, "Lou_Gehrig", 15]]], "all_evidence": [[112223, 126055, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137760, 152692, "Starrcade", 0]]], "all_evidence": [[137760, 152692, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64103, 74808, "Annette_Badland", 1]]], "all_evidence": [[64103, 74808, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154625, null, null, null], [154629, null, null, null]]], "all_evidence": [[154625, null, null, null], [154629, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196606, null, null, null]]], "all_evidence": [[196606, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107307, null, null, null]]], "all_evidence": [[107307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289999, 283080, "Rachel_Green", 0]], [[291331, 284271, "Rachel_Green", 0]], [[291331, 284272, "Rachel_Green", 1]], [[293485, 285999, "Rachel_Green", 0]], [[337405, 322776, "Rachel_Green", 0]], [[337405, 322777, "Rachel_Green", 14]], [[337413, 322783, "Rachel_Green", 0]]], "all_evidence": [[289999, 283080, "Rachel_Green", 0], [291331, 284271, "Rachel_Green", 0], [291331, 284272, "Rachel_Green", 1], [293485, 285999, "Rachel_Green", 0], [337405, 322776, "Rachel_Green", 0], [337405, 322777, "Rachel_Green", 14], [337413, 322783, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60774, null, null, null]]], "all_evidence": [[60774, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118772, null, null, null]]], "all_evidence": [[118772, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203209, 212290, "Fabian_Nicieza", 0]]], "all_evidence": [[203209, 212290, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235589, 238201, "Natural_Born_Killers", 5]]], "all_evidence": [[235589, 238201, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144921, 159926, "Human_trafficking", 0]]], "all_evidence": [[144921, 159926, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50854, 60582, "Steve_Wozniak", 5]]], "all_evidence": [[50854, 60582, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284058, null, null, null], [329877, null, null, null], [329881, null, null, null]]], "all_evidence": [[284058, null, null, null], [329877, null, null, null], [329881, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279474, 274072, "Chrysler_Building", 1]], [[279474, 274073, "Chrysler_Building", 4]], [[279474, 274074, "Chrysler_Building", 5]], [[279474, 274075, "Chrysler_Building", 6]], [[279474, 274076, "Chrysler_Building", 7]], [[281201, 275605, "Chrysler_Building", 1], [281201, 275605, "Chrysler_Building", 0]], [[281201, 275606, "Chrysler_Building", 4]], [[281204, 275608, "Chrysler_Building", 1]], [[281204, 275609, "Chrysler_Building", 4]], [[281204, 275610, "Chrysler_Building", 5]], [[281204, 275611, "Chrysler_Building", 7]], [[327782, 314981, "Chrysler_Building", 1]], [[328829, 315807, "Chrysler_Building", 1]], [[328833, 315811, "Chrysler_Building", 1]]], "all_evidence": [[279474, 274072, "Chrysler_Building", 1], [279474, 274073, "Chrysler_Building", 4], [279474, 274074, "Chrysler_Building", 5], [279474, 274075, "Chrysler_Building", 6], [279474, 274076, "Chrysler_Building", 7], [281201, 275605, "Chrysler_Building", 1], [281201, 275605, "Chrysler_Building", 0], [281201, 275606, "Chrysler_Building", 4], [281204, 275608, "Chrysler_Building", 1], [281204, 275609, "Chrysler_Building", 4], [281204, 275610, "Chrysler_Building", 5], [281204, 275611, "Chrysler_Building", 7], [327782, 314981, "Chrysler_Building", 1], [328829, 315807, "Chrysler_Building", 1], [328833, 315811, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21311, 26181, "John_Dolmayan", 0]]], "all_evidence": [[21311, 26181, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237952, null, null, null]]], "all_evidence": [[237952, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264583, 262007, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[264583, 262007, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139004, null, null, null]]], "all_evidence": [[139004, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253948, null, null, null]]], "all_evidence": [[253948, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250337, null, null, null]]], "all_evidence": [[250337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55170, 65208, "Starrcade", 0]]], "all_evidence": [[55170, 65208, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65501, 76377, "Republic_of_Macedonia", 1]]], "all_evidence": [[65501, 76377, "Republic_of_Macedonia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178851, 191401, "Qui-Gon_Jinn", 0]], [[178852, 191402, "Qui-Gon_Jinn", 0]]], "all_evidence": [[178851, 191401, "Qui-Gon_Jinn", 0], [178852, 191402, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218553, null, null, null]]], "all_evidence": [[218553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51894, 61730, "Seohyun", 0]]], "all_evidence": [[51894, 61730, "Seohyun", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95301, null, null, null]]], "all_evidence": [[95301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242978, 244234, "St._Anger", 0]], [[242979, 244235, "St._Anger", 0]]], "all_evidence": [[242978, 244234, "St._Anger", 0], [242979, 244235, "St._Anger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259600, 258165, "French_Resistance", 6]]], "all_evidence": [[259600, 258165, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154553, 169267, "Paramore", 0]], [[154553, 169268, "Paramore", 10], [154553, 169268, "Crushcrushcrush", 0], [154553, 169268, "Misery_Business", 0]], [[154553, 169269, "Paramore", 13], [154553, 169269, "Brand_New_Eyes", 0]], [[154553, 169270, "Paramore", 14], [154553, 169270, "The_Only_Exception", 0]], [[154553, 169271, "Paramore", 17], [154553, 169271, "Paramore_-LRB-album-RRB-", 0]], [[154553, 169272, "Paramore", 19], [154553, 169272, "Still_Into_You", 0]]], "all_evidence": [[154553, 169267, "Paramore", 0], [154553, 169268, "Paramore", 10], [154553, 169268, "Crushcrushcrush", 0], [154553, 169268, "Misery_Business", 0], [154553, 169269, "Paramore", 13], [154553, 169269, "Brand_New_Eyes", 0], [154553, 169270, "Paramore", 14], [154553, 169270, "The_Only_Exception", 0], [154553, 169271, "Paramore", 17], [154553, 169271, "Paramore_-LRB-album-RRB-", 0], [154553, 169272, "Paramore", 19], [154553, 169272, "Still_Into_You", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109748, 123350, "Rachel_Green", 1]]], "all_evidence": [[109748, 123350, "Rachel_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107084, 120460, "Chris_Kyle", 0]]], "all_evidence": [[107084, 120460, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201853, 211210, "Artpop", 13]], [[201853, 211211, "Artpop", 15]]], "all_evidence": [[201853, 211210, "Artpop", 13], [201853, 211211, "Artpop", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148988, null, null, null]]], "all_evidence": [[148988, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194751, 205119, "Manmohan_Singh", 1]]], "all_evidence": [[194751, 205119, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236089, null, null, null]]], "all_evidence": [[236089, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215851, 222610, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215851, 222610, "Holly_Hunter", 0], [215851, 222610, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]], "all_evidence": [[215851, 222610, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215851, 222610, "Holly_Hunter", 0], [215851, 222610, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201840, null, null, null]]], "all_evidence": [[201840, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12496, null, null, null], [12499, null, null, null], [12502, null, null, null]]], "all_evidence": [[12496, null, null, null], [12499, null, null, null], [12502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128043, 142752, "University_of_Mississippi", 4]]], "all_evidence": [[128043, 142752, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237479, 239686, "North_Vietnam", 0]]], "all_evidence": [[237479, 239686, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171820, null, null, null]]], "all_evidence": [[171820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54774, 64769, "TV_Choice", 1]]], "all_evidence": [[54774, 64769, "TV_Choice", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253978, null, null, null]]], "all_evidence": [[253978, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152831, 167592, "Republic_of_Macedonia", 1]], [[152831, 167593, "Republic_of_Macedonia", 3]], [[152831, 167594, "Republic_of_Macedonia", 7], [152831, 167594, "Albania", 0], [152831, 167594, "Bulgaria", 4], [152831, 167594, "Greece", 0], [152831, 167594, "Macedonia_-LRB-region-RRB-", 0], [152831, 167594, "Macedonia_-LRB-region-RRB-", 2]], [[152831, 167595, "Republic_of_Macedonia", 20], [152831, 167595, "Kingdom_of_Yugoslavia", 0]], [[152831, 167596, "Republic_of_Macedonia", 24]], [[152831, 167597, "Republic_of_Macedonia", 25]], [[152831, 167598, "Republic_of_Macedonia", 26]]], "all_evidence": [[152831, 167592, "Republic_of_Macedonia", 1], [152831, 167593, "Republic_of_Macedonia", 3], [152831, 167594, "Republic_of_Macedonia", 7], [152831, 167594, "Albania", 0], [152831, 167594, "Bulgaria", 4], [152831, 167594, "Greece", 0], [152831, 167594, "Macedonia_-LRB-region-RRB-", 0], [152831, 167594, "Macedonia_-LRB-region-RRB-", 2], [152831, 167595, "Republic_of_Macedonia", 20], [152831, 167595, "Kingdom_of_Yugoslavia", 0], [152831, 167596, "Republic_of_Macedonia", 24], [152831, 167597, "Republic_of_Macedonia", 25], [152831, 167598, "Republic_of_Macedonia", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[280530, null, null, null], [280873, null, null, null], [326914, null, null, null]]], "all_evidence": [[280530, null, null, null], [280873, null, null, null], [326914, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43772, null, null, null]]], "all_evidence": [[43772, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189871, 201065, "Mickey_Rourke", 13]]], "all_evidence": [[189871, 201065, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215838, null, null, null]]], "all_evidence": [[215838, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119499, 133521, "Joe_Walsh", 24]]], "all_evidence": [[119499, 133521, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228541, null, null, null]]], "all_evidence": [[228541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194693, 205069, "Middle-earth", 0]], [[194695, 205070, "Middle-earth", 0]]], "all_evidence": [[194693, 205069, "Middle-earth", 0], [194695, 205070, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58163, 68384, "Liam_Neeson", 11]]], "all_evidence": [[58163, 68384, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296182, 288115, "Joe_Rogan", 7]], [[297761, 289365, "Joe_Rogan", 7]], [[299896, 291233, "Joe_Rogan", 7]], [[299902, 291240, "Joe_Rogan", 7]], [[342476, 326497, "Joe_Rogan", 7], [342476, 326497, "Hardball_-LRB-1994_TV_series-RRB-", 0], [342476, 326497, "NewsRadio", 0], [342476, 326497, "NewsRadio", 1]]], "all_evidence": [[296182, 288115, "Joe_Rogan", 7], [297761, 289365, "Joe_Rogan", 7], [299896, 291233, "Joe_Rogan", 7], [299902, 291240, "Joe_Rogan", 7], [342476, 326497, "Joe_Rogan", 7], [342476, 326497, "Hardball_-LRB-1994_TV_series-RRB-", 0], [342476, 326497, "NewsRadio", 0], [342476, 326497, "NewsRadio", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119436, 133444, "Trevor_Griffiths", 0]], [[119437, 133445, "Trevor_Griffiths", 0]]], "all_evidence": [[119436, 133444, "Trevor_Griffiths", 0], [119437, 133445, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85191, 97473, "Same_Old_Love", 0]], [[85191, 97474, "Same_Old_Love", 9]]], "all_evidence": [[85191, 97473, "Same_Old_Love", 0], [85191, 97474, "Same_Old_Love", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234496, 237360, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234496, 237360, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231202, 234724, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231202, 234724, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29028, 35410, "Murda_Beatz", 0]]], "all_evidence": [[29028, 35410, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76370, 87663, "Civilization_IV", 12]]], "all_evidence": [[76370, 87663, "Civilization_IV", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74261, null, null, null]]], "all_evidence": [[74261, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37097, 44785, "John_Krasinski", 0]], [[37097, 44786, "John_Krasinski", 1]], [[37097, 44787, "John_Krasinski", 2]], [[37097, 44788, "John_Krasinski", 5], [37097, 44788, "Aloha_-LRB-film-RRB-", 1]], [[37097, 44789, "John_Krasinski", 6]]], "all_evidence": [[37097, 44785, "John_Krasinski", 0], [37097, 44786, "John_Krasinski", 1], [37097, 44787, "John_Krasinski", 2], [37097, 44788, "John_Krasinski", 5], [37097, 44788, "Aloha_-LRB-film-RRB-", 1], [37097, 44789, "John_Krasinski", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227003, 231439, "Barry_Van_Dyke", 0]]], "all_evidence": [[227003, 231439, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267308, 264033, "Southampton_F.C.", 0]]], "all_evidence": [[267308, 264033, "Southampton_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30328, 36922, "Black_Canary", 13]]], "all_evidence": [[30328, 36922, "Black_Canary", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36019, null, null, null]]], "all_evidence": [[36019, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215938, 222686, "Bradley_Fuller", 1]], [[215939, 222687, "Bradley_Fuller", 1]]], "all_evidence": [[215938, 222686, "Bradley_Fuller", 1], [215939, 222687, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177301, 190151, "Omar_Khadr", 3]]], "all_evidence": [[177301, 190151, "Omar_Khadr", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227623, null, null, null]]], "all_evidence": [[227623, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39033, 47020, "Mount_Rushmore", 1]]], "all_evidence": [[39033, 47020, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245245, null, null, null], [245256, null, null, null]]], "all_evidence": [[245245, null, null, null], [245256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[278944, 273600, "The_Mighty_Ducks", 1], [278944, 273600, "Jordan_Kerner", 0]], [[278945, 273601, "The_Mighty_Ducks", 1], [278945, 273601, "Jordan_Kerner", 0], [278945, 273601, "Walt_Disney_Pictures", 0]], [[328448, 315491, "The_Mighty_Ducks", 1], [328448, 315491, "Jordan_Kerner", 0], [328448, 315491, "Walt_Disney_Pictures", 0]]], "all_evidence": [[278944, 273600, "The_Mighty_Ducks", 1], [278944, 273600, "Jordan_Kerner", 0], [278945, 273601, "The_Mighty_Ducks", 1], [278945, 273601, "Jordan_Kerner", 0], [278945, 273601, "Walt_Disney_Pictures", 0], [328448, 315491, "The_Mighty_Ducks", 1], [328448, 315491, "Jordan_Kerner", 0], [328448, 315491, "Walt_Disney_Pictures", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179192, null, null, null]]], "all_evidence": [[179192, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208634, null, null, null]]], "all_evidence": [[208634, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235593, 238205, "Natural_Born_Killers", 5]]], "all_evidence": [[235593, 238205, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223631, 228600, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223631, 228600, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172099, null, null, null]]], "all_evidence": [[172099, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137398, 152280, "Aleister_Crowley", 0]]], "all_evidence": [[137398, 152280, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262054, 260106, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262054, 260106, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77331, null, null, null]]], "all_evidence": [[77331, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178323, 190907, "Carlos_Santana", 0]], [[178323, 190908, "Carlos_Santana", 2]], [[178323, 190909, "Carlos_Santana", 4]], [[178323, 190910, "Carlos_Santana", 5]]], "all_evidence": [[178323, 190907, "Carlos_Santana", 0], [178323, 190908, "Carlos_Santana", 2], [178323, 190909, "Carlos_Santana", 4], [178323, 190910, "Carlos_Santana", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239006, 240955, "Despicable_Me_2", 1], [239006, 240955, "Illumination_Entertainment", 0]]], "all_evidence": [[239006, 240955, "Despicable_Me_2", 1], [239006, 240955, "Illumination_Entertainment", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124423, 138790, "Liverpool", 13]]], "all_evidence": [[124423, 138790, "Liverpool", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111912, null, null, null]]], "all_evidence": [[111912, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227787, null, null, null]]], "all_evidence": [[227787, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230053, null, null, null]]], "all_evidence": [[230053, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209587, null, null, null]]], "all_evidence": [[209587, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200756, 210229, "Earl_Scruggs", 0]]], "all_evidence": [[200756, 210229, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114743, 128486, "Steve_Wozniak", 5]]], "all_evidence": [[114743, 128486, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281805, null, null, null], [283844, null, null, null], [284952, null, null, null], [329505, null, null, null], [329519, null, null, null]]], "all_evidence": [[281805, null, null, null], [283844, null, null, null], [284952, null, null, null], [329505, null, null, null], [329519, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19502, null, null, null]]], "all_evidence": [[19502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101269, 114509, "Jens_Stoltenberg", 4]]], "all_evidence": [[101269, 114509, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235848, 238447, "Blue_Jasmine", 1]], [[236553, 239001, "Blue_Jasmine", 1]], [[318645, 307515, "Blue_Jasmine", 1]]], "all_evidence": [[235848, 238447, "Blue_Jasmine", 1], [236553, 239001, "Blue_Jasmine", 1], [318645, 307515, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137024, null, null, null]]], "all_evidence": [[137024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102456, 115729, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[102456, 115729, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240795, 242407, "Glee.com", 1]]], "all_evidence": [[240795, 242407, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154517, 169224, "Prescott,_Arizona", 0]], [[154517, 169225, "Prescott,_Arizona", 1], [154517, 169225, "2010_United_States_Census", 0]], [[154517, 169226, "Prescott,_Arizona", 2], [154517, 169226, "Yavapai_County,_Arizona", 0]], [[154517, 169227, "Prescott,_Arizona", 8], [154517, 169227, "Prescott_Valley,_Arizona", 0]], [[154517, 169228, "Prescott,_Arizona", 11]], [[154517, 169229, "Prescott,_Arizona", 14], [154517, 169229, "Yavapai_County,_Arizona", 0]], [[154517, 169230, "Prescott,_Arizona", 3], [154517, 169230, "Arizona_Territory", 0]], [[154517, 169231, "Prescott,_Arizona", 9], [154517, 169231, "Wilhoit,_Arizona", 0]]], "all_evidence": [[154517, 169224, "Prescott,_Arizona", 0], [154517, 169225, "Prescott,_Arizona", 1], [154517, 169225, "2010_United_States_Census", 0], [154517, 169226, "Prescott,_Arizona", 2], [154517, 169226, "Yavapai_County,_Arizona", 0], [154517, 169227, "Prescott,_Arizona", 8], [154517, 169227, "Prescott_Valley,_Arizona", 0], [154517, 169228, "Prescott,_Arizona", 11], [154517, 169229, "Prescott,_Arizona", 14], [154517, 169229, "Yavapai_County,_Arizona", 0], [154517, 169230, "Prescott,_Arizona", 3], [154517, 169230, "Arizona_Territory", 0], [154517, 169231, "Prescott,_Arizona", 9], [154517, 169231, "Wilhoit,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209768, 217560, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209768, 217560, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206878, 215156, "Invasion_literature", 3]]], "all_evidence": [[206878, 215156, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266454, 263437, "Ludwig_van_Beethoven", 5]]], "all_evidence": [[266454, 263437, "Ludwig_van_Beethoven", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279681, null, null, null], [281399, null, null, null], [283552, null, null, null], [328079, null, null, null], [328085, null, null, null]]], "all_evidence": [[279681, null, null, null], [281399, null, null, null], [283552, null, null, null], [328079, null, null, null], [328085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191470, 202326, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191470, 202326, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19690, 24197, "Alexandra_Daddario", 0]]], "all_evidence": [[19690, 24197, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80941, null, null, null]]], "all_evidence": [[80941, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127792, 142461, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]], "all_evidence": [[127792, 142461, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42204, null, null, null]]], "all_evidence": [[42204, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240834, null, null, null], [240835, null, null, null]]], "all_evidence": [[240834, null, null, null], [240835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160998, 175453, "Brazzers", 0]]], "all_evidence": [[160998, 175453, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76799, 88156, "Shinji_Mikami", 0]], [[76799, 88157, "Shinji_Mikami", 2]], [[76799, 88158, "Shinji_Mikami", 3]], [[76799, 88159, "Shinji_Mikami", 4]], [[76799, 88160, "Shinji_Mikami", 5]], [[76799, 88161, "Shinji_Mikami", 6]], [[76799, 88162, "Shinji_Mikami", 8]]], "all_evidence": [[76799, 88156, "Shinji_Mikami", 0], [76799, 88157, "Shinji_Mikami", 2], [76799, 88158, "Shinji_Mikami", 3], [76799, 88159, "Shinji_Mikami", 4], [76799, 88160, "Shinji_Mikami", 5], [76799, 88161, "Shinji_Mikami", 6], [76799, 88162, "Shinji_Mikami", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59272, 69628, "X-Men-COLON-_Apocalypse", 0]]], "all_evidence": [[59272, 69628, "X-Men-COLON-_Apocalypse", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139702, null, null, null]]], "all_evidence": [[139702, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144788, 159808, "Noah_Cyrus", 0]], [[144789, 159809, "Noah_Cyrus", 0]]], "all_evidence": [[144788, 159808, "Noah_Cyrus", 0], [144789, 159809, "Noah_Cyrus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228801, null, null, null]]], "all_evidence": [[228801, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114680, 128423, "Colombiana", 0]]], "all_evidence": [[114680, 128423, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198606, 208401, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198606, 208401, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213754, 220902, "Finding_Dory", 1]]], "all_evidence": [[213754, 220902, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231172, 234706, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231172, 234706, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49052, 58394, "New_York_Knicks", 1]]], "all_evidence": [[49052, 58394, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121933, 136226, "Noah_Cyrus", 4]], [[121934, 136227, "Noah_Cyrus", 4]], [[121935, 136228, "Noah_Cyrus", 4]], [[121955, 136245, "Noah_Cyrus", 4]]], "all_evidence": [[121933, 136226, "Noah_Cyrus", 4], [121934, 136227, "Noah_Cyrus", 4], [121935, 136228, "Noah_Cyrus", 4], [121955, 136245, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[278881, null, null, null], [278882, null, null, null], [280542, null, null, null], [326945, null, null, null], [328387, null, null, null], [328388, null, null, null]]], "all_evidence": [[278881, null, null, null], [278882, null, null, null], [280542, null, null, null], [326945, null, null, null], [328387, null, null, null], [328388, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164024, 178269, "Daag_-LRB-1973_film-RRB-", 0]]], "all_evidence": [[164024, 178269, "Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62416, null, null, null]]], "all_evidence": [[62416, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208646, null, null, null]]], "all_evidence": [[208646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15789, 19651, "State_of_Palestine", 0]]], "all_evidence": [[15789, 19651, "State_of_Palestine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245434, null, null, null]]], "all_evidence": [[245434, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181129, 193411, "Life", 0]]], "all_evidence": [[181129, 193411, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121798, 136103, "Michelin_Guide", 0]]], "all_evidence": [[121798, 136103, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269553, 265853, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269553, 265853, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24509, null, null, null], [299641, null, null, null]]], "all_evidence": [[24509, null, null, null], [299641, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140352, null, null, null]]], "all_evidence": [[140352, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91587, 104344, "Starrcade", 0]], [[91587, 104345, "Starrcade", 10], [91587, 104345, "Turner_Broadcasting_System", 0]], [[91587, 104346, "Starrcade", 15], [91587, 104346, "Closed-circuit_television", 0]], [[91587, 104347, "Starrcade", 16], [91587, 104347, "Pay-per-view", 0]]], "all_evidence": [[91587, 104344, "Starrcade", 0], [91587, 104345, "Starrcade", 10], [91587, 104345, "Turner_Broadcasting_System", 0], [91587, 104346, "Starrcade", 15], [91587, 104346, "Closed-circuit_television", 0], [91587, 104347, "Starrcade", 16], [91587, 104347, "Pay-per-view", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87281, 99776, "Tottenham_Hotspur_F.C.", 7]]], "all_evidence": [[87281, 99776, "Tottenham_Hotspur_F.C.", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86876, 99335, "Colosseum", 0]]], "all_evidence": [[86876, 99335, "Colosseum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215916, 222667, "Bradley_Fuller", 0]]], "all_evidence": [[215916, 222667, "Bradley_Fuller", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126373, 140774, "Ingushetia", 5]]], "all_evidence": [[126373, 140774, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111136, 124794, "The_Daily_Show", 2]]], "all_evidence": [[111136, 124794, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130495, 145264, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[130495, 145264, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23454, 28900, "PacSun", 1]]], "all_evidence": [[23454, 28900, "PacSun", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176509, null, null, null]]], "all_evidence": [[176509, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122884, null, null, null]]], "all_evidence": [[122884, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93875, null, null, null]]], "all_evidence": [[93875, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48787, null, null, null]]], "all_evidence": [[48787, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168953, 182652, "Gin", 0]]], "all_evidence": [[168953, 182652, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53304, 63272, "TakePart", 0]]], "all_evidence": [[53304, 63272, "TakePart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215891, 222639, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5]]], "all_evidence": [[215891, 222639, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93420, 106371, "Scotty_Moore", 0]]], "all_evidence": [[93420, 106371, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29734, 36240, "Human_trafficking", 0], [29734, 36240, "Sexual_slavery", 0]]], "all_evidence": [[29734, 36240, "Human_trafficking", 0], [29734, 36240, "Sexual_slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80329, 92129, "Off_the_Wall", 0]], [[80329, 92130, "Off_the_Wall", 1]], [[80329, 92131, "Off_the_Wall", 10]]], "all_evidence": [[80329, 92129, "Off_the_Wall", 0], [80329, 92130, "Off_the_Wall", 1], [80329, 92131, "Off_the_Wall", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217685, 224177, "Asylum_Records", 0]]], "all_evidence": [[217685, 224177, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87711, null, null, null]]], "all_evidence": [[87711, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99893, 113089, "Psych", 0]]], "all_evidence": [[99893, 113089, "Psych", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258125, null, null, null]]], "all_evidence": [[258125, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189996, null, null, null]]], "all_evidence": [[189996, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67469, 78284, "Prescott,_Arizona", 0]]], "all_evidence": [[67469, 78284, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95475, 108485, "Kleshas_-LRB-Buddhism-RRB-", 0], [95475, 108485, "Buddhism", 0]]], "all_evidence": [[95475, 108485, "Kleshas_-LRB-Buddhism-RRB-", 0], [95475, 108485, "Buddhism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111481, 125215, "Faroe_Islands", 9]]], "all_evidence": [[111481, 125215, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254340, null, null, null]]], "all_evidence": [[254340, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26010, null, null, null], [300688, null, null, null]]], "all_evidence": [[26010, null, null, null], [300688, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45257, 54007, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[45257, 54007, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33000, null, null, null]]], "all_evidence": [[33000, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175288, 188279, "Aarhus", 0]]], "all_evidence": [[175288, 188279, "Aarhus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181063, null, null, null]]], "all_evidence": [[181063, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255168, 254659, "David_Packouz", 0]], [[255168, 254660, "David_Packouz", 3]], [[258681, 257449, "David_Packouz", 0]], [[321179, 309666, "David_Packouz", 0]], [[321181, 309668, "David_Packouz", 0]], [[321181, 309669, "David_Packouz", 8]], [[321183, 309670, "David_Packouz", 0]], [[321183, 309671, "David_Packouz", 3]], [[321183, 309672, "David_Packouz", 8]], [[321211, 309694, "David_Packouz", 3]], [[321211, 309695, "David_Packouz", 0]]], "all_evidence": [[255168, 254659, "David_Packouz", 0], [255168, 254660, "David_Packouz", 3], [258681, 257449, "David_Packouz", 0], [321179, 309666, "David_Packouz", 0], [321181, 309668, "David_Packouz", 0], [321181, 309669, "David_Packouz", 8], [321183, 309670, "David_Packouz", 0], [321183, 309671, "David_Packouz", 3], [321183, 309672, "David_Packouz", 8], [321211, 309694, "David_Packouz", 3], [321211, 309695, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172386, 185706, "Blade_Runner_2049", 1]]], "all_evidence": [[172386, 185706, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48764, 58077, "Duane_Chapman", 0]]], "all_evidence": [[48764, 58077, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73454, null, null, null], [78546, null, null, null], [305825, null, null, null], [305826, null, null, null], [305828, null, null, null], [305830, null, null, null], [305831, null, null, null], [305835, null, null, null], [305843, null, null, null]]], "all_evidence": [[73454, null, null, null], [78546, null, null, null], [305825, null, null, null], [305826, null, null, null], [305828, null, null, null], [305830, null, null, null], [305831, null, null, null], [305835, null, null, null], [305843, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271007, 266960, "New_Orleans_Pelicans", 1]]], "all_evidence": [[271007, 266960, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158694, null, null, null]]], "all_evidence": [[158694, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184131, null, null, null]]], "all_evidence": [[184131, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156974, null, null, null]]], "all_evidence": [[156974, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245246, 246107, "Efraim_Diveroli", 6]]], "all_evidence": [[245246, 246107, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141328, 156527, "Bret_Easton_Ellis", 20]]], "all_evidence": [[141328, 156527, "Bret_Easton_Ellis", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282437, 276613, "Duff_McKagan", 0]], [[284409, 278241, "Duff_McKagan", 0]], [[285328, 278986, "Duff_McKagan", 0]], [[330593, 317187, "Duff_McKagan", 0]], [[332069, 318484, "Duff_McKagan", 0]]], "all_evidence": [[282437, 276613, "Duff_McKagan", 0], [284409, 278241, "Duff_McKagan", 0], [285328, 278986, "Duff_McKagan", 0], [330593, 317187, "Duff_McKagan", 0], [332069, 318484, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[280715, null, null, null], [280980, null, null, null], [327357, null, null, null], [327362, null, null, null], [327524, null, null, null]]], "all_evidence": [[280715, null, null, null], [280980, null, null, null], [327357, null, null, null], [327362, null, null, null], [327524, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28199, 34501, "The_Good_Wife", 0], [28199, 34501, "The_Good_Wife_-LRB-2016_TV_series-RRB-", 0]]], "all_evidence": [[28199, 34501, "The_Good_Wife", 0], [28199, 34501, "The_Good_Wife_-LRB-2016_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15227, 18969, "Harold_Macmillan", 0]], [[15227, 18970, "Harold_Macmillan", 1], [15227, 18970, "Supermac_-LRB-cartoon-RRB-", 4]], [[15227, 18971, "Harold_Macmillan", 7]], [[15227, 18972, "Harold_Macmillan", 8]], [[15227, 18973, "Harold_Macmillan", 11]], [[15227, 18974, "Harold_Macmillan", 12]], [[15227, 18975, "Harold_Macmillan", 15]], [[15227, 18976, "Harold_Macmillan", 31]], [[15227, 18977, "Harold_Macmillan", 27]], [[15227, 18978, "Harold_Macmillan", 26]], [[15227, 18979, "Harold_Macmillan", 18], [15227, 18979, "United_Kingdom_general_election,_1959", 1]], [[19650, 24146, "Harold_Macmillan", 0]], [[19650, 24147, "Harold_Macmillan", 7]], [[19650, 24148, "Harold_Macmillan", 8]], [[19650, 24149, "Harold_Macmillan", 11]], [[19650, 24150, "Harold_Macmillan", 12]], [[19650, 24151, "Harold_Macmillan", 26]], [[19650, 24152, "Harold_Macmillan", 31]], [[24311, 30047, "Harold_Macmillan", 0]], [[24311, 30048, "Harold_Macmillan", 1], [24311, 30048, "Supermac_-LRB-cartoon-RRB-", 4]], [[24311, 30049, "Harold_Macmillan", 7]], [[24311, 30050, "Harold_Macmillan", 8]], [[24311, 30051, "Harold_Macmillan", 11]], [[24311, 30052, "Harold_Macmillan", 12]], [[24311, 30053, "Harold_Macmillan", 15]], [[24311, 30054, "Harold_Macmillan", 21]], [[24311, 30055, "Harold_Macmillan", 22]], [[24311, 30056, "Harold_Macmillan", 23]], [[24311, 30057, "Harold_Macmillan", 27]], [[24311, 30058, "Harold_Macmillan", 26]], [[24311, 30059, "Harold_Macmillan", 31]], [[299420, 290801, "Harold_Macmillan", 0]], [[299420, 290802, "Harold_Macmillan", 7]], [[299420, 290803, "Harold_Macmillan", 8]], [[299420, 290804, "Harold_Macmillan", 11]], [[299420, 290805, "Harold_Macmillan", 12]], [[299420, 290806, "Harold_Macmillan", 27]], [[299420, 290807, "Harold_Macmillan", 31]]], "all_evidence": [[15227, 18969, "Harold_Macmillan", 0], [15227, 18970, "Harold_Macmillan", 1], [15227, 18970, "Supermac_-LRB-cartoon-RRB-", 4], [15227, 18971, "Harold_Macmillan", 7], [15227, 18972, "Harold_Macmillan", 8], [15227, 18973, "Harold_Macmillan", 11], [15227, 18974, "Harold_Macmillan", 12], [15227, 18975, "Harold_Macmillan", 15], [15227, 18976, "Harold_Macmillan", 31], [15227, 18977, "Harold_Macmillan", 27], [15227, 18978, "Harold_Macmillan", 26], [15227, 18979, "Harold_Macmillan", 18], [15227, 18979, "United_Kingdom_general_election,_1959", 1], [19650, 24146, "Harold_Macmillan", 0], [19650, 24147, "Harold_Macmillan", 7], [19650, 24148, "Harold_Macmillan", 8], [19650, 24149, "Harold_Macmillan", 11], [19650, 24150, "Harold_Macmillan", 12], [19650, 24151, "Harold_Macmillan", 26], [19650, 24152, "Harold_Macmillan", 31], [24311, 30047, "Harold_Macmillan", 0], [24311, 30048, "Harold_Macmillan", 1], [24311, 30048, "Supermac_-LRB-cartoon-RRB-", 4], [24311, 30049, "Harold_Macmillan", 7], [24311, 30050, "Harold_Macmillan", 8], [24311, 30051, "Harold_Macmillan", 11], [24311, 30052, "Harold_Macmillan", 12], [24311, 30053, "Harold_Macmillan", 15], [24311, 30054, "Harold_Macmillan", 21], [24311, 30055, "Harold_Macmillan", 22], [24311, 30056, "Harold_Macmillan", 23], [24311, 30057, "Harold_Macmillan", 27], [24311, 30058, "Harold_Macmillan", 26], [24311, 30059, "Harold_Macmillan", 31], [299420, 290801, "Harold_Macmillan", 0], [299420, 290802, "Harold_Macmillan", 7], [299420, 290803, "Harold_Macmillan", 8], [299420, 290804, "Harold_Macmillan", 11], [299420, 290805, "Harold_Macmillan", 12], [299420, 290806, "Harold_Macmillan", 27], [299420, 290807, "Harold_Macmillan", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183979, 195955, "Dan_O'Bannon", 0]]], "all_evidence": [[183979, 195955, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290455, null, null, null]]], "all_evidence": [[290455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240856, 242457, "Down_with_Love", 0]]], "all_evidence": [[240856, 242457, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240263, 241910, "The_Sugarland_Express", 3]]], "all_evidence": [[240263, 241910, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11764, null, null, null], [15406, null, null, null], [16495, null, null, null], [19763, null, null, null], [162956, null, null, null], [177990, null, null, null], [186503, null, null, null], [189227, null, null, null], [213386, null, null, null], [216788, null, null, null], [221043, null, null, null], [225978, null, null, null], [232126, null, null, null], [234518, null, null, null], [250117, null, null, null], [256887, null, null, null], [261042, null, null, null], [270838, null, null, null], [273986, null, null, null], [296395, null, null, null], [298884, null, null, null], [300939, null, null, null], [316803, null, null, null], [330355, null, null, null]]], "all_evidence": [[11764, null, null, null], [15406, null, null, null], [16495, null, null, null], [19763, null, null, null], [162956, null, null, null], [177990, null, null, null], [186503, null, null, null], [189227, null, null, null], [213386, null, null, null], [216788, null, null, null], [221043, null, null, null], [225978, null, null, null], [232126, null, null, null], [234518, null, null, null], [250117, null, null, null], [256887, null, null, null], [261042, null, null, null], [270838, null, null, null], [273986, null, null, null], [296395, null, null, null], [298884, null, null, null], [300939, null, null, null], [316803, null, null, null], [330355, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205321, 213930, "Invasion_literature", 3]]], "all_evidence": [[205321, 213930, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61790, 72259, "Rabies", 0]]], "all_evidence": [[61790, 72259, "Rabies", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63115, null, null, null]]], "all_evidence": [[63115, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233060, 236063, "Saturn", 0]]], "all_evidence": [[233060, 236063, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225843, 230414, "Love_the_Way_You_Lie", 16]]], "all_evidence": [[225843, 230414, "Love_the_Way_You_Lie", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165945, null, null, null]]], "all_evidence": [[165945, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186120, 198029, "Baz_Luhrmann", 2]]], "all_evidence": [[186120, 198029, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64643, 75465, "Raees_-LRB-film-RRB-", 1], [64643, 75465, "Shah_Rukh_Khan", 0]]], "all_evidence": [[64643, 75465, "Raees_-LRB-film-RRB-", 1], [64643, 75465, "Shah_Rukh_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199064, 208748, "Matteo_Renzi", 0]]], "all_evidence": [[199064, 208748, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184333, null, null, null]]], "all_evidence": [[184333, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67354, null, null, null], [69520, null, null, null], [303735, null, null, null], [305457, null, null, null], [305459, null, null, null]]], "all_evidence": [[67354, null, null, null], [69520, null, null, null], [303735, null, null, null], [305457, null, null, null], [305459, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154503, null, null, null]]], "all_evidence": [[154503, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232014, 235302, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232014, 235302, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200742, 210213, "Earl_Scruggs", 0]]], "all_evidence": [[200742, 210213, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178073, 190709, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[178073, 190709, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120220, 134401, "AMGTV", 0]]], "all_evidence": [[120220, 134401, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135280, 150192, "Folklore", 1]]], "all_evidence": [[135280, 150192, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216051, 222770, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216051, 222770, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53006, 62949, "Highway_to_Heaven", 0]]], "all_evidence": [[53006, 62949, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42268, 50867, "Efraim_Diveroli", 0]]], "all_evidence": [[42268, 50867, "Efraim_Diveroli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257105, 256153, "Homer_Hickam", 2]]], "all_evidence": [[257105, 256153, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211610, 219269, "Forceps", 0]]], "all_evidence": [[211610, 219269, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214261, 221340, "Kenneth_Lonergan", 0]]], "all_evidence": [[214261, 221340, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209589, 217384, "Swordfish_-LRB-film-RRB-", 1]], [[209596, 217390, "Swordfish_-LRB-film-RRB-", 1], [209596, 217390, "Bank_robbery", 0], [209596, 217390, "Bank_robbery", 2]]], "all_evidence": [[209589, 217384, "Swordfish_-LRB-film-RRB-", 1], [209596, 217390, "Swordfish_-LRB-film-RRB-", 1], [209596, 217390, "Bank_robbery", 0], [209596, 217390, "Bank_robbery", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103273, 116646, "Saw_-LRB-franchise-RRB-", 8]]], "all_evidence": [[103273, 116646, "Saw_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132552, 147456, "Sidse_Babett_Knudsen", 0]], [[132552, 147457, "Sidse_Babett_Knudsen", 1]], [[132552, 147458, "Sidse_Babett_Knudsen", 4]], [[132552, 147459, "Sidse_Babett_Knudsen", 5]], [[132552, 147460, "Sidse_Babett_Knudsen", 6]], [[132552, 147461, "Sidse_Babett_Knudsen", 7], [132552, 147461, "After_the_Wedding", 0]], [[132552, 147462, "Sidse_Babett_Knudsen", 10]]], "all_evidence": [[132552, 147456, "Sidse_Babett_Knudsen", 0], [132552, 147457, "Sidse_Babett_Knudsen", 1], [132552, 147458, "Sidse_Babett_Knudsen", 4], [132552, 147459, "Sidse_Babett_Knudsen", 5], [132552, 147460, "Sidse_Babett_Knudsen", 6], [132552, 147461, "Sidse_Babett_Knudsen", 7], [132552, 147461, "After_the_Wedding", 0], [132552, 147462, "Sidse_Babett_Knudsen", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153531, 168355, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[153562, 168388, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[153562, 168389, "Kleshas_-LRB-Buddhism-RRB-", 1]]], "all_evidence": [[153531, 168355, "Kleshas_-LRB-Buddhism-RRB-", 0], [153562, 168388, "Kleshas_-LRB-Buddhism-RRB-", 0], [153562, 168389, "Kleshas_-LRB-Buddhism-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218414, 224706, "The_Hurt_Locker", 0]]], "all_evidence": [[218414, 224706, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174128, null, null, null]]], "all_evidence": [[174128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269548, 265851, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269548, 265851, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189869, null, null, null]]], "all_evidence": [[189869, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229600, null, null, null]]], "all_evidence": [[229600, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16787, 20796, "Renato_Balestra", 3]]], "all_evidence": [[16787, 20796, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74294, 85515, "Harold_Macmillan", 0]]], "all_evidence": [[74294, 85515, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115379, 129197, "Mick_Thomson", 1]]], "all_evidence": [[115379, 129197, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116155, 130066, "Quran", 0]]], "all_evidence": [[116155, 130066, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114673, 128416, "Sayyeshaa", 0]], [[114673, 128417, "Sayyeshaa", 1]]], "all_evidence": [[114673, 128416, "Sayyeshaa", 0], [114673, 128417, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161815, 176238, "Peking_University", 1]]], "all_evidence": [[161815, 176238, "Peking_University", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186367, 198183, "Robert_Lopez", 1]]], "all_evidence": [[186367, 198183, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145338, 160330, "Stephen_Colbert", 1]]], "all_evidence": [[145338, 160330, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180464, 192940, "Connie_Nielsen", 0]], [[180464, 192941, "Connie_Nielsen", 1]], [[180464, 192942, "Connie_Nielsen", 3]]], "all_evidence": [[180464, 192940, "Connie_Nielsen", 0], [180464, 192941, "Connie_Nielsen", 1], [180464, 192942, "Connie_Nielsen", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48846, 58163, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[48846, 58163, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153295, 168048, "You_Belong_with_Me", 0]], [[153295, 168049, "You_Belong_with_Me", 1]], [[153295, 168050, "You_Belong_with_Me", 2]], [[153295, 168051, "You_Belong_with_Me", 3]], [[153295, 168052, "You_Belong_with_Me", 4]], [[153295, 168053, "You_Belong_with_Me", 7]], [[153295, 168054, "You_Belong_with_Me", 8]], [[153295, 168055, "You_Belong_with_Me", 9]], [[153295, 168056, "You_Belong_with_Me", 11]], [[153295, 168057, "You_Belong_with_Me", 12]], [[153295, 168058, "You_Belong_with_Me", 15]], [[153295, 168059, "You_Belong_with_Me", 20]], [[153295, 168060, "You_Belong_with_Me", 21]]], "all_evidence": [[153295, 168048, "You_Belong_with_Me", 0], [153295, 168049, "You_Belong_with_Me", 1], [153295, 168050, "You_Belong_with_Me", 2], [153295, 168051, "You_Belong_with_Me", 3], [153295, 168052, "You_Belong_with_Me", 4], [153295, 168053, "You_Belong_with_Me", 7], [153295, 168054, "You_Belong_with_Me", 8], [153295, 168055, "You_Belong_with_Me", 9], [153295, 168056, "You_Belong_with_Me", 11], [153295, 168057, "You_Belong_with_Me", 12], [153295, 168058, "You_Belong_with_Me", 15], [153295, 168059, "You_Belong_with_Me", 20], [153295, 168060, "You_Belong_with_Me", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199488, 209163, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199488, 209163, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144501, null, null, null]]], "all_evidence": [[144501, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154120, 168895, "Tremont_Street_Subway", 2]], [[154120, 168896, "Tremont_Street_Subway", 5]], [[154120, 168897, "Tremont_Street_Subway", 6]]], "all_evidence": [[154120, 168895, "Tremont_Street_Subway", 2], [154120, 168896, "Tremont_Street_Subway", 5], [154120, 168897, "Tremont_Street_Subway", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[311592, 301526, "History_of_Earth", 25]]], "all_evidence": [[311592, 301526, "History_of_Earth", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237968, 240127, "Tamerlan_Tsarnaev", 0], [237968, 240127, "Tamerlan_Tsarnaev", 1]], [[237968, 240128, "Tamerlan_Tsarnaev", 8]], [[237968, 240129, "Tamerlan_Tsarnaev", 13]], [[237968, 240130, "Tamerlan_Tsarnaev", 14]]], "all_evidence": [[237968, 240127, "Tamerlan_Tsarnaev", 0], [237968, 240127, "Tamerlan_Tsarnaev", 1], [237968, 240128, "Tamerlan_Tsarnaev", 8], [237968, 240129, "Tamerlan_Tsarnaev", 13], [237968, 240130, "Tamerlan_Tsarnaev", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255969, null, null, null]]], "all_evidence": [[255969, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210887, null, null, null]]], "all_evidence": [[210887, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248544, 248705, "In_a_Lonely_Place", 1]]], "all_evidence": [[248544, 248705, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246287, 246831, "Easy_A", 0]]], "all_evidence": [[246287, 246831, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107662, null, null, null]]], "all_evidence": [[107662, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166010, 179968, "Qui-Gon_Jinn", 0]]], "all_evidence": [[166010, 179968, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201860, null, null, null], [201866, null, null, null]]], "all_evidence": [[201860, null, null, null], [201866, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162790, 177023, "Angela_Bassett", 0]], [[162791, 177024, "Angela_Bassett", 0]]], "all_evidence": [[162790, 177023, "Angela_Bassett", 0], [162791, 177024, "Angela_Bassett", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260713, 259036, "Valencia", 0]]], "all_evidence": [[260713, 259036, "Valencia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245097, null, null, null]]], "all_evidence": [[245097, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222209, 227589, "Oscar_De_La_Hoya", 0]], [[222209, 227590, "Oscar_De_La_Hoya", 13]], [[222209, 227591, "Oscar_De_La_Hoya", 8]], [[222209, 227592, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222209, 227589, "Oscar_De_La_Hoya", 0], [222209, 227590, "Oscar_De_La_Hoya", 13], [222209, 227591, "Oscar_De_La_Hoya", 8], [222209, 227592, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235592, 238204, "Natural_Born_Killers", 5]]], "all_evidence": [[235592, 238204, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91547, 104292, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[91547, 104292, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269562, 265861, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269562, 265861, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69298, 80077, "Sebastian_Stan", 2]]], "all_evidence": [[69298, 80077, "Sebastian_Stan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246640, null, null, null]]], "all_evidence": [[246640, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164870, 179062, "TakePart", 0], [164870, 179062, "Participant_Media", 0]]], "all_evidence": [[164870, 179062, "TakePart", 0], [164870, 179062, "Participant_Media", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112592, 126411, "San_Diego_Comic-Con", 1]]], "all_evidence": [[112592, 126411, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267306, null, null, null]]], "all_evidence": [[267306, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177826, 190534, "Harris_Jayaraj", 0]]], "all_evidence": [[177826, 190534, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238967, 240926, "Despicable_Me_2", 1]], [[238969, 240928, "Despicable_Me_2", 1]]], "all_evidence": [[238967, 240926, "Despicable_Me_2", 1], [238969, 240928, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109406, 123059, "Damon_Albarn", 4]]], "all_evidence": [[109406, 123059, "Damon_Albarn", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84640, 96848, "Hot_Right_Now", 0]]], "all_evidence": [[84640, 96848, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231972, null, null, null]]], "all_evidence": [[231972, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112384, null, null, null]]], "all_evidence": [[112384, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226526, null, null, null]]], "all_evidence": [[226526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264422, 261880, "Brubaker", 0]]], "all_evidence": [[264422, 261880, "Brubaker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154194, null, null, null]]], "all_evidence": [[154194, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237974, 240134, "Tamerlan_Tsarnaev", 1]], [[237974, 240135, "Tamerlan_Tsarnaev", 8]], [[237974, 240136, "Tamerlan_Tsarnaev", 9]], [[237974, 240137, "Tamerlan_Tsarnaev", 10]], [[237974, 240138, "Tamerlan_Tsarnaev", 13]], [[237974, 240139, "Tamerlan_Tsarnaev", 15]]], "all_evidence": [[237974, 240134, "Tamerlan_Tsarnaev", 1], [237974, 240135, "Tamerlan_Tsarnaev", 8], [237974, 240136, "Tamerlan_Tsarnaev", 9], [237974, 240137, "Tamerlan_Tsarnaev", 10], [237974, 240138, "Tamerlan_Tsarnaev", 13], [237974, 240139, "Tamerlan_Tsarnaev", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145268, 160270, "Bruce_Shand", 0]], [[148108, 163093, "Bruce_Shand", 0]], [[150454, 165337, "Bruce_Shand", 0]], [[311239, 301254, "Bruce_Shand", 0]], [[312839, 302573, "Bruce_Shand", 0]]], "all_evidence": [[145268, 160270, "Bruce_Shand", 0], [148108, 163093, "Bruce_Shand", 0], [150454, 165337, "Bruce_Shand", 0], [311239, 301254, "Bruce_Shand", 0], [312839, 302573, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82562, 94353, "Gordon_Ramsay", 13], [82562, 94353, "Forbes", 0]]], "all_evidence": [[82562, 94353, "Gordon_Ramsay", 13], [82562, 94353, "Forbes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157877, null, null, null]]], "all_evidence": [[157877, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246596, 247074, "Excuse_My_French_-LRB-album-RRB-", 0]], [[246596, 247075, "Excuse_My_French_-LRB-album-RRB-", 1]], [[246596, 247076, "Excuse_My_French_-LRB-album-RRB-", 2]], [[246596, 247077, "Excuse_My_French_-LRB-album-RRB-", 5]]], "all_evidence": [[246596, 247074, "Excuse_My_French_-LRB-album-RRB-", 0], [246596, 247075, "Excuse_My_French_-LRB-album-RRB-", 1], [246596, 247076, "Excuse_My_French_-LRB-album-RRB-", 2], [246596, 247077, "Excuse_My_French_-LRB-album-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125633, 140007, "Liam_Neeson", 11]]], "all_evidence": [[125633, 140007, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125230, 139567, "Bloods", 0]]], "all_evidence": [[125230, 139567, "Bloods", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178703, null, null, null]]], "all_evidence": [[178703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236587, null, null, null]]], "all_evidence": [[236587, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24848, 30689, "Brazzers", 0]], [[148441, 163462, "Brazzers", 0]], [[299799, 291176, "Brazzers", 0]]], "all_evidence": [[24848, 30689, "Brazzers", 0], [148441, 163462, "Brazzers", 0], [299799, 291176, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44498, null, null, null]]], "all_evidence": [[44498, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231195, 234720, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231195, 234720, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129964, 144665, "History_of_Earth", 19], [129964, 144665, "Miocene", 15]], [[129964, 144666, "History_of_Earth", 24], [129964, 144666, "Life", 1]], [[129964, 144667, "History_of_Earth", 31], [129964, 144667, "Life", 1], [129964, 144667, "Multicellular_organism", 3]], [[129964, 144668, "History_of_Earth", 32], [129964, 144668, "Life", 1]]], "all_evidence": [[129964, 144665, "History_of_Earth", 19], [129964, 144665, "Miocene", 15], [129964, 144666, "History_of_Earth", 24], [129964, 144666, "Life", 1], [129964, 144667, "History_of_Earth", 31], [129964, 144667, "Life", 1], [129964, 144667, "Multicellular_organism", 3], [129964, 144668, "History_of_Earth", 32], [129964, 144668, "Life", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199059, null, null, null]]], "all_evidence": [[199059, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254355, null, null, null]]], "all_evidence": [[254355, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149121, null, null, null]]], "all_evidence": [[149121, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103402, 116806, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[103402, 116806, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82635, 94450, "Saw_-LRB-franchise-RRB-", 0], [82635, 94450, "Media_franchise", 0]]], "all_evidence": [[82635, 94450, "Saw_-LRB-franchise-RRB-", 0], [82635, 94450, "Media_franchise", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201128, 210578, "The_Endless_River", 0]]], "all_evidence": [[201128, 210578, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158068, 172682, "Sayyeshaa", 1]]], "all_evidence": [[158068, 172682, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276084, null, null, null], [278380, null, null, null], [278381, null, null, null], [325420, null, null, null], [326272, null, null, null], [326273, null, null, null], [326277, null, null, null]]], "all_evidence": [[276084, null, null, null], [278380, null, null, null], [278381, null, null, null], [325420, null, null, null], [326272, null, null, null], [326273, null, null, null], [326277, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181689, 193927, "Arizona", 0]], [[181689, 193928, "Arizona", 1]], [[181689, 193929, "Arizona", 2]], [[181689, 193930, "Arizona", 3], [181689, 193930, "Phoenix,_Arizona", 0]], [[181689, 193932, "Arizona", 9]], [[181710, 193954, "Arizona", 0]], [[181710, 193955, "Arizona", 1], [181710, 193955, "Mountain_States", 6]], [[181710, 193956, "Arizona", 2]], [[181710, 193957, "Arizona", 3], [181710, 193957, "Phoenix,_Arizona", 0]], [[181710, 193958, "Arizona", 4]], [[181710, 193959, "Arizona", 9]], [[181710, 193960, "Arizona", 22], [181710, 193960, "State_songs_of_Arizona", 0]]], "all_evidence": [[181689, 193927, "Arizona", 0], [181689, 193928, "Arizona", 1], [181689, 193929, "Arizona", 2], [181689, 193930, "Arizona", 3], [181689, 193930, "Phoenix,_Arizona", 0], [181689, 193932, "Arizona", 9], [181710, 193954, "Arizona", 0], [181710, 193955, "Arizona", 1], [181710, 193955, "Mountain_States", 6], [181710, 193956, "Arizona", 2], [181710, 193957, "Arizona", 3], [181710, 193957, "Phoenix,_Arizona", 0], [181710, 193958, "Arizona", 4], [181710, 193959, "Arizona", 9], [181710, 193960, "Arizona", 22], [181710, 193960, "State_songs_of_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55341, 65396, "Billboard_Dad", 0]]], "all_evidence": [[55341, 65396, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239271, 241182, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239271, 241182, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203011, 212135, "Christian_Gottlob_Neefe", 0]], [[203011, 212136, "Christian_Gottlob_Neefe", 8]], [[203011, 212137, "Christian_Gottlob_Neefe", 9]]], "all_evidence": [[203011, 212135, "Christian_Gottlob_Neefe", 0], [203011, 212136, "Christian_Gottlob_Neefe", 8], [203011, 212137, "Christian_Gottlob_Neefe", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106071, 119435, "Flaked", 1]], [[106071, 119436, "Flaked", 2]]], "all_evidence": [[106071, 119435, "Flaked", 1], [106071, 119436, "Flaked", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83583, 95574, "Harris_Jayaraj", 0]]], "all_evidence": [[83583, 95574, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223838, 228763, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223838, 228763, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113718, null, null, null]]], "all_evidence": [[113718, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234918, null, null, null]]], "all_evidence": [[234918, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225922, 230498, "Roland_Emmerich", 3]], [[225923, 230499, "Roland_Emmerich", 3]]], "all_evidence": [[225922, 230498, "Roland_Emmerich", 3], [225923, 230499, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24685, 30480, "Fist_of_Legend", 2]], [[26133, 32147, "Fist_of_Legend", 2], [26133, 32147, "Fist_of_Fury", 0]], [[27636, 33848, "Fist_of_Legend", 2]], [[301581, 292691, "Fist_of_Legend", 2], [301581, 292691, "Fist_of_Fury", 0]], [[302610, 293606, "Fist_of_Legend", 2], [302610, 293606, "Fist_of_Fury", 0]], [[304345, 295154, "Fist_of_Legend", 2], [304345, 295154, "Fist_of_Fury", 0]]], "all_evidence": [[24685, 30480, "Fist_of_Legend", 2], [26133, 32147, "Fist_of_Legend", 2], [26133, 32147, "Fist_of_Fury", 0], [27636, 33848, "Fist_of_Legend", 2], [301581, 292691, "Fist_of_Legend", 2], [301581, 292691, "Fist_of_Fury", 0], [302610, 293606, "Fist_of_Legend", 2], [302610, 293606, "Fist_of_Fury", 0], [304345, 295154, "Fist_of_Legend", 2], [304345, 295154, "Fist_of_Fury", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158168, 172792, "Due_Date", 0]]], "all_evidence": [[158168, 172792, "Due_Date", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65627, 76501, "University_of_Mississippi", 4]]], "all_evidence": [[65627, 76501, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77458, null, null, null]]], "all_evidence": [[77458, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148563, null, null, null]]], "all_evidence": [[148563, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79505, 91232, "Henry_II_of_France", 0], [79505, 91232, "Car", 2]]], "all_evidence": [[79505, 91232, "Henry_II_of_France", 0], [79505, 91232, "Car", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94132, 107121, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[94132, 107121, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228211, 232453, "Fortunes_of_War_-LRB-TV_series-RRB-", 1], [228211, 232453, "Emma_Thompson", 0]]], "all_evidence": [[228211, 232453, "Fortunes_of_War_-LRB-TV_series-RRB-", 1], [228211, 232453, "Emma_Thompson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77606, null, null, null]]], "all_evidence": [[77606, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82995, 94885, "Make_It_or_Break_It", 8]], [[82995, 94886, "Make_It_or_Break_It", 9]]], "all_evidence": [[82995, 94885, "Make_It_or_Break_It", 8], [82995, 94886, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164504, null, null, null]]], "all_evidence": [[164504, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84396, 96564, "Heart", 19]]], "all_evidence": [[84396, 96564, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217679, 224170, "Asylum_Records", 0]], [[217683, 224174, "Asylum_Records", 0]], [[217684, 224175, "Asylum_Records", 0]], [[217684, 224176, "Asylum_Records", 1]]], "all_evidence": [[217679, 224170, "Asylum_Records", 0], [217683, 224174, "Asylum_Records", 0], [217684, 224175, "Asylum_Records", 0], [217684, 224176, "Asylum_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126847, 141301, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[126847, 141301, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229549, null, null, null]]], "all_evidence": [[229549, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242994, 244271, "St._Anger", 0]], [[242994, 244272, "St._Anger", 1]], [[242994, 244273, "St._Anger", 2]], [[242994, 244274, "St._Anger", 7]], [[242994, 244275, "St._Anger", 8]], [[242994, 244276, "St._Anger", 13]], [[242994, 244277, "St._Anger", 16]], [[242994, 244278, "St._Anger", 17]]], "all_evidence": [[242994, 244271, "St._Anger", 0], [242994, 244272, "St._Anger", 1], [242994, 244273, "St._Anger", 2], [242994, 244274, "St._Anger", 7], [242994, 244275, "St._Anger", 8], [242994, 244276, "St._Anger", 13], [242994, 244277, "St._Anger", 16], [242994, 244278, "St._Anger", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124467, 138816, "Lincoln\u2013Douglas_debates", 24]]], "all_evidence": [[124467, 138816, "Lincoln\u2013Douglas_debates", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260724, 259049, "Valencia", 0]], [[260724, 259050, "Valencia", 2]]], "all_evidence": [[260724, 259049, "Valencia", 0], [260724, 259050, "Valencia", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23725, 29378, "Camden,_New_Jersey", 40]]], "all_evidence": [[23725, 29378, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193402, null, null, null]]], "all_evidence": [[193402, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190020, null, null, null]]], "all_evidence": [[190020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218616, 224854, "Riddick_-LRB-character-RRB-", 1]], [[220572, 226324, "Riddick_-LRB-character-RRB-", 1]], [[221405, 227021, "Riddick_-LRB-character-RRB-", 1]], [[317696, 306698, "Riddick_-LRB-character-RRB-", 1]], [[317697, 306699, "Riddick_-LRB-character-RRB-", 1]], [[317720, 306733, "Riddick_-LRB-character-RRB-", 1]]], "all_evidence": [[218616, 224854, "Riddick_-LRB-character-RRB-", 1], [220572, 226324, "Riddick_-LRB-character-RRB-", 1], [221405, 227021, "Riddick_-LRB-character-RRB-", 1], [317696, 306698, "Riddick_-LRB-character-RRB-", 1], [317697, 306699, "Riddick_-LRB-character-RRB-", 1], [317720, 306733, "Riddick_-LRB-character-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199917, 209553, "Anne_Sullivan", 0]]], "all_evidence": [[199917, 209553, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205297, 213894, "Invasion_literature", 0]]], "all_evidence": [[205297, 213894, "Invasion_literature", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188621, null, null, null]]], "all_evidence": [[188621, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223629, 228599, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223629, 228599, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181033, 193335, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[181033, 193335, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275832, 270932, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[278148, 273028, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[326137, 313684, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[327801, 315009, "The_Gifted_-LRB-TV_series-RRB-", 2]], [[327801, 315010, "The_Gifted_-LRB-TV_series-RRB-", 7]], [[327810, 315016, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[327810, 315017, "The_Gifted_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[275832, 270932, "The_Gifted_-LRB-TV_series-RRB-", 0], [278148, 273028, "The_Gifted_-LRB-TV_series-RRB-", 0], [326137, 313684, "The_Gifted_-LRB-TV_series-RRB-", 0], [327801, 315009, "The_Gifted_-LRB-TV_series-RRB-", 2], [327801, 315010, "The_Gifted_-LRB-TV_series-RRB-", 7], [327810, 315016, "The_Gifted_-LRB-TV_series-RRB-", 0], [327810, 315017, "The_Gifted_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235725, 238287, "Tom_DeLonge", 2]]], "all_evidence": [[235725, 238287, "Tom_DeLonge", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127287, 141818, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[127287, 141818, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89729, 102428, "Star_Trek-COLON-_Discovery", 0], [89729, 102428, "Star_Trek", 0]]], "all_evidence": [[89729, 102428, "Star_Trek-COLON-_Discovery", 0], [89729, 102428, "Star_Trek", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11256, 14176, "Julianne_Moore", 5]]], "all_evidence": [[11256, 14176, "Julianne_Moore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23729, 29382, "Hundred_Years'_War", 21]]], "all_evidence": [[23729, 29382, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100927, null, null, null]]], "all_evidence": [[100927, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69444, 80245, "Arizona", 0]], [[69444, 80246, "Arizona", 9], [69444, 80246, "Contiguous_United_States", 0]], [[69444, 80247, "Arizona", 16], [69444, 80247, "Douglas_fir", 0]], [[69444, 80248, "Arizona", 18], [69444, 80248, "Grand_Canyon", 0]]], "all_evidence": [[69444, 80245, "Arizona", 0], [69444, 80246, "Arizona", 9], [69444, 80246, "Contiguous_United_States", 0], [69444, 80247, "Arizona", 16], [69444, 80247, "Douglas_fir", 0], [69444, 80248, "Arizona", 18], [69444, 80248, "Grand_Canyon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18225, 22390, "Wales", 16]]], "all_evidence": [[18225, 22390, "Wales", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111801, 125623, "Gal_Gadot", 4]]], "all_evidence": [[111801, 125623, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18193, 22356, "Guillermo_del_Toro", 0]], [[18193, 22357, "Guillermo_del_Toro", 1]], [[18193, 22358, "Guillermo_del_Toro", 4]], [[18193, 22359, "Guillermo_del_Toro", 5]], [[18193, 22360, "Guillermo_del_Toro", 11]]], "all_evidence": [[18193, 22356, "Guillermo_del_Toro", 0], [18193, 22357, "Guillermo_del_Toro", 1], [18193, 22358, "Guillermo_del_Toro", 4], [18193, 22359, "Guillermo_del_Toro", 5], [18193, 22360, "Guillermo_del_Toro", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235582, 238197, "Natural_Born_Killers", 5]]], "all_evidence": [[235582, 238197, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145626, 160632, "Daggering", 0]]], "all_evidence": [[145626, 160632, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95826, 108881, "Bessie_Smith", 0]]], "all_evidence": [[95826, 108881, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182301, null, null, null]]], "all_evidence": [[182301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148669, 163706, "Hundred_Years'_War", 21]]], "all_evidence": [[148669, 163706, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195083, 205447, "Johanna_Braddy", 4]]], "all_evidence": [[195083, 205447, "Johanna_Braddy", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17649, 21805, "Leonard_Nimoy", 10], [17649, 21805, "Civilization_IV", 0]], [[21778, 26771, "Leonard_Nimoy", 10], [21778, 26771, "Civilization_IV", 0]], [[301448, 292566, "Leonard_Nimoy", 10], [301448, 292566, "Civilization_IV", 0]], [[302519, 293515, "Leonard_Nimoy", 10], [302519, 293515, "Civilization_IV", 0]], [[302520, 293516, "Leonard_Nimoy", 10], [302520, 293516, "Civilization_IV", 0]], [[304307, 295127, "Leonard_Nimoy", 10], [304307, 295127, "Civilization_IV", 0]]], "all_evidence": [[17649, 21805, "Leonard_Nimoy", 10], [17649, 21805, "Civilization_IV", 0], [21778, 26771, "Leonard_Nimoy", 10], [21778, 26771, "Civilization_IV", 0], [301448, 292566, "Leonard_Nimoy", 10], [301448, 292566, "Civilization_IV", 0], [302519, 293515, "Leonard_Nimoy", 10], [302519, 293515, "Civilization_IV", 0], [302520, 293516, "Leonard_Nimoy", 10], [302520, 293516, "Civilization_IV", 0], [304307, 295127, "Leonard_Nimoy", 10], [304307, 295127, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30206, 36784, "Jamie_Murray", 15]]], "all_evidence": [[30206, 36784, "Jamie_Murray", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209770, 217563, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]], [[209770, 217564, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209770, 217563, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0], [209770, 217564, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52479, 62461, "Miranda_Otto", 1]], [[52480, 62462, "Miranda_Otto", 1]]], "all_evidence": [[52479, 62461, "Miranda_Otto", 1], [52480, 62462, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152101, null, null, null]]], "all_evidence": [[152101, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189733, 200956, "Polar_bear", 10]]], "all_evidence": [[189733, 200956, "Polar_bear", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197412, null, null, null]]], "all_evidence": [[197412, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156754, null, null, null]]], "all_evidence": [[156754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104484, 117900, "The_Wallace_-LRB-poem-RRB-", 0]]], "all_evidence": [[104484, 117900, "The_Wallace_-LRB-poem-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257070, 256128, "Chagatai_language", 0]]], "all_evidence": [[257070, 256128, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112739, 126576, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[112739, 126577, "The_Gifted_-LRB-TV_series-RRB-", 6]], [[112739, 126578, "The_Gifted_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[112739, 126576, "The_Gifted_-LRB-TV_series-RRB-", 0], [112739, 126577, "The_Gifted_-LRB-TV_series-RRB-", 6], [112739, 126578, "The_Gifted_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86791, null, null, null]]], "all_evidence": [[86791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216562, 223255, "Mani_Ratnam", 1]]], "all_evidence": [[216562, 223255, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61918, 72401, "Harris_Jayaraj", 0]]], "all_evidence": [[61918, 72401, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75165, 86398, "John_Dolmayan", 0]], [[75165, 86399, "John_Dolmayan", 1]], [[75165, 86400, "John_Dolmayan", 2]], [[75165, 86401, "John_Dolmayan", 4]]], "all_evidence": [[75165, 86398, "John_Dolmayan", 0], [75165, 86399, "John_Dolmayan", 1], [75165, 86400, "John_Dolmayan", 2], [75165, 86401, "John_Dolmayan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[252353, null, null, null]]], "all_evidence": [[252353, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190454, 201472, "Tom_Baker_-LRB-English_actor-RRB-", 10]], [[190454, 201473, "Tom_Baker_-LRB-English_actor-RRB-", 1]], [[190454, 201474, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[190454, 201475, "Tom_Baker_-LRB-English_actor-RRB-", 11], [190454, 201475, "The_Golden_Voyage_of_Sinbad", 0]], [[190511, 201520, "Tom_Baker_-LRB-English_actor-RRB-", 0]]], "all_evidence": [[190454, 201472, "Tom_Baker_-LRB-English_actor-RRB-", 10], [190454, 201473, "Tom_Baker_-LRB-English_actor-RRB-", 1], [190454, 201474, "Tom_Baker_-LRB-English_actor-RRB-", 15], [190454, 201475, "Tom_Baker_-LRB-English_actor-RRB-", 11], [190454, 201475, "The_Golden_Voyage_of_Sinbad", 0], [190511, 201520, "Tom_Baker_-LRB-English_actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203201, 212284, "Fabian_Nicieza", 0]]], "all_evidence": [[203201, 212284, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76512, null, null, null]]], "all_evidence": [[76512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193499, 203993, "Larry_Wilmore", 2]], [[193499, 203994, "Larry_Wilmore", 3]]], "all_evidence": [[193499, 203993, "Larry_Wilmore", 2], [193499, 203994, "Larry_Wilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113290, null, null, null]]], "all_evidence": [[113290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72720, 83771, "Wish_Upon", 0]]], "all_evidence": [[72720, 83771, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251511, 251350, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251511, 251350, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181017, 193321, "Faroe_Islands", 9]]], "all_evidence": [[181017, 193321, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167856, 181636, "The_Daily_Show", 2]]], "all_evidence": [[167856, 181636, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270502, 266531, "Jenna_Jameson", 3]]], "all_evidence": [[270502, 266531, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215935, 222684, "Bradley_Fuller", 0]]], "all_evidence": [[215935, 222684, "Bradley_Fuller", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180601, 193033, "Bad_Romance", 12]]], "all_evidence": [[180601, 193033, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216570, 223271, "Mani_Ratnam", 1]]], "all_evidence": [[216570, 223271, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201121, 210571, "The_Endless_River", 0], [201121, 210571, "The_Endless_River", 1]]], "all_evidence": [[201121, 210571, "The_Endless_River", 0], [201121, 210571, "The_Endless_River", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243703, 244871, "Palo_Alto,_California", 0]], [[243703, 244872, "Palo_Alto,_California", 1]], [[243703, 244873, "Palo_Alto,_California", 6]], [[243703, 244874, "Palo_Alto,_California", 10]], [[243703, 244875, "Palo_Alto,_California", 11]]], "all_evidence": [[243703, 244871, "Palo_Alto,_California", 0], [243703, 244872, "Palo_Alto,_California", 1], [243703, 244873, "Palo_Alto,_California", 6], [243703, 244874, "Palo_Alto,_California", 10], [243703, 244875, "Palo_Alto,_California", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49300, null, null, null]]], "all_evidence": [[49300, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49476, 58823, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[49476, 58823, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172992, 186224, "The_Mod_Squad", 0]]], "all_evidence": [[172992, 186224, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89668, 102360, "Hush_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[89668, 102360, "Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240849, 242449, "Down_with_Love", 0]], [[240851, 242451, "Down_with_Love", 0]]], "all_evidence": [[240849, 242449, "Down_with_Love", 0], [240851, 242451, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184139, 196084, "Edgar_Wright", 0]], [[184146, 196098, "Edgar_Wright", 0]]], "all_evidence": [[184139, 196084, "Edgar_Wright", 0], [184146, 196098, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290296, 283330, "Magic_Johnson", 1]], [[291649, 284550, "Magic_Johnson", 1]], [[293768, 286204, "Magic_Johnson", 1]], [[338258, 323482, "Magic_Johnson", 1]], [[338300, 323512, "Magic_Johnson", 1]]], "all_evidence": [[290296, 283330, "Magic_Johnson", 1], [291649, 284550, "Magic_Johnson", 1], [293768, 286204, "Magic_Johnson", 1], [338258, 323482, "Magic_Johnson", 1], [338300, 323512, "Magic_Johnson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217292, 223912, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217292, 223912, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25903, 31843, "Saxony", 0]], [[25903, 31844, "Saxony", 8]]], "all_evidence": [[25903, 31843, "Saxony", 0], [25903, 31844, "Saxony", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282536, 276724, "Lou_Gehrig", 15]], [[284496, 278315, "Lou_Gehrig", 15]], [[330690, 317293, "Lou_Gehrig", 15]], [[331811, 318269, "Lou_Gehrig", 15]]], "all_evidence": [[282536, 276724, "Lou_Gehrig", 15], [284496, 278315, "Lou_Gehrig", 15], [330690, 317293, "Lou_Gehrig", 15], [331811, 318269, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66243, null, null, null]]], "all_evidence": [[66243, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241418, null, null, null], [241433, null, null, null]]], "all_evidence": [[241418, null, null, null], [241433, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191479, 202330, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191479, 202330, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83168, 95109, "NRG_Recording_Studios", 0]]], "all_evidence": [[83168, 95109, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22458, 27670, "Hot_Right_Now", 0]]], "all_evidence": [[22458, 27670, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191668, 202485, "Anne_Rice", 0]]], "all_evidence": [[191668, 202485, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243124, null, null, null]]], "all_evidence": [[243124, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190481, 201493, "Tom_Baker_-LRB-English_actor-RRB-", 0]]], "all_evidence": [[190481, 201493, "Tom_Baker_-LRB-English_actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119323, 133298, "Danny_Brown", 3]]], "all_evidence": [[119323, 133298, "Danny_Brown", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163487, 177741, "Michelin_Guide", 0]], [[163487, 177742, "Michelin_Guide", 1]], [[163487, 177743, "Michelin_Guide", 3]]], "all_evidence": [[163487, 177741, "Michelin_Guide", 0], [163487, 177742, "Michelin_Guide", 1], [163487, 177743, "Michelin_Guide", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146650, 161640, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]], "all_evidence": [[146650, 161640, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57038, 67270, "Pharrell_Williams", 4]]], "all_evidence": [[57038, 67270, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155268, null, null, null]]], "all_evidence": [[155268, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130150, 144882, "Greek_language", 0]]], "all_evidence": [[130150, 144882, "Greek_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28324, null, null, null]]], "all_evidence": [[28324, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39255, 47289, "Efraim_Diveroli", 0]]], "all_evidence": [[39255, 47289, "Efraim_Diveroli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151471, null, null, null]]], "all_evidence": [[151471, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108890, null, null, null]]], "all_evidence": [[108890, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210965, 218645, "Mogadishu", 0], [210965, 218645, "Capital_city", 0], [210965, 218645, "Somalia", 0]], [[210965, 218646, "Mogadishu", 17], [210965, 218646, "Capital_city", 0], [210965, 218646, "Somalia", 0]]], "all_evidence": [[210965, 218645, "Mogadishu", 0], [210965, 218645, "Capital_city", 0], [210965, 218645, "Somalia", 0], [210965, 218646, "Mogadishu", 17], [210965, 218646, "Capital_city", 0], [210965, 218646, "Somalia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156947, 171508, "2016_Tour_de_France", 2]]], "all_evidence": [[156947, 171508, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129869, 144576, "Hush_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[129869, 144576, "Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231945, 235248, "The_Wallace_-LRB-poem-RRB-", 0]], [[231946, 235249, "The_Wallace_-LRB-poem-RRB-", 0]], [[318509, 307407, "The_Wallace_-LRB-poem-RRB-", 0]], [[320266, 308884, "The_Wallace_-LRB-poem-RRB-", 0]]], "all_evidence": [[231945, 235248, "The_Wallace_-LRB-poem-RRB-", 0], [231946, 235249, "The_Wallace_-LRB-poem-RRB-", 0], [318509, 307407, "The_Wallace_-LRB-poem-RRB-", 0], [320266, 308884, "The_Wallace_-LRB-poem-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168890, 182603, "Wish_Upon", 0]]], "all_evidence": [[168890, 182603, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16267, 20165, "Shawn_Carlson", 0]]], "all_evidence": [[16267, 20165, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39550, 47643, "United_Nations_Charter", 1]]], "all_evidence": [[39550, 47643, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40207, 48377, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[40207, 48377, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163045, 177265, "Match_Point", 0]]], "all_evidence": [[163045, 177265, "Match_Point", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166246, null, null, null]]], "all_evidence": [[166246, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77162, 88584, "Sleipnir", 0], [77162, 88584, "Norse_mythology", 0]]], "all_evidence": [[77162, 88584, "Sleipnir", 0], [77162, 88584, "Norse_mythology", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215558, 222406, "Tata_Motors", 13]]], "all_evidence": [[215558, 222406, "Tata_Motors", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142697, 157844, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[142697, 157844, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207759, null, null, null]]], "all_evidence": [[207759, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53747, 63748, "Francis_I_of_France", 0]]], "all_evidence": [[53747, 63748, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107187, 120567, "Justin_Chatwin", 7]]], "all_evidence": [[107187, 120567, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109958, 123570, "David_Packouz", 0]]], "all_evidence": [[109958, 123570, "David_Packouz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125421, null, null, null]]], "all_evidence": [[125421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27928, 34227, "CONCACAF_Champions_League", 0]]], "all_evidence": [[27928, 34227, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137805, 152760, "West_Virginia", 1]]], "all_evidence": [[137805, 152760, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146323, 161284, "Heart", 19]]], "all_evidence": [[146323, 161284, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47327, null, null, null]]], "all_evidence": [[47327, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241699, 243220, "Rio_-LRB-2011_film-RRB-", 20]], [[241700, 243221, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241699, 243220, "Rio_-LRB-2011_film-RRB-", 20], [241700, 243221, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151074, null, null, null]]], "all_evidence": [[151074, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218173, 224530, "Bermuda_Triangle", 0]]], "all_evidence": [[218173, 224530, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234125, 237025, "David_Spade", 2]], [[240481, 242080, "David_Spade", 2]], [[318716, 307559, "David_Spade", 2]], [[318718, 307560, "David_Spade", 2]], [[318730, 307567, "David_Spade", 2], [318730, 307567, "Grown_Ups_2", 2]]], "all_evidence": [[234125, 237025, "David_Spade", 2], [240481, 242080, "David_Spade", 2], [318716, 307559, "David_Spade", 2], [318718, 307560, "David_Spade", 2], [318730, 307567, "David_Spade", 2], [318730, 307567, "Grown_Ups_2", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254581, 254215, "Saxony", 4]], [[256742, 255901, "Saxony", 4]], [[258383, 257186, "Saxony", 4]], [[321092, 309579, "Saxony", 4]], [[321097, 309580, "Saxony", 4]], [[321110, 309594, "Saxony", 4]], [[321118, 309603, "Saxony", 4]], [[321157, 309648, "Saxony", 4]]], "all_evidence": [[254581, 254215, "Saxony", 4], [256742, 255901, "Saxony", 4], [258383, 257186, "Saxony", 4], [321092, 309579, "Saxony", 4], [321097, 309580, "Saxony", 4], [321110, 309594, "Saxony", 4], [321118, 309603, "Saxony", 4], [321157, 309648, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246275, 246820, "Easy_A", 0]], [[246276, 246821, "Easy_A", 0]]], "all_evidence": [[246275, 246820, "Easy_A", 0], [246276, 246821, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181752, 193999, "Kendall_Jenner", 7]]], "all_evidence": [[181752, 193999, "Kendall_Jenner", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238524, null, null, null], [238525, null, null, null]]], "all_evidence": [[238524, null, null, null], [238525, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17350, null, null, null]]], "all_evidence": [[17350, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71310, 82248, "Croatia", 28]]], "all_evidence": [[71310, 82248, "Croatia", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110335, 123931, "Match_Point", 3]]], "all_evidence": [[110335, 123931, "Match_Point", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113817, null, null, null]]], "all_evidence": [[113817, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95683, null, null, null]]], "all_evidence": [[95683, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39901, 48006, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[39901, 48006, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33349, 40463, "The_Road_to_El_Dorado", 0]], [[33352, 40465, "The_Road_to_El_Dorado", 0]]], "all_evidence": [[33349, 40463, "The_Road_to_El_Dorado", 0], [33352, 40465, "The_Road_to_El_Dorado", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183996, null, null, null]]], "all_evidence": [[183996, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186128, 198034, "Baz_Luhrmann", 2]]], "all_evidence": [[186128, 198034, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151736, null, null, null], [151737, null, null, null]]], "all_evidence": [[151736, null, null, null], [151737, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166160, null, null, null], [166610, null, null, null], [312234, null, null, null], [313522, null, null, null], [313524, null, null, null]]], "all_evidence": [[166160, null, null, null], [166610, null, null, null], [312234, null, null, null], [313522, null, null, null], [313524, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92088, 104871, "The_Bassoon_King", 0]]], "all_evidence": [[92088, 104871, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118831, 132680, "Liam_Neeson", 11]]], "all_evidence": [[118831, 132680, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237582, null, null, null], [237592, null, null, null]]], "all_evidence": [[237582, null, null, null], [237592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199464, null, null, null]]], "all_evidence": [[199464, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29513, 35989, "Omar_Khadr", 10]], [[29513, 35990, "Omar_Khadr", 12]], [[29513, 35991, "Omar_Khadr", 16]], [[29513, 35992, "Omar_Khadr", 24]]], "all_evidence": [[29513, 35989, "Omar_Khadr", 10], [29513, 35990, "Omar_Khadr", 12], [29513, 35991, "Omar_Khadr", 16], [29513, 35992, "Omar_Khadr", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114541, 128301, "Stephen_Colbert", 0]]], "all_evidence": [[114541, 128301, "Stephen_Colbert", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128187, 142898, "14th_Dalai_Lama", 10]], [[128187, 142899, "14th_Dalai_Lama", 12]]], "all_evidence": [[128187, 142898, "14th_Dalai_Lama", 10], [128187, 142899, "14th_Dalai_Lama", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[276985, 271988, "Margaret_Thatcher", 0]], [[276985, 271989, "Margaret_Thatcher", 1]], [[276985, 271990, "Margaret_Thatcher", 25]], [[276994, 271995, "Margaret_Thatcher", 0]], [[276994, 271996, "Margaret_Thatcher", 1]], [[276994, 271997, "Margaret_Thatcher", 3]], [[276994, 271998, "Margaret_Thatcher", 6]], [[276994, 271999, "Margaret_Thatcher", 7]], [[276994, 272000, "Margaret_Thatcher", 8]], [[276994, 272001, "Margaret_Thatcher", 9]], [[276994, 272002, "Margaret_Thatcher", 14]], [[276994, 272003, "Margaret_Thatcher", 18]], [[276994, 272004, "Margaret_Thatcher", 20]], [[276994, 272005, "Margaret_Thatcher", 25]], [[278796, 273508, "Margaret_Thatcher", 0]], [[326837, 314229, "Margaret_Thatcher", 2]], [[326844, 314232, "Margaret_Thatcher", 0]], [[326844, 314233, "Margaret_Thatcher", 1]], [[326844, 314234, "Margaret_Thatcher", 3]], [[326844, 314235, "Margaret_Thatcher", 6]], [[326844, 314236, "Margaret_Thatcher", 7]], [[326844, 314237, "Margaret_Thatcher", 8]], [[326844, 314238, "Margaret_Thatcher", 9]], [[326844, 314239, "Margaret_Thatcher", 12]], [[326844, 314240, "Margaret_Thatcher", 13]], [[326844, 314241, "Margaret_Thatcher", 14]], [[326844, 314242, "Margaret_Thatcher", 15], [326844, 314242, "Brighton_hotel_bombing", 3]], [[326844, 314243, "Margaret_Thatcher", 18]], [[326844, 314244, "Margaret_Thatcher", 19]], [[326844, 314245, "Margaret_Thatcher", 20]], [[326844, 314246, "Margaret_Thatcher", 21]], [[326844, 314247, "Margaret_Thatcher", 25]]], "all_evidence": [[276985, 271988, "Margaret_Thatcher", 0], [276985, 271989, "Margaret_Thatcher", 1], [276985, 271990, "Margaret_Thatcher", 25], [276994, 271995, "Margaret_Thatcher", 0], [276994, 271996, "Margaret_Thatcher", 1], [276994, 271997, "Margaret_Thatcher", 3], [276994, 271998, "Margaret_Thatcher", 6], [276994, 271999, "Margaret_Thatcher", 7], [276994, 272000, "Margaret_Thatcher", 8], [276994, 272001, "Margaret_Thatcher", 9], [276994, 272002, "Margaret_Thatcher", 14], [276994, 272003, "Margaret_Thatcher", 18], [276994, 272004, "Margaret_Thatcher", 20], [276994, 272005, "Margaret_Thatcher", 25], [278796, 273508, "Margaret_Thatcher", 0], [326837, 314229, "Margaret_Thatcher", 2], [326844, 314232, "Margaret_Thatcher", 0], [326844, 314233, "Margaret_Thatcher", 1], [326844, 314234, "Margaret_Thatcher", 3], [326844, 314235, "Margaret_Thatcher", 6], [326844, 314236, "Margaret_Thatcher", 7], [326844, 314237, "Margaret_Thatcher", 8], [326844, 314238, "Margaret_Thatcher", 9], [326844, 314239, "Margaret_Thatcher", 12], [326844, 314240, "Margaret_Thatcher", 13], [326844, 314241, "Margaret_Thatcher", 14], [326844, 314242, "Margaret_Thatcher", 15], [326844, 314242, "Brighton_hotel_bombing", 3], [326844, 314243, "Margaret_Thatcher", 18], [326844, 314244, "Margaret_Thatcher", 19], [326844, 314245, "Margaret_Thatcher", 20], [326844, 314246, "Margaret_Thatcher", 21], [326844, 314247, "Margaret_Thatcher", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227205, 231608, "Kim_Jong-il", 0]]], "all_evidence": [[227205, 231608, "Kim_Jong-il", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171167, null, null, null], [171179, null, null, null]]], "all_evidence": [[171167, null, null, null], [171179, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12491, 15607, "Britt_Robertson", 0]], [[12491, 15608, "Britt_Robertson", 1]], [[12497, 15611, "Britt_Robertson", 0]], [[12507, 15620, "Britt_Robertson", 0]], [[12507, 15621, "Britt_Robertson", 1]], [[12507, 15622, "Britt_Robertson", 2]], [[12507, 15623, "Britt_Robertson", 3], [12507, 15623, "The_First_Time_-LRB-2012_film-RRB-", 0]], [[12507, 15624, "Britt_Robertson", 6]], [[12507, 15625, "Britt_Robertson", 7]], [[12507, 15626, "Britt_Robertson", 8]], [[12507, 15627, "Britt_Robertson", 9]], [[12507, 15628, "Britt_Robertson", 12], [12507, 15628, "The_Longest_Ride_-LRB-film-RRB-", 1]], [[12507, 15629, "Britt_Robertson", 13]], [[12507, 15630, "Britt_Robertson", 14]], [[12507, 15631, "Britt_Robertson", 15]], [[12512, 15636, "Britt_Robertson", 0]], [[12512, 15637, "Britt_Robertson", 1]], [[12512, 15638, "Britt_Robertson", 2]], [[12512, 15639, "Britt_Robertson", 6]], [[12512, 15640, "Britt_Robertson", 7]], [[12512, 15641, "Britt_Robertson", 8]], [[12512, 15642, "Britt_Robertson", 9]], [[12512, 15643, "Britt_Robertson", 12]], [[12512, 15644, "Britt_Robertson", 13]], [[12512, 15645, "Britt_Robertson", 14]], [[12512, 15646, "Britt_Robertson", 15]], [[12513, 15647, "Britt_Robertson", 0]], [[12513, 15648, "Britt_Robertson", 12]], [[12513, 15649, "Britt_Robertson", 13]], [[12513, 15650, "Britt_Robertson", 14]], [[12513, 15651, "Britt_Robertson", 15]], [[12513, 15652, "Britt_Robertson", 9]], [[12513, 15653, "Britt_Robertson", 8]], [[12513, 15654, "Britt_Robertson", 7]], [[12513, 15655, "Britt_Robertson", 6]], [[12513, 15656, "Britt_Robertson", 3]], [[12513, 15657, "Britt_Robertson", 2]], [[12513, 15658, "Britt_Robertson", 1]], [[17433, 21579, "Britt_Robertson", 0]], [[17433, 21580, "Britt_Robertson", 1]], [[17433, 21581, "Britt_Robertson", 2]], [[17433, 21582, "Britt_Robertson", 3]], [[17433, 21583, "Britt_Robertson", 6]], [[17433, 21584, "Britt_Robertson", 7]], [[17433, 21585, "Britt_Robertson", 8]], [[17433, 21586, "Britt_Robertson", 9]], [[17433, 21587, "Britt_Robertson", 12]], [[17433, 21588, "Britt_Robertson", 13]], [[17433, 21589, "Britt_Robertson", 14]], [[17433, 21590, "Britt_Robertson", 15]], [[299059, 290436, "Britt_Robertson", 0]], [[299059, 290437, "Britt_Robertson", 1]], [[299059, 290438, "Britt_Robertson", 2]], [[299059, 290439, "Britt_Robertson", 3]], [[299059, 290440, "Britt_Robertson", 6]], [[299059, 290441, "Britt_Robertson", 7]], [[299059, 290442, "Britt_Robertson", 8]], [[299059, 290443, "Britt_Robertson", 9]], [[299059, 290444, "Britt_Robertson", 12]], [[299059, 290445, "Britt_Robertson", 13]], [[299059, 290446, "Britt_Robertson", 14]], [[299059, 290447, "Britt_Robertson", 15]], [[301104, 292232, "Britt_Robertson", 0]], [[301104, 292233, "Britt_Robertson", 1]], [[301104, 292234, "Britt_Robertson", 2], [301104, 292234, "Power_Rangers_Time_Force", 0]], [[301104, 292235, "Britt_Robertson", 3], [301104, 292235, "Dan_in_Real_Life", 0]], [[301104, 292236, "Britt_Robertson", 6]], [[301104, 292237, "Britt_Robertson", 7]], [[301104, 292238, "Britt_Robertson", 8]], [[301104, 292239, "Britt_Robertson", 9]], [[301104, 292240, "Britt_Robertson", 12]], [[301104, 292241, "Britt_Robertson", 13]], [[301104, 292242, "Britt_Robertson", 14]], [[301104, 292243, "Britt_Robertson", 15]]], "all_evidence": [[12491, 15607, "Britt_Robertson", 0], [12491, 15608, "Britt_Robertson", 1], [12497, 15611, "Britt_Robertson", 0], [12507, 15620, "Britt_Robertson", 0], [12507, 15621, "Britt_Robertson", 1], [12507, 15622, "Britt_Robertson", 2], [12507, 15623, "Britt_Robertson", 3], [12507, 15623, "The_First_Time_-LRB-2012_film-RRB-", 0], [12507, 15624, "Britt_Robertson", 6], [12507, 15625, "Britt_Robertson", 7], [12507, 15626, "Britt_Robertson", 8], [12507, 15627, "Britt_Robertson", 9], [12507, 15628, "Britt_Robertson", 12], [12507, 15628, "The_Longest_Ride_-LRB-film-RRB-", 1], [12507, 15629, "Britt_Robertson", 13], [12507, 15630, "Britt_Robertson", 14], [12507, 15631, "Britt_Robertson", 15], [12512, 15636, "Britt_Robertson", 0], [12512, 15637, "Britt_Robertson", 1], [12512, 15638, "Britt_Robertson", 2], [12512, 15639, "Britt_Robertson", 6], [12512, 15640, "Britt_Robertson", 7], [12512, 15641, "Britt_Robertson", 8], [12512, 15642, "Britt_Robertson", 9], [12512, 15643, "Britt_Robertson", 12], [12512, 15644, "Britt_Robertson", 13], [12512, 15645, "Britt_Robertson", 14], [12512, 15646, "Britt_Robertson", 15], [12513, 15647, "Britt_Robertson", 0], [12513, 15648, "Britt_Robertson", 12], [12513, 15649, "Britt_Robertson", 13], [12513, 15650, "Britt_Robertson", 14], [12513, 15651, "Britt_Robertson", 15], [12513, 15652, "Britt_Robertson", 9], [12513, 15653, "Britt_Robertson", 8], [12513, 15654, "Britt_Robertson", 7], [12513, 15655, "Britt_Robertson", 6], [12513, 15656, "Britt_Robertson", 3], [12513, 15657, "Britt_Robertson", 2], [12513, 15658, "Britt_Robertson", 1], [17433, 21579, "Britt_Robertson", 0], [17433, 21580, "Britt_Robertson", 1], [17433, 21581, "Britt_Robertson", 2], [17433, 21582, "Britt_Robertson", 3], [17433, 21583, "Britt_Robertson", 6], [17433, 21584, "Britt_Robertson", 7], [17433, 21585, "Britt_Robertson", 8], [17433, 21586, "Britt_Robertson", 9], [17433, 21587, "Britt_Robertson", 12], [17433, 21588, "Britt_Robertson", 13], [17433, 21589, "Britt_Robertson", 14], [17433, 21590, "Britt_Robertson", 15], [299059, 290436, "Britt_Robertson", 0], [299059, 290437, "Britt_Robertson", 1], [299059, 290438, "Britt_Robertson", 2], [299059, 290439, "Britt_Robertson", 3], [299059, 290440, "Britt_Robertson", 6], [299059, 290441, "Britt_Robertson", 7], [299059, 290442, "Britt_Robertson", 8], [299059, 290443, "Britt_Robertson", 9], [299059, 290444, "Britt_Robertson", 12], [299059, 290445, "Britt_Robertson", 13], [299059, 290446, "Britt_Robertson", 14], [299059, 290447, "Britt_Robertson", 15], [301104, 292232, "Britt_Robertson", 0], [301104, 292233, "Britt_Robertson", 1], [301104, 292234, "Britt_Robertson", 2], [301104, 292234, "Power_Rangers_Time_Force", 0], [301104, 292235, "Britt_Robertson", 3], [301104, 292235, "Dan_in_Real_Life", 0], [301104, 292236, "Britt_Robertson", 6], [301104, 292237, "Britt_Robertson", 7], [301104, 292238, "Britt_Robertson", 8], [301104, 292239, "Britt_Robertson", 9], [301104, 292240, "Britt_Robertson", 12], [301104, 292241, "Britt_Robertson", 13], [301104, 292242, "Britt_Robertson", 14], [301104, 292243, "Britt_Robertson", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178354, 190941, "West_Ham_United_F.C.", 5], [178354, 190941, "Thames_Ironworks_F.C.", 0]]], "all_evidence": [[178354, 190941, "West_Ham_United_F.C.", 5], [178354, 190941, "Thames_Ironworks_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238987, 240942, "Despicable_Me_2", 0]], [[238987, 240943, "Despicable_Me_2", 9]], [[238987, 240944, "Despicable_Me_2", 11]]], "all_evidence": [[238987, 240942, "Despicable_Me_2", 0], [238987, 240943, "Despicable_Me_2", 9], [238987, 240944, "Despicable_Me_2", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108822, 122518, "Terry_Crews", 0]], [[108822, 122519, "Terry_Crews", 9]]], "all_evidence": [[108822, 122518, "Terry_Crews", 0], [108822, 122519, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27138, 33253, "Guillermo_del_Toro", 0]]], "all_evidence": [[27138, 33253, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270769, 266775, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270769, 266775, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154566, 169286, "Marjorie_Gross", 0]], [[154566, 169287, "Marjorie_Gross", 1]]], "all_evidence": [[154566, 169286, "Marjorie_Gross", 0], [154566, 169287, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205323, 213931, "Invasion_literature", 3]], [[205328, 213935, "Invasion_literature", 3]]], "all_evidence": [[205323, 213931, "Invasion_literature", 3], [205328, 213935, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62091, null, null, null]]], "all_evidence": [[62091, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62613, 73247, "Prescott,_Arizona", 0]]], "all_evidence": [[62613, 73247, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36094, 43622, "Chile", 0]]], "all_evidence": [[36094, 43622, "Chile", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211978, 219586, "Saturn_Corporation", 0]]], "all_evidence": [[211978, 219586, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30830, 37473, "Kendall_Jenner", 0]], [[30830, 37474, "Kendall_Jenner", 5]], [[30830, 37475, "Kendall_Jenner", 6]]], "all_evidence": [[30830, 37473, "Kendall_Jenner", 0], [30830, 37474, "Kendall_Jenner", 5], [30830, 37475, "Kendall_Jenner", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36807, null, null, null]]], "all_evidence": [[36807, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118215, null, null, null]]], "all_evidence": [[118215, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65485, null, null, null]]], "all_evidence": [[65485, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127226, null, null, null]]], "all_evidence": [[127226, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19026, 23325, "Armenian_Genocide", 0]]], "all_evidence": [[19026, 23325, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103229, null, null, null]]], "all_evidence": [[103229, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189889, 201077, "Mickey_Rourke", 3]], [[189889, 201078, "Mickey_Rourke", 7]]], "all_evidence": [[189889, 201077, "Mickey_Rourke", 3], [189889, 201078, "Mickey_Rourke", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79672, null, null, null], [79673, null, null, null]]], "all_evidence": [[79672, null, null, null], [79673, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53716, null, null, null]]], "all_evidence": [[53716, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130798, 145585, "Yale_University", 23]]], "all_evidence": [[130798, 145585, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127825, 142517, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[127825, 142517, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177776, 190492, "West_Virginia", 1]]], "all_evidence": [[177776, 190492, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56691, 66914, "L.A._Reid", 1], [56691, 66914, "Epic_Records", 0]]], "all_evidence": [[56691, 66914, "L.A._Reid", 1], [56691, 66914, "Epic_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227630, 231976, "Happiness_in_Slavery", 0]]], "all_evidence": [[227630, 231976, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226475, 231038, "Eighth_Doctor", 0]]], "all_evidence": [[226475, 231038, "Eighth_Doctor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236093, 238632, "Tijuana", 0], [236093, 238632, "Baja_California", 9]]], "all_evidence": [[236093, 238632, "Tijuana", 0], [236093, 238632, "Baja_California", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41018, 49323, "A_Milli", 0]]], "all_evidence": [[41018, 49323, "A_Milli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36854, null, null, null]]], "all_evidence": [[36854, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142750, 157895, "You_Belong_with_Me", 20]]], "all_evidence": [[142750, 157895, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59767, 70173, "Janet_Leigh", 0]]], "all_evidence": [[59767, 70173, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207677, 215899, "Steve_Ditko", 3]]], "all_evidence": [[207677, 215899, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156330, 170933, "XHamster", 6]]], "all_evidence": [[156330, 170933, "XHamster", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109847, 123441, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[109847, 123441, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21905, null, null, null]]], "all_evidence": [[21905, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225908, 230484, "Roland_Emmerich", 3]]], "all_evidence": [[225908, 230484, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52618, 62576, "Psych", 0]]], "all_evidence": [[52618, 62576, "Psych", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193406, 203923, "Don_Bradman", 1], [193406, 203923, "Test_cricket", 0]], [[193406, 203924, "Don_Bradman", 5]], [[193406, 203925, "Don_Bradman", 20]]], "all_evidence": [[193406, 203923, "Don_Bradman", 1], [193406, 203923, "Test_cricket", 0], [193406, 203924, "Don_Bradman", 5], [193406, 203925, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221697, 227267, "Matthias_Corvinus", 31], [221697, 227267, "Matthias_Corvinus", 0]]], "all_evidence": [[221697, 227267, "Matthias_Corvinus", 31], [221697, 227267, "Matthias_Corvinus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185788, null, null, null]]], "all_evidence": [[185788, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201869, 211224, "Artpop", 13]]], "all_evidence": [[201869, 211224, "Artpop", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24724, null, null, null], [82786, null, null, null], [299705, null, null, null]]], "all_evidence": [[24724, null, null, null], [82786, null, null, null], [299705, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145795, 160818, "Trevor_Griffiths", 0]]], "all_evidence": [[145795, 160818, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269615, 265894, "Richard_Dawkins", 16]]], "all_evidence": [[269615, 265894, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100580, 113871, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [100580, 113871, "Ray_Winstone", 0]]], "all_evidence": [[100580, 113871, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [100580, 113871, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218025, 224431, "Live_Through_This", 12]]], "all_evidence": [[218025, 224431, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127019, null, null, null]]], "all_evidence": [[127019, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211401, null, null, null], [211404, null, null, null]]], "all_evidence": [[211401, null, null, null], [211404, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90531, null, null, null]]], "all_evidence": [[90531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238968, 240927, "Despicable_Me_2", 1]]], "all_evidence": [[238968, 240927, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145287, 160286, "Annette_Badland", 1]], [[148243, 163251, "Annette_Badland", 1]], [[150876, 165713, "Annette_Badland", 1]], [[311275, 301296, "Annette_Badland", 1]], [[312853, 302583, "Annette_Badland", 1]], [[312855, 302585, "Annette_Badland", 1]], [[312857, 302586, "Annette_Badland", 1]]], "all_evidence": [[145287, 160286, "Annette_Badland", 1], [148243, 163251, "Annette_Badland", 1], [150876, 165713, "Annette_Badland", 1], [311275, 301296, "Annette_Badland", 1], [312853, 302583, "Annette_Badland", 1], [312855, 302585, "Annette_Badland", 1], [312857, 302586, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179234, null, null, null]]], "all_evidence": [[179234, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11903, 14914, "Lizzy_Caplan", 2]]], "all_evidence": [[11903, 14914, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190477, 201490, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[190478, 201491, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190477, 201490, "Tom_Baker_-LRB-English_actor-RRB-", 15], [190478, 201491, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157427, null, null, null]]], "all_evidence": [[157427, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64638, 75450, "Raees_-LRB-film-RRB-", 1], [64638, 75450, "Shah_Rukh_Khan", 0]]], "all_evidence": [[64638, 75450, "Raees_-LRB-film-RRB-", 1], [64638, 75450, "Shah_Rukh_Khan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206500, null, null, null]]], "all_evidence": [[206500, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228494, 232672, "Stripes_-LRB-film-RRB-", 0]], [[228494, 232674, "Stripes_-LRB-film-RRB-", 1], [228494, 232674, "Stripes_-LRB-film-RRB-", 0]], [[228494, 232676, "Stripes_-LRB-film-RRB-", 2], [228494, 232676, "Stripes_-LRB-film-RRB-", 0]]], "all_evidence": [[228494, 232672, "Stripes_-LRB-film-RRB-", 0], [228494, 232674, "Stripes_-LRB-film-RRB-", 1], [228494, 232674, "Stripes_-LRB-film-RRB-", 0], [228494, 232676, "Stripes_-LRB-film-RRB-", 2], [228494, 232676, "Stripes_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67877, null, null, null]]], "all_evidence": [[67877, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53069, 63014, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[53069, 63014, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236589, 239026, "Regina_King", 2]]], "all_evidence": [[236589, 239026, "Regina_King", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297616, null, null, null], [342091, null, null, null], [342092, null, null, null], [342098, null, null, null], [342099, null, null, null]]], "all_evidence": [[297616, null, null, null], [342091, null, null, null], [342092, null, null, null], [342098, null, null, null], [342099, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237951, null, null, null]]], "all_evidence": [[237951, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150444, 165331, "A_View_to_a_Kill", 6]]], "all_evidence": [[150444, 165331, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82487, null, null, null]]], "all_evidence": [[82487, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127514, null, null, null]]], "all_evidence": [[127514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270770, 266776, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270770, 266776, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14916, 18554, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[14916, 18554, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239317, 241216, "Lockheed_Martin", 4], [239317, 241216, "Marillyn_Hewson", 0]]], "all_evidence": [[239317, 241216, "Lockheed_Martin", 4], [239317, 241216, "Marillyn_Hewson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139710, 154717, "Chaka_Khan", 4]], [[139711, 154718, "Chaka_Khan", 4]], [[139712, 154719, "Chaka_Khan", 4]], [[139713, 154720, "Chaka_Khan", 4]], [[139714, 154721, "Chaka_Khan", 4]], [[139715, 154722, "Chaka_Khan", 4]], [[139716, 154723, "Chaka_Khan", 4]], [[139717, 154724, "Chaka_Khan", 4]], [[139718, 154725, "Chaka_Khan", 4]], [[139719, 154726, "Chaka_Khan", 4]], [[139720, 154727, "Chaka_Khan", 4]], [[139721, 154728, "Chaka_Khan", 4]], [[139722, 154729, "Chaka_Khan", 4]], [[139723, 154730, "Chaka_Khan", 4]], [[139724, 154731, "Chaka_Khan", 4]], [[139725, 154733, "Chaka_Khan", 4]], [[139726, 154732, "Chaka_Khan", 4]], [[139727, 154734, "Chaka_Khan", 4]], [[139728, 154735, "Chaka_Khan", 4]], [[139729, 154736, "Chaka_Khan", 4]], [[139730, 154737, "Chaka_Khan", 4]], [[139731, 154738, "Chaka_Khan", 4]], [[139732, 154739, "Chaka_Khan", 4]]], "all_evidence": [[139710, 154717, "Chaka_Khan", 4], [139711, 154718, "Chaka_Khan", 4], [139712, 154719, "Chaka_Khan", 4], [139713, 154720, "Chaka_Khan", 4], [139714, 154721, "Chaka_Khan", 4], [139715, 154722, "Chaka_Khan", 4], [139716, 154723, "Chaka_Khan", 4], [139717, 154724, "Chaka_Khan", 4], [139718, 154725, "Chaka_Khan", 4], [139719, 154726, "Chaka_Khan", 4], [139720, 154727, "Chaka_Khan", 4], [139721, 154728, "Chaka_Khan", 4], [139722, 154729, "Chaka_Khan", 4], [139723, 154730, "Chaka_Khan", 4], [139724, 154731, "Chaka_Khan", 4], [139725, 154733, "Chaka_Khan", 4], [139726, 154732, "Chaka_Khan", 4], [139727, 154734, "Chaka_Khan", 4], [139728, 154735, "Chaka_Khan", 4], [139729, 154736, "Chaka_Khan", 4], [139730, 154737, "Chaka_Khan", 4], [139731, 154738, "Chaka_Khan", 4], [139732, 154739, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282065, null, null, null], [284088, null, null, null], [329951, null, null, null]]], "all_evidence": [[282065, null, null, null], [284088, null, null, null], [329951, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156010, 170673, "Luis_Fonsi", 0]]], "all_evidence": [[156010, 170673, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241696, 243217, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241696, 243217, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156077, null, null, null]]], "all_evidence": [[156077, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44981, 53681, "Prescott,_Arizona", 0]], [[44981, 53682, "Prescott,_Arizona", 3]], [[44981, 53683, "Prescott,_Arizona", 5]], [[44981, 53684, "Prescott,_Arizona", 11]]], "all_evidence": [[44981, 53681, "Prescott,_Arizona", 0], [44981, 53682, "Prescott,_Arizona", 3], [44981, 53683, "Prescott,_Arizona", 5], [44981, 53684, "Prescott,_Arizona", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33457, 40598, "Touchscreen", 9]]], "all_evidence": [[33457, 40598, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234519, 237374, "Boyhood_-LRB-film-RRB-", 2]]], "all_evidence": [[234519, 237374, "Boyhood_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199485, 209161, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199485, 209161, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198033, null, null, null]]], "all_evidence": [[198033, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36391, 43982, "CONCACAF_Champions_League", 0]], [[36391, 43983, "CONCACAF_Champions_League", 9]]], "all_evidence": [[36391, 43982, "CONCACAF_Champions_League", 0], [36391, 43983, "CONCACAF_Champions_League", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211458, 219168, "Princess_Mononoke", 7]]], "all_evidence": [[211458, 219168, "Princess_Mononoke", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115945, 129819, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[115945, 129820, "Recovery_-LRB-Eminem_album-RRB-", 9], [115945, 129820, "Love_the_Way_You_Lie", 0]]], "all_evidence": [[115945, 129819, "Recovery_-LRB-Eminem_album-RRB-", 6], [115945, 129820, "Recovery_-LRB-Eminem_album-RRB-", 9], [115945, 129820, "Love_the_Way_You_Lie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44017, 52657, "Brian_Michael_Bendis", 12]]], "all_evidence": [[44017, 52657, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104257, null, null, null]]], "all_evidence": [[104257, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84899, null, null, null]]], "all_evidence": [[84899, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270526, null, null, null]]], "all_evidence": [[270526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218567, 224818, "Diana,_Princess_of_Wales", 17]]], "all_evidence": [[218567, 224818, "Diana,_Princess_of_Wales", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245091, 246005, "Endometrial_cancer", 7]]], "all_evidence": [[245091, 246005, "Endometrial_cancer", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186123, null, null, null]]], "all_evidence": [[186123, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43547, null, null, null]]], "all_evidence": [[43547, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157932, 172535, "Amyotrophic_lateral_sclerosis", 15], [157932, 172535, "Amyotrophic_lateral_sclerosis", 0]]], "all_evidence": [[157932, 172535, "Amyotrophic_lateral_sclerosis", 15], [157932, 172535, "Amyotrophic_lateral_sclerosis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129907, 144609, "Advertising", 0]], [[129915, 144616, "Advertising", 0]], [[129915, 144617, "Advertising", 1]]], "all_evidence": [[129907, 144609, "Advertising", 0], [129915, 144616, "Advertising", 0], [129915, 144617, "Advertising", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272529, 268202, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[272529, 268202, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230171, 233915, "Frozen_-LRB-2013_film-RRB-", 13]]], "all_evidence": [[230171, 233915, "Frozen_-LRB-2013_film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171046, 184570, "T2_Trainspotting", 0]]], "all_evidence": [[171046, 184570, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98555, null, null, null]]], "all_evidence": [[98555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100068, 113287, "L.A._Reid", 1]]], "all_evidence": [[100068, 113287, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29203, 35615, "Republic_of_Macedonia", 1]]], "all_evidence": [[29203, 35615, "Republic_of_Macedonia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91201, 103911, "Telemundo", 0]]], "all_evidence": [[91201, 103911, "Telemundo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12813, 15976, "Meteora_-LRB-album-RRB-", 0]], [[12813, 15977, "Meteora_-LRB-album-RRB-", 3]], [[12813, 15978, "Meteora_-LRB-album-RRB-", 13]], [[12813, 15979, "Meteora_-LRB-album-RRB-", 14]], [[12813, 15980, "Meteora_-LRB-album-RRB-", 18]], [[12818, 15983, "Meteora_-LRB-album-RRB-", 0]], [[12818, 15984, "Meteora_-LRB-album-RRB-", 3]], [[12818, 15985, "Meteora_-LRB-album-RRB-", 7]], [[12818, 15986, "Meteora_-LRB-album-RRB-", 9], [12818, 15986, "Breaking_the_Habit", 1], [12818, 15986, "Faint_-LRB-song-RRB-", 0], [12818, 15986, "From_the_Inside_-LRB-song-RRB-", 1], [12818, 15986, "Linkin_Park", 2], [12818, 15986, "Numb_-LRB-Linkin_Park_song-RRB-", 1], [12818, 15986, "Somewhere_I_Belong", 1]], [[12818, 15987, "Meteora_-LRB-album-RRB-", 10], [12818, 15987, "Lying_from_You", 1]], [[12818, 15988, "Meteora_-LRB-album-RRB-", 13]], [[12818, 15989, "Meteora_-LRB-album-RRB-", 14]], [[12818, 15990, "Meteora_-LRB-album-RRB-", 15]], [[12818, 15991, "Meteora_-LRB-album-RRB-", 17]], [[12818, 15993, "Meteora_-LRB-album-RRB-", 18]], [[19531, 23972, "Meteora_-LRB-album-RRB-", 0]], [[19531, 23973, "Meteora_-LRB-album-RRB-", 2]], [[19531, 23974, "Meteora_-LRB-album-RRB-", 3]], [[19531, 23975, "Meteora_-LRB-album-RRB-", 7]], [[19531, 23976, "Meteora_-LRB-album-RRB-", 9], [19531, 23976, "Breaking_the_Habit", 1]], [[19531, 23977, "Meteora_-LRB-album-RRB-", 10], [19531, 23977, "Lying_from_You", 1]], [[19531, 23978, "Meteora_-LRB-album-RRB-", 13]], [[19531, 23980, "Meteora_-LRB-album-RRB-", 14]], [[19531, 23981, "Meteora_-LRB-album-RRB-", 15]], [[19531, 23982, "Meteora_-LRB-album-RRB-", 17]], [[19531, 23983, "Meteora_-LRB-album-RRB-", 18]], [[20867, 25572, "Meteora_-LRB-album-RRB-", 0]], [[20867, 25573, "Meteora_-LRB-album-RRB-", 13]], [[20867, 25574, "Meteora_-LRB-album-RRB-", 15]], [[20867, 25575, "Meteora_-LRB-album-RRB-", 18]], [[20867, 25576, "Meteora_-LRB-album-RRB-", 17]], [[20867, 25577, "Meteora_-LRB-album-RRB-", 14]], [[20867, 25578, "Meteora_-LRB-album-RRB-", 10], [20867, 25578, "Lying_from_You", 1]], [[20867, 25579, "Meteora_-LRB-album-RRB-", 9], [20867, 25579, "Breaking_the_Habit", 1]], [[20867, 25580, "Meteora_-LRB-album-RRB-", 7]], [[20867, 25581, "Meteora_-LRB-album-RRB-", 3]], [[232676, 235822, "Meteora_-LRB-album-RRB-", 0]], [[299132, 290507, "Meteora_-LRB-album-RRB-", 0]], [[301209, 292323, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[12813, 15976, "Meteora_-LRB-album-RRB-", 0], [12813, 15977, "Meteora_-LRB-album-RRB-", 3], [12813, 15978, "Meteora_-LRB-album-RRB-", 13], [12813, 15979, "Meteora_-LRB-album-RRB-", 14], [12813, 15980, "Meteora_-LRB-album-RRB-", 18], [12818, 15983, "Meteora_-LRB-album-RRB-", 0], [12818, 15984, "Meteora_-LRB-album-RRB-", 3], [12818, 15985, "Meteora_-LRB-album-RRB-", 7], [12818, 15986, "Meteora_-LRB-album-RRB-", 9], [12818, 15986, "Breaking_the_Habit", 1], [12818, 15986, "Faint_-LRB-song-RRB-", 0], [12818, 15986, "From_the_Inside_-LRB-song-RRB-", 1], [12818, 15986, "Linkin_Park", 2], [12818, 15986, "Numb_-LRB-Linkin_Park_song-RRB-", 1], [12818, 15986, "Somewhere_I_Belong", 1], [12818, 15987, "Meteora_-LRB-album-RRB-", 10], [12818, 15987, "Lying_from_You", 1], [12818, 15988, "Meteora_-LRB-album-RRB-", 13], [12818, 15989, "Meteora_-LRB-album-RRB-", 14], [12818, 15990, "Meteora_-LRB-album-RRB-", 15], [12818, 15991, "Meteora_-LRB-album-RRB-", 17], [12818, 15993, "Meteora_-LRB-album-RRB-", 18], [19531, 23972, "Meteora_-LRB-album-RRB-", 0], [19531, 23973, "Meteora_-LRB-album-RRB-", 2], [19531, 23974, "Meteora_-LRB-album-RRB-", 3], [19531, 23975, "Meteora_-LRB-album-RRB-", 7], [19531, 23976, "Meteora_-LRB-album-RRB-", 9], [19531, 23976, "Breaking_the_Habit", 1], [19531, 23977, "Meteora_-LRB-album-RRB-", 10], [19531, 23977, "Lying_from_You", 1], [19531, 23978, "Meteora_-LRB-album-RRB-", 13], [19531, 23980, "Meteora_-LRB-album-RRB-", 14], [19531, 23981, "Meteora_-LRB-album-RRB-", 15], [19531, 23982, "Meteora_-LRB-album-RRB-", 17], [19531, 23983, "Meteora_-LRB-album-RRB-", 18], [20867, 25572, "Meteora_-LRB-album-RRB-", 0], [20867, 25573, "Meteora_-LRB-album-RRB-", 13], [20867, 25574, "Meteora_-LRB-album-RRB-", 15], [20867, 25575, "Meteora_-LRB-album-RRB-", 18], [20867, 25576, "Meteora_-LRB-album-RRB-", 17], [20867, 25577, "Meteora_-LRB-album-RRB-", 14], [20867, 25578, "Meteora_-LRB-album-RRB-", 10], [20867, 25578, "Lying_from_You", 1], [20867, 25579, "Meteora_-LRB-album-RRB-", 9], [20867, 25579, "Breaking_the_Habit", 1], [20867, 25580, "Meteora_-LRB-album-RRB-", 7], [20867, 25581, "Meteora_-LRB-album-RRB-", 3], [232676, 235822, "Meteora_-LRB-album-RRB-", 0], [299132, 290507, "Meteora_-LRB-album-RRB-", 0], [301209, 292323, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66034, 76886, "Blue_Jasmine", 1], [66034, 76886, "Sally_Hawkins", 0]]], "all_evidence": [[66034, 76886, "Blue_Jasmine", 1], [66034, 76886, "Sally_Hawkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23974, 29684, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[23974, 29684, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152147, 166927, "TakePart", 0]]], "all_evidence": [[152147, 166927, "TakePart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275683, 270794, "Gal_Gadot", 4]], [[277956, 272881, "Gal_Gadot", 4]], [[277959, 272882, "Gal_Gadot", 4]], [[324766, 312653, "Gal_Gadot", 4]]], "all_evidence": [[275683, 270794, "Gal_Gadot", 4], [277956, 272881, "Gal_Gadot", 4], [277959, 272882, "Gal_Gadot", 4], [324766, 312653, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111388, 125030, "Ashley_Graham_-LRB-model-RRB-", 6]]], "all_evidence": [[111388, 125030, "Ashley_Graham_-LRB-model-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144985, 159990, "Hundred_Years'_War", 21]], [[144986, 159991, "Hundred_Years'_War", 21]]], "all_evidence": [[144985, 159990, "Hundred_Years'_War", 21], [144986, 159991, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229412, 233340, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1]], [[229412, 233341, "Graffiti_-LRB-Chris_Brown_album-RRB-", 3]]], "all_evidence": [[229412, 233340, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1], [229412, 233341, "Graffiti_-LRB-Chris_Brown_album-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96560, 109724, "Global_warming", 13]]], "all_evidence": [[96560, 109724, "Global_warming", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296475, 288312, "Dan_O'Bannon", 0]]], "all_evidence": [[296475, 288312, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69063, null, null, null]]], "all_evidence": [[69063, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270826, null, null, null]]], "all_evidence": [[270826, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109751, null, null, null]]], "all_evidence": [[109751, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142991, null, null, null]]], "all_evidence": [[142991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239229, 241145, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239233, 241149, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239233, 241150, "Avenged_Sevenfold_-LRB-album-RRB-", 2]], [[239233, 241151, "Avenged_Sevenfold_-LRB-album-RRB-", 3]], [[239233, 241152, "Avenged_Sevenfold_-LRB-album-RRB-", 4]], [[239233, 241153, "Avenged_Sevenfold_-LRB-album-RRB-", 5]], [[239233, 241154, "Avenged_Sevenfold_-LRB-album-RRB-", 6]], [[239233, 241155, "Avenged_Sevenfold_-LRB-album-RRB-", 9]], [[239233, 241156, "Avenged_Sevenfold_-LRB-album-RRB-", 11]], [[239236, 241159, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239229, 241145, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239233, 241149, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239233, 241150, "Avenged_Sevenfold_-LRB-album-RRB-", 2], [239233, 241151, "Avenged_Sevenfold_-LRB-album-RRB-", 3], [239233, 241152, "Avenged_Sevenfold_-LRB-album-RRB-", 4], [239233, 241153, "Avenged_Sevenfold_-LRB-album-RRB-", 5], [239233, 241154, "Avenged_Sevenfold_-LRB-album-RRB-", 6], [239233, 241155, "Avenged_Sevenfold_-LRB-album-RRB-", 9], [239233, 241156, "Avenged_Sevenfold_-LRB-album-RRB-", 11], [239236, 241159, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194700, null, null, null]]], "all_evidence": [[194700, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227782, 232143, "Tilda_Swinton", 0]]], "all_evidence": [[227782, 232143, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219121, 225225, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219121, 225225, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38966, null, null, null]]], "all_evidence": [[38966, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152408, 167207, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[152408, 167207, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234940, 237720, "Tijuana", 0], [234940, 237720, "Baja_California_Peninsula", 0]]], "all_evidence": [[234940, 237720, "Tijuana", 0], [234940, 237720, "Baja_California_Peninsula", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173414, 186671, "Starrcade", 16]], [[173414, 186672, "Starrcade", 0]], [[173414, 186673, "Starrcade", 6]]], "all_evidence": [[173414, 186671, "Starrcade", 16], [173414, 186672, "Starrcade", 0], [173414, 186673, "Starrcade", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292066, 284893, "Knocked_Up", 4]], [[294085, 286451, "Knocked_Up", 4]], [[294747, 286970, "Knocked_Up", 4]], [[339083, 324129, "Knocked_Up", 4]], [[339084, 324130, "Knocked_Up", 4], [339084, 324130, "Knocked_Up", 0]], [[339085, 324131, "Knocked_Up", 4], [339085, 324131, "Knocked_Up", 0]], [[339087, 324132, "Knocked_Up", 4]], [[339088, 324133, "Knocked_Up", 4], [339088, 324133, "Knocked_Up", 0]], [[339124, 324159, "Knocked_Up", 4]]], "all_evidence": [[292066, 284893, "Knocked_Up", 4], [294085, 286451, "Knocked_Up", 4], [294747, 286970, "Knocked_Up", 4], [339083, 324129, "Knocked_Up", 4], [339084, 324130, "Knocked_Up", 4], [339084, 324130, "Knocked_Up", 0], [339085, 324131, "Knocked_Up", 4], [339085, 324131, "Knocked_Up", 0], [339087, 324132, "Knocked_Up", 4], [339088, 324133, "Knocked_Up", 4], [339088, 324133, "Knocked_Up", 0], [339124, 324159, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178653, null, null, null]]], "all_evidence": [[178653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138591, 153674, "Scotty_Moore", 0]]], "all_evidence": [[138591, 153674, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68584, null, null, null]]], "all_evidence": [[68584, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92260, null, null, null]]], "all_evidence": [[92260, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[288085, 281348, "Jack_Falahee", 0], [288085, 281348, "Jack_Falahee", 1]], [[333194, 319432, "Jack_Falahee", 1]], [[333197, 319433, "Jack_Falahee", 0], [333197, 319433, "Jack_Falahee", 1]]], "all_evidence": [[288085, 281348, "Jack_Falahee", 0], [288085, 281348, "Jack_Falahee", 1], [333194, 319432, "Jack_Falahee", 1], [333197, 319433, "Jack_Falahee", 0], [333197, 319433, "Jack_Falahee", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68265, null, null, null]]], "all_evidence": [[68265, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108265, null, null, null]]], "all_evidence": [[108265, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199068, null, null, null], [199069, null, null, null]]], "all_evidence": [[199068, null, null, null], [199069, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180761, 193152, "Carlos_Santana", 0]]], "all_evidence": [[180761, 193152, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31810, 38612, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[31810, 38612, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117527, 131433, "Danny_Brown", 4]], [[117568, 131465, "Danny_Brown", 3]], [[117568, 131466, "Danny_Brown", 4]]], "all_evidence": [[117527, 131433, "Danny_Brown", 4], [117568, 131465, "Danny_Brown", 3], [117568, 131466, "Danny_Brown", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210224, null, null, null]]], "all_evidence": [[210224, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24742, null, null, null], [299714, null, null, null]]], "all_evidence": [[24742, null, null, null], [299714, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81660, null, null, null]]], "all_evidence": [[81660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107461, 120924, "Ed_Wood_-LRB-film-RRB-", 0], [107461, 120924, "Ed_Wood", 1]]], "all_evidence": [[107461, 120924, "Ed_Wood_-LRB-film-RRB-", 0], [107461, 120924, "Ed_Wood", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155160, 169866, "TV_Choice", 1]]], "all_evidence": [[155160, 169866, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173901, 187088, "Michelin_Guide", 0]]], "all_evidence": [[173901, 187088, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175972, 188937, "Penguin_Books", 2]]], "all_evidence": [[175972, 188937, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272431, null, null, null]]], "all_evidence": [[272431, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145550, null, null, null]]], "all_evidence": [[145550, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86352, null, null, null], [86354, null, null, null]]], "all_evidence": [[86352, null, null, null], [86354, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115294, null, null, null]]], "all_evidence": [[115294, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89977, null, null, null]]], "all_evidence": [[89977, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244431, 245442, "Samwell_Tarly", 0]], [[244431, 245443, "Samwell_Tarly", 3], [244431, 245443, "A_Game_of_Thrones", 0]], [[244431, 245444, "Samwell_Tarly", 4], [244431, 245444, "A_Clash_of_Kings", 0]]], "all_evidence": [[244431, 245442, "Samwell_Tarly", 0], [244431, 245443, "Samwell_Tarly", 3], [244431, 245443, "A_Game_of_Thrones", 0], [244431, 245444, "Samwell_Tarly", 4], [244431, 245444, "A_Clash_of_Kings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239603, 241385, "Polynesian_languages", 6]]], "all_evidence": [[239603, 241385, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94630, 107609, "Lincoln\u2013Douglas_debates", 10]]], "all_evidence": [[94630, 107609, "Lincoln\u2013Douglas_debates", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42556, 51209, "NRG_Recording_Studios", 0]]], "all_evidence": [[42556, 51209, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31252, 37961, "Rhythm_Nation", 23]]], "all_evidence": [[31252, 37961, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199078, 208758, "Matteo_Renzi", 0]]], "all_evidence": [[199078, 208758, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197427, 207463, "Lalla_Ward", 0]]], "all_evidence": [[197427, 207463, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152560, 167354, "The_Mod_Squad", 0]]], "all_evidence": [[152560, 167354, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257324, 256350, "Calcaneal_spur", 1], [257324, 256350, "Radiography", 0], [257324, 256350, "Radiography", 1], [257324, 256350, "Radiography", 4]]], "all_evidence": [[257324, 256350, "Calcaneal_spur", 1], [257324, 256350, "Radiography", 0], [257324, 256350, "Radiography", 1], [257324, 256350, "Radiography", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184151, null, null, null]]], "all_evidence": [[184151, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241398, null, null, null]]], "all_evidence": [[241398, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149611, null, null, null]]], "all_evidence": [[149611, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246273, null, null, null]]], "all_evidence": [[246273, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210892, null, null, null]]], "all_evidence": [[210892, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222207, null, null, null]]], "all_evidence": [[222207, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251496, 251338, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251496, 251338, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271145, 267085, "Giada_at_Home", 1], [271145, 267085, "Food_Network", 0]]], "all_evidence": [[271145, 267085, "Giada_at_Home", 1], [271145, 267085, "Food_Network", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214275, null, null, null], [214279, null, null, null]]], "all_evidence": [[214275, null, null, null], [214279, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46614, null, null, null]]], "all_evidence": [[46614, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53542, 63539, "Daggering", 3], [53542, 63539, "Dancehall", 0]], [[56845, 67072, "Daggering", 0]], [[56890, 67126, "Daggering", 3], [56890, 67126, "Dancehall", 0]], [[305093, 295920, "Daggering", 3]]], "all_evidence": [[53542, 63539, "Daggering", 3], [53542, 63539, "Dancehall", 0], [56845, 67072, "Daggering", 0], [56890, 67126, "Daggering", 3], [56890, 67126, "Dancehall", 0], [305093, 295920, "Daggering", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263261, 260980, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263261, 260980, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140592, 155685, "Off_the_Wall", 0]]], "all_evidence": [[140592, 155685, "Off_the_Wall", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214276, null, null, null]]], "all_evidence": [[214276, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210335, 218100, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210335, 218100, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49153, 58485, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[49153, 58485, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233044, 236047, "Saturn", 0]]], "all_evidence": [[233044, 236047, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70196, 81075, "Angelsberg", 0]], [[70196, 81076, "Angelsberg", 1]]], "all_evidence": [[70196, 81075, "Angelsberg", 0], [70196, 81076, "Angelsberg", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233064, 236066, "Saturn", 0]]], "all_evidence": [[233064, 236066, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164999, 179184, "AMGTV", 0]]], "all_evidence": [[164999, 179184, "AMGTV", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166239, null, null, null]]], "all_evidence": [[166239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49366, null, null, null]]], "all_evidence": [[49366, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129776, null, null, null]]], "all_evidence": [[129776, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19447, 23870, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[19447, 23870, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199098, null, null, null]]], "all_evidence": [[199098, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18287, 22463, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[18287, 22463, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135883, null, null, null]]], "all_evidence": [[135883, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208074, null, null, null]]], "all_evidence": [[208074, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41689, 50118, "Joe_Rogan", 7]]], "all_evidence": [[41689, 50118, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139990, 154997, "The_Bahamas", 0]]], "all_evidence": [[139990, 154997, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260527, null, null, null]]], "all_evidence": [[260527, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82317, null, null, null]]], "all_evidence": [[82317, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232788, null, null, null], [232791, null, null, null]]], "all_evidence": [[232788, null, null, null], [232791, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57809, null, null, null]]], "all_evidence": [[57809, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40373, null, null, null], [302095, null, null, null], [303704, null, null, null]]], "all_evidence": [[40373, null, null, null], [302095, null, null, null], [303704, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118249, null, null, null]]], "all_evidence": [[118249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290493, null, null, null], [293916, null, null, null], [338595, null, null, null], [338597, null, null, null]]], "all_evidence": [[290493, null, null, null], [293916, null, null, null], [338595, null, null, null], [338597, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110276, null, null, null]]], "all_evidence": [[110276, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256576, 255772, "Eva_Green", 1]], [[256576, 255773, "Eva_Green", 2]], [[256576, 255774, "Eva_Green", 6]], [[321048, 309503, "Eva_Green", 6]], [[321050, 309507, "Eva_Green", 1]], [[321050, 309508, "Eva_Green", 6]], [[321050, 309509, "Eva_Green", 7]], [[321055, 309513, "Eva_Green", 1]], [[321055, 309514, "Eva_Green", 2], [321055, 309514, "Kingdom_of_Heaven_-LRB-film-RRB-", 0]], [[321055, 309515, "Eva_Green", 6]], [[321055, 309516, "Eva_Green", 8], [321055, 309516, "300_-LRB-film-RRB-", 0]], [[321055, 309517, "Eva_Green", 7], [321055, 309517, "Dark_Shadows_-LRB-film-RRB-", 0]], [[321081, 309561, "Eva_Green", 1]], [[321081, 309562, "Eva_Green", 2]], [[321081, 309563, "Eva_Green", 6]], [[321081, 309564, "Eva_Green", 7]], [[321081, 309565, "Eva_Green", 8], [321081, 309565, "Sin_City_-LRB-film-RRB-", 0]]], "all_evidence": [[256576, 255772, "Eva_Green", 1], [256576, 255773, "Eva_Green", 2], [256576, 255774, "Eva_Green", 6], [321048, 309503, "Eva_Green", 6], [321050, 309507, "Eva_Green", 1], [321050, 309508, "Eva_Green", 6], [321050, 309509, "Eva_Green", 7], [321055, 309513, "Eva_Green", 1], [321055, 309514, "Eva_Green", 2], [321055, 309514, "Kingdom_of_Heaven_-LRB-film-RRB-", 0], [321055, 309515, "Eva_Green", 6], [321055, 309516, "Eva_Green", 8], [321055, 309516, "300_-LRB-film-RRB-", 0], [321055, 309517, "Eva_Green", 7], [321055, 309517, "Dark_Shadows_-LRB-film-RRB-", 0], [321081, 309561, "Eva_Green", 1], [321081, 309562, "Eva_Green", 2], [321081, 309563, "Eva_Green", 6], [321081, 309564, "Eva_Green", 7], [321081, 309565, "Eva_Green", 8], [321081, 309565, "Sin_City_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24306, 30041, "Rhythm_Nation", 23]]], "all_evidence": [[24306, 30041, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201126, 210576, "The_Endless_River", 0]]], "all_evidence": [[201126, 210576, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237581, 239797, "Dakota_Fanning", 6]]], "all_evidence": [[237581, 239797, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122788, 137077, "Star_Trek-COLON-_Discovery", 1]], [[122789, 137078, "Star_Trek-COLON-_Discovery", 1]], [[122790, 137079, "Star_Trek-COLON-_Discovery", 1]], [[122791, 137080, "Star_Trek-COLON-_Discovery", 1]], [[122792, 137081, "Star_Trek-COLON-_Discovery", 1]], [[122793, 137082, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[122788, 137077, "Star_Trek-COLON-_Discovery", 1], [122789, 137078, "Star_Trek-COLON-_Discovery", 1], [122790, 137079, "Star_Trek-COLON-_Discovery", 1], [122791, 137080, "Star_Trek-COLON-_Discovery", 1], [122792, 137081, "Star_Trek-COLON-_Discovery", 1], [122793, 137082, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268475, 265054, "Michaela_Watkins", 0]]], "all_evidence": [[268475, 265054, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236647, null, null, null]]], "all_evidence": [[236647, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62636, null, null, null]]], "all_evidence": [[62636, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161394, 175892, "Psych", 2]]], "all_evidence": [[161394, 175892, "Psych", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258091, 256970, "Monk", 0]]], "all_evidence": [[258091, 256970, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162382, 176700, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[162382, 176700, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123162, 137502, "New_York_Knicks", 1]]], "all_evidence": [[123162, 137502, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96810, 109957, "Tim_Roth", 0]]], "all_evidence": [[96810, 109957, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34700, 42077, "Colin_Kaepernick", 2]], [[34700, 42078, "Colin_Kaepernick", 7]], [[34700, 42079, "Colin_Kaepernick", 8]], [[34700, 42080, "Colin_Kaepernick", 6]], [[34700, 42081, "Colin_Kaepernick", 5]]], "all_evidence": [[34700, 42077, "Colin_Kaepernick", 2], [34700, 42078, "Colin_Kaepernick", 7], [34700, 42079, "Colin_Kaepernick", 8], [34700, 42080, "Colin_Kaepernick", 6], [34700, 42081, "Colin_Kaepernick", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123766, 138150, "A_River_Runs_Through_It_-LRB-film-RRB-", 0]]], "all_evidence": [[123766, 138150, "A_River_Runs_Through_It_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49733, null, null, null]]], "all_evidence": [[49733, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90975, 103658, "Philomena_-LRB-film-RRB-", 0]]], "all_evidence": [[90975, 103658, "Philomena_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221675, 227245, "Matthias_Corvinus", 31]]], "all_evidence": [[221675, 227245, "Matthias_Corvinus", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147477, 162474, "Sam_Claflin", 1]]], "all_evidence": [[147477, 162474, "Sam_Claflin", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213706, null, null, null]]], "all_evidence": [[213706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117727, 131608, "Kesha", 0]]], "all_evidence": [[117727, 131608, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[264415, null, null, null]]], "all_evidence": [[264415, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156905, 171482, "Sam_Claflin", 0]], [[156905, 171483, "Sam_Claflin", 1]]], "all_evidence": [[156905, 171482, "Sam_Claflin", 0], [156905, 171483, "Sam_Claflin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124643, 138985, "The_Good_Wife", 0]]], "all_evidence": [[124643, 138985, "The_Good_Wife", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84266, 96386, "A_Milli", 0], [84266, 96386, "Lil_Wayne", 0]], [[84287, 96406, "A_Milli", 0], [84287, 96406, "Lil_Wayne", 0]]], "all_evidence": [[84266, 96386, "A_Milli", 0], [84266, 96386, "Lil_Wayne", 0], [84287, 96406, "A_Milli", 0], [84287, 96406, "Lil_Wayne", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157519, null, null, null]]], "all_evidence": [[157519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54479, 64477, "You_Belong_with_Me", 20]]], "all_evidence": [[54479, 64477, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206704, 215018, "Al_Jardine", 1]]], "all_evidence": [[206704, 215018, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260899, null, null, null]]], "all_evidence": [[260899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266461, 263441, "Ludwig_van_Beethoven", 5]], [[266463, 263443, "Ludwig_van_Beethoven", 5]]], "all_evidence": [[266461, 263441, "Ludwig_van_Beethoven", 5], [266463, 263443, "Ludwig_van_Beethoven", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44673, 53356, "Match_Point", 2]]], "all_evidence": [[44673, 53356, "Match_Point", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106249, null, null, null]]], "all_evidence": [[106249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246263, null, null, null]]], "all_evidence": [[246263, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198040, 207984, "Syracuse,_New_York", 2]]], "all_evidence": [[198040, 207984, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236673, null, null, null]]], "all_evidence": [[236673, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108802, 122489, "Duane_Chapman", 1], [108802, 122489, "Dog_the_Bounty_Hunter", 1]]], "all_evidence": [[108802, 122489, "Duane_Chapman", 1], [108802, 122489, "Dog_the_Bounty_Hunter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190010, null, null, null]]], "all_evidence": [[190010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246617, 247093, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246617, 247093, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184001, null, null, null]]], "all_evidence": [[184001, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82845, null, null, null]]], "all_evidence": [[82845, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205311, null, null, null]]], "all_evidence": [[205311, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173425, 186678, "Advertising", 0]]], "all_evidence": [[173425, 186678, "Advertising", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191987, null, null, null]]], "all_evidence": [[191987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38826, 46785, "Touchscreen", 9]]], "all_evidence": [[38826, 46785, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236617, 239061, "Regina_King", 4]]], "all_evidence": [[236617, 239061, "Regina_King", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120579, 134823, "State_of_Palestine", 1]]], "all_evidence": [[120579, 134823, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74897, null, null, null]]], "all_evidence": [[74897, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189888, 201075, "Mickey_Rourke", 13]], [[189888, 201076, "Mickey_Rourke", 7]]], "all_evidence": [[189888, 201075, "Mickey_Rourke", 13], [189888, 201076, "Mickey_Rourke", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112067, null, null, null]]], "all_evidence": [[112067, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208051, 216199, "Osamu_Tezuka", 6]]], "all_evidence": [[208051, 216199, "Osamu_Tezuka", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255994, 255299, "Weekly_Idol", 1], [255994, 255299, "Weekly_Idol", 0]]], "all_evidence": [[255994, 255299, "Weekly_Idol", 1], [255994, 255299, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295999, null, null, null], [297505, null, null, null], [297610, null, null, null], [342051, null, null, null], [342059, null, null, null], [342064, null, null, null], [342065, null, null, null], [342068, null, null, null]]], "all_evidence": [[295999, null, null, null], [297505, null, null, null], [297610, null, null, null], [342051, null, null, null], [342059, null, null, null], [342064, null, null, null], [342065, null, null, null], [342068, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243123, null, null, null]]], "all_evidence": [[243123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227650, 231994, "Happiness_in_Slavery", 0], [227650, 231994, "Nine_Inch_Nails", 0]], [[227651, 231995, "Happiness_in_Slavery", 0]], [[227652, 231996, "Happiness_in_Slavery", 0], [227652, 231996, "Nine_Inch_Nails", 0]]], "all_evidence": [[227650, 231994, "Happiness_in_Slavery", 0], [227650, 231994, "Nine_Inch_Nails", 0], [227651, 231995, "Happiness_in_Slavery", 0], [227652, 231996, "Happiness_in_Slavery", 0], [227652, 231996, "Nine_Inch_Nails", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[217689, null, null, null]]], "all_evidence": [[217689, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22434, 27642, "Melancholia_-LRB-2011_film-RRB-", 0]], [[22434, 27643, "Melancholia_-LRB-2011_film-RRB-", 4]]], "all_evidence": [[22434, 27642, "Melancholia_-LRB-2011_film-RRB-", 0], [22434, 27643, "Melancholia_-LRB-2011_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266016, 263119, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266016, 263119, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237553, 239749, "Live_Through_This", 0]]], "all_evidence": [[237553, 239749, "Live_Through_This", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160490, 174995, "Paramore", 0]]], "all_evidence": [[160490, 174995, "Paramore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290011, 283086, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [290011, 283086, "Sonny_Digital", 0]], [[291354, 284296, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [291354, 284296, "Sonny_Digital", 0]], [[293495, 286007, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [293495, 286007, "Sonny_Digital", 0]], [[337436, 322814, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [337436, 322814, "Kanye_West", 0], [337436, 322814, "Mike_Dean_-LRB-record_producer-RRB-", 0], [337436, 322814, "Sonny_Digital", 0], [337436, 322814, "Anthony_Kilhoffer", 0]], [[337468, 322841, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [337468, 322841, "Sonny_Digital", 0]], [[338070, 323351, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [338070, 323351, "Sonny_Digital", 0]]], "all_evidence": [[290011, 283086, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [290011, 283086, "Sonny_Digital", 0], [291354, 284296, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [291354, 284296, "Sonny_Digital", 0], [293495, 286007, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [293495, 286007, "Sonny_Digital", 0], [337436, 322814, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [337436, 322814, "Kanye_West", 0], [337436, 322814, "Mike_Dean_-LRB-record_producer-RRB-", 0], [337436, 322814, "Sonny_Digital", 0], [337436, 322814, "Anthony_Kilhoffer", 0], [337468, 322841, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [337468, 322841, "Sonny_Digital", 0], [338070, 323351, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [338070, 323351, "Sonny_Digital", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160947, 175411, "Uranium-235", 6]]], "all_evidence": [[160947, 175411, "Uranium-235", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272412, null, null, null]]], "all_evidence": [[272412, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251548, 251384, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251548, 251384, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108640, null, null, null]]], "all_evidence": [[108640, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118190, null, null, null]]], "all_evidence": [[118190, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122952, 137220, "Sleipnir", 0]], [[122952, 137221, "Sleipnir", 2]]], "all_evidence": [[122952, 137220, "Sleipnir", 0], [122952, 137221, "Sleipnir", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40242, 48410, "Sheryl_Lee", 7]], [[43319, 51959, "Sheryl_Lee", 7], [43319, 51959, "Laura_Palmer", 4]], [[45599, 54460, "Sheryl_Lee", 7]], [[303656, 294594, "Sheryl_Lee", 7]], [[304738, 295544, "Sheryl_Lee", 7]]], "all_evidence": [[40242, 48410, "Sheryl_Lee", 7], [43319, 51959, "Sheryl_Lee", 7], [43319, 51959, "Laura_Palmer", 4], [45599, 54460, "Sheryl_Lee", 7], [303656, 294594, "Sheryl_Lee", 7], [304738, 295544, "Sheryl_Lee", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42531, 51181, "In_the_End", 1], [42531, 51181, "Hybrid_Theory", 0]]], "all_evidence": [[42531, 51181, "In_the_End", 1], [42531, 51181, "Hybrid_Theory", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79482, 91196, "Michigan", 13]]], "all_evidence": [[79482, 91196, "Michigan", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228172, 232419, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]], [[228179, 232425, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228172, 232419, "Fortunes_of_War_-LRB-TV_series-RRB-", 1], [228179, 232425, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20756, 25443, "Trollhunters", 0]], [[152027, 166781, "Trollhunters", 0]], [[299040, 290419, "Trollhunters", 0]]], "all_evidence": [[20756, 25443, "Trollhunters", 0], [152027, 166781, "Trollhunters", 0], [299040, 290419, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81610, 93372, "Duff_McKagan", 0]]], "all_evidence": [[81610, 93372, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48055, 57376, "English_people", 6]]], "all_evidence": [[48055, 57376, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155140, 169851, "Trevor_Griffiths", 0]]], "all_evidence": [[155140, 169851, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133515, 148365, "The_Mighty_Ducks", 1], [133515, 148365, "Walt_Disney_Pictures", 0]], [[133516, 148366, "The_Mighty_Ducks", 1], [133516, 148366, "Walt_Disney_Pictures", 0]]], "all_evidence": [[133515, 148365, "The_Mighty_Ducks", 1], [133515, 148365, "Walt_Disney_Pictures", 0], [133516, 148366, "The_Mighty_Ducks", 1], [133516, 148366, "Walt_Disney_Pictures", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72829, null, null, null]]], "all_evidence": [[72829, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73860, 85097, "Poldark_-LRB-2015_TV_series-RRB-", 6]]], "all_evidence": [[73860, 85097, "Poldark_-LRB-2015_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227065, 231481, "Bea_Arthur", 0]], [[227066, 231482, "Bea_Arthur", 0]]], "all_evidence": [[227065, 231481, "Bea_Arthur", 0], [227066, 231482, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58684, 68985, "Jack_Falahee", 0]]], "all_evidence": [[58684, 68985, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241690, 243213, "Rio_-LRB-2011_film-RRB-", 20], [241690, 243213, "Rio_2", 0], [241690, 243213, "Rio_2", 1], [241690, 243213, "Rio_2", 3]]], "all_evidence": [[241690, 243213, "Rio_-LRB-2011_film-RRB-", 20], [241690, 243213, "Rio_2", 0], [241690, 243213, "Rio_2", 1], [241690, 243213, "Rio_2", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227215, null, null, null]]], "all_evidence": [[227215, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77887, null, null, null]]], "all_evidence": [[77887, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225791, null, null, null]]], "all_evidence": [[225791, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75531, null, null, null]]], "all_evidence": [[75531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228452, 232633, "Stripes_-LRB-film-RRB-", 0]], [[228452, 232634, "Stripes_-LRB-film-RRB-", 1]], [[228452, 232635, "Stripes_-LRB-film-RRB-", 2]], [[228471, 232650, "Stripes_-LRB-film-RRB-", 0]], [[228471, 232651, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228452, 232633, "Stripes_-LRB-film-RRB-", 0], [228452, 232634, "Stripes_-LRB-film-RRB-", 1], [228452, 232635, "Stripes_-LRB-film-RRB-", 2], [228471, 232650, "Stripes_-LRB-film-RRB-", 0], [228471, 232651, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211447, 219160, "Princess_Mononoke", 7]]], "all_evidence": [[211447, 219160, "Princess_Mononoke", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202994, 212122, "Christian_Gottlob_Neefe", 0], [202994, 212122, "Conducting", 0]]], "all_evidence": [[202994, 212122, "Christian_Gottlob_Neefe", 0], [202994, 212122, "Conducting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180545, 192988, "Daggering", 0]]], "all_evidence": [[180545, 192988, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135319, 150218, "Homo_sapiens", 0]]], "all_evidence": [[135319, 150218, "Homo_sapiens", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116338, 130228, "Kesha", 0]]], "all_evidence": [[116338, 130228, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130215, null, null, null]]], "all_evidence": [[130215, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188631, null, null, null]]], "all_evidence": [[188631, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125535, null, null, null]]], "all_evidence": [[125535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225479, 230126, "The_Millers", 4]]], "all_evidence": [[225479, 230126, "The_Millers", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18902, null, null, null]]], "all_evidence": [[18902, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126327, null, null, null]]], "all_evidence": [[126327, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169322, 182971, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[169322, 182971, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111654, 125446, "Sebastian_Stan", 1], [111654, 125446, "Political_Animals_-LRB-miniseries-RRB-", 0]]], "all_evidence": [[111654, 125446, "Sebastian_Stan", 1], [111654, 125446, "Political_Animals_-LRB-miniseries-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267296, null, null, null]]], "all_evidence": [[267296, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227213, 231615, "Kim_Jong-il", 16]]], "all_evidence": [[227213, 231615, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104798, 118208, "Eva_Green", 1]], [[104804, 118212, "Eva_Green", 1]]], "all_evidence": [[104798, 118208, "Eva_Green", 1], [104804, 118212, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81076, 92907, "Rhythm_Nation", 23]]], "all_evidence": [[81076, 92907, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231969, 235275, "Luke_Cage", 2]], [[231981, 235281, "Luke_Cage", 0]], [[231981, 235282, "Luke_Cage", 2]], [[231982, 235283, "Luke_Cage", 0]], [[231982, 235284, "Luke_Cage", 2]]], "all_evidence": [[231969, 235275, "Luke_Cage", 2], [231981, 235281, "Luke_Cage", 0], [231981, 235282, "Luke_Cage", 2], [231982, 235283, "Luke_Cage", 0], [231982, 235284, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107348, null, null, null]]], "all_evidence": [[107348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236996, 239323, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236999, 239326, "Varsity_Blues_-LRB-film-RRB-", 5]], [[237001, 239328, "Varsity_Blues_-LRB-film-RRB-", 5], [237001, 239328, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[236996, 239323, "Varsity_Blues_-LRB-film-RRB-", 5], [236999, 239326, "Varsity_Blues_-LRB-film-RRB-", 5], [237001, 239328, "Varsity_Blues_-LRB-film-RRB-", 5], [237001, 239328, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132356, null, null, null]]], "all_evidence": [[132356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170182, null, null, null]]], "all_evidence": [[170182, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29345, 35807, "Chrysler_Building", 1]]], "all_evidence": [[29345, 35807, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51458, 61205, "Harris_Jayaraj", 0]], [[51458, 61206, "Harris_Jayaraj", 1]]], "all_evidence": [[51458, 61205, "Harris_Jayaraj", 0], [51458, 61206, "Harris_Jayaraj", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94644, null, null, null], [96766, null, null, null], [306613, null, null, null], [307593, null, null, null]]], "all_evidence": [[94644, null, null, null], [96766, null, null, null], [306613, null, null, null], [307593, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45473, 54297, "Hot_Right_Now", 0]]], "all_evidence": [[45473, 54297, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198595, 208392, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198595, 208392, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116690, 130581, "Advertising", 0]]], "all_evidence": [[116690, 130581, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227617, 231963, "Happiness_in_Slavery", 0]]], "all_evidence": [[227617, 231963, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28876, 35241, "Melancholia_-LRB-2011_film-RRB-", 0], [28876, 35241, "Lars_von_Trier", 0]]], "all_evidence": [[28876, 35241, "Melancholia_-LRB-2011_film-RRB-", 0], [28876, 35241, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57053, 67283, "Touchscreen", 9]]], "all_evidence": [[57053, 67283, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80130, 91921, "Bones_-LRB-TV_series-RRB-", 0]], [[80130, 91922, "Bones_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[80130, 91921, "Bones_-LRB-TV_series-RRB-", 0], [80130, 91922, "Bones_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146628, 161617, "Byron_Howard", 1]]], "all_evidence": [[146628, 161617, "Byron_Howard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229456, 233381, "Captain_America's_shield", 1]]], "all_evidence": [[229456, 233381, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88762, null, null, null]]], "all_evidence": [[88762, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146925, null, null, null]]], "all_evidence": [[146925, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235700, null, null, null], [235706, null, null, null]]], "all_evidence": [[235700, null, null, null], [235706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258077, 256959, "Monk", 0]]], "all_evidence": [[258077, 256959, "Monk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81530, null, null, null]]], "all_evidence": [[81530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174382, 187604, "Damon_Albarn", 17]]], "all_evidence": [[174382, 187604, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209604, 217393, "Swordfish_-LRB-film-RRB-", 1], [209604, 217393, "Swordfish_-LRB-film-RRB-", 0]]], "all_evidence": [[209604, 217393, "Swordfish_-LRB-film-RRB-", 1], [209604, 217393, "Swordfish_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160108, 174620, "Otto_I,_Holy_Roman_Emperor", 11]], [[160108, 174621, "Otto_I,_Holy_Roman_Emperor", 12]]], "all_evidence": [[160108, 174620, "Otto_I,_Holy_Roman_Emperor", 11], [160108, 174621, "Otto_I,_Holy_Roman_Emperor", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57738, 67977, "Aleister_Crowley", 5]]], "all_evidence": [[57738, 67977, "Aleister_Crowley", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58010, 68242, "Bret_Easton_Ellis", 20], [58010, 68242, "The_Canyons_-LRB-film-RRB-", 0]]], "all_evidence": [[58010, 68242, "Bret_Easton_Ellis", 20], [58010, 68242, "The_Canyons_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74202, null, null, null]]], "all_evidence": [[74202, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109114, null, null, null]]], "all_evidence": [[109114, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19043, 23344, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[19043, 23344, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49071, 58412, "Tremont_Street_Subway", 0]], [[49071, 58413, "Tremont_Street_Subway", 5]]], "all_evidence": [[49071, 58412, "Tremont_Street_Subway", 0], [49071, 58413, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78465, 90002, "Rupert_Murdoch", 0]]], "all_evidence": [[78465, 90002, "Rupert_Murdoch", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46642, 55641, "United_Nations_Charter", 1]]], "all_evidence": [[46642, 55641, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213737, null, null, null]]], "all_evidence": [[213737, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57978, null, null, null]]], "all_evidence": [[57978, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197421, 207461, "Lalla_Ward", 0]]], "all_evidence": [[197421, 207461, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292207, null, null, null], [292226, null, null, null], [339615, null, null, null], [339942, null, null, null]]], "all_evidence": [[292207, null, null, null], [292226, null, null, null], [339615, null, null, null], [339942, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106930, 120321, "Shane_McMahon", 5]], [[106930, 120322, "Shane_McMahon", 6]], [[106930, 120323, "Shane_McMahon", 1]], [[106930, 120324, "Shane_McMahon", 0]], [[106930, 120325, "Shane_McMahon", 13]], [[106930, 120326, "Shane_McMahon", 16]]], "all_evidence": [[106930, 120321, "Shane_McMahon", 5], [106930, 120322, "Shane_McMahon", 6], [106930, 120323, "Shane_McMahon", 1], [106930, 120324, "Shane_McMahon", 0], [106930, 120325, "Shane_McMahon", 13], [106930, 120326, "Shane_McMahon", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110130, 123757, "Charles_Manson", 0]]], "all_evidence": [[110130, 123757, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243005, 244290, "St._Anger", 0]]], "all_evidence": [[243005, 244290, "St._Anger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54921, 64920, "Make_It_or_Break_It", 8]]], "all_evidence": [[54921, 64920, "Make_It_or_Break_It", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206715, 215030, "Al_Jardine", 1]]], "all_evidence": [[206715, 215030, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83489, 95473, "Johnny_Galecki", 1], [83489, 95473, "Leonard_Hofstadter", 0]]], "all_evidence": [[83489, 95473, "Johnny_Galecki", 1], [83489, 95473, "Leonard_Hofstadter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246274, 246819, "Easy_A", 0]]], "all_evidence": [[246274, 246819, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41886, null, null, null]]], "all_evidence": [[41886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208020, 216176, "Franchising", 8]]], "all_evidence": [[208020, 216176, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60231, 70630, "Aarhus", 0]]], "all_evidence": [[60231, 70630, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84347, 96483, "T2_Trainspotting", 0]], [[86920, 99380, "T2_Trainspotting", 0]], [[89199, 101888, "T2_Trainspotting", 0]], [[307429, 297934, "T2_Trainspotting", 0]]], "all_evidence": [[84347, 96483, "T2_Trainspotting", 0], [86920, 99380, "T2_Trainspotting", 0], [89199, 101888, "T2_Trainspotting", 0], [307429, 297934, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89174, null, null, null]]], "all_evidence": [[89174, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234490, null, null, null]]], "all_evidence": [[234490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190741, 201707, "Buffy_Summers", 3]], [[190742, 201708, "Buffy_Summers", 1], [190742, 201708, "Buffy_the_Vampire_Slayer_Season_Eight", 0], [190742, 201708, "Slayer_-LRB-Buffy_the_Vampire_Slayer-RRB-", 0]]], "all_evidence": [[190741, 201707, "Buffy_Summers", 3], [190742, 201708, "Buffy_Summers", 1], [190742, 201708, "Buffy_the_Vampire_Slayer_Season_Eight", 0], [190742, 201708, "Slayer_-LRB-Buffy_the_Vampire_Slayer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134104, null, null, null]]], "all_evidence": [[134104, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199080, 208760, "Matteo_Renzi", 0]], [[199080, 208761, "Matteo_Renzi", 1], [199080, 208761, "Italian_constitutional_referendum,_2016", 4]], [[199080, 208762, "Matteo_Renzi", 3]], [[199080, 208763, "Matteo_Renzi", 6]], [[199080, 208764, "Matteo_Renzi", 7]]], "all_evidence": [[199080, 208760, "Matteo_Renzi", 0], [199080, 208761, "Matteo_Renzi", 1], [199080, 208761, "Italian_constitutional_referendum,_2016", 4], [199080, 208762, "Matteo_Renzi", 3], [199080, 208763, "Matteo_Renzi", 6], [199080, 208764, "Matteo_Renzi", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274542, 269829, "The_Cincinnati_Kid", 6]], [[274547, 269832, "The_Cincinnati_Kid", 6]], [[276802, 271856, "The_Cincinnati_Kid", 6]], [[322731, 311004, "The_Cincinnati_Kid", 6], [322731, 311004, "The_Cincinnati_Kid", 0]], [[323682, 311918, "The_Cincinnati_Kid", 6]]], "all_evidence": [[274542, 269829, "The_Cincinnati_Kid", 6], [274547, 269832, "The_Cincinnati_Kid", 6], [276802, 271856, "The_Cincinnati_Kid", 6], [322731, 311004, "The_Cincinnati_Kid", 6], [322731, 311004, "The_Cincinnati_Kid", 0], [323682, 311918, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134169, 149070, "Rhythm_Nation", 23]]], "all_evidence": [[134169, 149070, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164860, null, null, null]]], "all_evidence": [[164860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239607, 241388, "Polynesian_languages", 6]]], "all_evidence": [[239607, 241388, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246270, 246816, "Easy_A", 0]]], "all_evidence": [[246270, 246816, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135380, null, null, null]]], "all_evidence": [[135380, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85692, null, null, null]]], "all_evidence": [[85692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[287255, 280711, "Horse", 2]], [[287261, 280715, "Horse", 2]], [[287265, 280719, "Horse", 2]], [[335445, 321235, "Horse", 2]], [[335447, 321236, "Horse", 2]], [[335448, 321237, "Horse", 2]]], "all_evidence": [[287255, 280711, "Horse", 2], [287261, 280715, "Horse", 2], [287265, 280719, "Horse", 2], [335445, 321235, "Horse", 2], [335447, 321236, "Horse", 2], [335448, 321237, "Horse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111052, null, null, null]]], "all_evidence": [[111052, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53459, 63462, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[53459, 63462, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159525, null, null, null]]], "all_evidence": [[159525, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81128, null, null, null]]], "all_evidence": [[81128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108657, 122335, "Daag_-LRB-1973_film-RRB-", 0]], [[108665, 122347, "Daag_-LRB-1973_film-RRB-", 8]], [[108665, 122348, "Daag_-LRB-1973_film-RRB-", 2]]], "all_evidence": [[108657, 122335, "Daag_-LRB-1973_film-RRB-", 0], [108665, 122347, "Daag_-LRB-1973_film-RRB-", 8], [108665, 122348, "Daag_-LRB-1973_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107508, 120985, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[107508, 120985, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287279, null, null, null], [335503, null, null, null], [335510, null, null, null], [335511, null, null, null], [335514, null, null, null], [335521, null, null, null]]], "all_evidence": [[287279, null, null, null], [335503, null, null, null], [335510, null, null, null], [335511, null, null, null], [335514, null, null, null], [335521, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267307, 264032, "Southampton_F.C.", 9]]], "all_evidence": [[267307, 264032, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223868, 228788, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223868, 228788, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172416, null, null, null]]], "all_evidence": [[172416, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68056, 78913, "Jose\u0301_Ferrer", 0]], [[68056, 78914, "Jose\u0301_Ferrer", 4], [68056, 78914, "The_Fourposter", 0]]], "all_evidence": [[68056, 78913, "Jose\u0301_Ferrer", 0], [68056, 78914, "Jose\u0301_Ferrer", 4], [68056, 78914, "The_Fourposter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250338, 250354, "The_Closer", 8], [250338, 250354, "The_Closer", 0]]], "all_evidence": [[250338, 250354, "The_Closer", 8], [250338, 250354, "The_Closer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40607, 48833, "XHamster", 6], [40607, 48833, "The_Sex_Factor", 0]]], "all_evidence": [[40607, 48833, "XHamster", 6], [40607, 48833, "The_Sex_Factor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141739, null, null, null]]], "all_evidence": [[141739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218317, 224631, "Eva_Mendes", 0]]], "all_evidence": [[218317, 224631, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110664, 124322, "Microbiologist", 14]]], "all_evidence": [[110664, 124322, "Microbiologist", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40693, 48954, "Ingushetia", 5]]], "all_evidence": [[40693, 48954, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250355, 250365, "The_Closer", 8]], [[250359, 250369, "The_Closer", 8]], [[250371, 250376, "The_Closer", 8]]], "all_evidence": [[250355, 250365, "The_Closer", 8], [250359, 250369, "The_Closer", 8], [250371, 250376, "The_Closer", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78964, null, null, null]]], "all_evidence": [[78964, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17070, null, null, null]]], "all_evidence": [[17070, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17445, null, null, null]]], "all_evidence": [[17445, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194115, 204521, "Rick_Yune", 2]]], "all_evidence": [[194115, 204521, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200461, 209966, "Sancho_Panza", 0]]], "all_evidence": [[200461, 209966, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38893, 46847, "Paris_-LRB-Paris_Hilton_album-RRB-", 8]]], "all_evidence": [[38893, 46847, "Paris_-LRB-Paris_Hilton_album-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27775, 34024, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[27775, 34024, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81749, 93519, "Stanley_Williams", 5], [81749, 93519, "California", 1]]], "all_evidence": [[81749, 93519, "Stanley_Williams", 5], [81749, 93519, "California", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199084, 208767, "Matteo_Renzi", 0]]], "all_evidence": [[199084, 208767, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127550, 142134, "Billie_Joe_Armstrong", 0]], [[127554, 142135, "Billie_Joe_Armstrong", 0]], [[127555, 142136, "Billie_Joe_Armstrong", 0]], [[127556, 142137, "Billie_Joe_Armstrong", 0]], [[127557, 142138, "Billie_Joe_Armstrong", 0]], [[127558, 142139, "Billie_Joe_Armstrong", 0]], [[127559, 142140, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[127550, 142134, "Billie_Joe_Armstrong", 0], [127554, 142135, "Billie_Joe_Armstrong", 0], [127555, 142136, "Billie_Joe_Armstrong", 0], [127556, 142137, "Billie_Joe_Armstrong", 0], [127557, 142138, "Billie_Joe_Armstrong", 0], [127558, 142139, "Billie_Joe_Armstrong", 0], [127559, 142140, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66708, 77530, "Email_filtering", 5]], [[66709, 77531, "Email_filtering", 5]]], "all_evidence": [[66708, 77530, "Email_filtering", 5], [66709, 77531, "Email_filtering", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203219, 212296, "Fabian_Nicieza", 0]]], "all_evidence": [[203219, 212296, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225629, 230258, "Ian_Brennan_-LRB-writer-RRB-", 1]]], "all_evidence": [[225629, 230258, "Ian_Brennan_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21442, 26336, "State_of_Palestine", 1]]], "all_evidence": [[21442, 26336, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225660, null, null, null]]], "all_evidence": [[225660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144239, 159286, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[144239, 159286, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193479, 203975, "Larry_Wilmore", 0]], [[193479, 203976, "Larry_Wilmore", 2]]], "all_evidence": [[193479, 203975, "Larry_Wilmore", 0], [193479, 203976, "Larry_Wilmore", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274768, 270002, "Speech_recognition", 2]], [[276882, 271905, "Speech_recognition", 2]], [[277612, 272539, "Speech_recognition", 2]], [[323820, 311995, "Speech_recognition", 2]]], "all_evidence": [[274768, 270002, "Speech_recognition", 2], [276882, 271905, "Speech_recognition", 2], [277612, 272539, "Speech_recognition", 2], [323820, 311995, "Speech_recognition", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221328, 226970, "Yandex", 0]]], "all_evidence": [[221328, 226970, "Yandex", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105841, null, null, null]]], "all_evidence": [[105841, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103211, null, null, null]]], "all_evidence": [[103211, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190482, 201494, "Tom_Baker_-LRB-English_actor-RRB-", 1]]], "all_evidence": [[190482, 201494, "Tom_Baker_-LRB-English_actor-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174433, null, null, null]]], "all_evidence": [[174433, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158153, null, null, null]]], "all_evidence": [[158153, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203713, 212679, "Aunt_May", 0]], [[203713, 212680, "Aunt_May", 1], [203713, 212680, "Amazing_Fantasy", 0]]], "all_evidence": [[203713, 212679, "Aunt_May", 0], [203713, 212680, "Aunt_May", 1], [203713, 212680, "Amazing_Fantasy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95552, 108583, "Luis_Fonsi", 0]]], "all_evidence": [[95552, 108583, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242981, null, null, null]]], "all_evidence": [[242981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69546, 80361, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [69546, 80361, "Ray_Winstone", 0]]], "all_evidence": [[69546, 80361, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [69546, 80361, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268474, null, null, null]]], "all_evidence": [[268474, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136415, null, null, null]]], "all_evidence": [[136415, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106283, 119743, "Tatum_O'Neal", 6]]], "all_evidence": [[106283, 119743, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228209, 232452, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[228209, 232452, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275483, null, null, null], [277323, null, null, null], [277827, null, null, null], [277829, null, null, null]]], "all_evidence": [[275483, null, null, null], [277323, null, null, null], [277827, null, null, null], [277829, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236655, 239084, "Marcus_Bentley", 0]]], "all_evidence": [[236655, 239084, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125925, 140327, "Kellogg's", 1]], [[125925, 140328, "Kellogg's", 2], [125925, 140328, "Keebler_Company", 0]]], "all_evidence": [[125925, 140327, "Kellogg's", 1], [125925, 140328, "Kellogg's", 2], [125925, 140328, "Keebler_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86668, 99142, "Villa_Park", 14]]], "all_evidence": [[86668, 99142, "Villa_Park", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66557, 77379, "Noel_Fisher", 1], [66557, 77379, "Showtime_-LRB-TV_network-RRB-", 0]], [[66557, 77380, "Noel_Fisher", 2], [66557, 77380, "Hatfields_&_McCoys_-LRB-miniseries-RRB-", 0]]], "all_evidence": [[66557, 77379, "Noel_Fisher", 1], [66557, 77379, "Showtime_-LRB-TV_network-RRB-", 0], [66557, 77380, "Noel_Fisher", 2], [66557, 77380, "Hatfields_&_McCoys_-LRB-miniseries-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234096, 236989, "Jackpot_-LRB-2013_film-RRB-", 0]], [[234096, 236990, "Jackpot_-LRB-2013_film-RRB-", 1]], [[236889, 239246, "Jackpot_-LRB-2013_film-RRB-", 0]], [[236889, 239247, "Jackpot_-LRB-2013_film-RRB-", 1]], [[236889, 239248, "Jackpot_-LRB-2013_film-RRB-", 2]], [[320139, 308781, "Jackpot_-LRB-2013_film-RRB-", 1]]], "all_evidence": [[234096, 236989, "Jackpot_-LRB-2013_film-RRB-", 0], [234096, 236990, "Jackpot_-LRB-2013_film-RRB-", 1], [236889, 239246, "Jackpot_-LRB-2013_film-RRB-", 0], [236889, 239247, "Jackpot_-LRB-2013_film-RRB-", 1], [236889, 239248, "Jackpot_-LRB-2013_film-RRB-", 2], [320139, 308781, "Jackpot_-LRB-2013_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42418, 51048, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[42418, 51048, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36803, 44448, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[36803, 44448, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201125, 210575, "The_Endless_River", 0]]], "all_evidence": [[201125, 210575, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134920, null, null, null]]], "all_evidence": [[134920, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94636, 107611, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[94636, 107611, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161433, 175923, "Gal_Gadot", 4]]], "all_evidence": [[161433, 175923, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223857, null, null, null]]], "all_evidence": [[223857, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57436, 67646, "The_Mighty_Ducks", 1], [57436, 67646, "Walt_Disney_Pictures", 0], [57436, 67646, "Walt_Disney_Pictures", 1], [57436, 67646, "Walt_Disney_Pictures", 10]]], "all_evidence": [[57436, 67646, "The_Mighty_Ducks", 1], [57436, 67646, "Walt_Disney_Pictures", 0], [57436, 67646, "Walt_Disney_Pictures", 1], [57436, 67646, "Walt_Disney_Pictures", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199131, 208806, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199131, 208806, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238992, null, null, null]]], "all_evidence": [[238992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203715, 212682, "Aunt_May", 9]]], "all_evidence": [[203715, 212682, "Aunt_May", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90225, null, null, null]]], "all_evidence": [[90225, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88225, null, null, null]]], "all_evidence": [[88225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282610, 276775, "A_Milli", 0]], [[284560, 278357, "A_Milli", 0]], [[285397, 279031, "A_Milli", 0]], [[285398, 279032, "A_Milli", 0]], [[330778, 317342, "A_Milli", 0]], [[330782, 317343, "A_Milli", 0]]], "all_evidence": [[282610, 276775, "A_Milli", 0], [284560, 278357, "A_Milli", 0], [285397, 279031, "A_Milli", 0], [285398, 279032, "A_Milli", 0], [330778, 317342, "A_Milli", 0], [330782, 317343, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213744, 220897, "Finding_Dory", 1]]], "all_evidence": [[213744, 220897, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259613, 258177, "French_Resistance", 6]]], "all_evidence": [[259613, 258177, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207448, 215712, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[207448, 215712, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20432, 25039, "14th_Dalai_Lama", 10]]], "all_evidence": [[20432, 25039, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13164, null, null, null]]], "all_evidence": [[13164, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163491, 177757, "Armenian_Genocide", 0]], [[163491, 177758, "Armenian_Genocide", 5]], [[163491, 177759, "Armenian_Genocide", 9]]], "all_evidence": [[163491, 177757, "Armenian_Genocide", 0], [163491, 177758, "Armenian_Genocide", 5], [163491, 177759, "Armenian_Genocide", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101479, 114724, "Hourglass_-LRB-James_Taylor_album-RRB-", 2], [101479, 114724, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[101479, 114724, "Hourglass_-LRB-James_Taylor_album-RRB-", 2], [101479, 114724, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115564, 129428, "Bones_-LRB-TV_series-RRB-", 0]], [[115564, 129429, "Bones_-LRB-TV_series-RRB-", 12]], [[115564, 129430, "Bones_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[115564, 129428, "Bones_-LRB-TV_series-RRB-", 0], [115564, 129429, "Bones_-LRB-TV_series-RRB-", 12], [115564, 129430, "Bones_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218106, 224488, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218106, 224488, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186530, 198324, "Tatum_O'Neal", 6]], [[188241, 199711, "Tatum_O'Neal", 6]], [[188241, 199712, "Tatum_O'Neal", 3]], [[190510, 201519, "Tatum_O'Neal", 6]], [[314592, 303947, "Tatum_O'Neal", 3]], [[314592, 303948, "Tatum_O'Neal", 6]], [[314597, 303950, "Tatum_O'Neal", 6]], [[314597, 303951, "Tatum_O'Neal", 3]], [[314598, 303952, "Tatum_O'Neal", 6]], [[314598, 303953, "Tatum_O'Neal", 3]], [[314600, 303954, "Tatum_O'Neal", 6]], [[314601, 303955, "Tatum_O'Neal", 3]], [[314601, 303956, "Tatum_O'Neal", 6]]], "all_evidence": [[186530, 198324, "Tatum_O'Neal", 6], [188241, 199711, "Tatum_O'Neal", 6], [188241, 199712, "Tatum_O'Neal", 3], [190510, 201519, "Tatum_O'Neal", 6], [314592, 303947, "Tatum_O'Neal", 3], [314592, 303948, "Tatum_O'Neal", 6], [314597, 303950, "Tatum_O'Neal", 6], [314597, 303951, "Tatum_O'Neal", 3], [314598, 303952, "Tatum_O'Neal", 6], [314598, 303953, "Tatum_O'Neal", 3], [314600, 303954, "Tatum_O'Neal", 6], [314601, 303955, "Tatum_O'Neal", 3], [314601, 303956, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236612, 239053, "Regina_King", 2]], [[236612, 239054, "Regina_King", 3]], [[236612, 239055, "Regina_King", 4]]], "all_evidence": [[236612, 239053, "Regina_King", 2], [236612, 239054, "Regina_King", 3], [236612, 239055, "Regina_King", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184149, 196103, "Edgar_Wright", 0]]], "all_evidence": [[184149, 196103, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21184, 26014, "English_people", 6]]], "all_evidence": [[21184, 26014, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48365, 57696, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[48365, 57696, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[294763, null, null, null]]], "all_evidence": [[294763, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19452, null, null, null]]], "all_evidence": [[19452, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113130, 126988, "T2_Trainspotting", 0]]], "all_evidence": [[113130, 126988, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245085, 246000, "Endometrial_cancer", 26]]], "all_evidence": [[245085, 246000, "Endometrial_cancer", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82927, null, null, null]]], "all_evidence": [[82927, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153347, 168136, "Lincoln\u2013Douglas_debates", 27]], [[153347, 168137, "Lincoln\u2013Douglas_debates", 10], [153347, 168137, "Lincoln\u2013Douglas_debates", 24]]], "all_evidence": [[153347, 168136, "Lincoln\u2013Douglas_debates", 27], [153347, 168137, "Lincoln\u2013Douglas_debates", 10], [153347, 168137, "Lincoln\u2013Douglas_debates", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145565, 160568, "Ron_Weasley", 3]]], "all_evidence": [[145565, 160568, "Ron_Weasley", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165354, 179434, "Shadowhunters", 5]]], "all_evidence": [[165354, 179434, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158865, 173501, "Harold_Macmillan", 0]], [[158865, 173502, "Harold_Macmillan", 1]], [[158865, 173503, "Harold_Macmillan", 4]], [[158865, 173504, "Harold_Macmillan", 5]], [[158865, 173505, "Harold_Macmillan", 6]], [[158865, 173506, "Harold_Macmillan", 7]], [[158865, 173507, "Harold_Macmillan", 8]], [[158865, 173508, "Harold_Macmillan", 11]], [[158865, 173509, "Harold_Macmillan", 12]], [[158865, 173510, "Harold_Macmillan", 15]], [[158865, 173511, "Harold_Macmillan", 16]], [[158865, 173512, "Harold_Macmillan", 17]], [[158865, 173513, "Harold_Macmillan", 18]], [[158865, 173514, "Harold_Macmillan", 21]], [[158865, 173515, "Harold_Macmillan", 22]], [[158865, 173516, "Harold_Macmillan", 23]], [[158865, 173517, "Harold_Macmillan", 26]], [[158865, 173518, "Harold_Macmillan", 27]], [[158865, 173519, "Harold_Macmillan", 28]], [[158865, 173520, "Harold_Macmillan", 31]]], "all_evidence": [[158865, 173501, "Harold_Macmillan", 0], [158865, 173502, "Harold_Macmillan", 1], [158865, 173503, "Harold_Macmillan", 4], [158865, 173504, "Harold_Macmillan", 5], [158865, 173505, "Harold_Macmillan", 6], [158865, 173506, "Harold_Macmillan", 7], [158865, 173507, "Harold_Macmillan", 8], [158865, 173508, "Harold_Macmillan", 11], [158865, 173509, "Harold_Macmillan", 12], [158865, 173510, "Harold_Macmillan", 15], [158865, 173511, "Harold_Macmillan", 16], [158865, 173512, "Harold_Macmillan", 17], [158865, 173513, "Harold_Macmillan", 18], [158865, 173514, "Harold_Macmillan", 21], [158865, 173515, "Harold_Macmillan", 22], [158865, 173516, "Harold_Macmillan", 23], [158865, 173517, "Harold_Macmillan", 26], [158865, 173518, "Harold_Macmillan", 27], [158865, 173519, "Harold_Macmillan", 28], [158865, 173520, "Harold_Macmillan", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99834, 113013, "Global_warming", 13]]], "all_evidence": [[99834, 113013, "Global_warming", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21786, null, null, null]]], "all_evidence": [[21786, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100086, 113318, "Angelsberg", 0]]], "all_evidence": [[100086, 113318, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177993, 190655, "Justin_Chatwin", 0]], [[177994, 190656, "Justin_Chatwin", 0]]], "all_evidence": [[177993, 190655, "Justin_Chatwin", 0], [177994, 190656, "Justin_Chatwin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156586, null, null, null]]], "all_evidence": [[156586, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181697, 193941, "Blue_Jasmine", 1]]], "all_evidence": [[181697, 193941, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227070, 231485, "Bea_Arthur", 0]]], "all_evidence": [[227070, 231485, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169222, 182888, "United_Nations_Charter", 1]], [[173245, 186511, "United_Nations_Charter", 1]], [[312608, 302381, "United_Nations_Charter", 1]], [[313712, 303252, "United_Nations_Charter", 1]]], "all_evidence": [[169222, 182888, "United_Nations_Charter", 1], [173245, 186511, "United_Nations_Charter", 1], [312608, 302381, "United_Nations_Charter", 1], [313712, 303252, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191940, 202707, "Buffy_Summers", 3]], [[191941, 202708, "Buffy_Summers", 3]]], "all_evidence": [[191940, 202707, "Buffy_Summers", 3], [191941, 202708, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221679, 227248, "Matthias_Corvinus", 31]], [[221685, 227259, "Matthias_Corvinus", 31]]], "all_evidence": [[221679, 227248, "Matthias_Corvinus", 31], [221685, 227259, "Matthias_Corvinus", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111198, 124843, "Aaron_Burr", 9], [111198, 124843, "Alexander_Hamilton", 0]]], "all_evidence": [[111198, 124843, "Aaron_Burr", 9], [111198, 124843, "Alexander_Hamilton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57182, 67407, "EA_Black_Box", 0]], [[57182, 67408, "EA_Black_Box", 1]]], "all_evidence": [[57182, 67407, "EA_Black_Box", 0], [57182, 67408, "EA_Black_Box", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64361, 75115, "Bethany_Hamilton", 2], [64361, 75115, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[64361, 75115, "Bethany_Hamilton", 2], [64361, 75115, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62973, null, null, null]]], "all_evidence": [[62973, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30221, 36797, "Men_in_Black_II", 0], [30221, 36797, "Tommy_Lee_Jones", 0], [30221, 36797, "Lara_Flynn_Boyle", 0], [30221, 36797, "Johnny_Knoxville", 0], [30221, 36797, "Rosario_Dawson", 0], [30221, 36797, "Rip_Torn", 0]]], "all_evidence": [[30221, 36797, "Men_in_Black_II", 0], [30221, 36797, "Tommy_Lee_Jones", 0], [30221, 36797, "Lara_Flynn_Boyle", 0], [30221, 36797, "Johnny_Knoxville", 0], [30221, 36797, "Rosario_Dawson", 0], [30221, 36797, "Rip_Torn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43347, null, null, null], [45616, null, null, null], [302090, null, null, null], [303663, null, null, null]]], "all_evidence": [[43347, null, null, null], [45616, null, null, null], [302090, null, null, null], [303663, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207653, null, null, null]]], "all_evidence": [[207653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246608, 247085, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246608, 247085, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231451, 234953, "Diwali", 2]]], "all_evidence": [[231451, 234953, "Diwali", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239355, null, null, null]]], "all_evidence": [[239355, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63821, 74556, "Sikkim", 4]]], "all_evidence": [[63821, 74556, "Sikkim", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218028, null, null, null]]], "all_evidence": [[218028, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174275, null, null, null]]], "all_evidence": [[174275, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38356, null, null, null]]], "all_evidence": [[38356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58766, null, null, null]]], "all_evidence": [[58766, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[293074, 285719, "Colombiana", 0]], [[295675, 287753, "Colombiana", 0]], [[297290, 288971, "Colombiana", 0]], [[341340, 325856, "Colombiana", 0]]], "all_evidence": [[293074, 285719, "Colombiana", 0], [295675, 287753, "Colombiana", 0], [297290, 288971, "Colombiana", 0], [341340, 325856, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227071, null, null, null]]], "all_evidence": [[227071, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94700, null, null, null]]], "all_evidence": [[94700, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35157, 42626, "Shawn_Carlson", 0]]], "all_evidence": [[35157, 42626, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84661, null, null, null], [84683, null, null, null]]], "all_evidence": [[84661, null, null, null], [84683, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144180, null, null, null]]], "all_evidence": [[144180, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70095, 80975, "Blue_Jasmine", 1], [70095, 80975, "Cate_Blanchett", 0]]], "all_evidence": [[70095, 80975, "Blue_Jasmine", 1], [70095, 80975, "Cate_Blanchett", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211461, null, null, null]]], "all_evidence": [[211461, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152252, null, null, null]]], "all_evidence": [[152252, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231185, null, null, null]]], "all_evidence": [[231185, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104979, null, null, null]]], "all_evidence": [[104979, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184152, 196105, "Edgar_Wright", 0]]], "all_evidence": [[184152, 196105, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185232, 197025, "French_Indochina", 16]]], "all_evidence": [[185232, 197025, "French_Indochina", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166594, null, null, null]]], "all_evidence": [[166594, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36782, null, null, null]]], "all_evidence": [[36782, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234254, 237174, "House_-LRB-TV_series-RRB-", 0]], [[240619, 242207, "House_-LRB-TV_series-RRB-", 0]], [[318763, 307597, "House_-LRB-TV_series-RRB-", 0]], [[318763, 307598, "House_-LRB-TV_series-RRB-", 17], [318763, 307598, "Chi_Park", 0]], [[318763, 307599, "House_-LRB-TV_series-RRB-", 16], [318763, 307599, "Martha_Masters_-LRB-House-RRB-", 0]], [[318763, 307600, "House_-LRB-TV_series-RRB-", 12], [318763, 307600, "Chris_Taub", 0]], [[318763, 307601, "House_-LRB-TV_series-RRB-", 10], [318763, 307601, "Eric_Foreman", 0]], [[318763, 307602, "House_-LRB-TV_series-RRB-", 9], [318763, 307602, "James_Wilson_-LRB-House-RRB-", 0]], [[318763, 307603, "House_-LRB-TV_series-RRB-", 8], [318763, 307603, "Lisa_Cuddy", 0]], [[318763, 307604, "House_-LRB-TV_series-RRB-", 1], [318763, 307604, "Gregory_House", 0]], [[318770, 307609, "House_-LRB-TV_series-RRB-", 0], [318770, 307609, "Medical_drama", 0]], [[318850, 307682, "House_-LRB-TV_series-RRB-", 0]], [[318850, 307683, "House_-LRB-TV_series-RRB-", 1]], [[318850, 307684, "House_-LRB-TV_series-RRB-", 17]]], "all_evidence": [[234254, 237174, "House_-LRB-TV_series-RRB-", 0], [240619, 242207, "House_-LRB-TV_series-RRB-", 0], [318763, 307597, "House_-LRB-TV_series-RRB-", 0], [318763, 307598, "House_-LRB-TV_series-RRB-", 17], [318763, 307598, "Chi_Park", 0], [318763, 307599, "House_-LRB-TV_series-RRB-", 16], [318763, 307599, "Martha_Masters_-LRB-House-RRB-", 0], [318763, 307600, "House_-LRB-TV_series-RRB-", 12], [318763, 307600, "Chris_Taub", 0], [318763, 307601, "House_-LRB-TV_series-RRB-", 10], [318763, 307601, "Eric_Foreman", 0], [318763, 307602, "House_-LRB-TV_series-RRB-", 9], [318763, 307602, "James_Wilson_-LRB-House-RRB-", 0], [318763, 307603, "House_-LRB-TV_series-RRB-", 8], [318763, 307603, "Lisa_Cuddy", 0], [318763, 307604, "House_-LRB-TV_series-RRB-", 1], [318763, 307604, "Gregory_House", 0], [318770, 307609, "House_-LRB-TV_series-RRB-", 0], [318770, 307609, "Medical_drama", 0], [318850, 307682, "House_-LRB-TV_series-RRB-", 0], [318850, 307683, "House_-LRB-TV_series-RRB-", 1], [318850, 307684, "House_-LRB-TV_series-RRB-", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210315, null, null, null]]], "all_evidence": [[210315, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144677, 159679, "Harris_Jayaraj", 0]]], "all_evidence": [[144677, 159679, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123409, null, null, null], [123412, null, null, null]]], "all_evidence": [[123409, null, null, null], [123412, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132172, null, null, null]]], "all_evidence": [[132172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81866, 93654, "EA_Black_Box", 0], [81866, 93654, "Burnaby", 0], [81866, 93654, "British_Columbia", 13], [81866, 93654, "British_Columbia", 35], [81866, 93654, "British_Columbia", 0]]], "all_evidence": [[81866, 93654, "EA_Black_Box", 0], [81866, 93654, "Burnaby", 0], [81866, 93654, "British_Columbia", 13], [81866, 93654, "British_Columbia", 35], [81866, 93654, "British_Columbia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251866, null, null, null]]], "all_evidence": [[251866, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243008, 244294, "St._Anger", 0]], [[243008, 244295, "St._Anger", 1]]], "all_evidence": [[243008, 244294, "St._Anger", 0], [243008, 244295, "St._Anger", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201131, 210581, "The_Endless_River", 0]], [[201131, 210582, "The_Endless_River", 5]], [[201131, 210583, "The_Endless_River", 2]], [[201131, 210584, "The_Endless_River", 12]], [[201131, 210585, "The_Endless_River", 14]]], "all_evidence": [[201131, 210581, "The_Endless_River", 0], [201131, 210582, "The_Endless_River", 5], [201131, 210583, "The_Endless_River", 2], [201131, 210584, "The_Endless_River", 12], [201131, 210585, "The_Endless_River", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82342, null, null, null]]], "all_evidence": [[82342, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222238, 227613, "Oscar_De_La_Hoya", 0]], [[222238, 227614, "Oscar_De_La_Hoya", 7]], [[222238, 227615, "Oscar_De_La_Hoya", 8]], [[222238, 227616, "Oscar_De_La_Hoya", 12], [222238, 227616, "Manny_Pacquiao", 10]]], "all_evidence": [[222238, 227613, "Oscar_De_La_Hoya", 0], [222238, 227614, "Oscar_De_La_Hoya", 7], [222238, 227615, "Oscar_De_La_Hoya", 8], [222238, 227616, "Oscar_De_La_Hoya", 12], [222238, 227616, "Manny_Pacquiao", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71834, 82833, "Shadowhunters", 4]]], "all_evidence": [[71834, 82833, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127894, null, null, null]]], "all_evidence": [[127894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68622, 79486, "Victoria_Palace_Theatre", 0], [68622, 79486, "City_of_Westminster", 0]]], "all_evidence": [[68622, 79486, "Victoria_Palace_Theatre", 0], [68622, 79486, "City_of_Westminster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119482, null, null, null]]], "all_evidence": [[119482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135335, 150231, "Match_Point", 2]]], "all_evidence": [[135335, 150231, "Match_Point", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218429, null, null, null], [319443, null, null, null]]], "all_evidence": [[218429, null, null, null], [319443, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233066, null, null, null]]], "all_evidence": [[233066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[14275, 17838, "Ludwig_van_Beethoven", 0]]], "all_evidence": [[14275, 17838, "Ludwig_van_Beethoven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151624, 166367, "Awkward_Black_Girl", 0]], [[151624, 166368, "Awkward_Black_Girl", 6]]], "all_evidence": [[151624, 166367, "Awkward_Black_Girl", 0], [151624, 166368, "Awkward_Black_Girl", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87015, null, null, null]]], "all_evidence": [[87015, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140351, 155376, "PacSun", 5]]], "all_evidence": [[140351, 155376, "PacSun", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226508, 231055, "Captain_America's_shield", 1]], [[226509, 231056, "Captain_America's_shield", 1]]], "all_evidence": [[226508, 231055, "Captain_America's_shield", 1], [226509, 231056, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38026, 45942, "Highway_to_Heaven", 0]]], "all_evidence": [[38026, 45942, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257335, 256355, "Calcaneal_spur", 1], [257335, 256355, "Radiography", 0]]], "all_evidence": [[257335, 256355, "Calcaneal_spur", 1], [257335, 256355, "Radiography", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184389, null, null, null]]], "all_evidence": [[184389, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186126, null, null, null]]], "all_evidence": [[186126, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231959, 235261, "David_Packouz", 0]], [[231959, 235262, "David_Packouz", 13]], [[231959, 235263, "David_Packouz", 16]], [[231960, 235264, "David_Packouz", 0]], [[231960, 235265, "David_Packouz", 13]], [[231960, 235266, "David_Packouz", 16]], [[233133, 236121, "David_Packouz", 0]], [[233133, 236122, "David_Packouz", 13]], [[233133, 236123, "David_Packouz", 16]], [[318513, 307410, "David_Packouz", 0]], [[318515, 307411, "David_Packouz", 0]]], "all_evidence": [[231959, 235261, "David_Packouz", 0], [231959, 235262, "David_Packouz", 13], [231959, 235263, "David_Packouz", 16], [231960, 235264, "David_Packouz", 0], [231960, 235265, "David_Packouz", 13], [231960, 235266, "David_Packouz", 16], [233133, 236121, "David_Packouz", 0], [233133, 236122, "David_Packouz", 13], [233133, 236123, "David_Packouz", 16], [318513, 307410, "David_Packouz", 0], [318515, 307411, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170768, 184342, "The_Wallace_-LRB-poem-RRB-", 0]]], "all_evidence": [[170768, 184342, "The_Wallace_-LRB-poem-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173838, null, null, null]]], "all_evidence": [[173838, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235559, null, null, null]]], "all_evidence": [[235559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236648, null, null, null]]], "all_evidence": [[236648, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199130, 208805, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199130, 208805, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149221, 164220, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[149221, 164220, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15846, 19710, "John_Krasinski", 0]]], "all_evidence": [[15846, 19710, "John_Krasinski", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259607, 258169, "French_Resistance", 6]]], "all_evidence": [[259607, 258169, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289699, 282775, "Rhythm_Nation", 23]], [[291106, 284068, "Rhythm_Nation", 23]], [[293211, 285827, "Rhythm_Nation", 23]], [[336773, 322294, "Rhythm_Nation", 23]], [[336778, 322298, "Rhythm_Nation", 23]], [[336783, 322303, "Rhythm_Nation", 23]], [[336787, 322307, "Rhythm_Nation", 23]]], "all_evidence": [[289699, 282775, "Rhythm_Nation", 23], [291106, 284068, "Rhythm_Nation", 23], [293211, 285827, "Rhythm_Nation", 23], [336773, 322294, "Rhythm_Nation", 23], [336778, 322298, "Rhythm_Nation", 23], [336783, 322303, "Rhythm_Nation", 23], [336787, 322307, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199924, 209565, "Anne_Sullivan", 0]], [[199925, 209566, "Anne_Sullivan", 0]]], "all_evidence": [[199924, 209565, "Anne_Sullivan", 0], [199925, 209566, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137088, null, null, null]]], "all_evidence": [[137088, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193156, null, null, null], [314985, null, null, null], [314987, null, null, null]]], "all_evidence": [[193156, null, null, null], [314985, null, null, null], [314987, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100723, null, null, null]]], "all_evidence": [[100723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153179, 167933, "Matthew_Gray_Gubler", 0]], [[153181, 167936, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[153179, 167933, "Matthew_Gray_Gubler", 0], [153181, 167936, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250980, 250943, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250980, 250943, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28011, 34306, "Ron_Weasley", 0]]], "all_evidence": [[28011, 34306, "Ron_Weasley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163202, 177421, "DNA_-LRB-Little_Mix_album-RRB-", 5]], [[163202, 177422, "DNA_-LRB-Little_Mix_album-RRB-", 7]], [[163202, 177423, "DNA_-LRB-Little_Mix_album-RRB-", 14]], [[163202, 177424, "DNA_-LRB-Little_Mix_album-RRB-", 11]], [[163202, 177425, "DNA_-LRB-Little_Mix_album-RRB-", 12]], [[163202, 177426, "DNA_-LRB-Little_Mix_album-RRB-", 13]]], "all_evidence": [[163202, 177421, "DNA_-LRB-Little_Mix_album-RRB-", 5], [163202, 177422, "DNA_-LRB-Little_Mix_album-RRB-", 7], [163202, 177423, "DNA_-LRB-Little_Mix_album-RRB-", 14], [163202, 177424, "DNA_-LRB-Little_Mix_album-RRB-", 11], [163202, 177425, "DNA_-LRB-Little_Mix_album-RRB-", 12], [163202, 177426, "DNA_-LRB-Little_Mix_album-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147434, null, null, null]]], "all_evidence": [[147434, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269599, 265885, "Richard_Dawkins", 16]]], "all_evidence": [[269599, 265885, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197429, null, null, null]]], "all_evidence": [[197429, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237019, 239336, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[237019, 239336, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228791, null, null, null]]], "all_evidence": [[228791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267312, 264039, "Southampton_F.C.", 9]]], "all_evidence": [[267312, 264039, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270507, 266536, "Jenna_Jameson", 0]], [[270507, 266537, "Jenna_Jameson", 22]], [[270507, 266538, "Jenna_Jameson", 3]]], "all_evidence": [[270507, 266536, "Jenna_Jameson", 0], [270507, 266537, "Jenna_Jameson", 22], [270507, 266538, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45308, 54070, "Highway_to_Heaven", 0]]], "all_evidence": [[45308, 54070, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201129, 210579, "The_Endless_River", 0]]], "all_evidence": [[201129, 210579, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186393, 198211, "Robert_Lopez", 1]]], "all_evidence": [[186393, 198211, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180785, 193170, "Mohra", 4]]], "all_evidence": [[180785, 193170, "Mohra", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179913, 192462, "Kuching", 0]]], "all_evidence": [[179913, 192462, "Kuching", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77568, null, null, null]]], "all_evidence": [[77568, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190726, null, null, null]]], "all_evidence": [[190726, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82509, null, null, null]]], "all_evidence": [[82509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90209, 102913, "Heavy_metal_music", 0]]], "all_evidence": [[90209, 102913, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270815, 266802, "New_Orleans_Pelicans", 1]], [[270816, 266803, "New_Orleans_Pelicans", 1]]], "all_evidence": [[270815, 266802, "New_Orleans_Pelicans", 1], [270816, 266803, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146402, null, null, null]]], "all_evidence": [[146402, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75883, 87140, "Derek_Hough", 6]]], "all_evidence": [[75883, 87140, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114600, 128346, "Miranda_Otto", 0]], [[114600, 128347, "Miranda_Otto", 2]], [[114600, 128348, "Miranda_Otto", 5]], [[114600, 128349, "Miranda_Otto", 6]]], "all_evidence": [[114600, 128346, "Miranda_Otto", 0], [114600, 128347, "Miranda_Otto", 2], [114600, 128348, "Miranda_Otto", 5], [114600, 128349, "Miranda_Otto", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60923, 71384, "Murda_Beatz", 0]]], "all_evidence": [[60923, 71384, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188617, null, null, null]]], "all_evidence": [[188617, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257082, null, null, null]]], "all_evidence": [[257082, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42105, 50661, "Viola_Davis", 6]], [[42105, 50662, "Viola_Davis", 8], [42105, 50662, "Doubt_-LRB-2008_film-RRB-", 0]], [[42105, 50663, "Viola_Davis", 11], [42105, 50663, "The_Help_-LRB-film-RRB-", 0]], [[42105, 50664, "Viola_Davis", 14]], [[42105, 50665, "Viola_Davis", 16]], [[42105, 50666, "Viola_Davis", 18], [42105, 50666, "Custody_-LRB-2016_film-RRB-", 0], [42105, 50666, "Lila_&_Eve", 0]]], "all_evidence": [[42105, 50661, "Viola_Davis", 6], [42105, 50662, "Viola_Davis", 8], [42105, 50662, "Doubt_-LRB-2008_film-RRB-", 0], [42105, 50663, "Viola_Davis", 11], [42105, 50663, "The_Help_-LRB-film-RRB-", 0], [42105, 50664, "Viola_Davis", 14], [42105, 50665, "Viola_Davis", 16], [42105, 50666, "Viola_Davis", 18], [42105, 50666, "Custody_-LRB-2016_film-RRB-", 0], [42105, 50666, "Lila_&_Eve", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237965, 240123, "Tamerlan_Tsarnaev", 1]], [[237965, 240124, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237965, 240123, "Tamerlan_Tsarnaev", 1], [237965, 240124, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187430, 199079, "Mani_Ratnam", 1]]], "all_evidence": [[187430, 199079, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52813, 62764, "Battle_of_France", 13]]], "all_evidence": [[52813, 62764, "Battle_of_France", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142356, 157554, "Heart", 18]]], "all_evidence": [[142356, 157554, "Heart", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239633, null, null, null]]], "all_evidence": [[239633, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244444, null, null, null]]], "all_evidence": [[244444, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230172, 233916, "Frozen_-LRB-2013_film-RRB-", 13]], [[230176, 233925, "Frozen_-LRB-2013_film-RRB-", 13]]], "all_evidence": [[230172, 233916, "Frozen_-LRB-2013_film-RRB-", 13], [230176, 233925, "Frozen_-LRB-2013_film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75107, 86334, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[75107, 86334, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201123, 210573, "The_Endless_River", 0], [201123, 210573, "Pink_Floyd", 0]]], "all_evidence": [[201123, 210573, "The_Endless_River", 0], [201123, 210573, "Pink_Floyd", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155133, 169848, "Taylor_Lautner", 4]], [[155134, 169849, "Taylor_Lautner", 4]]], "all_evidence": [[155133, 169848, "Taylor_Lautner", 4], [155134, 169849, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214269, null, null, null]]], "all_evidence": [[214269, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155795, 170455, "Bruce_Shand", 0]]], "all_evidence": [[155795, 170455, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164687, null, null, null]]], "all_evidence": [[164687, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16644, 20609, "The_Good_Wife", 0]]], "all_evidence": [[16644, 20609, "The_Good_Wife", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108534, 122147, "Sayyeshaa", 1], [108534, 122147, "Ajay_Devgn", 0]]], "all_evidence": [[108534, 122147, "Sayyeshaa", 1], [108534, 122147, "Ajay_Devgn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242099, 243575, "Down_with_Love", 0]]], "all_evidence": [[242099, 243575, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23024, 28367, "Recovery_-LRB-Eminem_album-RRB-", 7]]], "all_evidence": [[23024, 28367, "Recovery_-LRB-Eminem_album-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228787, null, null, null], [228799, null, null, null]]], "all_evidence": [[228787, null, null, null], [228799, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69809, null, null, null]]], "all_evidence": [[69809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112753, 126593, "Eddie_Guerrero", 10]]], "all_evidence": [[112753, 126593, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146172, null, null, null]]], "all_evidence": [[146172, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59743, null, null, null]]], "all_evidence": [[59743, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207670, null, null, null]]], "all_evidence": [[207670, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47825, 57091, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[47825, 57091, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195060, null, null, null]]], "all_evidence": [[195060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77804, 89248, "Taran_Killam", 0]]], "all_evidence": [[77804, 89248, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107117, 120490, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[107117, 120490, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129531, 144267, "Helmand_Province", 0]], [[129532, 144268, "Helmand_Province", 0]], [[129533, 144269, "Helmand_Province", 0]], [[129534, 144270, "Helmand_Province", 0]], [[129535, 144271, "Helmand_Province", 0]], [[129536, 144272, "Helmand_Province", 0]], [[129538, 144273, "Helmand_Province", 0]], [[129539, 144274, "Helmand_Province", 0]], [[129540, 144275, "Helmand_Province", 0]], [[129541, 144276, "Helmand_Province", 0]], [[129542, 144277, "Helmand_Province", 0]], [[129543, 144278, "Helmand_Province", 0]], [[129544, 144279, "Helmand_Province", 0]], [[129546, 144281, "Helmand_Province", 0]], [[129547, 144283, "Helmand_Province", 0]], [[129548, 144282, "Helmand_Province", 0]], [[129549, 144284, "Helmand_Province", 0]], [[129550, 144285, "Helmand_Province", 0]], [[129551, 144286, "Helmand_Province", 0]], [[129552, 144287, "Helmand_Province", 0]], [[129553, 144288, "Helmand_Province", 0]], [[129554, 144289, "Helmand_Province", 0]], [[129555, 144290, "Helmand_Province", 0]]], "all_evidence": [[129531, 144267, "Helmand_Province", 0], [129532, 144268, "Helmand_Province", 0], [129533, 144269, "Helmand_Province", 0], [129534, 144270, "Helmand_Province", 0], [129535, 144271, "Helmand_Province", 0], [129536, 144272, "Helmand_Province", 0], [129538, 144273, "Helmand_Province", 0], [129539, 144274, "Helmand_Province", 0], [129540, 144275, "Helmand_Province", 0], [129541, 144276, "Helmand_Province", 0], [129542, 144277, "Helmand_Province", 0], [129543, 144278, "Helmand_Province", 0], [129544, 144279, "Helmand_Province", 0], [129546, 144281, "Helmand_Province", 0], [129547, 144283, "Helmand_Province", 0], [129548, 144282, "Helmand_Province", 0], [129549, 144284, "Helmand_Province", 0], [129550, 144285, "Helmand_Province", 0], [129551, 144286, "Helmand_Province", 0], [129552, 144287, "Helmand_Province", 0], [129553, 144288, "Helmand_Province", 0], [129554, 144289, "Helmand_Province", 0], [129555, 144290, "Helmand_Province", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53100, null, null, null]]], "all_evidence": [[53100, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146801, 161782, "14th_Dalai_Lama", 10]]], "all_evidence": [[146801, 161782, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212208, 219807, "Epistemology", 3]]], "all_evidence": [[212208, 219807, "Epistemology", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168941, null, null, null]]], "all_evidence": [[168941, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54228, 64228, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[54228, 64228, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125364, null, null, null]]], "all_evidence": [[125364, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236597, 239035, "Regina_King", 1]], [[236597, 239036, "Regina_King", 0]], [[236597, 239037, "Regina_King", 2]], [[236597, 239038, "Regina_King", 3]], [[236597, 239039, "Regina_King", 4]], [[236597, 239040, "Regina_King", 7]]], "all_evidence": [[236597, 239035, "Regina_King", 1], [236597, 239036, "Regina_King", 0], [236597, 239037, "Regina_King", 2], [236597, 239038, "Regina_King", 3], [236597, 239039, "Regina_King", 4], [236597, 239040, "Regina_King", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258360, null, null, null]]], "all_evidence": [[258360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81947, 93732, "Same_Old_Love", 0]]], "all_evidence": [[81947, 93732, "Same_Old_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120180, 134356, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[120180, 134356, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90333, 103082, "Juventus_F.C.", 1], [90333, 103082, "Juventus_F.C.", 0]]], "all_evidence": [[90333, 103082, "Juventus_F.C.", 1], [90333, 103082, "Juventus_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207665, null, null, null]]], "all_evidence": [[207665, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43532, null, null, null]]], "all_evidence": [[43532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121508, 135783, "Faroe_Islands", 1]], [[121565, 135832, "Faroe_Islands", 1]], [[121565, 135833, "Faroe_Islands", 11]]], "all_evidence": [[121508, 135783, "Faroe_Islands", 1], [121565, 135832, "Faroe_Islands", 1], [121565, 135833, "Faroe_Islands", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259718, 258273, "Hanford_Site", 23]]], "all_evidence": [[259718, 258273, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258076, null, null, null]]], "all_evidence": [[258076, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222217, null, null, null], [224791, null, null, null], [225850, null, null, null], [319583, null, null, null]]], "all_evidence": [[222217, null, null, null], [224791, null, null, null], [225850, null, null, null], [319583, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292131, 284962, "Fantastic_Four_-LRB-2005_film-RRB-", 7]], [[294158, 286512, "Fantastic_Four_-LRB-2005_film-RRB-", 7]], [[294797, 287006, "Fantastic_Four_-LRB-2005_film-RRB-", 7]], [[339232, 324255, "Fantastic_Four_-LRB-2005_film-RRB-", 7]], [[339234, 324256, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[292131, 284962, "Fantastic_Four_-LRB-2005_film-RRB-", 7], [294158, 286512, "Fantastic_Four_-LRB-2005_film-RRB-", 7], [294797, 287006, "Fantastic_Four_-LRB-2005_film-RRB-", 7], [339232, 324255, "Fantastic_Four_-LRB-2005_film-RRB-", 7], [339234, 324256, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60294, 70677, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[60294, 70677, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256002, 255305, "Weekly_Idol", 1]]], "all_evidence": [[256002, 255305, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223863, 228781, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223863, 228781, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93662, null, null, null]]], "all_evidence": [[93662, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238542, 240539, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238542, 240539, "Gary_Oldman", 0]], [[238544, 240541, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238544, 240541, "Gary_Oldman", 0]], [[238545, 240542, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238545, 240542, "Toby_Jones", 0]]], "all_evidence": [[238542, 240539, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238542, 240539, "Gary_Oldman", 0], [238544, 240541, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238544, 240541, "Gary_Oldman", 0], [238545, 240542, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238545, 240542, "Toby_Jones", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189735, 200957, "Polar_bear", 7]]], "all_evidence": [[189735, 200957, "Polar_bear", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173734, null, null, null]]], "all_evidence": [[173734, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254521, 254167, "Harris_Jayaraj", 0]], [[256684, 255856, "Harris_Jayaraj", 0]], [[321073, 309531, "Harris_Jayaraj", 0]], [[321074, 309532, "Harris_Jayaraj", 0]], [[322400, 310737, "Harris_Jayaraj", 0]]], "all_evidence": [[254521, 254167, "Harris_Jayaraj", 0], [256684, 255856, "Harris_Jayaraj", 0], [321073, 309531, "Harris_Jayaraj", 0], [321074, 309532, "Harris_Jayaraj", 0], [322400, 310737, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121728, null, null, null]]], "all_evidence": [[121728, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36106, 43634, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[36106, 43634, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257054, 256115, "Chagatai_language", 0]]], "all_evidence": [[257054, 256115, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210351, 218110, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210351, 218110, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219131, null, null, null]]], "all_evidence": [[219131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222361, 227714, "John_Deighton", 24]], [[224949, 229673, "John_Deighton", 48]], [[226009, 230556, "John_Deighton", 24]]], "all_evidence": [[222361, 227714, "John_Deighton", 24], [224949, 229673, "John_Deighton", 48], [226009, 230556, "John_Deighton", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274388, 269684, "Brian_Michael_Bendis", 12]], [[274392, 269687, "Brian_Michael_Bendis", 12]], [[322462, 310785, "Brian_Michael_Bendis", 1]], [[322462, 310786, "Brian_Michael_Bendis", 5]], [[322462, 310787, "Brian_Michael_Bendis", 6]], [[322462, 310788, "Brian_Michael_Bendis", 12]], [[322462, 310789, "Brian_Michael_Bendis", 13]], [[322462, 310790, "Brian_Michael_Bendis", 14]], [[323579, 311784, "Brian_Michael_Bendis", 12]], [[323581, 311790, "Brian_Michael_Bendis", 12]], [[323583, 311791, "Brian_Michael_Bendis", 12]], [[323585, 311792, "Brian_Michael_Bendis", 12]]], "all_evidence": [[274388, 269684, "Brian_Michael_Bendis", 12], [274392, 269687, "Brian_Michael_Bendis", 12], [322462, 310785, "Brian_Michael_Bendis", 1], [322462, 310786, "Brian_Michael_Bendis", 5], [322462, 310787, "Brian_Michael_Bendis", 6], [322462, 310788, "Brian_Michael_Bendis", 12], [322462, 310789, "Brian_Michael_Bendis", 13], [322462, 310790, "Brian_Michael_Bendis", 14], [323579, 311784, "Brian_Michael_Bendis", 12], [323581, 311790, "Brian_Michael_Bendis", 12], [323583, 311791, "Brian_Michael_Bendis", 12], [323585, 311792, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67590, null, null, null]]], "all_evidence": [[67590, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126764, 141213, "Veeru_Devgan", 0]], [[126764, 141214, "Veeru_Devgan", 2]], [[126764, 141215, "Veeru_Devgan", 3]]], "all_evidence": [[126764, 141213, "Veeru_Devgan", 0], [126764, 141214, "Veeru_Devgan", 2], [126764, 141215, "Veeru_Devgan", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171130, 184643, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[171130, 184643, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270506, 266535, "Jenna_Jameson", 3]]], "all_evidence": [[270506, 266535, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181312, 193572, "Juventus_F.C.", 1]]], "all_evidence": [[181312, 193572, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239614, null, null, null]]], "all_evidence": [[239614, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129860, null, null, null]]], "all_evidence": [[129860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129822, 144529, "Michelin_Guide", 3], [129822, 144529, "Michelin", 0]], [[129823, 144530, "Michelin_Guide", 3], [129823, 144530, "Michelin", 0]], [[129824, 144531, "Michelin_Guide", 3], [129824, 144531, "Michelin", 0]], [[129825, 144532, "Michelin_Guide", 3], [129825, 144532, "Michelin", 0]]], "all_evidence": [[129822, 144529, "Michelin_Guide", 3], [129822, 144529, "Michelin", 0], [129823, 144530, "Michelin_Guide", 3], [129823, 144530, "Michelin", 0], [129824, 144531, "Michelin_Guide", 3], [129824, 144531, "Michelin", 0], [129825, 144532, "Michelin_Guide", 3], [129825, 144532, "Michelin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53034, null, null, null]]], "all_evidence": [[53034, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189355, 200640, "To_Pimp_a_Butterfly", 12]], [[189365, 200648, "To_Pimp_a_Butterfly", 12]]], "all_evidence": [[189355, 200640, "To_Pimp_a_Butterfly", 12], [189365, 200648, "To_Pimp_a_Butterfly", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190733, null, null, null], [190736, null, null, null]]], "all_evidence": [[190733, null, null, null], [190736, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173357, null, null, null]]], "all_evidence": [[173357, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70099, 80989, "Blue_Jasmine", 1]]], "all_evidence": [[70099, 80989, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129778, 144502, "Leonard_Nimoy", 10], [129778, 144502, "Civilization_IV", 0]]], "all_evidence": [[129778, 144502, "Leonard_Nimoy", 10], [129778, 144502, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90244, 103005, "Uranium-235", 6]]], "all_evidence": [[90244, 103005, "Uranium-235", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203202, 212285, "Fabian_Nicieza", 0]]], "all_evidence": [[203202, 212285, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200472, 209976, "Sancho_Panza", 0]], [[200479, 209980, "Sancho_Panza", 0]]], "all_evidence": [[200472, 209976, "Sancho_Panza", 0], [200479, 209980, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199055, null, null, null]]], "all_evidence": [[199055, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117453, 131366, "State_of_Palestine", 1]]], "all_evidence": [[117453, 131366, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77519, null, null, null]]], "all_evidence": [[77519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106314, 119764, "Luis_Fonsi", 0]]], "all_evidence": [[106314, 119764, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146751, null, null, null]]], "all_evidence": [[146751, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75209, 86443, "Marvel_vs._Capcom-COLON-_Infinite", 4]]], "all_evidence": [[75209, 86443, "Marvel_vs._Capcom-COLON-_Infinite", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218089, null, null, null], [218090, null, null, null]]], "all_evidence": [[218089, null, null, null], [218090, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231962, null, null, null]]], "all_evidence": [[231962, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171110, 184627, "Aarhus", 0]]], "all_evidence": [[171110, 184627, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60133, 70552, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[60133, 70552, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221275, 226918, "Yandex", 9]]], "all_evidence": [[221275, 226918, "Yandex", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267305, 264031, "Southampton_F.C.", 0], [267305, 264031, "Association_football", 0]]], "all_evidence": [[267305, 264031, "Southampton_F.C.", 0], [267305, 264031, "Association_football", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116331, 130225, "Naples", 34]]], "all_evidence": [[116331, 130225, "Naples", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28903, 35268, "Knocked_Up", 4]]], "all_evidence": [[28903, 35268, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79303, 90978, "Marjorie_Gross", 0]], [[79303, 90979, "Marjorie_Gross", 1]]], "all_evidence": [[79303, 90978, "Marjorie_Gross", 0], [79303, 90979, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165776, 179761, "Uranium-235", 6], [165776, 179761, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[165776, 179761, "Uranium-235", 6], [165776, 179761, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158269, null, null, null]]], "all_evidence": [[158269, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126919, 141372, "Bhagat_Singh", 0]]], "all_evidence": [[126919, 141372, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39822, 47907, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[39822, 47907, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236609, 239050, "Regina_King", 4]], [[236610, 239051, "Regina_King", 4]], [[236613, 239056, "Regina_King", 4]]], "all_evidence": [[236609, 239050, "Regina_King", 4], [236610, 239051, "Regina_King", 4], [236613, 239056, "Regina_King", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184910, null, null, null]]], "all_evidence": [[184910, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214260, 221339, "Kenneth_Lonergan", 0]]], "all_evidence": [[214260, 221339, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87341, 99817, "Floppy_disk", 0]]], "all_evidence": [[87341, 99817, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135080, 149995, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135081, 149996, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135082, 149997, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135083, 149998, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135084, 149999, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135085, 150000, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135086, 150001, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135087, 150002, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135088, 150003, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135089, 150004, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135090, 150005, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135092, 150007, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135093, 150008, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135094, 150009, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135095, 150010, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135096, 150011, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135097, 150012, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135098, 150013, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]], [[135099, 150014, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]]], "all_evidence": [[135080, 149995, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135081, 149996, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135082, 149997, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135083, 149998, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135084, 149999, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135085, 150000, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135086, 150001, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135087, 150002, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135088, 150003, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135089, 150004, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135090, 150005, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135092, 150007, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135093, 150008, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135094, 150009, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135095, 150010, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135096, 150011, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135097, 150012, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135098, 150013, "Sora_-LRB-Kingdom_Hearts-RRB-", 0], [135099, 150014, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211974, 219582, "Saturn_Corporation", 0]]], "all_evidence": [[211974, 219582, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239646, null, null, null]]], "all_evidence": [[239646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126097, 140489, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[126097, 140489, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101587, 114824, "Chaka_Khan", 4]]], "all_evidence": [[101587, 114824, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71437, 82399, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]], "all_evidence": [[71437, 82399, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76469, 87764, "Vietnam", 1]]], "all_evidence": [[76469, 87764, "Vietnam", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270500, null, null, null]]], "all_evidence": [[270500, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237969, null, null, null]]], "all_evidence": [[237969, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18825, 23061, "The_Mod_Squad", 0]], [[18825, 23062, "The_Mod_Squad", 5]], [[18825, 23063, "The_Mod_Squad", 6]], [[18825, 23064, "The_Mod_Squad", 2]], [[18825, 23065, "The_Mod_Squad", 1], [18825, 23065, "Clarence_Williams_III", 0]]], "all_evidence": [[18825, 23061, "The_Mod_Squad", 0], [18825, 23062, "The_Mod_Squad", 5], [18825, 23063, "The_Mod_Squad", 6], [18825, 23064, "The_Mod_Squad", 2], [18825, 23065, "The_Mod_Squad", 1], [18825, 23065, "Clarence_Williams_III", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164953, 179135, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[164953, 179135, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171935, 185378, "Folklore", 1]]], "all_evidence": [[171935, 185378, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196605, 206704, "Michael_Vick", 0]]], "all_evidence": [[196605, 206704, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122351, 136605, "Connie_Nielsen", 2]]], "all_evidence": [[122351, 136605, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241678, null, null, null]]], "all_evidence": [[241678, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235568, null, null, null]]], "all_evidence": [[235568, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179526, 192105, "Melancholia_-LRB-2011_film-RRB-", 0], [179526, 192105, "Charlotte_Gainsbourg", 0]]], "all_evidence": [[179526, 192105, "Melancholia_-LRB-2011_film-RRB-", 0], [179526, 192105, "Charlotte_Gainsbourg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112424, null, null, null]]], "all_evidence": [[112424, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119988, 134129, "Naples", 34], [119988, 134129, "Pompeii", 0]]], "all_evidence": [[119988, 134129, "Naples", 34], [119988, 134129, "Pompeii", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190011, 201161, "Philip_Glass", 9]], [[190019, 201166, "Philip_Glass", 9]], [[190023, 201170, "Philip_Glass", 9]]], "all_evidence": [[190011, 201161, "Philip_Glass", 9], [190019, 201166, "Philip_Glass", 9], [190023, 201170, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130858, 145640, "Scotty_Moore", 0]]], "all_evidence": [[130858, 145640, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52022, 61910, "Psych", 2], [52022, 61910, "James_Roday", 0]]], "all_evidence": [[52022, 61910, "Psych", 2], [52022, 61910, "James_Roday", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112572, null, null, null]]], "all_evidence": [[112572, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85385, 97705, "Carlos_Santana", 0]]], "all_evidence": [[85385, 97705, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296734, null, null, null], [298357, null, null, null], [298358, null, null, null], [343832, null, null, null], [343879, null, null, null]]], "all_evidence": [[296734, null, null, null], [298357, null, null, null], [298358, null, null, null], [343832, null, null, null], [343879, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131917, null, null, null]]], "all_evidence": [[131917, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292635, 285380, "Sleipnir", 0]], [[294645, 286888, "Sleipnir", 0]], [[295230, 287374, "Sleipnir", 0]], [[340511, 325153, "Sleipnir", 0]], [[340532, 325167, "Sleipnir", 0]]], "all_evidence": [[292635, 285380, "Sleipnir", 0], [294645, 286888, "Sleipnir", 0], [295230, 287374, "Sleipnir", 0], [340511, 325153, "Sleipnir", 0], [340532, 325167, "Sleipnir", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198622, 208415, "Selena_Gomez_&_the_Scene", 3]], [[198623, 208416, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198622, 208415, "Selena_Gomez_&_the_Scene", 3], [198623, 208416, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21848, 26838, "Jack_Falahee", 0]]], "all_evidence": [[21848, 26838, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85935, null, null, null]]], "all_evidence": [[85935, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230065, null, null, null]]], "all_evidence": [[230065, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211611, null, null, null]]], "all_evidence": [[211611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76020, 87313, "John_Dolmayan", 0]]], "all_evidence": [[76020, 87313, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114298, null, null, null]]], "all_evidence": [[114298, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139983, 154990, "Ashley_Graham_-LRB-model-RRB-", 0]]], "all_evidence": [[139983, 154990, "Ashley_Graham_-LRB-model-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148800, null, null, null]]], "all_evidence": [[148800, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181100, 193391, "Justine_Bateman", 0]]], "all_evidence": [[181100, 193391, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246285, 246830, "Easy_A", 0]]], "all_evidence": [[246285, 246830, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92872, 105725, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[92872, 105725, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45062, null, null, null]]], "all_evidence": [[45062, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156509, null, null, null], [156512, null, null, null]]], "all_evidence": [[156509, null, null, null], [156512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216084, 222795, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216084, 222795, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208056, null, null, null]]], "all_evidence": [[208056, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258724, null, null, null]]], "all_evidence": [[258724, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13680, 17121, "Make_It_or_Break_It", 8], [13680, 17121, "Make_It_or_Break_It", 9]]], "all_evidence": [[13680, 17121, "Make_It_or_Break_It", 8], [13680, 17121, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199112, 208790, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199112, 208790, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140321, 155337, "Shane_Black", 0]]], "all_evidence": [[140321, 155337, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107863, 121346, "Stanley_Williams", 0]], [[107863, 121347, "Stanley_Williams", 1]], [[107863, 121348, "Stanley_Williams", 5]], [[107863, 121349, "Stanley_Williams", 4], [107863, 121349, "Pardon", 0]]], "all_evidence": [[107863, 121346, "Stanley_Williams", 0], [107863, 121347, "Stanley_Williams", 1], [107863, 121348, "Stanley_Williams", 5], [107863, 121349, "Stanley_Williams", 4], [107863, 121349, "Pardon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129003, 143770, "South_African_Communist_Party", 2]]], "all_evidence": [[129003, 143770, "South_African_Communist_Party", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31456, 38182, "Shane_Black", 0]]], "all_evidence": [[31456, 38182, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179666, null, null, null]]], "all_evidence": [[179666, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145076, 160090, "Bloods", 2]]], "all_evidence": [[145076, 160090, "Bloods", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116842, null, null, null]]], "all_evidence": [[116842, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92604, 105400, "Saw_-LRB-franchise-RRB-", 0]]], "all_evidence": [[92604, 105400, "Saw_-LRB-franchise-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279484, 274095, "Alexandra_Daddario", 0]], [[281207, 275613, "Alexandra_Daddario", 0]], [[283309, 277361, "Alexandra_Daddario", 0]], [[327807, 315014, "Alexandra_Daddario", 0]], [[328839, 315815, "Alexandra_Daddario", 0]]], "all_evidence": [[279484, 274095, "Alexandra_Daddario", 0], [281207, 275613, "Alexandra_Daddario", 0], [283309, 277361, "Alexandra_Daddario", 0], [327807, 315014, "Alexandra_Daddario", 0], [328839, 315815, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209577, 217376, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209577, 217376, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255564, 254999, "Dreamer_-LRB-2005_film-RRB-", 0], [255564, 254999, "John_Gatins", 0]]], "all_evidence": [[255564, 254999, "Dreamer_-LRB-2005_film-RRB-", 0], [255564, 254999, "John_Gatins", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191488, null, null, null]]], "all_evidence": [[191488, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109014, 122721, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [109014, 122721, "Rock_Band_3", 0]]], "all_evidence": [[109014, 122721, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [109014, 122721, "Rock_Band_3", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129937, null, null, null]]], "all_evidence": [[129937, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246599, 247080, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246599, 247080, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76481, 87773, "David_Spade", 0]], [[76481, 87774, "David_Spade", 1]], [[76481, 87775, "David_Spade", 2], [76481, 87775, "Black_Sheep_-LRB-1996_film-RRB-", 0]]], "all_evidence": [[76481, 87773, "David_Spade", 0], [76481, 87774, "David_Spade", 1], [76481, 87775, "David_Spade", 2], [76481, 87775, "Black_Sheep_-LRB-1996_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183421, null, null, null]]], "all_evidence": [[183421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140489, 155563, "Shadowhunters", 4], [140489, 155563, "Freeform_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[140489, 155563, "Shadowhunters", 4], [140489, 155563, "Freeform_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160071, null, null, null]]], "all_evidence": [[160071, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218541, null, null, null]]], "all_evidence": [[218541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237017, 239334, "Varsity_Blues_-LRB-film-RRB-", 5]], [[237022, 239339, "Varsity_Blues_-LRB-film-RRB-", 5]]], "all_evidence": [[237017, 239334, "Varsity_Blues_-LRB-film-RRB-", 5], [237022, 239339, "Varsity_Blues_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183957, 195942, "Dan_O'Bannon", 0]], [[183958, 195943, "Dan_O'Bannon", 0]]], "all_evidence": [[183957, 195942, "Dan_O'Bannon", 0], [183958, 195943, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282630, 276782, "2016_Tour_de_France", 2]], [[284579, 278364, "2016_Tour_de_France", 2]], [[284583, 278368, "2016_Tour_de_France", 2]], [[330798, 317351, "2016_Tour_de_France", 2]], [[331912, 318349, "2016_Tour_de_France", 2]]], "all_evidence": [[282630, 276782, "2016_Tour_de_France", 2], [284579, 278364, "2016_Tour_de_France", 2], [284583, 278368, "2016_Tour_de_France", 2], [330798, 317351, "2016_Tour_de_France", 2], [331912, 318349, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132189, 147068, "The_Bahamas", 0], [132189, 147068, "The_Bahamas", 1]]], "all_evidence": [[132189, 147068, "The_Bahamas", 0], [132189, 147068, "The_Bahamas", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121534, null, null, null]]], "all_evidence": [[121534, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43047, 51690, "South_African_Communist_Party", 2]]], "all_evidence": [[43047, 51690, "South_African_Communist_Party", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122846, 137135, "John_Dolmayan", 0]]], "all_evidence": [[122846, 137135, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37827, 45752, "Shooter_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[37827, 45752, "Shooter_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289781, null, null, null], [291184, null, null, null], [293316, null, null, null], [293319, null, null, null], [337036, null, null, null]]], "all_evidence": [[289781, null, null, null], [291184, null, null, null], [293316, null, null, null], [293319, null, null, null], [337036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94670, 107653, "Viola_Davis", 6]]], "all_evidence": [[94670, 107653, "Viola_Davis", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236981, null, null, null]]], "all_evidence": [[236981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201026, 210481, "Mary_of_Teck", 12]], [[203833, 212761, "Mary_of_Teck", 12]], [[206242, 214648, "Mary_of_Teck", 12]], [[315529, 304775, "Mary_of_Teck", 12]], [[315529, 304776, "Mary_of_Teck", 13], [315529, 304776, "George_VI", 0]], [[315535, 304779, "Mary_of_Teck", 12]]], "all_evidence": [[201026, 210481, "Mary_of_Teck", 12], [203833, 212761, "Mary_of_Teck", 12], [206242, 214648, "Mary_of_Teck", 12], [315529, 304775, "Mary_of_Teck", 12], [315529, 304776, "Mary_of_Teck", 13], [315529, 304776, "George_VI", 0], [315535, 304779, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41784, 50243, "Trevor_Griffiths", 0]]], "all_evidence": [[41784, 50243, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142632, null, null, null]]], "all_evidence": [[142632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52660, 62622, "Omar_Khadr", 3]]], "all_evidence": [[52660, 62622, "Omar_Khadr", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199089, null, null, null]]], "all_evidence": [[199089, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90503, 103254, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[90503, 103254, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258714, null, null, null]]], "all_evidence": [[258714, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259475, 258047, "Libya", 2]]], "all_evidence": [[259475, 258047, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102908, 116190, "Men_in_Black_II", 0]]], "all_evidence": [[102908, 116190, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199473, 209149, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199473, 209149, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39895, 47990, "Bones_-LRB-TV_series-RRB-", 5]], [[39895, 47991, "Bones_-LRB-TV_series-RRB-", 7], [39895, 47991, "Kathy_Reichs", 5]]], "all_evidence": [[39895, 47990, "Bones_-LRB-TV_series-RRB-", 5], [39895, 47991, "Bones_-LRB-TV_series-RRB-", 7], [39895, 47991, "Kathy_Reichs", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59270, 69625, "Due_Date", 2]]], "all_evidence": [[59270, 69625, "Due_Date", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198609, null, null, null]]], "all_evidence": [[198609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75445, 86703, "Sam_Claflin", 0]], [[75445, 86704, "Sam_Claflin", 1], [75445, 86704, "Me_Before_You_-LRB-film-RRB-", 1]]], "all_evidence": [[75445, 86703, "Sam_Claflin", 0], [75445, 86704, "Sam_Claflin", 1], [75445, 86704, "Me_Before_You_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235602, 238208, "Natural_Born_Killers", 5]], [[235603, 238209, "Natural_Born_Killers", 5]]], "all_evidence": [[235602, 238208, "Natural_Born_Killers", 5], [235603, 238209, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89360, 102053, "Shinji_Mikami", 0]], [[89360, 102054, "Shinji_Mikami", 12]]], "all_evidence": [[89360, 102053, "Shinji_Mikami", 0], [89360, 102054, "Shinji_Mikami", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211247, 218925, "Southpaw_-LRB-film-RRB-", 0]], [[211247, 218926, "Southpaw_-LRB-film-RRB-", 1]], [[211247, 218927, "Southpaw_-LRB-film-RRB-", 2]], [[211247, 218928, "Southpaw_-LRB-film-RRB-", 5]], [[211247, 218929, "Southpaw_-LRB-film-RRB-", 6]], [[211248, 218930, "Southpaw_-LRB-film-RRB-", 0]], [[211248, 218931, "Southpaw_-LRB-film-RRB-", 1]], [[211248, 218932, "Southpaw_-LRB-film-RRB-", 2]], [[211248, 218933, "Southpaw_-LRB-film-RRB-", 5]], [[211248, 218934, "Southpaw_-LRB-film-RRB-", 6]]], "all_evidence": [[211247, 218925, "Southpaw_-LRB-film-RRB-", 0], [211247, 218926, "Southpaw_-LRB-film-RRB-", 1], [211247, 218927, "Southpaw_-LRB-film-RRB-", 2], [211247, 218928, "Southpaw_-LRB-film-RRB-", 5], [211247, 218929, "Southpaw_-LRB-film-RRB-", 6], [211248, 218930, "Southpaw_-LRB-film-RRB-", 0], [211248, 218931, "Southpaw_-LRB-film-RRB-", 1], [211248, 218932, "Southpaw_-LRB-film-RRB-", 2], [211248, 218933, "Southpaw_-LRB-film-RRB-", 5], [211248, 218934, "Southpaw_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114927, null, null, null]]], "all_evidence": [[114927, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182129, null, null, null]]], "all_evidence": [[182129, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30404, null, null, null]]], "all_evidence": [[30404, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[338280, 323497, "Fred_Armisen", 0]]], "all_evidence": [[338280, 323497, "Fred_Armisen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142842, 157979, "The_Road_to_El_Dorado", 2], [142842, 157979, "Edward_James_Olmos", 0]]], "all_evidence": [[142842, 157979, "The_Road_to_El_Dorado", 2], [142842, 157979, "Edward_James_Olmos", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223620, 228591, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223620, 228591, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18217, 22383, "Derek_Hough", 6]]], "all_evidence": [[18217, 22383, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169396, 183041, "Janet_Leigh", 0]], [[169396, 183042, "Janet_Leigh", 2]], [[169397, 183043, "Janet_Leigh", 0]], [[169397, 183044, "Janet_Leigh", 2]]], "all_evidence": [[169396, 183041, "Janet_Leigh", 0], [169396, 183042, "Janet_Leigh", 2], [169397, 183043, "Janet_Leigh", 0], [169397, 183044, "Janet_Leigh", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184154, null, null, null], [184155, null, null, null]]], "all_evidence": [[184154, null, null, null], [184155, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54791, 64791, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[54791, 64791, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198027, 207974, "Syracuse,_New_York", 2]]], "all_evidence": [[198027, 207974, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142463, 157646, "Caroline_Kennedy", 0]]], "all_evidence": [[142463, 157646, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78313, 89850, "Shooter_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[78313, 89850, "Shooter_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65169, 76049, "Lincoln\u2013Douglas_debates", 14]]], "all_evidence": [[65169, 76049, "Lincoln\u2013Douglas_debates", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162621, 176899, "Star_Trek-COLON-_Discovery", 2], [162621, 176899, "Star_Trek", 1]]], "all_evidence": [[162621, 176899, "Star_Trek-COLON-_Discovery", 2], [162621, 176899, "Star_Trek", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34176, 41448, "West_Ham_United_F.C.", 5]]], "all_evidence": [[34176, 41448, "West_Ham_United_F.C.", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75364, null, null, null], [79828, null, null, null], [305975, null, null, null]]], "all_evidence": [[75364, null, null, null], [79828, null, null, null], [305975, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28187, 34485, "Miranda_Otto", 1]]], "all_evidence": [[28187, 34485, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269631, 265900, "Richard_Dawkins", 16]]], "all_evidence": [[269631, 265900, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210940, 218600, "Mogadishu", 0]]], "all_evidence": [[210940, 218600, "Mogadishu", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254365, 254056, "DJ_Quik", 0]]], "all_evidence": [[254365, 254056, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95376, 108402, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[95376, 108402, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79867, 91596, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[79867, 91596, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114700, 128441, "Gal_Gadot", 4]]], "all_evidence": [[114700, 128441, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146571, 161564, "Alexandra_Daddario", 0]], [[146571, 161565, "Alexandra_Daddario", 1]], [[146571, 161566, "Alexandra_Daddario", 2]], [[146594, 161579, "Alexandra_Daddario", 0]]], "all_evidence": [[146571, 161564, "Alexandra_Daddario", 0], [146571, 161565, "Alexandra_Daddario", 1], [146571, 161566, "Alexandra_Daddario", 2], [146594, 161579, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94219, 107202, "Rob_Sheridan", 0]]], "all_evidence": [[94219, 107202, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40078, null, null, null]]], "all_evidence": [[40078, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53015, 62957, "Republic_of_Macedonia", 3]]], "all_evidence": [[53015, 62957, "Republic_of_Macedonia", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200748, 210223, "Earl_Scruggs", 1]], [[200748, 210224, "Earl_Scruggs", 0]], [[200748, 210225, "Earl_Scruggs", 9]]], "all_evidence": [[200748, 210223, "Earl_Scruggs", 1], [200748, 210224, "Earl_Scruggs", 0], [200748, 210225, "Earl_Scruggs", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231466, null, null, null]]], "all_evidence": [[231466, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97699, null, null, null]]], "all_evidence": [[97699, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22651, 27955, "Ashley_Cole", 0]], [[22651, 27956, "Ashley_Cole", 3]], [[113884, 127736, "Ashley_Cole", 0]]], "all_evidence": [[22651, 27955, "Ashley_Cole", 0], [22651, 27956, "Ashley_Cole", 3], [113884, 127736, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141748, null, null, null]]], "all_evidence": [[141748, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289614, null, null, null], [336593, null, null, null], [336620, null, null, null]]], "all_evidence": [[289614, null, null, null], [336593, null, null, null], [336620, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53585, 63586, "Renato_Balestra", 3]]], "all_evidence": [[53585, 63586, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29303, null, null, null]]], "all_evidence": [[29303, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148531, null, null, null]]], "all_evidence": [[148531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269569, 265866, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269569, 265866, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137767, 152699, "English_people", 1]], [[137767, 152700, "English_people", 2]], [[137767, 152701, "English_people", 6]]], "all_evidence": [[137767, 152699, "English_people", 1], [137767, 152700, "English_people", 2], [137767, 152701, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160668, 175198, "Lizzy_Caplan", 2]]], "all_evidence": [[160668, 175198, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[281378, 275799, "Janelle_Mona\u0301e", 0]], [[328051, 315202, "Janelle_Mona\u0301e", 0]], [[329035, 315952, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[281378, 275799, "Janelle_Mona\u0301e", 0], [328051, 315202, "Janelle_Mona\u0301e", 0], [329035, 315952, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37434, null, null, null], [301873, null, null, null], [303323, null, null, null], [304311, null, null, null]]], "all_evidence": [[37434, null, null, null], [301873, null, null, null], [303323, null, null, null], [304311, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156130, null, null, null]]], "all_evidence": [[156130, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210871, null, null, null]]], "all_evidence": [[210871, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279989, 274575, "Luis_Fonsi", 0]], [[328889, 315848, "Luis_Fonsi", 0]], [[329337, 316163, "Luis_Fonsi", 0]]], "all_evidence": [[279989, 274575, "Luis_Fonsi", 0], [328889, 315848, "Luis_Fonsi", 0], [329337, 316163, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145264, 160258, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[145264, 160258, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161645, 176072, "Harris_Jayaraj", 0]]], "all_evidence": [[161645, 176072, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75478, 86730, "Humphrey_Bogart", 10]], [[75478, 86731, "Humphrey_Bogart", 11]]], "all_evidence": [[75478, 86730, "Humphrey_Bogart", 10], [75478, 86731, "Humphrey_Bogart", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212183, null, null, null]]], "all_evidence": [[212183, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65958, 76824, "Arizona", 1], [65958, 76824, "Arizona", 0]]], "all_evidence": [[65958, 76824, "Arizona", 1], [65958, 76824, "Arizona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259464, null, null, null]]], "all_evidence": [[259464, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221276, 226919, "Yandex", 1]], [[221276, 226920, "Yandex", 3]]], "all_evidence": [[221276, 226919, "Yandex", 1], [221276, 226920, "Yandex", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81839, null, null, null]]], "all_evidence": [[81839, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124986, null, null, null]]], "all_evidence": [[124986, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181671, null, null, null], [181676, null, null, null]]], "all_evidence": [[181671, null, null, null], [181676, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45712, 54579, "In_the_End", 1]], [[45722, 54587, "In_the_End", 1]], [[45722, 54588, "In_the_End", 16]]], "all_evidence": [[45712, 54579, "In_the_End", 1], [45722, 54587, "In_the_End", 1], [45722, 54588, "In_the_End", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26531, 32570, "How_to_Train_Your_Dragon_2", 11]]], "all_evidence": [[26531, 32570, "How_to_Train_Your_Dragon_2", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216081, 222793, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216081, 222793, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184397, 196294, "Christa_McAuliffe", 4]]], "all_evidence": [[184397, 196294, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88359, 100976, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[88359, 100976, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193431, null, null, null]]], "all_evidence": [[193431, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178234, 190828, "Lost_-LRB-TV_series-RRB-", 16]]], "all_evidence": [[178234, 190828, "Lost_-LRB-TV_series-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166045, 179999, "Underdog_-LRB-film-RRB-", 1], [166045, 179999, "Frederik_Du_Chau", 0]]], "all_evidence": [[166045, 179999, "Underdog_-LRB-film-RRB-", 1], [166045, 179999, "Frederik_Du_Chau", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59240, 69587, "Stanley_Williams", 0]]], "all_evidence": [[59240, 69587, "Stanley_Williams", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49689, null, null, null]]], "all_evidence": [[49689, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18234, 22398, "Beaverton,_Oregon", 1], [18234, 22398, "Tualatin_River", 0]]], "all_evidence": [[18234, 22398, "Beaverton,_Oregon", 1], [18234, 22398, "Tualatin_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73686, 84931, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[73686, 84931, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60431, null, null, null]]], "all_evidence": [[60431, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133127, 147987, "A_View_to_a_Kill", 0]], [[133129, 147988, "A_View_to_a_Kill", 0]], [[133130, 147989, "A_View_to_a_Kill", 0]], [[133131, 147990, "A_View_to_a_Kill", 0]], [[133132, 147991, "A_View_to_a_Kill", 0]], [[133133, 147992, "A_View_to_a_Kill", 0]], [[133135, 147994, "A_View_to_a_Kill", 0]], [[133136, 147993, "A_View_to_a_Kill", 0]], [[133137, 147995, "A_View_to_a_Kill", 0]], [[133138, 147996, "A_View_to_a_Kill", 0]], [[133139, 147997, "A_View_to_a_Kill", 0]], [[133140, 147998, "A_View_to_a_Kill", 0]], [[133141, 147999, "A_View_to_a_Kill", 0]], [[133142, 148000, "A_View_to_a_Kill", 0]], [[133143, 148001, "A_View_to_a_Kill", 0]], [[133144, 148002, "A_View_to_a_Kill", 0]], [[133145, 148003, "A_View_to_a_Kill", 0]], [[133146, 148004, "A_View_to_a_Kill", 0]], [[133148, 148005, "A_View_to_a_Kill", 0]], [[133149, 148006, "A_View_to_a_Kill", 0]], [[133150, 148007, "A_View_to_a_Kill", 0]]], "all_evidence": [[133127, 147987, "A_View_to_a_Kill", 0], [133129, 147988, "A_View_to_a_Kill", 0], [133130, 147989, "A_View_to_a_Kill", 0], [133131, 147990, "A_View_to_a_Kill", 0], [133132, 147991, "A_View_to_a_Kill", 0], [133133, 147992, "A_View_to_a_Kill", 0], [133135, 147994, "A_View_to_a_Kill", 0], [133136, 147993, "A_View_to_a_Kill", 0], [133137, 147995, "A_View_to_a_Kill", 0], [133138, 147996, "A_View_to_a_Kill", 0], [133139, 147997, "A_View_to_a_Kill", 0], [133140, 147998, "A_View_to_a_Kill", 0], [133141, 147999, "A_View_to_a_Kill", 0], [133142, 148000, "A_View_to_a_Kill", 0], [133143, 148001, "A_View_to_a_Kill", 0], [133144, 148002, "A_View_to_a_Kill", 0], [133145, 148003, "A_View_to_a_Kill", 0], [133146, 148004, "A_View_to_a_Kill", 0], [133148, 148005, "A_View_to_a_Kill", 0], [133149, 148006, "A_View_to_a_Kill", 0], [133150, 148007, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[252367, 252163, "Harvard_University", 8]]], "all_evidence": [[252367, 252163, "Harvard_University", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223876, null, null, null]]], "all_evidence": [[223876, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196616, 206723, "Michael_Vick", 0]]], "all_evidence": [[196616, 206723, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225643, 230267, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225644, 230268, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225643, 230267, "Ian_Brennan_-LRB-writer-RRB-", 0], [225644, 230268, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76039, null, null, null]]], "all_evidence": [[76039, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63588, 74341, "Margaret_Thatcher", 8], [63588, 74341, "Leader_of_the_Conservative_Party_-LRB-UK-RRB-", 0]]], "all_evidence": [[63588, 74341, "Margaret_Thatcher", 8], [63588, 74341, "Leader_of_the_Conservative_Party_-LRB-UK-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238558, null, null, null], [238559, null, null, null], [238560, null, null, null]]], "all_evidence": [[238558, null, null, null], [238559, null, null, null], [238560, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231977, null, null, null]]], "all_evidence": [[231977, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39582, 47667, "James_VI_and_I", 4]]], "all_evidence": [[39582, 47667, "James_VI_and_I", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193436, 203939, "Don_Bradman", 0]]], "all_evidence": [[193436, 203939, "Don_Bradman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198065, 208007, "Dave_Gibbons", 0]]], "all_evidence": [[198065, 208007, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134428, 149309, "Bones_-LRB-TV_series-RRB-", 0]], [[134428, 149310, "Bones_-LRB-TV_series-RRB-", 1]], [[134428, 149311, "Bones_-LRB-TV_series-RRB-", 5]], [[134428, 149312, "Bones_-LRB-TV_series-RRB-", 9]], [[134428, 149313, "Bones_-LRB-TV_series-RRB-", 12]], [[134428, 149314, "Bones_-LRB-TV_series-RRB-", 13]]], "all_evidence": [[134428, 149309, "Bones_-LRB-TV_series-RRB-", 0], [134428, 149310, "Bones_-LRB-TV_series-RRB-", 1], [134428, 149311, "Bones_-LRB-TV_series-RRB-", 5], [134428, 149312, "Bones_-LRB-TV_series-RRB-", 9], [134428, 149313, "Bones_-LRB-TV_series-RRB-", 12], [134428, 149314, "Bones_-LRB-TV_series-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236994, 239321, "Varsity_Blues_-LRB-film-RRB-", 0]], [[236994, 239322, "Varsity_Blues_-LRB-film-RRB-", 5]]], "all_evidence": [[236994, 239321, "Varsity_Blues_-LRB-film-RRB-", 0], [236994, 239322, "Varsity_Blues_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157358, null, null, null]]], "all_evidence": [[157358, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172249, null, null, null]]], "all_evidence": [[172249, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41540, 49949, "Wildfang", 1]]], "all_evidence": [[41540, 49949, "Wildfang", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183982, null, null, null]]], "all_evidence": [[183982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84798, 97028, "Reign_Over_Me", 0]]], "all_evidence": [[84798, 97028, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231460, null, null, null]]], "all_evidence": [[231460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34212, 41476, "Mick_Thomson", 1]]], "all_evidence": [[34212, 41476, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251503, 251345, "Miracle_at_St._Anna", 2]], [[251506, 251347, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251503, 251345, "Miracle_at_St._Anna", 2], [251506, 251347, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59020, 69355, "Reign_Over_Me", 0]]], "all_evidence": [[59020, 69355, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86042, null, null, null]]], "all_evidence": [[86042, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130881, null, null, null]]], "all_evidence": [[130881, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203222, null, null, null]]], "all_evidence": [[203222, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194103, 204512, "Rick_Yune", 2]]], "all_evidence": [[194103, 204512, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22805, null, null, null]]], "all_evidence": [[22805, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164725, null, null, null]]], "all_evidence": [[164725, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201838, null, null, null]]], "all_evidence": [[201838, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29794, null, null, null]]], "all_evidence": [[29794, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237573, null, null, null]]], "all_evidence": [[237573, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109656, 123275, "James_VI_and_I", 10]]], "all_evidence": [[109656, 123275, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228147, 232398, "Larry_the_Cable_Guy", 14]], [[228148, 232399, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228147, 232398, "Larry_the_Cable_Guy", 14], [228148, 232399, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74259, null, null, null]]], "all_evidence": [[74259, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96673, 109822, "Viola_Davis", 6]], [[96673, 109823, "Viola_Davis", 8]], [[96673, 109824, "Viola_Davis", 16]]], "all_evidence": [[96673, 109822, "Viola_Davis", 6], [96673, 109823, "Viola_Davis", 8], [96673, 109824, "Viola_Davis", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283687, null, null, null], [287640, null, null, null], [332618, null, null, null], [332626, null, null, null]]], "all_evidence": [[283687, null, null, null], [287640, null, null, null], [332618, null, null, null], [332626, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202993, 212121, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[202993, 212121, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271167, 267103, "Giada_at_Home", 0]], [[271178, 267113, "Giada_at_Home", 0]]], "all_evidence": [[271167, 267103, "Giada_at_Home", 0], [271178, 267113, "Giada_at_Home", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178886, 191439, "Knocked_Up", 4]]], "all_evidence": [[178886, 191439, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106393, 119824, "West_Virginia", 1]]], "all_evidence": [[106393, 119824, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237603, null, null, null]]], "all_evidence": [[237603, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176586, 189525, "French_Indochina", 0]], [[176586, 189526, "French_Indochina", 3], [176586, 189526, "French_Protectorate_of_Cambodia", 0]], [[176586, 189527, "French_Indochina", 4], [176586, 189527, "French_Protectorate_of_Laos", 0]]], "all_evidence": [[176586, 189525, "French_Indochina", 0], [176586, 189526, "French_Indochina", 3], [176586, 189526, "French_Protectorate_of_Cambodia", 0], [176586, 189527, "French_Indochina", 4], [176586, 189527, "French_Protectorate_of_Laos", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241415, 242943, "Brad_Wilk", 4]]], "all_evidence": [[241415, 242943, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45430, 54253, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[45430, 54253, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110210, 123831, "Indian_Institute_of_Management_Bangalore", 5]]], "all_evidence": [[110210, 123831, "Indian_Institute_of_Management_Bangalore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115257, null, null, null]]], "all_evidence": [[115257, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87546, 100029, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[87546, 100029, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71694, null, null, null]]], "all_evidence": [[71694, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203381, 212414, "Artpop", 0]], [[203381, 212415, "Artpop", 1]]], "all_evidence": [[203381, 212414, "Artpop", 0], [203381, 212415, "Artpop", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23169, 28532, "The_Godfather_Part_II", 0]]], "all_evidence": [[23169, 28532, "The_Godfather_Part_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227051, 231473, "Bea_Arthur", 0]]], "all_evidence": [[227051, 231473, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258726, 257482, "The_Pelican_Brief_-LRB-film-RRB-", 0]], [[258726, 257483, "The_Pelican_Brief_-LRB-film-RRB-", 1]], [[258726, 257484, "The_Pelican_Brief_-LRB-film-RRB-", 2]], [[258726, 257485, "The_Pelican_Brief_-LRB-film-RRB-", 3]], [[258730, 257489, "The_Pelican_Brief_-LRB-film-RRB-", 0]], [[258730, 257490, "The_Pelican_Brief_-LRB-film-RRB-", 1], [258730, 257490, "Julia_Roberts", 5]], [[258731, 257491, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258726, 257482, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258726, 257483, "The_Pelican_Brief_-LRB-film-RRB-", 1], [258726, 257484, "The_Pelican_Brief_-LRB-film-RRB-", 2], [258726, 257485, "The_Pelican_Brief_-LRB-film-RRB-", 3], [258730, 257489, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258730, 257490, "The_Pelican_Brief_-LRB-film-RRB-", 1], [258730, 257490, "Julia_Roberts", 5], [258731, 257491, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107035, 120419, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[107035, 120419, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297083, null, null, null], [344712, null, null, null], [344810, null, null, null]]], "all_evidence": [[297083, null, null, null], [344712, null, null, null], [344810, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147053, 162052, "Kerplunk_-LRB-album-RRB-", 0], [147053, 162052, "Lookout_Records", 1]]], "all_evidence": [[147053, 162052, "Kerplunk_-LRB-album-RRB-", 0], [147053, 162052, "Lookout_Records", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105632, null, null, null]]], "all_evidence": [[105632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78769, 90341, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[78769, 90342, "Recovery_-LRB-Eminem_album-RRB-", 2]], [[78769, 90343, "Recovery_-LRB-Eminem_album-RRB-", 5]], [[78769, 90344, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[78769, 90345, "Recovery_-LRB-Eminem_album-RRB-", 7]], [[78769, 90346, "Recovery_-LRB-Eminem_album-RRB-", 8]], [[78769, 90347, "Recovery_-LRB-Eminem_album-RRB-", 9]], [[78769, 90348, "Recovery_-LRB-Eminem_album-RRB-", 10]], [[78769, 90349, "Recovery_-LRB-Eminem_album-RRB-", 15]], [[78769, 90350, "Recovery_-LRB-Eminem_album-RRB-", 16]]], "all_evidence": [[78769, 90341, "Recovery_-LRB-Eminem_album-RRB-", 0], [78769, 90342, "Recovery_-LRB-Eminem_album-RRB-", 2], [78769, 90343, "Recovery_-LRB-Eminem_album-RRB-", 5], [78769, 90344, "Recovery_-LRB-Eminem_album-RRB-", 6], [78769, 90345, "Recovery_-LRB-Eminem_album-RRB-", 7], [78769, 90346, "Recovery_-LRB-Eminem_album-RRB-", 8], [78769, 90347, "Recovery_-LRB-Eminem_album-RRB-", 9], [78769, 90348, "Recovery_-LRB-Eminem_album-RRB-", 10], [78769, 90349, "Recovery_-LRB-Eminem_album-RRB-", 15], [78769, 90350, "Recovery_-LRB-Eminem_album-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239605, 241387, "Polynesian_languages", 6]]], "all_evidence": [[239605, 241387, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246281, 246826, "Easy_A", 0]], [[246282, 246827, "Easy_A", 0]]], "all_evidence": [[246281, 246826, "Easy_A", 0], [246282, 246827, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247269, 247588, "Easy_A", 0], [247269, 247588, "Bert_V._Royal", 0]], [[247270, 247589, "Easy_A", 0], [247270, 247589, "Will_Gluck", 0]]], "all_evidence": [[247269, 247588, "Easy_A", 0], [247269, 247588, "Bert_V._Royal", 0], [247270, 247589, "Easy_A", 0], [247270, 247589, "Will_Gluck", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105574, null, null, null]]], "all_evidence": [[105574, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204024, null, null, null], [206286, null, null, null], [315532, null, null, null]]], "all_evidence": [[204024, null, null, null], [206286, null, null, null], [315532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110352, 123941, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[110352, 123941, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211587, 219254, "Forceps", 0]], [[211588, 219255, "Forceps", 0]]], "all_evidence": [[211587, 219254, "Forceps", 0], [211588, 219255, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115692, 129567, "Nicholas_Brody", 1]]], "all_evidence": [[115692, 129567, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258096, null, null, null]]], "all_evidence": [[258096, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246632, 247104, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246632, 247104, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207656, null, null, null]]], "all_evidence": [[207656, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291053, 284015, "A_Milli", 0]], [[293173, 285794, "A_Milli", 0]], [[336531, 322066, "A_Milli", 0]], [[336614, 322143, "A_Milli", 0]], [[336616, 322145, "A_Milli", 0]]], "all_evidence": [[291053, 284015, "A_Milli", 0], [293173, 285794, "A_Milli", 0], [336531, 322066, "A_Milli", 0], [336614, 322143, "A_Milli", 0], [336616, 322145, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251681, 251500, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251681, 251500, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203207, 212289, "Fabian_Nicieza", 0]]], "all_evidence": [[203207, 212289, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126866, 141338, "Chris_Kyle", 0]]], "all_evidence": [[126866, 141338, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218035, 224437, "Live_Through_This", 12]], [[218036, 224438, "Live_Through_This", 12]]], "all_evidence": [[218035, 224437, "Live_Through_This", 12], [218036, 224438, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226523, 231065, "Captain_America's_shield", 1]]], "all_evidence": [[226523, 231065, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50160, 59688, "Byron_Howard", 1], [50160, 59688, "Zootopia", 0], [50160, 59688, "Zootopia", 2]], [[50160, 59689, "Byron_Howard", 2], [50160, 59689, "Zootopia", 2]]], "all_evidence": [[50160, 59688, "Byron_Howard", 1], [50160, 59688, "Zootopia", 0], [50160, 59688, "Zootopia", 2], [50160, 59689, "Byron_Howard", 2], [50160, 59689, "Zootopia", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18224, 22389, "The_dress", 5]]], "all_evidence": [[18224, 22389, "The_dress", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286318, 279786, "Bad_Romance", 12]], [[288048, 281318, "Bad_Romance", 12]]], "all_evidence": [[286318, 279786, "Bad_Romance", 12], [288048, 281318, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21506, 26422, "Greek_language", 14]]], "all_evidence": [[21506, 26422, "Greek_language", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103314, 116707, "Connie_Nielsen", 0]], [[103314, 116708, "Connie_Nielsen", 1], [103314, 116708, "Basic_-LRB-film-RRB-", 0]], [[103314, 116709, "Connie_Nielsen", 2]], [[103314, 116710, "Connie_Nielsen", 3]]], "all_evidence": [[103314, 116707, "Connie_Nielsen", 0], [103314, 116708, "Connie_Nielsen", 1], [103314, 116708, "Basic_-LRB-film-RRB-", 0], [103314, 116709, "Connie_Nielsen", 2], [103314, 116710, "Connie_Nielsen", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99932, null, null, null]]], "all_evidence": [[99932, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39579, 47666, "James_VI_and_I", 0]]], "all_evidence": [[39579, 47666, "James_VI_and_I", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151913, 166669, "Kerplunk_-LRB-album-RRB-", 0], [151913, 166669, "Lookout_Records", 1]], [[151913, 166670, "Kerplunk_-LRB-album-RRB-", 12]], [[151913, 166671, "Kerplunk_-LRB-album-RRB-", 16], [151913, 166671, "Lookout_Records", 1], [151913, 166671, "Lookout_Records", 8]], [[151913, 166672, "Kerplunk_-LRB-album-RRB-", 18]], [[151913, 166673, "Kerplunk_-LRB-album-RRB-", 20], [151913, 166673, "Epitaph_Records", 0]]], "all_evidence": [[151913, 166669, "Kerplunk_-LRB-album-RRB-", 0], [151913, 166669, "Lookout_Records", 1], [151913, 166670, "Kerplunk_-LRB-album-RRB-", 12], [151913, 166671, "Kerplunk_-LRB-album-RRB-", 16], [151913, 166671, "Lookout_Records", 1], [151913, 166671, "Lookout_Records", 8], [151913, 166672, "Kerplunk_-LRB-album-RRB-", 18], [151913, 166673, "Kerplunk_-LRB-album-RRB-", 20], [151913, 166673, "Epitaph_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260887, 259223, "Capsicum_chinense", 0]]], "all_evidence": [[260887, 259223, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144035, null, null, null]]], "all_evidence": [[144035, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37127, 44838, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]], "all_evidence": [[37127, 44838, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189729, 200952, "Polar_bear", 7]]], "all_evidence": [[189729, 200952, "Polar_bear", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61965, null, null, null]]], "all_evidence": [[61965, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156230, 170859, "Bloods", 2]]], "all_evidence": [[156230, 170859, "Bloods", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241294, 242833, "Cretaceous", 8]], [[241294, 242834, "Cretaceous", 0]]], "all_evidence": [[241294, 242833, "Cretaceous", 8], [241294, 242834, "Cretaceous", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208086, 216216, "Osamu_Tezuka", 8]], [[208086, 216217, "Osamu_Tezuka", 9]], [[208086, 216218, "Osamu_Tezuka", 21]]], "all_evidence": [[208086, 216216, "Osamu_Tezuka", 8], [208086, 216217, "Osamu_Tezuka", 9], [208086, 216218, "Osamu_Tezuka", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17598, 21752, "DNA_-LRB-Little_Mix_album-RRB-", 0]]], "all_evidence": [[17598, 21752, "DNA_-LRB-Little_Mix_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167824, 181595, "Sophia_Bush", 1], [167824, 181595, "One_Tree_Hill_-LRB-TV_series-RRB-", 0]], [[167824, 181596, "Sophia_Bush", 2], [167824, 181596, "John_Tucker_Must_Die", 0]], [[167824, 181597, "Sophia_Bush", 3], [167824, 181597, "Chicago_P.D._-LRB-TV_series-RRB-", 0]]], "all_evidence": [[167824, 181595, "Sophia_Bush", 1], [167824, 181595, "One_Tree_Hill_-LRB-TV_series-RRB-", 0], [167824, 181596, "Sophia_Bush", 2], [167824, 181596, "John_Tucker_Must_Die", 0], [167824, 181597, "Sophia_Bush", 3], [167824, 181597, "Chicago_P.D._-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97554, null, null, null]]], "all_evidence": [[97554, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71632, 82619, "Helmand_Province", 0]]], "all_evidence": [[71632, 82619, "Helmand_Province", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258088, null, null, null]]], "all_evidence": [[258088, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268461, 265042, "Michaela_Watkins", 0]]], "all_evidence": [[268461, 265042, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213740, 220895, "Finding_Dory", 1]]], "all_evidence": [[213740, 220895, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174569, 187747, "Justin_Chatwin", 7]]], "all_evidence": [[174569, 187747, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207979, 216152, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[207979, 216152, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146838, 161814, "Republic_of_Macedonia", 1]]], "all_evidence": [[146838, 161814, "Republic_of_Macedonia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159686, null, null, null]]], "all_evidence": [[159686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64032, 74734, "Jose\u0301_Ferrer", 0]], [[64032, 74735, "Jose\u0301_Ferrer", 4], [64032, 74735, "Tony_Award", 0]]], "all_evidence": [[64032, 74734, "Jose\u0301_Ferrer", 0], [64032, 74735, "Jose\u0301_Ferrer", 4], [64032, 74735, "Tony_Award", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38062, 45989, "Miranda_Otto", 1]]], "all_evidence": [[38062, 45989, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218430, 224717, "The_Hurt_Locker", 0]]], "all_evidence": [[218430, 224717, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180688, 193094, "Victoria_Palace_Theatre", 0], [180688, 193094, "City_of_Westminster", 0]], [[180689, 193095, "Victoria_Palace_Theatre", 0], [180689, 193095, "City_of_Westminster", 0]], [[180690, 193096, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[180688, 193094, "Victoria_Palace_Theatre", 0], [180688, 193094, "City_of_Westminster", 0], [180689, 193095, "Victoria_Palace_Theatre", 0], [180689, 193095, "City_of_Westminster", 0], [180690, 193096, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199062, null, null, null]]], "all_evidence": [[199062, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113165, 127016, "Billboard_Dad", 0], [113165, 127016, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[113165, 127016, "Billboard_Dad", 0], [113165, 127016, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203705, null, null, null]]], "all_evidence": [[203705, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179925, 192475, "Renato_Balestra", 3]], [[179927, 192477, "Renato_Balestra", 3]]], "all_evidence": [[179925, 192475, "Renato_Balestra", 3], [179927, 192477, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55309, null, null, null]]], "all_evidence": [[55309, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130121, 144856, "Horse", 2]]], "all_evidence": [[130121, 144856, "Horse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68548, null, null, null]]], "all_evidence": [[68548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24515, 30298, "Touchscreen", 9]]], "all_evidence": [[24515, 30298, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94413, 107404, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[94413, 107404, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243130, 244405, "First_Motion_Picture_Unit", 1]], [[243130, 244406, "First_Motion_Picture_Unit", 2]]], "all_evidence": [[243130, 244405, "First_Motion_Picture_Unit", 1], [243130, 244406, "First_Motion_Picture_Unit", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269559, 265858, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269559, 265858, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118594, null, null, null]]], "all_evidence": [[118594, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89345, 102042, "Matthew_Gray_Gubler", 0]], [[89345, 102043, "Matthew_Gray_Gubler", 1], [89345, 102043, "Spencer_Reid", 0]], [[89345, 102044, "Matthew_Gray_Gubler", 2]]], "all_evidence": [[89345, 102042, "Matthew_Gray_Gubler", 0], [89345, 102043, "Matthew_Gray_Gubler", 1], [89345, 102043, "Spencer_Reid", 0], [89345, 102044, "Matthew_Gray_Gubler", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36494, 44098, "Crips", 9]]], "all_evidence": [[36494, 44098, "Crips", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142840, 157977, "Billboard_Dad", 0]]], "all_evidence": [[142840, 157977, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179870, 192420, "Chile", 20]]], "all_evidence": [[179870, 192420, "Chile", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91085, null, null, null]]], "all_evidence": [[91085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83485, 95470, "Johnny_Galecki", 1], [83485, 95470, "Leonard_Hofstadter", 0]]], "all_evidence": [[83485, 95470, "Johnny_Galecki", 1], [83485, 95470, "Leonard_Hofstadter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176129, 189094, "United_Nations_Charter", 1]]], "all_evidence": [[176129, 189094, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117143, 131033, "Prowler_-LRB-comics-RRB-", 0]]], "all_evidence": [[117143, 131033, "Prowler_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253960, 253750, "Gray_Matter_Interactive", 0]], [[253961, 253751, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253960, 253750, "Gray_Matter_Interactive", 0], [253961, 253751, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39114, 47111, "Gin", 0]]], "all_evidence": [[39114, 47111, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136141, 150975, "Murda_Beatz", 0]]], "all_evidence": [[136141, 150975, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259733, 258283, "Hanford_Site", 23], [259733, 258283, "Columbia_Generating_Station", 0]]], "all_evidence": [[259733, 258283, "Hanford_Site", 23], [259733, 258283, "Columbia_Generating_Station", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118441, null, null, null]]], "all_evidence": [[118441, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208039, 216190, "Franchising", 8]], [[208041, 216192, "Franchising", 8]], [[208052, 216200, "Franchising", 8]]], "all_evidence": [[208039, 216190, "Franchising", 8], [208041, 216192, "Franchising", 8], [208052, 216200, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62724, 73381, "White_House_Press_Secretary", 0]]], "all_evidence": [[62724, 73381, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211594, null, null, null]]], "all_evidence": [[211594, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198066, 208008, "Dave_Gibbons", 0]], [[198068, 208010, "Dave_Gibbons", 0]]], "all_evidence": [[198066, 208008, "Dave_Gibbons", 0], [198068, 208010, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169617, null, null, null]]], "all_evidence": [[169617, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35848, 43401, "Morse_code", 18]]], "all_evidence": [[35848, 43401, "Morse_code", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22394, 27587, "Qui-Gon_Jinn", 0]]], "all_evidence": [[22394, 27587, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118026, null, null, null]]], "all_evidence": [[118026, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128885, 143662, "Trevor_Griffiths", 0]], [[128886, 143663, "Trevor_Griffiths", 0]]], "all_evidence": [[128885, 143662, "Trevor_Griffiths", 0], [128886, 143663, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150666, 165526, "Eva_Green", 1]]], "all_evidence": [[150666, 165526, "Eva_Green", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163399, null, null, null]]], "all_evidence": [[163399, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92681, 105509, "Luis_Fonsi", 0]]], "all_evidence": [[92681, 105509, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154501, null, null, null]]], "all_evidence": [[154501, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184142, 196086, "Edgar_Wright", 0]]], "all_evidence": [[184142, 196086, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38671, null, null, null]]], "all_evidence": [[38671, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79858, 91584, "Colombiana", 0]]], "all_evidence": [[79858, 91584, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57514, 67730, "In_the_End", 0], [57514, 67730, "In_the_End", 1]]], "all_evidence": [[57514, 67730, "In_the_End", 0], [57514, 67730, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54736, 64727, "Bloods", 0]]], "all_evidence": [[54736, 64727, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172861, 186110, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[172861, 186110, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266039, 263141, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266039, 263141, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216072, 222788, "CHiPs_-LRB-film-RRB-", 0]], [[216074, 222789, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216072, 222788, "CHiPs_-LRB-film-RRB-", 0], [216074, 222789, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68466, 79326, "Danny_Brown", 0]]], "all_evidence": [[68466, 79326, "Danny_Brown", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260897, 259232, "Capsicum_chinense", 0], [260897, 259232, "Capsicum", 0], [260897, 259232, "Chili_pepper", 0]]], "all_evidence": [[260897, 259232, "Capsicum_chinense", 0], [260897, 259232, "Capsicum", 0], [260897, 259232, "Chili_pepper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166068, null, null, null]]], "all_evidence": [[166068, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52348, 62313, "AMGTV", 0]], [[52348, 62314, "AMGTV", 4]]], "all_evidence": [[52348, 62313, "AMGTV", 0], [52348, 62314, "AMGTV", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203216, null, null, null]]], "all_evidence": [[203216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199932, 209572, "Anne_Sullivan", 0]]], "all_evidence": [[199932, 209572, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38489, 46441, "How_to_Train_Your_Dragon_2", 0]], [[38489, 46442, "How_to_Train_Your_Dragon_2", 1]], [[38489, 46443, "How_to_Train_Your_Dragon_2", 2]]], "all_evidence": [[38489, 46441, "How_to_Train_Your_Dragon_2", 0], [38489, 46442, "How_to_Train_Your_Dragon_2", 1], [38489, 46443, "How_to_Train_Your_Dragon_2", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211460, null, null, null]]], "all_evidence": [[211460, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107964, null, null, null]]], "all_evidence": [[107964, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115772, null, null, null], [118428, null, null, null], [308382, null, null, null]]], "all_evidence": [[115772, null, null, null], [118428, null, null, null], [308382, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30482, 37088, "Marjorie_Gross", 1], [30482, 37088, "Square_Pegs", 0], [30482, 37088, "Marjorie_Gross", 0], [30482, 37088, "Newhart", 0]]], "all_evidence": [[30482, 37088, "Marjorie_Gross", 1], [30482, 37088, "Square_Pegs", 0], [30482, 37088, "Marjorie_Gross", 0], [30482, 37088, "Newhart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57166, 67395, "Vedam_-LRB-film-RRB-", 4]], [[57166, 67396, "Vedam_-LRB-film-RRB-", 5]]], "all_evidence": [[57166, 67395, "Vedam_-LRB-film-RRB-", 4], [57166, 67396, "Vedam_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95231, 108240, "PacSun", 1], [95231, 108240, "PacSun", 0]]], "all_evidence": [[95231, 108240, "PacSun", 1], [95231, 108240, "PacSun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89412, 102108, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[89412, 102108, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62341, 72948, "Scotty_Moore", 0]], [[64655, 75481, "Scotty_Moore", 0]], [[66447, 77293, "Scotty_Moore", 0]], [[305355, 296189, "Scotty_Moore", 0]], [[306726, 297353, "Scotty_Moore", 0]], [[306728, 297354, "Scotty_Moore", 0]]], "all_evidence": [[62341, 72948, "Scotty_Moore", 0], [64655, 75481, "Scotty_Moore", 0], [66447, 77293, "Scotty_Moore", 0], [305355, 296189, "Scotty_Moore", 0], [306726, 297353, "Scotty_Moore", 0], [306728, 297354, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171537, 185010, "Bloods", 2]]], "all_evidence": [[171537, 185010, "Bloods", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200474, 209977, "Sancho_Panza", 0]]], "all_evidence": [[200474, 209977, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139483, 154521, "Indian_Army", 16]]], "all_evidence": [[139483, 154521, "Indian_Army", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57006, null, null, null]]], "all_evidence": [[57006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48797, 58116, "Justin_Chatwin", 0]], [[48797, 58117, "Justin_Chatwin", 1]], [[48797, 58118, "Justin_Chatwin", 3]], [[48797, 58119, "Justin_Chatwin", 4]], [[48797, 58120, "Justin_Chatwin", 7]], [[51770, 61597, "Justin_Chatwin", 0]], [[51770, 61598, "Justin_Chatwin", 3]], [[51770, 61599, "Justin_Chatwin", 1]], [[51770, 61600, "Justin_Chatwin", 7]], [[54890, 64897, "Justin_Chatwin", 0]], [[302725, 293728, "Justin_Chatwin", 0]], [[302725, 293729, "Justin_Chatwin", 1], [302725, 293729, "War_of_the_Worlds_-LRB-2005_film-RRB-", 0]], [[302725, 293730, "Justin_Chatwin", 3]], [[302725, 293731, "Justin_Chatwin", 4]], [[302725, 293732, "Justin_Chatwin", 7], [302725, 293732, "American_Gothic_-LRB-2016_TV_series-RRB-", 0]], [[304922, 295725, "Justin_Chatwin", 0]], [[304922, 295726, "Justin_Chatwin", 1]], [[304922, 295727, "Justin_Chatwin", 3]], [[304922, 295728, "Justin_Chatwin", 4]], [[304922, 295729, "Justin_Chatwin", 7]]], "all_evidence": [[48797, 58116, "Justin_Chatwin", 0], [48797, 58117, "Justin_Chatwin", 1], [48797, 58118, "Justin_Chatwin", 3], [48797, 58119, "Justin_Chatwin", 4], [48797, 58120, "Justin_Chatwin", 7], [51770, 61597, "Justin_Chatwin", 0], [51770, 61598, "Justin_Chatwin", 3], [51770, 61599, "Justin_Chatwin", 1], [51770, 61600, "Justin_Chatwin", 7], [54890, 64897, "Justin_Chatwin", 0], [302725, 293728, "Justin_Chatwin", 0], [302725, 293729, "Justin_Chatwin", 1], [302725, 293729, "War_of_the_Worlds_-LRB-2005_film-RRB-", 0], [302725, 293730, "Justin_Chatwin", 3], [302725, 293731, "Justin_Chatwin", 4], [302725, 293732, "Justin_Chatwin", 7], [302725, 293732, "American_Gothic_-LRB-2016_TV_series-RRB-", 0], [304922, 295725, "Justin_Chatwin", 0], [304922, 295726, "Justin_Chatwin", 1], [304922, 295727, "Justin_Chatwin", 3], [304922, 295728, "Justin_Chatwin", 4], [304922, 295729, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200454, 209958, "Sancho_Panza", 0]]], "all_evidence": [[200454, 209958, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65296, null, null, null]]], "all_evidence": [[65296, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115782, 129658, "Knocked_Up", 4], [115782, 129658, "Knocked_Up", 0]]], "all_evidence": [[115782, 129658, "Knocked_Up", 4], [115782, 129658, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58631, 68932, "Penguin_Books", 3]]], "all_evidence": [[58631, 68932, "Penguin_Books", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228461, null, null, null], [228463, null, null, null]]], "all_evidence": [[228461, null, null, null], [228463, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245453, null, null, null]]], "all_evidence": [[245453, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255470, 254924, "Private_Lives", 0]]], "all_evidence": [[255470, 254924, "Private_Lives", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145738, null, null, null], [148682, null, null, null], [151504, null, null, null], [311346, null, null, null], [311352, null, null, null], [311407, null, null, null]]], "all_evidence": [[145738, null, null, null], [148682, null, null, null], [151504, null, null, null], [311346, null, null, null], [311352, null, null, null], [311407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124635, 138966, "Ingushetia", 5]]], "all_evidence": [[124635, 138966, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260712, 259035, "Valencia", 0]]], "all_evidence": [[260712, 259035, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150053, 164992, "Horse", 3]]], "all_evidence": [[150053, 164992, "Horse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109421, 123072, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[109421, 123072, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68661, 79527, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[68661, 79527, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290285, 283322, "Pene\u0301lope_Cruz", 12]], [[291628, 284537, "Pene\u0301lope_Cruz", 12]], [[293742, 286173, "Pene\u0301lope_Cruz", 12]], [[338093, 323364, "Pene\u0301lope_Cruz", 12]], [[338094, 323365, "Pene\u0301lope_Cruz", 12]], [[338095, 323366, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[290285, 283322, "Pene\u0301lope_Cruz", 12], [291628, 284537, "Pene\u0301lope_Cruz", 12], [293742, 286173, "Pene\u0301lope_Cruz", 12], [338093, 323364, "Pene\u0301lope_Cruz", 12], [338094, 323365, "Pene\u0301lope_Cruz", 12], [338095, 323366, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255588, 255012, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255588, 255012, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160182, 174691, "Murda_Beatz", 0]]], "all_evidence": [[160182, 174691, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135900, 150732, "Angela_Bassett", 6]], [[135900, 150733, "Angela_Bassett", 7]], [[135900, 150734, "Angela_Bassett", 8]], [[135900, 150735, "Angela_Bassett", 1]]], "all_evidence": [[135900, 150732, "Angela_Bassett", 6], [135900, 150733, "Angela_Bassett", 7], [135900, 150734, "Angela_Bassett", 8], [135900, 150735, "Angela_Bassett", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67663, 78492, "Billboard_Dad", 0]]], "all_evidence": [[67663, 78492, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270755, 266761, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270755, 266761, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142631, 157794, "Liam_Neeson", 11]]], "all_evidence": [[142631, 157794, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240389, null, null, null]]], "all_evidence": [[240389, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218422, 224712, "The_Hurt_Locker", 0]]], "all_evidence": [[218422, 224712, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266457, null, null, null]]], "all_evidence": [[266457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166847, 180651, "Neil_Diamond", 0]]], "all_evidence": [[166847, 180651, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239018, null, null, null]]], "all_evidence": [[239018, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185764, 197551, "Gal_Gadot", 4]]], "all_evidence": [[185764, 197551, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134502, 149395, "Gordon_Ramsay", 13]]], "all_evidence": [[134502, 149395, "Gordon_Ramsay", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48273, null, null, null]]], "all_evidence": [[48273, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289540, 282594, "Hundred_Years'_War", 21]], [[289540, 282595, "Hundred_Years'_War", 22]], [[289613, 282664, "Hundred_Years'_War", 1]], [[289613, 282665, "Hundred_Years'_War", 3]], [[289613, 282666, "Hundred_Years'_War", 16]], [[289613, 282667, "Hundred_Years'_War", 18]], [[289613, 282668, "Hundred_Years'_War", 21]], [[289613, 282669, "Hundred_Years'_War", 22]], [[289613, 282670, "Hundred_Years'_War", 23]], [[289613, 282671, "Hundred_Years'_War", 26]], [[289613, 282672, "Hundred_Years'_War", 28]], [[289613, 282673, "Hundred_Years'_War", 33]], [[336338, 321941, "Hundred_Years'_War", 22]], [[336342, 321942, "Hundred_Years'_War", 0]]], "all_evidence": [[289540, 282594, "Hundred_Years'_War", 21], [289540, 282595, "Hundred_Years'_War", 22], [289613, 282664, "Hundred_Years'_War", 1], [289613, 282665, "Hundred_Years'_War", 3], [289613, 282666, "Hundred_Years'_War", 16], [289613, 282667, "Hundred_Years'_War", 18], [289613, 282668, "Hundred_Years'_War", 21], [289613, 282669, "Hundred_Years'_War", 22], [289613, 282670, "Hundred_Years'_War", 23], [289613, 282671, "Hundred_Years'_War", 26], [289613, 282672, "Hundred_Years'_War", 28], [289613, 282673, "Hundred_Years'_War", 33], [336338, 321941, "Hundred_Years'_War", 22], [336342, 321942, "Hundred_Years'_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148786, 163816, "Stanley_Williams", 4]]], "all_evidence": [[148786, 163816, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117510, 131419, "Always_-LRB-1989_film-RRB-", 0], [117510, 131419, "Richard_Dreyfuss", 0]]], "all_evidence": [[117510, 131419, "Always_-LRB-1989_film-RRB-", 0], [117510, 131419, "Richard_Dreyfuss", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28666, null, null, null]]], "all_evidence": [[28666, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144993, null, null, null]]], "all_evidence": [[144993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201112, 210563, "The_Endless_River", 0]], [[201114, 210564, "The_Endless_River", 0]]], "all_evidence": [[201112, 210563, "The_Endless_River", 0], [201114, 210564, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268416, 265002, "Danielle_Cormack", 0]]], "all_evidence": [[268416, 265002, "Danielle_Cormack", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65223, 76097, "Billie_Joe_Armstrong", 0]], [[65224, 76098, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[65223, 76097, "Billie_Joe_Armstrong", 0], [65224, 76098, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185035, 196858, "Edgar_Wright", 0]]], "all_evidence": [[185035, 196858, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182200, 194467, "Tatum_O'Neal", 6]]], "all_evidence": [[182200, 194467, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99470, 112572, "The_Good_Wife", 0]], [[99507, 112608, "The_Good_Wife", 0]], [[99507, 112609, "The_Good_Wife", 12]], [[99507, 112611, "The_Good_Wife", 1], [99507, 112611, "Alicia_Florrick", 0]], [[99507, 112612, "The_Good_Wife", 2], [99507, 112612, "Christine_Baranski", 7]], [[99507, 112613, "The_Good_Wife", 4]], [[99507, 112614, "The_Good_Wife", 10], [99507, 112614, "Alicia_Florrick", 0]]], "all_evidence": [[99470, 112572, "The_Good_Wife", 0], [99507, 112608, "The_Good_Wife", 0], [99507, 112609, "The_Good_Wife", 12], [99507, 112611, "The_Good_Wife", 1], [99507, 112611, "Alicia_Florrick", 0], [99507, 112612, "The_Good_Wife", 2], [99507, 112612, "Christine_Baranski", 7], [99507, 112613, "The_Good_Wife", 4], [99507, 112614, "The_Good_Wife", 10], [99507, 112614, "Alicia_Florrick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282153, null, null, null], [284162, null, null, null], [285139, null, null, null], [330068, null, null, null], [330087, null, null, null]]], "all_evidence": [[282153, null, null, null], [284162, null, null, null], [285139, null, null, null], [330068, null, null, null], [330087, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70962, 81853, "Yale_University", 23]]], "all_evidence": [[70962, 81853, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39825, 47908, "Stan_Beeman", 0]]], "all_evidence": [[39825, 47908, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206693, null, null, null]]], "all_evidence": [[206693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[287304, 280758, "Seohyun", 0]], [[287304, 280759, "Seohyun", 4]], [[289305, 282385, "Seohyun", 0]], [[289305, 282386, "Seohyun", 1]], [[289305, 282387, "Seohyun", 2]], [[289305, 282388, "Seohyun", 3]], [[289305, 282389, "Seohyun", 4]], [[290920, 283882, "Seohyun", 0]], [[335573, 321351, "Seohyun", 0]], [[335573, 321352, "Seohyun", 1]], [[335573, 321353, "Seohyun", 2]], [[335573, 321354, "Seohyun", 3]], [[335573, 321355, "Seohyun", 4]], [[335580, 321360, "Seohyun", 0]], [[335580, 321361, "Seohyun", 1]], [[335580, 321362, "Seohyun", 3]], [[335580, 321363, "Seohyun", 4]], [[335584, 321366, "Seohyun", 0]], [[335584, 321367, "Seohyun", 1]], [[335584, 321368, "Seohyun", 2]], [[335584, 321369, "Seohyun", 3]], [[335584, 321370, "Seohyun", 4]]], "all_evidence": [[287304, 280758, "Seohyun", 0], [287304, 280759, "Seohyun", 4], [289305, 282385, "Seohyun", 0], [289305, 282386, "Seohyun", 1], [289305, 282387, "Seohyun", 2], [289305, 282388, "Seohyun", 3], [289305, 282389, "Seohyun", 4], [290920, 283882, "Seohyun", 0], [335573, 321351, "Seohyun", 0], [335573, 321352, "Seohyun", 1], [335573, 321353, "Seohyun", 2], [335573, 321354, "Seohyun", 3], [335573, 321355, "Seohyun", 4], [335580, 321360, "Seohyun", 0], [335580, 321361, "Seohyun", 1], [335580, 321362, "Seohyun", 3], [335580, 321363, "Seohyun", 4], [335584, 321366, "Seohyun", 0], [335584, 321367, "Seohyun", 1], [335584, 321368, "Seohyun", 2], [335584, 321369, "Seohyun", 3], [335584, 321370, "Seohyun", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25018, null, null, null], [204274, null, null, null], [299826, null, null, null]]], "all_evidence": [[25018, null, null, null], [204274, null, null, null], [299826, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53481, 63486, "Stan_Beeman", 0], [53481, 63486, "The_Americans_-LRB-2013_TV_series-RRB-", 0]]], "all_evidence": [[53481, 63486, "Stan_Beeman", 0], [53481, 63486, "The_Americans_-LRB-2013_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48120, 57456, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[48120, 57456, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178222, 190819, "Fist_of_Legend", 0]]], "all_evidence": [[178222, 190819, "Fist_of_Legend", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141197, 156403, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[141197, 156403, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52570, 62538, "Uranium-235", 6]]], "all_evidence": [[52570, 62538, "Uranium-235", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188646, null, null, null]]], "all_evidence": [[188646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[298233, 289768, "Kesha", 0]], [[343532, 327302, "Kesha", 0]], [[343538, 327310, "Kesha", 0]]], "all_evidence": [[298233, 289768, "Kesha", 0], [343532, 327302, "Kesha", 0], [343538, 327310, "Kesha", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211246, 218923, "Southpaw_-LRB-film-RRB-", 0]], [[211246, 218924, "Southpaw_-LRB-film-RRB-", 5]]], "all_evidence": [[211246, 218923, "Southpaw_-LRB-film-RRB-", 0], [211246, 218924, "Southpaw_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180695, 193099, "Lizzy_Caplan", 2]], [[182610, 194813, "Lizzy_Caplan", 1]], [[184450, 196338, "Lizzy_Caplan", 2]], [[184450, 196339, "Lizzy_Caplan", 3], [184450, 196339, "Masters_of_Sex", 0]], [[314249, 303678, "Lizzy_Caplan", 2]], [[314250, 303679, "Lizzy_Caplan", 2]], [[314254, 303683, "Lizzy_Caplan", 1]], [[314254, 303684, "Lizzy_Caplan", 2]], [[314254, 303685, "Lizzy_Caplan", 3]], [[314280, 303703, "Lizzy_Caplan", 3], [314280, 303703, "Masters_of_Sex", 0]]], "all_evidence": [[180695, 193099, "Lizzy_Caplan", 2], [182610, 194813, "Lizzy_Caplan", 1], [184450, 196338, "Lizzy_Caplan", 2], [184450, 196339, "Lizzy_Caplan", 3], [184450, 196339, "Masters_of_Sex", 0], [314249, 303678, "Lizzy_Caplan", 2], [314250, 303679, "Lizzy_Caplan", 2], [314254, 303683, "Lizzy_Caplan", 1], [314254, 303684, "Lizzy_Caplan", 2], [314254, 303685, "Lizzy_Caplan", 3], [314280, 303703, "Lizzy_Caplan", 3], [314280, 303703, "Masters_of_Sex", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24307, 30042, "Rhythm_Nation", 23]]], "all_evidence": [[24307, 30042, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279782, null, null, null], [281488, null, null, null], [283629, null, null, null], [328236, null, null, null], [329099, null, null, null], [329127, null, null, null]]], "all_evidence": [[279782, null, null, null], [281488, null, null, null], [283629, null, null, null], [328236, null, null, null], [329099, null, null, null], [329127, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57912, 68143, "Andrew_Kevin_Walker", 0]], [[57912, 68144, "Andrew_Kevin_Walker", 1]]], "all_evidence": [[57912, 68143, "Andrew_Kevin_Walker", 0], [57912, 68144, "Andrew_Kevin_Walker", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36918, 44572, "Kuching", 0]], [[36918, 44573, "Kuching", 21]]], "all_evidence": [[36918, 44572, "Kuching", 0], [36918, 44573, "Kuching", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186130, null, null, null]]], "all_evidence": [[186130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62710, 73366, "Jose\u0301_Ferrer", 0], [62710, 73366, "Theatre_director", 0]]], "all_evidence": [[62710, 73366, "Jose\u0301_Ferrer", 0], [62710, 73366, "Theatre_director", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114232, 128035, "Ann_Richards", 0]]], "all_evidence": [[114232, 128035, "Ann_Richards", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253966, null, null, null]]], "all_evidence": [[253966, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48196, 57549, "Mick_Thomson", 1]]], "all_evidence": [[48196, 57549, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48911, 58233, "Wish_Upon", 2]]], "all_evidence": [[48911, 58233, "Wish_Upon", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54688, 64677, "A_Milli", 0]]], "all_evidence": [[54688, 64677, "A_Milli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131163, null, null, null]]], "all_evidence": [[131163, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48509, 57826, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[48509, 57826, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259719, 258274, "Hanford_Site", 23]]], "all_evidence": [[259719, 258274, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109184, null, null, null]]], "all_evidence": [[109184, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49511, 58862, "Basildon", 13]], [[55883, 65973, "Basildon", 13]], [[55883, 65974, "Basildon", 14]], [[305033, 295839, "Basildon", 13]], [[305033, 295840, "Basildon", 14]]], "all_evidence": [[49511, 58862, "Basildon", 13], [55883, 65973, "Basildon", 13], [55883, 65974, "Basildon", 14], [305033, 295839, "Basildon", 13], [305033, 295840, "Basildon", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62388, 72988, "Bhagat_Singh", 19]], [[62388, 72989, "Bhagat_Singh", 0]]], "all_evidence": [[62388, 72988, "Bhagat_Singh", 19], [62388, 72989, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27188, null, null, null]]], "all_evidence": [[27188, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239356, null, null, null]]], "all_evidence": [[239356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231465, null, null, null]]], "all_evidence": [[231465, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124998, 139329, "Bee_Gees", 6]]], "all_evidence": [[124998, 139329, "Bee_Gees", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184144, 196091, "Edgar_Wright", 0]]], "all_evidence": [[184144, 196091, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69585, null, null, null]]], "all_evidence": [[69585, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23643, 29226, "Vedam_-LRB-film-RRB-", 0]], [[23643, 29227, "Vedam_-LRB-film-RRB-", 1]], [[23643, 29228, "Vedam_-LRB-film-RRB-", 4]], [[299585, 290978, "Vedam_-LRB-film-RRB-", 0]], [[299585, 290979, "Vedam_-LRB-film-RRB-", 1]], [[299585, 290980, "Vedam_-LRB-film-RRB-", 4]], [[299585, 290981, "Vedam_-LRB-film-RRB-", 5]]], "all_evidence": [[23643, 29226, "Vedam_-LRB-film-RRB-", 0], [23643, 29227, "Vedam_-LRB-film-RRB-", 1], [23643, 29228, "Vedam_-LRB-film-RRB-", 4], [299585, 290978, "Vedam_-LRB-film-RRB-", 0], [299585, 290979, "Vedam_-LRB-film-RRB-", 1], [299585, 290980, "Vedam_-LRB-film-RRB-", 4], [299585, 290981, "Vedam_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105652, 119091, "Tremont_Street_Subway", 2]]], "all_evidence": [[105652, 119091, "Tremont_Street_Subway", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227073, 231486, "Bea_Arthur", 0]], [[227074, 231487, "Bea_Arthur", 0]]], "all_evidence": [[227073, 231486, "Bea_Arthur", 0], [227074, 231487, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205318, 213927, "Invasion_literature", 3]]], "all_evidence": [[205318, 213927, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251706, 251517, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251706, 251517, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123487, 137910, "Washington_Wizards", 12]]], "all_evidence": [[123487, 137910, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268491, null, null, null]]], "all_evidence": [[268491, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271146, 267086, "Giada_at_Home", 1], [271146, 267086, "Food_Network", 0]]], "all_evidence": [[271146, 267086, "Giada_at_Home", 1], [271146, 267086, "Food_Network", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110987, 124666, "Armenian_Genocide", 0]]], "all_evidence": [[110987, 124666, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21074, 25875, "James_VI_and_I", 10]]], "all_evidence": [[21074, 25875, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199497, null, null, null]]], "all_evidence": [[199497, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45085, 53813, "Saxony", 0]], [[45085, 53814, "Saxony", 4]]], "all_evidence": [[45085, 53813, "Saxony", 0], [45085, 53814, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237490, 239697, "North_Vietnam", 0]]], "all_evidence": [[237490, 239697, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111663, 125468, "CONCACAF_Champions_League", 0]], [[111663, 125469, "CONCACAF_Champions_League", 1], [111663, 125469, "FIFA_Club_World_Cup", 0]], [[114650, 128394, "CONCACAF_Champions_League", 0]], [[115246, 129068, "CONCACAF_Champions_League", 0]], [[308313, 298716, "CONCACAF_Champions_League", 0]], [[309789, 299920, "CONCACAF_Champions_League", 0]], [[309791, 299922, "CONCACAF_Champions_League", 0]], [[309793, 299923, "CONCACAF_Champions_League", 0]]], "all_evidence": [[111663, 125468, "CONCACAF_Champions_League", 0], [111663, 125469, "CONCACAF_Champions_League", 1], [111663, 125469, "FIFA_Club_World_Cup", 0], [114650, 128394, "CONCACAF_Champions_League", 0], [115246, 129068, "CONCACAF_Champions_League", 0], [308313, 298716, "CONCACAF_Champions_League", 0], [309789, 299920, "CONCACAF_Champions_League", 0], [309791, 299922, "CONCACAF_Champions_League", 0], [309793, 299923, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207658, 215887, "Steve_Ditko", 3]]], "all_evidence": [[207658, 215887, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126823, null, null, null]]], "all_evidence": [[126823, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168444, 182202, "Paramore", 0]]], "all_evidence": [[168444, 182202, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173515, null, null, null]]], "all_evidence": [[173515, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253974, 253758, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253974, 253758, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14598, 18227, "A_Milli", 0]]], "all_evidence": [[14598, 18227, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149294, 164272, "Starrcade", 1]]], "all_evidence": [[149294, 164272, "Starrcade", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156385, null, null, null]]], "all_evidence": [[156385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191712, 202522, "Anne_Rice", 5], [191712, 202522, "Louisiana", 0], [191712, 202522, "Louisiana", 13]]], "all_evidence": [[191712, 202522, "Anne_Rice", 5], [191712, 202522, "Louisiana", 0], [191712, 202522, "Louisiana", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150822, 165666, "Heavy_metal_music", 0]]], "all_evidence": [[150822, 165666, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240861, null, null, null]]], "all_evidence": [[240861, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158424, null, null, null]]], "all_evidence": [[158424, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73113, null, null, null]]], "all_evidence": [[73113, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102814, 116109, "Indian_Army", 0], [102814, 116109, "Indian_Armed_Forces", 0]]], "all_evidence": [[102814, 116109, "Indian_Army", 0], [102814, 116109, "Indian_Armed_Forces", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36765, null, null, null]]], "all_evidence": [[36765, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107675, 121157, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]], [[107675, 121158, "Hourglass_-LRB-James_Taylor_album-RRB-", 9]]], "all_evidence": [[107675, 121157, "Hourglass_-LRB-James_Taylor_album-RRB-", 1], [107675, 121158, "Hourglass_-LRB-James_Taylor_album-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162986, null, null, null]]], "all_evidence": [[162986, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165649, 179673, "Saw_-LRB-franchise-RRB-", 14], [165649, 179673, "Saw_II", 0]]], "all_evidence": [[165649, 179673, "Saw_-LRB-franchise-RRB-", 14], [165649, 179673, "Saw_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242975, 244231, "St._Anger", 0]]], "all_evidence": [[242975, 244231, "St._Anger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95963, 109036, "Mohra", 4]]], "all_evidence": [[95963, 109036, "Mohra", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29208, 35623, "Wish_Upon", 0]]], "all_evidence": [[29208, 35623, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130999, 145766, "Starrcade", 0]], [[131001, 145767, "Starrcade", 0]]], "all_evidence": [[130999, 145766, "Starrcade", 0], [131001, 145767, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199079, 208759, "Matteo_Renzi", 0]]], "all_evidence": [[199079, 208759, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146475, 161456, "Taran_Killam", 0]]], "all_evidence": [[146475, 161456, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25328, 31248, "Brian_Michael_Bendis", 0]]], "all_evidence": [[25328, 31248, "Brian_Michael_Bendis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23804, 29461, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[23804, 29461, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67341, 78154, "Touchscreen", 9]], [[67341, 78155, "Touchscreen", 14]]], "all_evidence": [[67341, 78154, "Touchscreen", 9], [67341, 78155, "Touchscreen", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75135, 86369, "John_Dolmayan", 0]], [[75138, 86371, "John_Dolmayan", 0]]], "all_evidence": [[75135, 86369, "John_Dolmayan", 0], [75138, 86371, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234923, 237709, "Tijuana", 0]]], "all_evidence": [[234923, 237709, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218163, 224523, "Bermuda_Triangle", 0]]], "all_evidence": [[218163, 224523, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269563, null, null, null]]], "all_evidence": [[269563, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123129, null, null, null]]], "all_evidence": [[123129, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118136, null, null, null]]], "all_evidence": [[118136, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226459, null, null, null]]], "all_evidence": [[226459, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75093, null, null, null]]], "all_evidence": [[75093, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116699, 130583, "You_Belong_with_Me", 0]], [[116699, 130584, "You_Belong_with_Me", 1]]], "all_evidence": [[116699, 130583, "You_Belong_with_Me", 0], [116699, 130584, "You_Belong_with_Me", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67622, null, null, null]]], "all_evidence": [[67622, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213703, null, null, null]]], "all_evidence": [[213703, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150322, 165236, "Soyuz_-LRB-spacecraft-RRB-", 0], [150322, 165236, "Spacecraft", 0]]], "all_evidence": [[150322, 165236, "Soyuz_-LRB-spacecraft-RRB-", 0], [150322, 165236, "Spacecraft", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154727, 169495, "Tim_Roth", 0]]], "all_evidence": [[154727, 169495, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61568, null, null, null]]], "all_evidence": [[61568, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269581, 265875, "Richard_Dawkins", 16]]], "all_evidence": [[269581, 265875, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97886, null, null, null]]], "all_evidence": [[97886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45678, 54537, "I_Kissed_a_Girl", 0]], [[45678, 54538, "I_Kissed_a_Girl", 1]], [[45678, 54539, "I_Kissed_a_Girl", 2]], [[45678, 54540, "I_Kissed_a_Girl", 3]], [[45678, 54541, "I_Kissed_a_Girl", 18]], [[45678, 54542, "I_Kissed_a_Girl", 10]]], "all_evidence": [[45678, 54537, "I_Kissed_a_Girl", 0], [45678, 54538, "I_Kissed_a_Girl", 1], [45678, 54539, "I_Kissed_a_Girl", 2], [45678, 54540, "I_Kissed_a_Girl", 3], [45678, 54541, "I_Kissed_a_Girl", 18], [45678, 54542, "I_Kissed_a_Girl", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135166, 150091, "Life", 0]]], "all_evidence": [[135166, 150091, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180134, 192666, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[180142, 192674, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[180134, 192666, "Kleshas_-LRB-Buddhism-RRB-", 0], [180142, 192674, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173577, null, null, null], [173579, null, null, null]]], "all_evidence": [[173577, null, null, null], [173579, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75782, null, null, null]]], "all_evidence": [[75782, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171299, 184787, "Danger_UXB", 0], [171299, 184787, "ITV_-LRB-TV_network-RRB-", 0]]], "all_evidence": [[171299, 184787, "Danger_UXB", 0], [171299, 184787, "ITV_-LRB-TV_network-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17966, null, null, null]]], "all_evidence": [[17966, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[284166, 278029, "Hedda_Gabler", 1]], [[330092, 316745, "Hedda_Gabler", 1]], [[330105, 316755, "Hedda_Gabler", 1]], [[330109, 316758, "Hedda_Gabler", 1]]], "all_evidence": [[284166, 278029, "Hedda_Gabler", 1], [330092, 316745, "Hedda_Gabler", 1], [330105, 316755, "Hedda_Gabler", 1], [330109, 316758, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171192, null, null, null]]], "all_evidence": [[171192, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40205, 48372, "Mohra", 0]], [[40205, 48373, "Mohra", 1]], [[40205, 48374, "Mohra", 4]], [[40205, 48375, "Mohra", 9]]], "all_evidence": [[40205, 48372, "Mohra", 0], [40205, 48373, "Mohra", 1], [40205, 48374, "Mohra", 4], [40205, 48375, "Mohra", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13407, 16763, "The_Good_Wife", 0]], [[13407, 16764, "The_Good_Wife", 1]], [[13407, 16765, "The_Good_Wife", 2]], [[13407, 16766, "The_Good_Wife", 4]], [[13407, 16767, "The_Good_Wife", 5]], [[13407, 16768, "The_Good_Wife", 9], [13407, 16768, "Emmy_Award", 0]], [[13407, 16769, "The_Good_Wife", 11]], [[13407, 16770, "The_Good_Wife", 10]], [[13407, 16771, "The_Good_Wife", 12]], [[13407, 16772, "The_Good_Wife", 13]], [[22870, 28194, "The_Good_Wife", 0]], [[22870, 28195, "The_Good_Wife", 1], [22870, 28195, "Alicia_Florrick", 0]], [[22870, 28196, "The_Good_Wife", 2], [22870, 28196, "Alan_Cumming", 5]], [[22870, 28197, "The_Good_Wife", 3], [22870, 28197, "David_W._Zucker", 1]], [[22870, 28198, "The_Good_Wife", 4]], [[22870, 28199, "The_Good_Wife", 5]], [[22870, 28200, "The_Good_Wife", 6]], [[22870, 28201, "The_Good_Wife", 9], [22870, 28201, "Emmy_Award", 0]], [[22870, 28202, "The_Good_Wife", 10], [22870, 28202, "Julianna_Margulies", 3]], [[22870, 28203, "The_Good_Wife", 11]], [[22870, 28204, "The_Good_Wife", 12]], [[22870, 28205, "The_Good_Wife", 13]], [[22870, 28206, "The_Good_Wife", 14]], [[299247, 290627, "The_Good_Wife", 0]]], "all_evidence": [[13407, 16763, "The_Good_Wife", 0], [13407, 16764, "The_Good_Wife", 1], [13407, 16765, "The_Good_Wife", 2], [13407, 16766, "The_Good_Wife", 4], [13407, 16767, "The_Good_Wife", 5], [13407, 16768, "The_Good_Wife", 9], [13407, 16768, "Emmy_Award", 0], [13407, 16769, "The_Good_Wife", 11], [13407, 16770, "The_Good_Wife", 10], [13407, 16771, "The_Good_Wife", 12], [13407, 16772, "The_Good_Wife", 13], [22870, 28194, "The_Good_Wife", 0], [22870, 28195, "The_Good_Wife", 1], [22870, 28195, "Alicia_Florrick", 0], [22870, 28196, "The_Good_Wife", 2], [22870, 28196, "Alan_Cumming", 5], [22870, 28197, "The_Good_Wife", 3], [22870, 28197, "David_W._Zucker", 1], [22870, 28198, "The_Good_Wife", 4], [22870, 28199, "The_Good_Wife", 5], [22870, 28200, "The_Good_Wife", 6], [22870, 28201, "The_Good_Wife", 9], [22870, 28201, "Emmy_Award", 0], [22870, 28202, "The_Good_Wife", 10], [22870, 28202, "Julianna_Margulies", 3], [22870, 28203, "The_Good_Wife", 11], [22870, 28204, "The_Good_Wife", 12], [22870, 28205, "The_Good_Wife", 13], [22870, 28206, "The_Good_Wife", 14], [299247, 290627, "The_Good_Wife", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28229, 34537, "Ann_Richards", 0]]], "all_evidence": [[28229, 34537, "Ann_Richards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76182, 87480, "Basildon", 13]]], "all_evidence": [[76182, 87480, "Basildon", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16589, 20534, "Anushka_Sharma", 0]]], "all_evidence": [[16589, 20534, "Anushka_Sharma", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230144, 233874, "Frozen_-LRB-2013_film-RRB-", 13]]], "all_evidence": [[230144, 233874, "Frozen_-LRB-2013_film-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239245, null, null, null]]], "all_evidence": [[239245, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82673, null, null, null]]], "all_evidence": [[82673, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53500, 63498, "Stan_Beeman", 0]]], "all_evidence": [[53500, 63498, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22282, 27465, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[22282, 27465, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186124, 198033, "Baz_Luhrmann", 2]]], "all_evidence": [[186124, 198033, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38814, 46773, "Steve_Wozniak", 5]]], "all_evidence": [[38814, 46773, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105467, 118914, "Yale_University", 23]]], "all_evidence": [[105467, 118914, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59774, 70180, "Kendall_Jenner", 0]], [[59774, 70181, "Kendall_Jenner", 1]]], "all_evidence": [[59774, 70180, "Kendall_Jenner", 0], [59774, 70181, "Kendall_Jenner", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228808, 232919, "Albert_S._Ruddy", 0]], [[228814, 232923, "Albert_S._Ruddy", 0]]], "all_evidence": [[228808, 232919, "Albert_S._Ruddy", 0], [228814, 232923, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167330, null, null, null]]], "all_evidence": [[167330, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243104, 244382, "First_Motion_Picture_Unit", 1]]], "all_evidence": [[243104, 244382, "First_Motion_Picture_Unit", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255590, null, null, null]]], "all_evidence": [[255590, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68496, null, null, null]]], "all_evidence": [[68496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235606, 238212, "Natural_Born_Killers", 5]]], "all_evidence": [[235606, 238212, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110261, 123876, "Bruce_Shand", 0]]], "all_evidence": [[110261, 123876, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232022, null, null, null]]], "all_evidence": [[232022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227643, 231984, "Happiness_in_Slavery", 0]]], "all_evidence": [[227643, 231984, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109934, 123539, "Harold_Macmillan", 0]]], "all_evidence": [[109934, 123539, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179932, 192481, "Awkward_Black_Girl", 0], [179932, 192481, "Issa_Rae", 0], [179932, 192481, "Issa_Rae", 1]]], "all_evidence": [[179932, 192481, "Awkward_Black_Girl", 0], [179932, 192481, "Issa_Rae", 0], [179932, 192481, "Issa_Rae", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222199, 227583, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222199, 227583, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48981, 58314, "Advertising", 0]]], "all_evidence": [[48981, 58314, "Advertising", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80407, null, null, null]]], "all_evidence": [[80407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99247, 112364, "Martin_Van_Buren", 12]]], "all_evidence": [[99247, 112364, "Martin_Van_Buren", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13901, 17409, "Tiber_Oil_Field", 1]]], "all_evidence": [[13901, 17409, "Tiber_Oil_Field", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267797, null, null, null], [269697, null, null, null], [323092, null, null, null], [323292, null, null, null]]], "all_evidence": [[267797, null, null, null], [269697, null, null, null], [323092, null, null, null], [323292, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235717, null, null, null]]], "all_evidence": [[235717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25878, 31821, "Halsey_-LRB-singer-RRB-", 1]], [[25878, 31822, "Halsey_-LRB-singer-RRB-", 0]]], "all_evidence": [[25878, 31821, "Halsey_-LRB-singer-RRB-", 1], [25878, 31822, "Halsey_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125928, null, null, null]]], "all_evidence": [[125928, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42098, 50637, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[42098, 50637, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213682, 220862, "Finding_Dory", 1]], [[213686, 220865, "Finding_Dory", 1]]], "all_evidence": [[213682, 220862, "Finding_Dory", 1], [213686, 220865, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41865, 50357, "Knocked_Up", 0]], [[41865, 50358, "Knocked_Up", 4]]], "all_evidence": [[41865, 50357, "Knocked_Up", 0], [41865, 50358, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105763, null, null, null]]], "all_evidence": [[105763, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236642, null, null, null]]], "all_evidence": [[236642, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279384, null, null, null], [283213, null, null, null], [327681, null, null, null]]], "all_evidence": [[279384, null, null, null], [283213, null, null, null], [327681, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239252, 241171, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239252, 241171, "Halloween", 0]]], "all_evidence": [[239252, 241171, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239252, 241171, "Halloween", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16901, 20906, "Renato_Balestra", 3]]], "all_evidence": [[16901, 20906, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114895, 128618, "Rob_Sheridan", 0]]], "all_evidence": [[114895, 128618, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248456, 248628, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]], [[248456, 248629, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[250658, 250651, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]], [[250658, 250652, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[251980, 251753, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]], [[251980, 251754, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[251980, 251755, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9]], [[319517, 308255, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[320678, 309237, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]], "all_evidence": [[248456, 248628, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [248456, 248629, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [250658, 250651, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [250658, 250652, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [251980, 251753, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [251980, 251754, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [251980, 251755, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9], [319517, 308255, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [320678, 309237, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160899, 175379, "Julianne_Moore", 5]]], "all_evidence": [[160899, 175379, "Julianne_Moore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51122, null, null, null]]], "all_evidence": [[51122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243122, 244402, "First_Motion_Picture_Unit", 1]]], "all_evidence": [[243122, 244402, "First_Motion_Picture_Unit", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151782, 166529, "Villa_Park", 14], [151782, 166529, "2012_FA_Community_Shield", 0]]], "all_evidence": [[151782, 166529, "Villa_Park", 14], [151782, 166529, "2012_FA_Community_Shield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138565, 153641, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[138565, 153641, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257059, null, null, null]]], "all_evidence": [[257059, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240273, 241915, "The_Sugarland_Express", 3]]], "all_evidence": [[240273, 241915, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209647, 217432, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209647, 217432, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203203, 212286, "Fabian_Nicieza", 0]]], "all_evidence": [[203203, 212286, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180541, 192986, "Sheryl_Lee", 7], [180541, 192986, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[180541, 192986, "Sheryl_Lee", 7], [180541, 192986, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166697, 180484, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[166697, 180484, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98586, 111670, "Highway_to_Heaven", 0]]], "all_evidence": [[98586, 111670, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16691, 20689, "Off_the_Wall", 14]]], "all_evidence": [[16691, 20689, "Off_the_Wall", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71050, null, null, null]]], "all_evidence": [[71050, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233051, 236054, "Saturn", 0]]], "all_evidence": [[233051, 236054, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227799, 232160, "Tilda_Swinton", 0]]], "all_evidence": [[227799, 232160, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79460, null, null, null]]], "all_evidence": [[79460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96164, 109260, "Arizona", 0]], [[96164, 109261, "Arizona", 1], [96164, 109261, "Western_United_States", 0]], [[96164, 109262, "Arizona", 2], [96164, 109262, "List_of_U.S._states_and_territories_by_area", 0]], [[96164, 109263, "Arizona", 3], [96164, 109263, "Phoenix,_Arizona", 0]], [[96164, 109264, "Arizona", 4], [96164, 109264, "Four_Corners", 0]], [[96164, 109265, "Arizona", 9], [96164, 109265, "Contiguous_United_States", 0]], [[96164, 109266, "Arizona", 15], [96164, 109266, "Southern_Arizona", 0]], [[96164, 109267, "Arizona", 16], [96164, 109267, "Northern_Arizona", 0]], [[96164, 109268, "Arizona", 17], [96164, 109268, "Alpine,_Arizona", 0]], [[96164, 109269, "Arizona", 18], [96164, 109269, "Grand_Canyon", 0]], [[96164, 109270, "Arizona", 21]], [[96164, 109271, "Arizona", 22], [96164, 109271, "U.S._state", 0]]], "all_evidence": [[96164, 109260, "Arizona", 0], [96164, 109261, "Arizona", 1], [96164, 109261, "Western_United_States", 0], [96164, 109262, "Arizona", 2], [96164, 109262, "List_of_U.S._states_and_territories_by_area", 0], [96164, 109263, "Arizona", 3], [96164, 109263, "Phoenix,_Arizona", 0], [96164, 109264, "Arizona", 4], [96164, 109264, "Four_Corners", 0], [96164, 109265, "Arizona", 9], [96164, 109265, "Contiguous_United_States", 0], [96164, 109266, "Arizona", 15], [96164, 109266, "Southern_Arizona", 0], [96164, 109267, "Arizona", 16], [96164, 109267, "Northern_Arizona", 0], [96164, 109268, "Arizona", 17], [96164, 109268, "Alpine,_Arizona", 0], [96164, 109269, "Arizona", 18], [96164, 109269, "Grand_Canyon", 0], [96164, 109270, "Arizona", 21], [96164, 109271, "Arizona", 22], [96164, 109271, "U.S._state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88372, 100989, "Carlos_Santana", 3]]], "all_evidence": [[88372, 100989, "Carlos_Santana", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51355, 61079, "Bessie_Smith", 0]], [[51355, 61080, "Bessie_Smith", 1]]], "all_evidence": [[51355, 61079, "Bessie_Smith", 0], [51355, 61080, "Bessie_Smith", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228887, null, null, null], [231456, null, null, null], [232826, null, null, null], [318418, null, null, null], [319967, null, null, null], [319971, null, null, null]]], "all_evidence": [[228887, null, null, null], [231456, null, null, null], [232826, null, null, null], [318418, null, null, null], [319967, null, null, null], [319971, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117611, null, null, null]]], "all_evidence": [[117611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78807, 90380, "Annette_Badland", 1], [78807, 90380, "EastEnders", 0]]], "all_evidence": [[78807, 90380, "Annette_Badland", 1], [78807, 90380, "EastEnders", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146020, 161038, "Due_Date", 2], [146020, 161038, "Alabama", 0]]], "all_evidence": [[146020, 161038, "Due_Date", 2], [146020, 161038, "Alabama", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266453, null, null, null]]], "all_evidence": [[266453, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260900, null, null, null]]], "all_evidence": [[260900, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225642, null, null, null]]], "all_evidence": [[225642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43985, 52619, "Bhagat_Singh", 0]]], "all_evidence": [[43985, 52619, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228793, 232905, "Albert_S._Ruddy", 0]], [[228794, 232906, "Albert_S._Ruddy", 0]], [[228804, 232914, "Albert_S._Ruddy", 0]]], "all_evidence": [[228793, 232905, "Albert_S._Ruddy", 0], [228794, 232906, "Albert_S._Ruddy", 0], [228804, 232914, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259472, 258044, "Libya", 2]]], "all_evidence": [[259472, 258044, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77407, 88852, "Nuuk", 1], [77407, 88852, "Nuuk", 0]]], "all_evidence": [[77407, 88852, "Nuuk", 1], [77407, 88852, "Nuuk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100198, 113454, "Nuuk", 0]], [[100198, 113455, "Nuuk", 13], [100198, 113455, "University_of_Greenland", 0]], [[100198, 113456, "Nuuk", 11], [100198, 113456, "Nuussuaq_-LRB-district-RRB-", 0]], [[100198, 113457, "Nuuk", 3]]], "all_evidence": [[100198, 113454, "Nuuk", 0], [100198, 113455, "Nuuk", 13], [100198, 113455, "University_of_Greenland", 0], [100198, 113456, "Nuuk", 11], [100198, 113456, "Nuussuaq_-LRB-district-RRB-", 0], [100198, 113457, "Nuuk", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160441, 174960, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[162143, 176482, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[163333, 177529, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[160441, 174960, "Mirny_-LRB-sloop-of-war-RRB-", 0], [162143, 176482, "Mirny_-LRB-sloop-of-war-RRB-", 0], [163333, 177529, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96644, null, null, null]]], "all_evidence": [[96644, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185365, 197139, "Kesha", 0]]], "all_evidence": [[185365, 197139, "Kesha", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[284503, 278319, "Kerplunk_-LRB-album-RRB-", 0]], [[284506, 278321, "Kerplunk_-LRB-album-RRB-", 2]], [[330698, 317298, "Kerplunk_-LRB-album-RRB-", 2]], [[331821, 318276, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[284503, 278319, "Kerplunk_-LRB-album-RRB-", 0], [284506, 278321, "Kerplunk_-LRB-album-RRB-", 2], [330698, 317298, "Kerplunk_-LRB-album-RRB-", 2], [331821, 318276, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189876, 201068, "Mickey_Rourke", 13], [189876, 201068, "The_Expendables_-LRB-2010_film-RRB-", 0]], [[189877, 201069, "Mickey_Rourke", 13], [189877, 201069, "The_Expendables_-LRB-2010_film-RRB-", 0]]], "all_evidence": [[189876, 201068, "Mickey_Rourke", 13], [189876, 201068, "The_Expendables_-LRB-2010_film-RRB-", 0], [189877, 201069, "Mickey_Rourke", 13], [189877, 201069, "The_Expendables_-LRB-2010_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192759, 203471, "Cadet_Kelly", 0]]], "all_evidence": [[192759, 203471, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211411, null, null, null]]], "all_evidence": [[211411, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162863, null, null, null]]], "all_evidence": [[162863, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227619, 231965, "Happiness_in_Slavery", 0]]], "all_evidence": [[227619, 231965, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172545, null, null, null]]], "all_evidence": [[172545, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176981, null, null, null]]], "all_evidence": [[176981, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239777, null, null, null], [318625, null, null, null], [320088, null, null, null]]], "all_evidence": [[239777, null, null, null], [318625, null, null, null], [320088, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257334, null, null, null]]], "all_evidence": [[257334, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166120, 180062, "Saxony", 0]], [[166120, 180063, "Saxony", 4]]], "all_evidence": [[166120, 180062, "Saxony", 0], [166120, 180063, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201119, 210569, "The_Endless_River", 0]]], "all_evidence": [[201119, 210569, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66814, 77641, "Randy_Savage", 4]]], "all_evidence": [[66814, 77641, "Randy_Savage", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198602, null, null, null]]], "all_evidence": [[198602, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173576, 186795, "Chile", 0]]], "all_evidence": [[173576, 186795, "Chile", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81457, null, null, null]]], "all_evidence": [[81457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136758, 151575, "Basildon", 13]]], "all_evidence": [[136758, 151575, "Basildon", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239010, null, null, null]]], "all_evidence": [[239010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14867, 18503, "Shawn_Carlson", 0]]], "all_evidence": [[14867, 18503, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69841, 80706, "A_Milli", 0], [69841, 80706, "Lil_Wayne", 0]]], "all_evidence": [[69841, 80706, "A_Milli", 0], [69841, 80706, "Lil_Wayne", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194787, null, null, null]]], "all_evidence": [[194787, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40028, null, null, null], [43164, null, null, null], [45390, null, null, null], [302061, null, null, null], [302062, null, null, null], [303642, null, null, null]]], "all_evidence": [[40028, null, null, null], [43164, null, null, null], [45390, null, null, null], [302061, null, null, null], [302062, null, null, null], [303642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59417, 69810, "Indian_Institute_of_Management_Bangalore", 5]]], "all_evidence": [[59417, 69810, "Indian_Institute_of_Management_Bangalore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198843, 208553, "The_King_and_I", 1], [198843, 208553, "Margaret_Landon", 0]]], "all_evidence": [[198843, 208553, "The_King_and_I", 1], [198843, 208553, "Margaret_Landon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190757, null, null, null]]], "all_evidence": [[190757, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117307, null, null, null]]], "all_evidence": [[117307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53286, 63257, "History_of_Earth", 25]]], "all_evidence": [[53286, 63257, "History_of_Earth", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179111, 191642, "Bruce_Shand", 0], [179111, 191642, "Military_Cross", 0]]], "all_evidence": [[179111, 191642, "Bruce_Shand", 0], [179111, 191642, "Military_Cross", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239251, null, null, null]]], "all_evidence": [[239251, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119502, 133524, "Brazzers", 0]]], "all_evidence": [[119502, 133524, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86592, null, null, null]]], "all_evidence": [[86592, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232827, 235915, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232827, 235915, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19946, 24497, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[19946, 24497, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199916, null, null, null], [199919, null, null, null]]], "all_evidence": [[199916, null, null, null], [199919, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58932, null, null, null]]], "all_evidence": [[58932, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59475, 69883, "Justine_Bateman", 0]], [[59478, 69888, "Justine_Bateman", 0]]], "all_evidence": [[59475, 69883, "Justine_Bateman", 0], [59478, 69888, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232809, null, null, null]]], "all_evidence": [[232809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82015, 93801, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[82015, 93801, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166985, null, null, null]]], "all_evidence": [[166985, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73128, 84326, "Creedence_Clearwater_Revival", 0]], [[73128, 84327, "Creedence_Clearwater_Revival", 1]], [[73128, 84328, "Creedence_Clearwater_Revival", 2]], [[73128, 84329, "Creedence_Clearwater_Revival", 3]], [[73128, 84330, "Creedence_Clearwater_Revival", 4]], [[73128, 84331, "Creedence_Clearwater_Revival", 7]], [[73128, 84332, "Creedence_Clearwater_Revival", 10]], [[73128, 84333, "Creedence_Clearwater_Revival", 9]], [[73128, 84334, "Creedence_Clearwater_Revival", 13]], [[73128, 84335, "Creedence_Clearwater_Revival", 14]]], "all_evidence": [[73128, 84326, "Creedence_Clearwater_Revival", 0], [73128, 84327, "Creedence_Clearwater_Revival", 1], [73128, 84328, "Creedence_Clearwater_Revival", 2], [73128, 84329, "Creedence_Clearwater_Revival", 3], [73128, 84330, "Creedence_Clearwater_Revival", 4], [73128, 84331, "Creedence_Clearwater_Revival", 7], [73128, 84332, "Creedence_Clearwater_Revival", 10], [73128, 84333, "Creedence_Clearwater_Revival", 9], [73128, 84334, "Creedence_Clearwater_Revival", 13], [73128, 84335, "Creedence_Clearwater_Revival", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238520, 240520, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238520, 240520, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209582, null, null, null], [209584, null, null, null]]], "all_evidence": [[209582, null, null, null], [209584, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145331, null, null, null]]], "all_evidence": [[145331, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227056, null, null, null]]], "all_evidence": [[227056, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179756, 192298, "West_Virginia", 1]]], "all_evidence": [[179756, 192298, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39483, 47565, "Liam_Neeson", 11]]], "all_evidence": [[39483, 47565, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79707, 91448, "Melancholia_-LRB-2011_film-RRB-", 0]], [[79708, 91449, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[79707, 91448, "Melancholia_-LRB-2011_film-RRB-", 0], [79708, 91449, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228212, 232454, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[228212, 232454, "Fortunes_of_War_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161168, 175678, "Murda_Beatz", 0]]], "all_evidence": [[161168, 175678, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138280, 153268, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [138280, 153268, "James_Taylor", 0]]], "all_evidence": [[138280, 153268, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [138280, 153268, "James_Taylor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228188, 232432, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228188, 232432, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77213, 88634, "Floppy_disk", 0]]], "all_evidence": [[77213, 88634, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70984, 81876, "PacSun", 1]], [[70993, 81883, "PacSun", 1]]], "all_evidence": [[70984, 81876, "PacSun", 1], [70993, 81883, "PacSun", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116508, 130392, "In_the_End", 1]]], "all_evidence": [[116508, 130392, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191995, 202756, "Johanna_Braddy", 0]], [[191995, 202757, "Johanna_Braddy", 1]]], "all_evidence": [[191995, 202756, "Johanna_Braddy", 0], [191995, 202757, "Johanna_Braddy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25079, 30952, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[25079, 30952, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74140, 85370, "Peking_University", 0]]], "all_evidence": [[74140, 85370, "Peking_University", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15489, null, null, null]]], "all_evidence": [[15489, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113351, 127210, "Jens_Stoltenberg", 4]]], "all_evidence": [[113351, 127210, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80016, 91778, "Janet_Leigh", 0]]], "all_evidence": [[80016, 91778, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75509, null, null, null]]], "all_evidence": [[75509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193394, 203919, "Don_Bradman", 20]]], "all_evidence": [[193394, 203919, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53448, 63452, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[53448, 63452, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279621, null, null, null], [281348, null, null, null], [327999, null, null, null]]], "all_evidence": [[279621, null, null, null], [281348, null, null, null], [327999, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245566, 246340, "Human_trafficking", 0]], [[248264, 248457, "Human_trafficking", 0]], [[250422, 250415, "Human_trafficking", 0]], [[319473, 308162, "Human_trafficking", 0]], [[319481, 308177, "Human_trafficking", 0]]], "all_evidence": [[245566, 246340, "Human_trafficking", 0], [248264, 248457, "Human_trafficking", 0], [250422, 250415, "Human_trafficking", 0], [319473, 308162, "Human_trafficking", 0], [319481, 308177, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44444, 53109, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[44444, 53109, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23787, 29448, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[23787, 29448, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257068, 256126, "Chagatai_language", 1], [257068, 256126, "Chagatai_language", 0]]], "all_evidence": [[257068, 256126, "Chagatai_language", 1], [257068, 256126, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270747, 266753, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270747, 266753, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245236, 246101, "Efraim_Diveroli", 6]]], "all_evidence": [[245236, 246101, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125949, 140344, "Liam_Neeson", 11]]], "all_evidence": [[125949, 140344, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198611, 208405, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198611, 208405, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149457, 164422, "Guillermo_del_Toro", 0]]], "all_evidence": [[149457, 164422, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134007, 148887, "The_Bassoon_King", 0]], [[134010, 148890, "The_Bassoon_King", 0]]], "all_evidence": [[134007, 148887, "The_Bassoon_King", 0], [134010, 148890, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38384, null, null, null]]], "all_evidence": [[38384, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74551, 85783, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[74551, 85784, "Recovery_-LRB-Eminem_album-RRB-", 1]], [[74551, 85785, "Recovery_-LRB-Eminem_album-RRB-", 2]], [[74551, 85787, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[74551, 85788, "Recovery_-LRB-Eminem_album-RRB-", 13]]], "all_evidence": [[74551, 85783, "Recovery_-LRB-Eminem_album-RRB-", 0], [74551, 85784, "Recovery_-LRB-Eminem_album-RRB-", 1], [74551, 85785, "Recovery_-LRB-Eminem_album-RRB-", 2], [74551, 85787, "Recovery_-LRB-Eminem_album-RRB-", 6], [74551, 85788, "Recovery_-LRB-Eminem_album-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34959, 42374, "Pharrell_Williams", 4]]], "all_evidence": [[34959, 42374, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213741, null, null, null]]], "all_evidence": [[213741, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37886, 45799, "Mike_Huckabee", 0]], [[37886, 45800, "Mike_Huckabee", 7]]], "all_evidence": [[37886, 45799, "Mike_Huckabee", 0], [37886, 45800, "Mike_Huckabee", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186368, 198184, "Robert_Lopez", 1]]], "all_evidence": [[186368, 198184, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129830, 144535, "John_Deighton", 24]]], "all_evidence": [[129830, 144535, "John_Deighton", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86956, null, null, null]]], "all_evidence": [[86956, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258357, 257170, "Chagatai_language", 0]]], "all_evidence": [[258357, 257170, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41178, null, null, null]]], "all_evidence": [[41178, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229625, null, null, null]]], "all_evidence": [[229625, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90257, null, null, null]]], "all_evidence": [[90257, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101589, 114825, "Byron_Howard", 2]], [[102650, 115915, "Byron_Howard", 2]], [[306919, 297492, "Byron_Howard", 2]], [[307803, 298242, "Byron_Howard", 2]]], "all_evidence": [[101589, 114825, "Byron_Howard", 2], [102650, 115915, "Byron_Howard", 2], [306919, 297492, "Byron_Howard", 2], [307803, 298242, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205332, 213939, "Invasion_literature", 3]]], "all_evidence": [[205332, 213939, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102089, 115345, "Basildon", 13]]], "all_evidence": [[102089, 115345, "Basildon", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102126, 115415, "The_Daily_Show", 6]]], "all_evidence": [[102126, 115415, "The_Daily_Show", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200786, 210253, "Earl_Scruggs", 0]], [[200786, 210254, "Earl_Scruggs", 5]], [[200786, 210255, "Earl_Scruggs", 7], [200786, 210255, "Blue_Moon_of_Kentucky", 0]], [[200786, 210256, "Earl_Scruggs", 8], [200786, 210256, "Foggy_Mountain_Boys", 1]], [[200786, 210257, "Earl_Scruggs", 9], [200786, 210257, "Foggy_Mountain_Breakdown", 0]], [[200786, 210258, "Earl_Scruggs", 13], [200786, 210258, "The_Ballad_of_Jed_Clampett", 1]], [[200786, 210259, "Earl_Scruggs", 15], [200786, 210259, "Foggy_Mountain_Boys", 1]], [[200786, 210260, "Earl_Scruggs", 16]]], "all_evidence": [[200786, 210253, "Earl_Scruggs", 0], [200786, 210254, "Earl_Scruggs", 5], [200786, 210255, "Earl_Scruggs", 7], [200786, 210255, "Blue_Moon_of_Kentucky", 0], [200786, 210256, "Earl_Scruggs", 8], [200786, 210256, "Foggy_Mountain_Boys", 1], [200786, 210257, "Earl_Scruggs", 9], [200786, 210257, "Foggy_Mountain_Breakdown", 0], [200786, 210258, "Earl_Scruggs", 13], [200786, 210258, "The_Ballad_of_Jed_Clampett", 1], [200786, 210259, "Earl_Scruggs", 15], [200786, 210259, "Foggy_Mountain_Boys", 1], [200786, 210260, "Earl_Scruggs", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203325, null, null, null]]], "all_evidence": [[203325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206494, 214839, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]], [[206494, 214840, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]], "all_evidence": [[206494, 214839, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], [206494, 214840, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272402, 268113, "Island_Records", 0]]], "all_evidence": [[272402, 268113, "Island_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228164, 232412, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228164, 232412, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201864, 211220, "Artpop", 13]]], "all_evidence": [[201864, 211220, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15998, 19875, "Helmand_Province", 3]], [[301358, 292486, "Helmand_Province", 3]]], "all_evidence": [[15998, 19875, "Helmand_Province", 3], [301358, 292486, "Helmand_Province", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138910, null, null, null]]], "all_evidence": [[138910, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292566, 285312, "John_Krasinski", 1]], [[294573, 286823, "John_Krasinski", 1]], [[295161, 287333, "John_Krasinski", 1]], [[340394, 325061, "John_Krasinski", 1]]], "all_evidence": [[292566, 285312, "John_Krasinski", 1], [294573, 286823, "John_Krasinski", 1], [295161, 287333, "John_Krasinski", 1], [340394, 325061, "John_Krasinski", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277156, null, null, null], [324314, null, null, null], [326025, null, null, null]]], "all_evidence": [[277156, null, null, null], [324314, null, null, null], [326025, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292517, 285272, "Bruce_Shand", 0]], [[292530, 285286, "Bruce_Shand", 0]], [[292530, 285287, "Bruce_Shand", 1], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 0], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 9], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 10], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 15]], [[294538, 286802, "Bruce_Shand", 0]], [[340391, 325059, "Bruce_Shand", 0]], [[340396, 325062, "Bruce_Shand", 0]], [[340420, 325068, "Bruce_Shand", 0]]], "all_evidence": [[292517, 285272, "Bruce_Shand", 0], [292530, 285286, "Bruce_Shand", 0], [292530, 285287, "Bruce_Shand", 1], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 0], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 9], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 10], [292530, 285287, "Camilla,_Duchess_of_Cornwall", 15], [294538, 286802, "Bruce_Shand", 0], [340391, 325059, "Bruce_Shand", 0], [340396, 325062, "Bruce_Shand", 0], [340420, 325068, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243702, 244870, "Palo_Alto,_California", 0]], [[243709, 244881, "Palo_Alto,_California", 0]]], "all_evidence": [[243702, 244870, "Palo_Alto,_California", 0], [243709, 244881, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196618, 206724, "Michael_Vick", 0]]], "all_evidence": [[196618, 206724, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250351, 250362, "The_Closer", 8]]], "all_evidence": [[250351, 250362, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13739, 17190, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[14104, 17628, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[14980, 18628, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[14980, 18629, "Recovery_-LRB-Eminem_album-RRB-", 1], [14980, 18629, "Relapse_-LRB-Eminem_album-RRB-", 0]], [[14980, 18630, "Recovery_-LRB-Eminem_album-RRB-", 8], [14980, 18630, "The_Recovery_Tour", 0]], [[14980, 18631, "Recovery_-LRB-Eminem_album-RRB-", 9], [14980, 18631, "No_Love", 0]], [[18952, 23216, "Recovery_-LRB-Eminem_album-RRB-", 1]], [[18952, 23217, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[299303, 290675, "Recovery_-LRB-Eminem_album-RRB-", 0]]], "all_evidence": [[13739, 17190, "Recovery_-LRB-Eminem_album-RRB-", 0], [14104, 17628, "Recovery_-LRB-Eminem_album-RRB-", 0], [14980, 18628, "Recovery_-LRB-Eminem_album-RRB-", 0], [14980, 18629, "Recovery_-LRB-Eminem_album-RRB-", 1], [14980, 18629, "Relapse_-LRB-Eminem_album-RRB-", 0], [14980, 18630, "Recovery_-LRB-Eminem_album-RRB-", 8], [14980, 18630, "The_Recovery_Tour", 0], [14980, 18631, "Recovery_-LRB-Eminem_album-RRB-", 9], [14980, 18631, "No_Love", 0], [18952, 23216, "Recovery_-LRB-Eminem_album-RRB-", 1], [18952, 23217, "Recovery_-LRB-Eminem_album-RRB-", 0], [299303, 290675, "Recovery_-LRB-Eminem_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96381, 109524, "Lou_Gehrig", 15]]], "all_evidence": [[96381, 109524, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21209, 26050, "English_people", 6]]], "all_evidence": [[21209, 26050, "English_people", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190728, null, null, null]]], "all_evidence": [[190728, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241761, 243279, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [241761, 243279, "Gary_Oldman", 0], [241761, 243279, "John_Hurt", 0], [241761, 243279, "Mark_Strong", 0], [241761, 243279, "Toby_Jones", 0]]], "all_evidence": [[241761, 243279, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [241761, 243279, "Gary_Oldman", 0], [241761, 243279, "John_Hurt", 0], [241761, 243279, "Mark_Strong", 0], [241761, 243279, "Toby_Jones", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130636, null, null, null]]], "all_evidence": [[130636, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144145, 159202, "Thomas_Jefferson", 28]]], "all_evidence": [[144145, 159202, "Thomas_Jefferson", 28]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81569, null, null, null]]], "all_evidence": [[81569, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194305, 204695, "Drake_Bell", 13]], [[194305, 204696, "Drake_Bell", 14]], [[194305, 204697, "Drake_Bell", 16]], [[194305, 204698, "Drake_Bell", 19]]], "all_evidence": [[194305, 204695, "Drake_Bell", 13], [194305, 204696, "Drake_Bell", 14], [194305, 204697, "Drake_Bell", 16], [194305, 204698, "Drake_Bell", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132992, 147877, "Heavy_metal_music", 0]]], "all_evidence": [[132992, 147877, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279147, 273796, "Daggering", 2], [279147, 273796, "Ballet", 0], [279147, 273796, "Ballet", 1], [279147, 273796, "Ballet", 2], [279147, 273796, "Ballet", 3], [279147, 273796, "Ballet", 4], [279147, 273796, "Ballet", 7], [279147, 273796, "Ballet", 8], [279147, 273796, "Ballet", 9], [279147, 273796, "Ballet", 10]], [[280653, 275068, "Daggering", 0]], [[327209, 314540, "Daggering", 2]]], "all_evidence": [[279147, 273796, "Daggering", 2], [279147, 273796, "Ballet", 0], [279147, 273796, "Ballet", 1], [279147, 273796, "Ballet", 2], [279147, 273796, "Ballet", 3], [279147, 273796, "Ballet", 4], [279147, 273796, "Ballet", 7], [279147, 273796, "Ballet", 8], [279147, 273796, "Ballet", 9], [279147, 273796, "Ballet", 10], [280653, 275068, "Daggering", 0], [327209, 314540, "Daggering", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231481, null, null, null]]], "all_evidence": [[231481, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268083, null, null, null]]], "all_evidence": [[268083, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102302, 115577, "Uranium-235", 6], [102302, 115577, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[102302, 115577, "Uranium-235", 6], [102302, 115577, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237949, 240113, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237949, 240113, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146569, 161562, "Terry_Crews", 9]]], "all_evidence": [[146569, 161562, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268069, null, null, null]]], "all_evidence": [[268069, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247513, null, null, null]]], "all_evidence": [[247513, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[264394, null, null, null]]], "all_evidence": [[264394, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180873, null, null, null]]], "all_evidence": [[180873, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22451, 27663, "Hot_Right_Now", 0]]], "all_evidence": [[22451, 27663, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52889, 62828, "Shooter_-LRB-TV_series-RRB-", 1]], [[56269, 66444, "Shooter_-LRB-TV_series-RRB-", 1]], [[58988, 69309, "Shooter_-LRB-TV_series-RRB-", 1]], [[302830, 293818, "Shooter_-LRB-TV_series-RRB-", 1]], [[305041, 295848, "Shooter_-LRB-TV_series-RRB-", 1]], [[305044, 295851, "Shooter_-LRB-TV_series-RRB-", 1]], [[305050, 295857, "Shooter_-LRB-TV_series-RRB-", 1]], [[305051, 295858, "Shooter_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[52889, 62828, "Shooter_-LRB-TV_series-RRB-", 1], [56269, 66444, "Shooter_-LRB-TV_series-RRB-", 1], [58988, 69309, "Shooter_-LRB-TV_series-RRB-", 1], [302830, 293818, "Shooter_-LRB-TV_series-RRB-", 1], [305041, 295848, "Shooter_-LRB-TV_series-RRB-", 1], [305044, 295851, "Shooter_-LRB-TV_series-RRB-", 1], [305050, 295857, "Shooter_-LRB-TV_series-RRB-", 1], [305051, 295858, "Shooter_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65232, 76104, "Raees_-LRB-film-RRB-", 1]]], "all_evidence": [[65232, 76104, "Raees_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113360, null, null, null]]], "all_evidence": [[113360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170207, 183764, "AMGTV", 0]]], "all_evidence": [[170207, 183764, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96021, 109078, "James_VI_and_I", 10]]], "all_evidence": [[96021, 109078, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222222, 227604, "Oscar_De_La_Hoya", 8]]], "all_evidence": [[222222, 227604, "Oscar_De_La_Hoya", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87285, 99779, "Sophia_Bush", 2], [87285, 99779, "John_Tucker_Must_Die", 0]]], "all_evidence": [[87285, 99779, "Sophia_Bush", 2], [87285, 99779, "John_Tucker_Must_Die", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23922, 29610, "Pene\u0301lope_Cruz", 12], [23922, 29610, "Mango_-LRB-clothing-RRB-", 0]]], "all_evidence": [[23922, 29610, "Pene\u0301lope_Cruz", 12], [23922, 29610, "Mango_-LRB-clothing-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121128, 135430, "Blue_Jasmine", 0]]], "all_evidence": [[121128, 135430, "Blue_Jasmine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190775, null, null, null]]], "all_evidence": [[190775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290383, 283422, "Recovery_-LRB-Eminem_album-RRB-", 13]], [[291733, 284632, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[293834, 286256, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[338349, 323548, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[338352, 323550, "Recovery_-LRB-Eminem_album-RRB-", 0]]], "all_evidence": [[290383, 283422, "Recovery_-LRB-Eminem_album-RRB-", 13], [291733, 284632, "Recovery_-LRB-Eminem_album-RRB-", 0], [293834, 286256, "Recovery_-LRB-Eminem_album-RRB-", 0], [338349, 323548, "Recovery_-LRB-Eminem_album-RRB-", 0], [338352, 323550, "Recovery_-LRB-Eminem_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159654, 174160, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[159654, 174160, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105715, 119139, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[105715, 119139, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54442, 64449, "Nicholas_Brody", 1]], [[54443, 64450, "Nicholas_Brody", 1]], [[54444, 64451, "Nicholas_Brody", 1]]], "all_evidence": [[54442, 64449, "Nicholas_Brody", 1], [54443, 64450, "Nicholas_Brody", 1], [54444, 64451, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63550, 74304, "Veeru_Devgan", 0]], [[63550, 74305, "Veeru_Devgan", 3], [63550, 74305, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]], "all_evidence": [[63550, 74304, "Veeru_Devgan", 0], [63550, 74305, "Veeru_Devgan", 3], [63550, 74305, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230046, 233804, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230046, 233804, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120957, null, null, null]]], "all_evidence": [[120957, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197425, null, null, null], [197426, null, null, null]]], "all_evidence": [[197425, null, null, null], [197426, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182224, null, null, null]]], "all_evidence": [[182224, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160997, 175452, "Riddick_-LRB-character-RRB-", 0]], [[161006, 175467, "Riddick_-LRB-character-RRB-", 0]]], "all_evidence": [[160997, 175452, "Riddick_-LRB-character-RRB-", 0], [161006, 175467, "Riddick_-LRB-character-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216096, 222805, "CHiPs_-LRB-film-RRB-", 0]], [[216096, 222806, "CHiPs_-LRB-film-RRB-", 1]], [[216096, 222807, "CHiPs_-LRB-film-RRB-", 4], [216096, 222807, "Principal_photography", 3]], [[216096, 222808, "CHiPs_-LRB-film-RRB-", 5]]], "all_evidence": [[216096, 222805, "CHiPs_-LRB-film-RRB-", 0], [216096, 222806, "CHiPs_-LRB-film-RRB-", 1], [216096, 222807, "CHiPs_-LRB-film-RRB-", 4], [216096, 222807, "Principal_photography", 3], [216096, 222808, "CHiPs_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53418, 63415, "Highway_to_Heaven", 0]]], "all_evidence": [[53418, 63415, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227641, null, null, null]]], "all_evidence": [[227641, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165902, null, null, null]]], "all_evidence": [[165902, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138797, null, null, null]]], "all_evidence": [[138797, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174688, 187841, "Marco_Polo", 11]]], "all_evidence": [[174688, 187841, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83207, 95156, "Augustus", 42]]], "all_evidence": [[83207, 95156, "Augustus", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207981, 216154, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[207981, 216154, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210316, 218086, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210316, 218086, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276451, null, null, null], [278651, null, null, null], [278655, null, null, null], [326632, null, null, null], [326634, null, null, null], [326636, null, null, null]]], "all_evidence": [[276451, null, null, null], [278651, null, null, null], [278655, null, null, null], [326632, null, null, null], [326634, null, null, null], [326636, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45962, null, null, null]]], "all_evidence": [[45962, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162236, null, null, null], [162285, null, null, null]]], "all_evidence": [[162236, null, null, null], [162285, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124977, 139311, "The_Bassoon_King", 0]], [[124978, 139312, "The_Bassoon_King", 0]], [[124979, 139313, "The_Bassoon_King", 0]], [[124980, 139314, "The_Bassoon_King", 0]], [[124981, 139315, "The_Bassoon_King", 0]], [[124982, 139316, "The_Bassoon_King", 0]], [[124983, 139317, "The_Bassoon_King", 0]], [[124984, 139318, "The_Bassoon_King", 0]], [[124985, 139319, "The_Bassoon_King", 0]]], "all_evidence": [[124977, 139311, "The_Bassoon_King", 0], [124978, 139312, "The_Bassoon_King", 0], [124979, 139313, "The_Bassoon_King", 0], [124980, 139314, "The_Bassoon_King", 0], [124981, 139315, "The_Bassoon_King", 0], [124982, 139316, "The_Bassoon_King", 0], [124983, 139317, "The_Bassoon_King", 0], [124984, 139318, "The_Bassoon_King", 0], [124985, 139319, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93024, 105911, "Camden,_New_Jersey", 0]]], "all_evidence": [[93024, 105911, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153787, 168646, "Monster", 0]]], "all_evidence": [[153787, 168646, "Monster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199928, null, null, null]]], "all_evidence": [[199928, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191984, null, null, null]]], "all_evidence": [[191984, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97688, 110843, "Stan_Beeman", 0]]], "all_evidence": [[97688, 110843, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223836, 228762, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223836, 228762, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26201, 32206, "Colosseum", 14]]], "all_evidence": [[26201, 32206, "Colosseum", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251691, null, null, null]]], "all_evidence": [[251691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141219, 156424, "Armenian_Genocide", 0]]], "all_evidence": [[141219, 156424, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65081, 75956, "Awkward_Black_Girl", 0]]], "all_evidence": [[65081, 75956, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168279, 182025, "Bad_Romance", 12]], [[168279, 182026, "Bad_Romance", 3]]], "all_evidence": [[168279, 182025, "Bad_Romance", 12], [168279, 182026, "Bad_Romance", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258074, 256956, "Monk", 0]], [[258074, 256957, "Monk", 1]]], "all_evidence": [[258074, 256956, "Monk", 0], [258074, 256957, "Monk", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241701, 243222, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241701, 243222, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92332, 105080, "Hedda_Gabler", 1]]], "all_evidence": [[92332, 105080, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96732, 109883, "Miranda_Otto", 1]]], "all_evidence": [[96732, 109883, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41292, 49628, "Jens_Stoltenberg", 4]]], "all_evidence": [[41292, 49628, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50299, null, null, null]]], "all_evidence": [[50299, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124762, 139107, "Colin_Kaepernick", 0], [124762, 139107, "Colin_Kaepernick", 5]]], "all_evidence": [[124762, 139107, "Colin_Kaepernick", 0], [124762, 139107, "Colin_Kaepernick", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112559, 126385, "Brazzers", 0]], [[112560, 126386, "Brazzers", 0]]], "all_evidence": [[112559, 126385, "Brazzers", 0], [112560, 126386, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197401, 207445, "Lalla_Ward", 0]]], "all_evidence": [[197401, 207445, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279390, 274012, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[279391, 274013, "Mirny_-LRB-sloop-of-war-RRB-", 0], [279391, 274013, "Circumnavigation", 0]], [[327680, 314891, "Mirny_-LRB-sloop-of-war-RRB-", 0], [327680, 314891, "Circumnavigation", 0]], [[328770, 315773, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[279390, 274012, "Mirny_-LRB-sloop-of-war-RRB-", 0], [279391, 274013, "Mirny_-LRB-sloop-of-war-RRB-", 0], [279391, 274013, "Circumnavigation", 0], [327680, 314891, "Mirny_-LRB-sloop-of-war-RRB-", 0], [327680, 314891, "Circumnavigation", 0], [328770, 315773, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81522, null, null, null]]], "all_evidence": [[81522, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240277, 241918, "The_Sugarland_Express", 3]]], "all_evidence": [[240277, 241918, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102809, 116105, "Neil_Diamond", 0]]], "all_evidence": [[102809, 116105, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174624, 187790, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[174624, 187790, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25790, 31722, "Psych", 2], [25790, 31722, "James_Roday", 0]], [[300511, 291695, "Psych", 2], [300511, 291695, "Shawn_Spencer", 0], [300511, 291695, "Psych", 0]]], "all_evidence": [[25790, 31722, "Psych", 2], [25790, 31722, "James_Roday", 0], [300511, 291695, "Psych", 2], [300511, 291695, "Shawn_Spencer", 0], [300511, 291695, "Psych", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65974, 76836, "State_of_Palestine", 1]]], "all_evidence": [[65974, 76836, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67856, 78707, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[67856, 78707, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293337, null, null, null], [297367, null, null, null], [342937, null, null, null], [344741, null, null, null]]], "all_evidence": [[293337, null, null, null], [297367, null, null, null], [342937, null, null, null], [344741, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132580, null, null, null]]], "all_evidence": [[132580, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72074, 83065, "Psych", 2]]], "all_evidence": [[72074, 83065, "Psych", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213698, null, null, null]]], "all_evidence": [[213698, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186385, null, null, null]]], "all_evidence": [[186385, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32846, null, null, null], [35387, null, null, null], [37392, null, null, null], [301864, null, null, null], [303311, null, null, null], [304757, null, null, null]]], "all_evidence": [[32846, null, null, null], [35387, null, null, null], [37392, null, null, null], [301864, null, null, null], [303311, null, null, null], [304757, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27900, 34186, "The_Cincinnati_Kid", 6]]], "all_evidence": [[27900, 34186, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196609, 206709, "Michael_Vick", 0]], [[196609, 206710, "Michael_Vick", 1]], [[196609, 206711, "Michael_Vick", 2]], [[196609, 206712, "Michael_Vick", 3]], [[196609, 206713, "Michael_Vick", 6]], [[196609, 206714, "Michael_Vick", 12]], [[196609, 206715, "Michael_Vick", 13], [196609, 206715, "New_York_Jets", 0]], [[196609, 206716, "Michael_Vick", 14]]], "all_evidence": [[196609, 206709, "Michael_Vick", 0], [196609, 206710, "Michael_Vick", 1], [196609, 206711, "Michael_Vick", 2], [196609, 206712, "Michael_Vick", 3], [196609, 206713, "Michael_Vick", 6], [196609, 206714, "Michael_Vick", 12], [196609, 206715, "Michael_Vick", 13], [196609, 206715, "New_York_Jets", 0], [196609, 206716, "Michael_Vick", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183973, 195953, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [183973, 195953, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]], [[186117, 198027, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]], [[187653, 199249, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]], [[314501, 303874, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]], [[316208, 305422, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[183973, 195953, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [183973, 195953, "Hourglass_-LRB-James_Taylor_album-RRB-", 1], [186117, 198027, "Hourglass_-LRB-James_Taylor_album-RRB-", 1], [187653, 199249, "Hourglass_-LRB-James_Taylor_album-RRB-", 1], [314501, 303874, "Hourglass_-LRB-James_Taylor_album-RRB-", 1], [316208, 305422, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122647, 136962, "Flaked", 2]]], "all_evidence": [[122647, 136962, "Flaked", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154215, null, null, null]]], "all_evidence": [[154215, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167603, 181384, "Victoria_Palace_Theatre", 0], [167603, 181384, "City_of_Westminster", 0]]], "all_evidence": [[167603, 181384, "Victoria_Palace_Theatre", 0], [167603, 181384, "City_of_Westminster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114477, 128234, "Pearl_Jam", 0]], [[114477, 128235, "Pearl_Jam", 13]], [[114477, 128236, "Pearl_Jam", 14]], [[114477, 128237, "Pearl_Jam", 15]]], "all_evidence": [[114477, 128234, "Pearl_Jam", 0], [114477, 128235, "Pearl_Jam", 13], [114477, 128236, "Pearl_Jam", 14], [114477, 128237, "Pearl_Jam", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260719, null, null, null]]], "all_evidence": [[260719, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145917, null, null, null]]], "all_evidence": [[145917, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92071, 104847, "Gin", 0]], [[94752, 107730, "Gin", 0], [94752, 107730, "Distilled_beverage", 0]], [[96893, 110038, "Gin", 0], [96893, 110038, "Distilled_beverage", 0]], [[306623, 297252, "Gin", 0], [306623, 297252, "Distilled_beverage", 0]], [[307602, 298070, "Gin", 0], [307602, 298070, "Distilled_beverage", 0]]], "all_evidence": [[92071, 104847, "Gin", 0], [94752, 107730, "Gin", 0], [94752, 107730, "Distilled_beverage", 0], [96893, 110038, "Gin", 0], [96893, 110038, "Distilled_beverage", 0], [306623, 297252, "Gin", 0], [306623, 297252, "Distilled_beverage", 0], [307602, 298070, "Gin", 0], [307602, 298070, "Distilled_beverage", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271137, 267079, "Giada_at_Home", 1]]], "all_evidence": [[271137, 267079, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19035, 23331, "Daggering", 3]]], "all_evidence": [[19035, 23331, "Daggering", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205305, 213909, "Invasion_literature", 0]]], "all_evidence": [[205305, 213909, "Invasion_literature", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92692, 105522, "Jamie_Murray", 1]]], "all_evidence": [[92692, 105522, "Jamie_Murray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65012, 75873, "State_of_Palestine", 1]]], "all_evidence": [[65012, 75873, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155033, 169746, "Michelin_Guide", 0]]], "all_evidence": [[155033, 169746, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225476, 230124, "The_Millers", 4]], [[225481, 230127, "The_Millers", 4]], [[225482, 230128, "The_Millers", 4]]], "all_evidence": [[225476, 230124, "The_Millers", 4], [225481, 230127, "The_Millers", 4], [225482, 230128, "The_Millers", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41819, 50305, "L.A._Reid", 1], [41819, 50305, "The_Island_Def_Jam_Music_Group", 0]]], "all_evidence": [[41819, 50305, "L.A._Reid", 1], [41819, 50305, "The_Island_Def_Jam_Music_Group", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172297, 185654, "James_VI_and_I", 10]]], "all_evidence": [[172297, 185654, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98566, 111655, "Prowler_-LRB-comics-RRB-", 1], [98566, 111655, "John_Buscema", 0], [98566, 111655, "Jim_Mooney", 0], [98566, 111655, "Stan_Lee", 0]]], "all_evidence": [[98566, 111655, "Prowler_-LRB-comics-RRB-", 1], [98566, 111655, "John_Buscema", 0], [98566, 111655, "Jim_Mooney", 0], [98566, 111655, "Stan_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46649, 55652, "Trevor_Griffiths", 0]]], "all_evidence": [[46649, 55652, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150806, null, null, null]]], "all_evidence": [[150806, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248522, 248681, "Tie_Your_Mother_Down", 1]], [[248523, 248682, "Tie_Your_Mother_Down", 1]]], "all_evidence": [[248522, 248681, "Tie_Your_Mother_Down", 1], [248523, 248682, "Tie_Your_Mother_Down", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18900, 23147, "Shinji_Mikami", 2]]], "all_evidence": [[18900, 23147, "Shinji_Mikami", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270836, 266818, "New_Orleans_Pelicans", 1]]], "all_evidence": [[270836, 266818, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120025, 134156, "I_Kissed_a_Girl", 0]], [[120025, 134157, "I_Kissed_a_Girl", 1]], [[120025, 134158, "I_Kissed_a_Girl", 2]], [[120025, 134159, "I_Kissed_a_Girl", 3]], [[120025, 134160, "I_Kissed_a_Girl", 5]], [[120025, 134161, "I_Kissed_a_Girl", 8]], [[120025, 134162, "I_Kissed_a_Girl", 9]], [[120025, 134163, "I_Kissed_a_Girl", 10]], [[120025, 134164, "I_Kissed_a_Girl", 12]], [[120025, 134165, "I_Kissed_a_Girl", 15]], [[120025, 134166, "I_Kissed_a_Girl", 18]], [[120025, 134167, "I_Kissed_a_Girl", 20]], [[120025, 134168, "I_Kissed_a_Girl", 21]]], "all_evidence": [[120025, 134156, "I_Kissed_a_Girl", 0], [120025, 134157, "I_Kissed_a_Girl", 1], [120025, 134158, "I_Kissed_a_Girl", 2], [120025, 134159, "I_Kissed_a_Girl", 3], [120025, 134160, "I_Kissed_a_Girl", 5], [120025, 134161, "I_Kissed_a_Girl", 8], [120025, 134162, "I_Kissed_a_Girl", 9], [120025, 134163, "I_Kissed_a_Girl", 10], [120025, 134164, "I_Kissed_a_Girl", 12], [120025, 134165, "I_Kissed_a_Girl", 15], [120025, 134166, "I_Kissed_a_Girl", 18], [120025, 134167, "I_Kissed_a_Girl", 20], [120025, 134168, "I_Kissed_a_Girl", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77385, 88838, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[77385, 88838, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[298846, 290237, "Buffy_Summers", 1]], [[300918, 292013, "Buffy_Summers", 1]], [[300919, 292014, "Buffy_Summers", 1]], [[300919, 292015, "Buffy_Summers", 2]], [[300919, 292016, "Buffy_Summers", 3]], [[300919, 292017, "Buffy_Summers", 4]], [[300919, 292018, "Buffy_Summers", 8]], [[300919, 292019, "Buffy_Summers", 10]], [[345052, 328478, "Buffy_Summers", 1]], [[345052, 328479, "Buffy_Summers", 3]], [[345052, 328480, "Buffy_Summers", 2], [345052, 328480, "Buffy_Summers", 0]], [[345052, 328481, "Buffy_Summers", 4], [345052, 328481, "Giselle_Loren", 4]], [[345054, 328483, "Buffy_Summers", 3]], [[345054, 328484, "Buffy_Summers", 1]]], "all_evidence": [[298846, 290237, "Buffy_Summers", 1], [300918, 292013, "Buffy_Summers", 1], [300919, 292014, "Buffy_Summers", 1], [300919, 292015, "Buffy_Summers", 2], [300919, 292016, "Buffy_Summers", 3], [300919, 292017, "Buffy_Summers", 4], [300919, 292018, "Buffy_Summers", 8], [300919, 292019, "Buffy_Summers", 10], [345052, 328478, "Buffy_Summers", 1], [345052, 328479, "Buffy_Summers", 3], [345052, 328480, "Buffy_Summers", 2], [345052, 328480, "Buffy_Summers", 0], [345052, 328481, "Buffy_Summers", 4], [345052, 328481, "Giselle_Loren", 4], [345054, 328483, "Buffy_Summers", 3], [345054, 328484, "Buffy_Summers", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113645, 127511, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]], "all_evidence": [[113645, 127511, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138914, 153958, "Always_-LRB-1989_film-RRB-", 0]], [[138916, 153960, "Always_-LRB-1989_film-RRB-", 0]], [[138916, 153961, "Always_-LRB-1989_film-RRB-", 3]]], "all_evidence": [[138914, 153958, "Always_-LRB-1989_film-RRB-", 0], [138916, 153960, "Always_-LRB-1989_film-RRB-", 0], [138916, 153961, "Always_-LRB-1989_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218151, 224516, "Bermuda_Triangle", 0]]], "all_evidence": [[218151, 224516, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273648, 269019, "Working_animal", 0]], [[273648, 269020, "Working_animal", 1]], [[273648, 269021, "Working_animal", 21]]], "all_evidence": [[273648, 269019, "Working_animal", 0], [273648, 269020, "Working_animal", 1], [273648, 269021, "Working_animal", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68534, 79395, "West_Virginia", 1]]], "all_evidence": [[68534, 79395, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67526, null, null, null]]], "all_evidence": [[67526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103029, 116349, "Creedence_Clearwater_Revival", 0]], [[103029, 116350, "Creedence_Clearwater_Revival", 2]], [[103029, 116351, "Creedence_Clearwater_Revival", 3]]], "all_evidence": [[103029, 116349, "Creedence_Clearwater_Revival", 0], [103029, 116350, "Creedence_Clearwater_Revival", 2], [103029, 116351, "Creedence_Clearwater_Revival", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101920, 115165, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[101920, 115165, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172016, 185430, "Magic_Johnson", 1]], [[172016, 185431, "Magic_Johnson", 2]], [[172016, 185432, "Magic_Johnson", 3]], [[172016, 185433, "Magic_Johnson", 0]]], "all_evidence": [[172016, 185430, "Magic_Johnson", 1], [172016, 185431, "Magic_Johnson", 2], [172016, 185432, "Magic_Johnson", 3], [172016, 185433, "Magic_Johnson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58458, 68738, "Battle_of_France", 0]]], "all_evidence": [[58458, 68738, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84992, 97278, "Philomena_-LRB-film-RRB-", 0]], [[84992, 97279, "Philomena_-LRB-film-RRB-", 1], [84992, 97279, "Philomena_Lee", 1]]], "all_evidence": [[84992, 97278, "Philomena_-LRB-film-RRB-", 0], [84992, 97279, "Philomena_-LRB-film-RRB-", 1], [84992, 97279, "Philomena_Lee", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230078, 233824, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230078, 233824, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216095, 222804, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216095, 222804, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58805, 69096, "Fidel_Castro", 0]], [[58805, 69097, "Fidel_Castro", 1]], [[58805, 69098, "Fidel_Castro", 2]], [[58805, 69099, "Fidel_Castro", 5]], [[58805, 69100, "Fidel_Castro", 6]], [[58805, 69101, "Fidel_Castro", 7]], [[58805, 69102, "Fidel_Castro", 8]], [[58805, 69103, "Fidel_Castro", 9]], [[58805, 69104, "Fidel_Castro", 10]], [[58805, 69105, "Fidel_Castro", 11]], [[58805, 69106, "Fidel_Castro", 14]], [[58805, 69107, "Fidel_Castro", 15]], [[58805, 69108, "Fidel_Castro", 16]], [[58805, 69109, "Fidel_Castro", 17]], [[58805, 69110, "Fidel_Castro", 18]], [[58805, 69111, "Fidel_Castro", 19]], [[58805, 69112, "Fidel_Castro", 20]], [[58805, 69113, "Fidel_Castro", 23]], [[58805, 69114, "Fidel_Castro", 24]], [[58805, 69115, "Fidel_Castro", 25]], [[58805, 69116, "Fidel_Castro", 26]]], "all_evidence": [[58805, 69096, "Fidel_Castro", 0], [58805, 69097, "Fidel_Castro", 1], [58805, 69098, "Fidel_Castro", 2], [58805, 69099, "Fidel_Castro", 5], [58805, 69100, "Fidel_Castro", 6], [58805, 69101, "Fidel_Castro", 7], [58805, 69102, "Fidel_Castro", 8], [58805, 69103, "Fidel_Castro", 9], [58805, 69104, "Fidel_Castro", 10], [58805, 69105, "Fidel_Castro", 11], [58805, 69106, "Fidel_Castro", 14], [58805, 69107, "Fidel_Castro", 15], [58805, 69108, "Fidel_Castro", 16], [58805, 69109, "Fidel_Castro", 17], [58805, 69110, "Fidel_Castro", 18], [58805, 69111, "Fidel_Castro", 19], [58805, 69112, "Fidel_Castro", 20], [58805, 69113, "Fidel_Castro", 23], [58805, 69114, "Fidel_Castro", 24], [58805, 69115, "Fidel_Castro", 25], [58805, 69116, "Fidel_Castro", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192733, 203452, "Cadet_Kelly", 0]]], "all_evidence": [[192733, 203452, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36970, 44629, "Luis_Fonsi", 0], [36970, 44629, "Stage_name", 0]]], "all_evidence": [[36970, 44629, "Luis_Fonsi", 0], [36970, 44629, "Stage_name", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230051, null, null, null]]], "all_evidence": [[230051, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208592, 216595, "Wentworth_Miller", 2]]], "all_evidence": [[208592, 216595, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217290, 223910, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217290, 223910, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287347, null, null, null], [335979, null, null, null], [335989, null, null, null], [335992, null, null, null]]], "all_evidence": [[287347, null, null, null], [335979, null, null, null], [335989, null, null, null], [335992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39758, 47840, "Thomas_Jefferson", 28]]], "all_evidence": [[39758, 47840, "Thomas_Jefferson", 28]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165432, null, null, null]]], "all_evidence": [[165432, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270788, 266789, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270788, 266789, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185802, null, null, null]]], "all_evidence": [[185802, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168877, 182591, "Kesha", 0]]], "all_evidence": [[168877, 182591, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211442, null, null, null]]], "all_evidence": [[211442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235741, 238299, "Tom_DeLonge", 1]], [[235741, 238300, "Tom_DeLonge", 4]]], "all_evidence": [[235741, 238299, "Tom_DeLonge", 1], [235741, 238300, "Tom_DeLonge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136811, null, null, null]]], "all_evidence": [[136811, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248532, 248689, "Tie_Your_Mother_Down", 1], [248532, 248689, "A_Day_at_the_Races_-LRB-album-RRB-", 0]], [[248535, 248692, "Tie_Your_Mother_Down", 1], [248535, 248692, "A_Day_at_the_Races_-LRB-album-RRB-", 0]]], "all_evidence": [[248532, 248689, "Tie_Your_Mother_Down", 1], [248532, 248689, "A_Day_at_the_Races_-LRB-album-RRB-", 0], [248535, 248692, "Tie_Your_Mother_Down", 1], [248535, 248692, "A_Day_at_the_Races_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42855, 51482, "Rob_Sheridan", 0]]], "all_evidence": [[42855, 51482, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167022, 180857, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[167022, 180857, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200754, 210228, "Earl_Scruggs", 0]]], "all_evidence": [[200754, 210228, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232818, null, null, null], [232824, null, null, null]]], "all_evidence": [[232818, null, null, null], [232824, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106391, 119822, "Harris_Jayaraj", 0], [106391, 119822, "Harris_Jayaraj", 1]]], "all_evidence": [[106391, 119822, "Harris_Jayaraj", 0], [106391, 119822, "Harris_Jayaraj", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208133, 216250, "Osamu_Tezuka", 6]]], "all_evidence": [[208133, 216250, "Osamu_Tezuka", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235583, 238198, "Natural_Born_Killers", 5]], [[235591, 238203, "Natural_Born_Killers", 5]]], "all_evidence": [[235583, 238198, "Natural_Born_Killers", 5], [235591, 238203, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93419, 106369, "Ashley_Graham_-LRB-model-RRB-", 6]], [[93419, 106370, "Ashley_Graham_-LRB-model-RRB-", 1]]], "all_evidence": [[93419, 106369, "Ashley_Graham_-LRB-model-RRB-", 6], [93419, 106370, "Ashley_Graham_-LRB-model-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171424, 184897, "Julianne_Moore", 0]]], "all_evidence": [[171424, 184897, "Julianne_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39909, 48013, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[39909, 48013, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95798, 108836, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[95798, 108836, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59255, 69609, "T2_Trainspotting", 1], [59255, 69609, "Danny_Boyle", 0]]], "all_evidence": [[59255, 69609, "T2_Trainspotting", 1], [59255, 69609, "Danny_Boyle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222197, null, null, null]]], "all_evidence": [[222197, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235563, null, null, null]]], "all_evidence": [[235563, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219132, null, null, null]]], "all_evidence": [[219132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215825, 222599, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215825, 222599, "Anne_Bancroft", 0], [215825, 222599, "Charles_Durning", 0]]], "all_evidence": [[215825, 222599, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215825, 222599, "Anne_Bancroft", 0], [215825, 222599, "Charles_Durning", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83102, 95018, "Marco_Polo", 0], [83102, 95018, "Republic_of_Venice", 2]]], "all_evidence": [[83102, 95018, "Marco_Polo", 0], [83102, 95018, "Republic_of_Venice", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70476, 81348, "Janet_Leigh", 0]], [[70476, 81349, "Janet_Leigh", 1]], [[70476, 81350, "Janet_Leigh", 5]], [[70476, 81351, "Janet_Leigh", 6], [70476, 81351, "Act_of_Violence", 0]], [[70476, 81352, "Janet_Leigh", 7]], [[70476, 81353, "Janet_Leigh", 10]], [[70476, 81354, "Janet_Leigh", 11]]], "all_evidence": [[70476, 81348, "Janet_Leigh", 0], [70476, 81349, "Janet_Leigh", 1], [70476, 81350, "Janet_Leigh", 5], [70476, 81351, "Janet_Leigh", 6], [70476, 81351, "Act_of_Violence", 0], [70476, 81352, "Janet_Leigh", 7], [70476, 81353, "Janet_Leigh", 10], [70476, 81354, "Janet_Leigh", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215824, 222598, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215824, 222598, "Holly_Hunter", 0], [215824, 222598, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]], [[215828, 222602, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215828, 222602, "Holly_Hunter", 0]]], "all_evidence": [[215824, 222598, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215824, 222598, "Holly_Hunter", 0], [215824, 222598, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0], [215828, 222602, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215828, 222602, "Holly_Hunter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122920, 137194, "Jack_Falahee", 0], [122920, 137194, "Jack_Falahee", 1]]], "all_evidence": [[122920, 137194, "Jack_Falahee", 0], [122920, 137194, "Jack_Falahee", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234930, 237714, "Tijuana", 0]]], "all_evidence": [[234930, 237714, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73323, 84536, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[73323, 84536, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210305, 218076, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210305, 218076, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106256, null, null, null]]], "all_evidence": [[106256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171028, 184556, "Arizona", 0]]], "all_evidence": [[171028, 184556, "Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103264, 116624, "Colosseum", 0]], [[103264, 116625, "Colosseum", 14]]], "all_evidence": [[103264, 116624, "Colosseum", 0], [103264, 116625, "Colosseum", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50348, null, null, null]]], "all_evidence": [[50348, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254349, null, null, null]]], "all_evidence": [[254349, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266030, null, null, null]]], "all_evidence": [[266030, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83926, null, null, null]]], "all_evidence": [[83926, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214268, null, null, null], [214270, null, null, null]]], "all_evidence": [[214268, null, null, null], [214270, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241275, 242815, "Cretaceous", 0]], [[241275, 242816, "Cretaceous", 1]], [[241275, 242817, "Cretaceous", 5]]], "all_evidence": [[241275, 242815, "Cretaceous", 0], [241275, 242816, "Cretaceous", 1], [241275, 242817, "Cretaceous", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132413, 147305, "Byron_Howard", 1]], [[132413, 147306, "Byron_Howard", 2], [132413, 147306, "Zootopia", 2]]], "all_evidence": [[132413, 147305, "Byron_Howard", 1], [132413, 147306, "Byron_Howard", 2], [132413, 147306, "Zootopia", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113200, 127081, "Paramore", 0]], [[113200, 127082, "Paramore", 4], [113200, 127082, "All_We_Know_Is_Falling", 0]], [[113200, 127083, "Paramore", 5], [113200, 127083, "Pressure_-LRB-Paramore_song-RRB-", 0]], [[113200, 127084, "Paramore", 10], [113200, 127084, "Crushcrushcrush", 0]], [[113200, 127085, "Paramore", 13], [113200, 127085, "Brand_New_Eyes", 0]], [[113200, 127086, "Paramore", 14], [113200, 127086, "The_Only_Exception", 0]], [[113200, 127087, "Paramore", 17]], [[113200, 127088, "Paramore", 19], [113200, 127088, "Still_Into_You", 0]], [[113200, 127089, "Paramore", 21], [113200, 127089, "After_Laughter", 0]]], "all_evidence": [[113200, 127081, "Paramore", 0], [113200, 127082, "Paramore", 4], [113200, 127082, "All_We_Know_Is_Falling", 0], [113200, 127083, "Paramore", 5], [113200, 127083, "Pressure_-LRB-Paramore_song-RRB-", 0], [113200, 127084, "Paramore", 10], [113200, 127084, "Crushcrushcrush", 0], [113200, 127085, "Paramore", 13], [113200, 127085, "Brand_New_Eyes", 0], [113200, 127086, "Paramore", 14], [113200, 127086, "The_Only_Exception", 0], [113200, 127087, "Paramore", 17], [113200, 127088, "Paramore", 19], [113200, 127088, "Still_Into_You", 0], [113200, 127089, "Paramore", 21], [113200, 127089, "After_Laughter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150505, null, null, null]]], "all_evidence": [[150505, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83413, 95379, "James_Jones_-LRB-basketball_player-RRB-", 15]]], "all_evidence": [[83413, 95379, "James_Jones_-LRB-basketball_player-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187457, 199093, "Mani_Ratnam", 1]]], "all_evidence": [[187457, 199093, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190455, 201476, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190455, 201476, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55326, null, null, null]]], "all_evidence": [[55326, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[261498, 259617, "Savages_-LRB-2012_film-RRB-", 3]]], "all_evidence": [[261498, 259617, "Savages_-LRB-2012_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51237, null, null, null]]], "all_evidence": [[51237, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79739, null, null, null]]], "all_evidence": [[79739, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213700, null, null, null]]], "all_evidence": [[213700, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213170, null, null, null]]], "all_evidence": [[213170, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52528, 62497, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[52528, 62497, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214321, null, null, null], [214330, null, null, null]]], "all_evidence": [[214321, null, null, null], [214330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245429, null, null, null]]], "all_evidence": [[245429, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215944, null, null, null]]], "all_evidence": [[215944, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32527, null, null, null]]], "all_evidence": [[32527, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234938, 237718, "Tijuana", 0]]], "all_evidence": [[234938, 237718, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155684, 170322, "Fist_of_Legend", 2]], [[155872, 170568, "Fist_of_Legend", 2]], [[311655, 301592, "Fist_of_Legend", 2]], [[311658, 301595, "Fist_of_Legend", 2]]], "all_evidence": [[155684, 170322, "Fist_of_Legend", 2], [155872, 170568, "Fist_of_Legend", 2], [311655, 301592, "Fist_of_Legend", 2], [311658, 301595, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40423, 48641, "David_Spade", 2]]], "all_evidence": [[40423, 48641, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176758, 189686, "Stephen_Hillenburg", 4]]], "all_evidence": [[176758, 189686, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32092, 38972, "Naples", 34], [32092, 38972, "Palace_of_Caserta", 0]]], "all_evidence": [[32092, 38972, "Naples", 34], [32092, 38972, "Palace_of_Caserta", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241421, 242948, "Brad_Wilk", 5]], [[241421, 242949, "Brad_Wilk", 4]], [[241423, 242951, "Brad_Wilk", 1]], [[241423, 242952, "Brad_Wilk", 4]], [[241423, 242953, "Brad_Wilk", 5], [241423, 242953, "Rage_Against_the_Machine", 1]], [[241423, 242954, "Brad_Wilk", 6], [241423, 242954, "Prophets_of_Rage", 1]], [[241423, 242955, "Brad_Wilk", 9]]], "all_evidence": [[241421, 242948, "Brad_Wilk", 5], [241421, 242949, "Brad_Wilk", 4], [241423, 242951, "Brad_Wilk", 1], [241423, 242952, "Brad_Wilk", 4], [241423, 242953, "Brad_Wilk", 5], [241423, 242953, "Rage_Against_the_Machine", 1], [241423, 242954, "Brad_Wilk", 6], [241423, 242954, "Prophets_of_Rage", 1], [241423, 242955, "Brad_Wilk", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173617, 186829, "Michelin_Guide", 0]]], "all_evidence": [[173617, 186829, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147898, 162899, "Paramore", 0]]], "all_evidence": [[147898, 162899, "Paramore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122733, 137025, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[122733, 137025, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25352, 31268, "Horse", 2]]], "all_evidence": [[25352, 31268, "Horse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203333, null, null, null]]], "all_evidence": [[203333, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191491, 202336, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191491, 202336, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23683, 29280, "Bad_Romance", 12]], [[301487, 292592, "Bad_Romance", 12]], [[302533, 293526, "Bad_Romance", 12]], [[304445, 295250, "Bad_Romance", 12]]], "all_evidence": [[23683, 29280, "Bad_Romance", 12], [301487, 292592, "Bad_Romance", 12], [302533, 293526, "Bad_Romance", 12], [304445, 295250, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98021, 111156, "Touchscreen", 9], [98021, 111156, "Video_game_console", 0]]], "all_evidence": [[98021, 111156, "Touchscreen", 9], [98021, 111156, "Video_game_console", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92354, 105106, "Homo_sapiens", 3], [92354, 105106, "IUCN_Red_List", 0]]], "all_evidence": [[92354, 105106, "Homo_sapiens", 3], [92354, 105106, "IUCN_Red_List", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35297, 42787, "Thomas_Jefferson", 10]]], "all_evidence": [[35297, 42787, "Thomas_Jefferson", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72744, 83809, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[72744, 83809, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286055, 279622, "Tenacious_D", 1], [286055, 279622, "Jack_Black", 0], [286055, 279622, "Kyle_Gass", 0]], [[286064, 279631, "Tenacious_D", 0]], [[286064, 279632, "Tenacious_D", 1], [286064, 279632, "Jack_Black", 0], [286064, 279632, "Kyle_Gass", 0]], [[287761, 281087, "Tenacious_D", 1], [287761, 281087, "Kyle_Gass", 0]], [[332757, 319033, "Tenacious_D", 1], [332757, 319033, "Jack_Black", 0]], [[332758, 319034, "Tenacious_D", 0]]], "all_evidence": [[286055, 279622, "Tenacious_D", 1], [286055, 279622, "Jack_Black", 0], [286055, 279622, "Kyle_Gass", 0], [286064, 279631, "Tenacious_D", 0], [286064, 279632, "Tenacious_D", 1], [286064, 279632, "Jack_Black", 0], [286064, 279632, "Kyle_Gass", 0], [287761, 281087, "Tenacious_D", 1], [287761, 281087, "Kyle_Gass", 0], [332757, 319033, "Tenacious_D", 1], [332757, 319033, "Jack_Black", 0], [332758, 319034, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63703, 74444, "Chile", 0], [63703, 74444, "South_America", 0]]], "all_evidence": [[63703, 74444, "Chile", 0], [63703, 74444, "South_America", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50435, null, null, null]]], "all_evidence": [[50435, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19598, 24090, "Heart", 19]]], "all_evidence": [[19598, 24090, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16956, 20978, "English_people", 6]], [[16956, 20979, "English_people", 7]]], "all_evidence": [[16956, 20978, "English_people", 6], [16956, 20979, "English_people", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103373, null, null, null]]], "all_evidence": [[103373, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23670, 29265, "Mount_Rushmore", 1]]], "all_evidence": [[23670, 29265, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297548, null, null, null], [340911, null, null, null], [340928, null, null, null]]], "all_evidence": [[297548, null, null, null], [340911, null, null, null], [340928, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85567, 97875, "Luke_Cage", 1]]], "all_evidence": [[85567, 97875, "Luke_Cage", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241688, 243211, "Rio_-LRB-2011_film-RRB-", 20], [241688, 243211, "Rio_2", 0]]], "all_evidence": [[241688, 243211, "Rio_-LRB-2011_film-RRB-", 20], [241688, 243211, "Rio_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206689, 215008, "Al_Jardine", 1]]], "all_evidence": [[206689, 215008, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190717, 201687, "Buffy_Summers", 1]], [[190717, 201688, "Buffy_Summers", 10]]], "all_evidence": [[190717, 201687, "Buffy_Summers", 1], [190717, 201688, "Buffy_Summers", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71266, 82215, "The_Godfather_Part_II", 7]]], "all_evidence": [[71266, 82215, "The_Godfather_Part_II", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158729, 173368, "Qui-Gon_Jinn", 0], [158729, 173368, "Liam_Neeson", 0]]], "all_evidence": [[158729, 173368, "Qui-Gon_Jinn", 0], [158729, 173368, "Liam_Neeson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237933, 240098, "Tamerlan_Tsarnaev", 1]], [[237933, 240099, "Tamerlan_Tsarnaev", 8]], [[237933, 240100, "Tamerlan_Tsarnaev", 9]], [[237933, 240101, "Tamerlan_Tsarnaev", 13]]], "all_evidence": [[237933, 240098, "Tamerlan_Tsarnaev", 1], [237933, 240099, "Tamerlan_Tsarnaev", 8], [237933, 240100, "Tamerlan_Tsarnaev", 9], [237933, 240101, "Tamerlan_Tsarnaev", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29177, 35595, "Black_Canary", 0]]], "all_evidence": [[29177, 35595, "Black_Canary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289761, 282841, "First_inauguration_of_Bill_Clinton", 0], [289761, 282841, "United_States_presidential_inauguration", 0]], [[337064, 322490, "First_inauguration_of_Bill_Clinton", 1]], [[337461, 322836, "First_inauguration_of_Bill_Clinton", 1]]], "all_evidence": [[289761, 282841, "First_inauguration_of_Bill_Clinton", 0], [289761, 282841, "United_States_presidential_inauguration", 0], [337064, 322490, "First_inauguration_of_Bill_Clinton", 1], [337461, 322836, "First_inauguration_of_Bill_Clinton", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180266, 192797, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[180266, 192797, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16845, null, null, null]]], "all_evidence": [[16845, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164908, 179098, "Tim_McGraw", 13], [164908, 179098, "Flicka", 0], [164908, 179098, "Four_Christmases", 0], [164908, 179098, "Friday_Night_Lights_-LRB-film-RRB-", 0], [164908, 179098, "The_Blind_Side_-LRB-film-RRB-", 0], [164908, 179098, "The_Kingdom_-LRB-film-RRB-", 0], [164908, 179098, "Tomorrowland_-LRB-film-RRB-", 0]], [[167037, 180882, "Tim_McGraw", 13], [167037, 180882, "Country_Strong", 0], [167037, 180882, "Flicka", 0], [167037, 180882, "Four_Christmases", 0], [167037, 180882, "Friday_Night_Lights_-LRB-film-RRB-", 0], [167037, 180882, "The_Blind_Side_-LRB-film-RRB-", 0], [167037, 180882, "The_Kingdom_-LRB-film-RRB-", 0], [167037, 180882, "Tomorrowland_-LRB-film-RRB-", 0]], [[169104, 182778, "Tim_McGraw", 13]], [[312304, 302116, "Tim_McGraw", 13]], [[313551, 303136, "Tim_McGraw", 13]], [[313553, 303138, "Tim_McGraw", 13]]], "all_evidence": [[164908, 179098, "Tim_McGraw", 13], [164908, 179098, "Flicka", 0], [164908, 179098, "Four_Christmases", 0], [164908, 179098, "Friday_Night_Lights_-LRB-film-RRB-", 0], [164908, 179098, "The_Blind_Side_-LRB-film-RRB-", 0], [164908, 179098, "The_Kingdom_-LRB-film-RRB-", 0], [164908, 179098, "Tomorrowland_-LRB-film-RRB-", 0], [167037, 180882, "Tim_McGraw", 13], [167037, 180882, "Country_Strong", 0], [167037, 180882, "Flicka", 0], [167037, 180882, "Four_Christmases", 0], [167037, 180882, "Friday_Night_Lights_-LRB-film-RRB-", 0], [167037, 180882, "The_Blind_Side_-LRB-film-RRB-", 0], [167037, 180882, "The_Kingdom_-LRB-film-RRB-", 0], [167037, 180882, "Tomorrowland_-LRB-film-RRB-", 0], [169104, 182778, "Tim_McGraw", 13], [312304, 302116, "Tim_McGraw", 13], [313551, 303136, "Tim_McGraw", 13], [313553, 303138, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267299, 264025, "Southampton_F.C.", 9]]], "all_evidence": [[267299, 264025, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250989, 250960, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250989, 250960, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18911, null, null, null]]], "all_evidence": [[18911, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32223, 39151, "Efraim_Diveroli", 0]]], "all_evidence": [[32223, 39151, "Efraim_Diveroli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116531, 130410, "Johnny_Galecki", 1]]], "all_evidence": [[116531, 130410, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55706, null, null, null]]], "all_evidence": [[55706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82037, 93830, "Murda_Beatz", 0]]], "all_evidence": [[82037, 93830, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74873, 86085, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[74873, 86085, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106632, 120032, "CONCACAF_Champions_League", 0]]], "all_evidence": [[106632, 120032, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133430, null, null, null]]], "all_evidence": [[133430, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123293, 137721, "Terry_Crews", 0]], [[123293, 137722, "Terry_Crews", 9]]], "all_evidence": [[123293, 137721, "Terry_Crews", 0], [123293, 137722, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251708, null, null, null]]], "all_evidence": [[251708, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268397, null, null, null]]], "all_evidence": [[268397, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211389, 219109, "Don_Hall_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[211389, 219109, "Don_Hall_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239920, 241600, "Goosebumps_-LRB-film-RRB-", 1], [239920, 241600, "Rob_Letterman", 0], [239920, 241600, "Rob_Letterman", 3], [239920, 241600, "Rob_Letterman", 4], [239920, 241600, "Rob_Letterman", 7], [239920, 241600, "Rob_Letterman", 10]]], "all_evidence": [[239920, 241600, "Goosebumps_-LRB-film-RRB-", 1], [239920, 241600, "Rob_Letterman", 0], [239920, 241600, "Rob_Letterman", 3], [239920, 241600, "Rob_Letterman", 4], [239920, 241600, "Rob_Letterman", 7], [239920, 241600, "Rob_Letterman", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271144, 267084, "Giada_at_Home", 1]]], "all_evidence": [[271144, 267084, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70519, 81417, "Bad_Romance", 12]]], "all_evidence": [[70519, 81417, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111397, 125038, "Gordon_Ramsay", 13]]], "all_evidence": [[111397, 125038, "Gordon_Ramsay", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153528, null, null, null]]], "all_evidence": [[153528, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290504, null, null, null], [291890, null, null, null], [293925, null, null, null], [338616, null, null, null], [338620, null, null, null]]], "all_evidence": [[290504, null, null, null], [291890, null, null, null], [293925, null, null, null], [338616, null, null, null], [338620, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149591, 164554, "Pearl_Jam", 0]], [[149592, 164555, "Pearl_Jam", 0]]], "all_evidence": [[149591, 164554, "Pearl_Jam", 0], [149592, 164555, "Pearl_Jam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153483, null, null, null]]], "all_evidence": [[153483, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148069, 163047, "Pharrell_Williams", 0]], [[148069, 163048, "Pharrell_Williams", 3]], [[148069, 163049, "Pharrell_Williams", 4]], [[148069, 163050, "Pharrell_Williams", 5]], [[148069, 163051, "Pharrell_Williams", 6], [148069, 163051, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[148069, 163052, "Pharrell_Williams", 7], [148069, 163052, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]], [[148069, 163053, "Pharrell_Williams", 8], [148069, 163053, "The_Neptunes_production_discography", 0]], [[148069, 163054, "Pharrell_Williams", 11]], [[148069, 163055, "Pharrell_Williams", 14]], [[148069, 163056, "Pharrell_Williams", 15]]], "all_evidence": [[148069, 163047, "Pharrell_Williams", 0], [148069, 163048, "Pharrell_Williams", 3], [148069, 163049, "Pharrell_Williams", 4], [148069, 163050, "Pharrell_Williams", 5], [148069, 163051, "Pharrell_Williams", 6], [148069, 163051, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [148069, 163052, "Pharrell_Williams", 7], [148069, 163052, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0], [148069, 163053, "Pharrell_Williams", 8], [148069, 163053, "The_Neptunes_production_discography", 0], [148069, 163054, "Pharrell_Williams", 11], [148069, 163055, "Pharrell_Williams", 14], [148069, 163056, "Pharrell_Williams", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117898, 131783, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[117898, 131783, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179488, 192063, "Bones_-LRB-TV_series-RRB-", 0]], [[179488, 192064, "Bones_-LRB-TV_series-RRB-", 12]], [[179488, 192065, "Bones_-LRB-TV_series-RRB-", 13]], [[179488, 192066, "Bones_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[179488, 192063, "Bones_-LRB-TV_series-RRB-", 0], [179488, 192064, "Bones_-LRB-TV_series-RRB-", 12], [179488, 192065, "Bones_-LRB-TV_series-RRB-", 13], [179488, 192066, "Bones_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296236, null, null, null], [297815, null, null, null], [297836, null, null, null], [343208, null, null, null], [343454, null, null, null], [343460, null, null, null]]], "all_evidence": [[296236, null, null, null], [297815, null, null, null], [297836, null, null, null], [343208, null, null, null], [343454, null, null, null], [343460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50347, 59936, "Diana,_Princess_of_Wales", 5]]], "all_evidence": [[50347, 59936, "Diana,_Princess_of_Wales", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111808, 125633, "Noel_Fisher", 2]], [[111808, 125634, "Noel_Fisher", 3]]], "all_evidence": [[111808, 125633, "Noel_Fisher", 2], [111808, 125634, "Noel_Fisher", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240386, null, null, null]]], "all_evidence": [[240386, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36540, null, null, null]]], "all_evidence": [[36540, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126896, 141362, "John_Deighton", 24]]], "all_evidence": [[126896, 141362, "John_Deighton", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188616, null, null, null]]], "all_evidence": [[188616, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138338, 153362, "Angelsberg", 1]]], "all_evidence": [[138338, 153362, "Angelsberg", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[287151, 280631, "James_VI_and_I", 0]], [[290853, 283811, "James_VI_and_I", 0]], [[290853, 283812, "James_VI_and_I", 4]], [[290853, 283813, "James_VI_and_I", 8]], [[290853, 283814, "James_VI_and_I", 9]], [[290853, 283815, "James_VI_and_I", 11]], [[290853, 283816, "James_VI_and_I", 14]], [[335234, 321088, "James_VI_and_I", 0]], [[335234, 321089, "James_VI_and_I", 5]], [[335234, 321090, "James_VI_and_I", 6]], [[335234, 321091, "James_VI_and_I", 1]], [[335234, 321092, "James_VI_and_I", 20]], [[335234, 321093, "James_VI_and_I", 14]], [[335234, 321094, "James_VI_and_I", 11]], [[335234, 321095, "James_VI_and_I", 9]], [[335234, 321096, "James_VI_and_I", 8]], [[335234, 321097, "James_VI_and_I", 7]], [[335243, 321102, "James_VI_and_I", 0]]], "all_evidence": [[287151, 280631, "James_VI_and_I", 0], [290853, 283811, "James_VI_and_I", 0], [290853, 283812, "James_VI_and_I", 4], [290853, 283813, "James_VI_and_I", 8], [290853, 283814, "James_VI_and_I", 9], [290853, 283815, "James_VI_and_I", 11], [290853, 283816, "James_VI_and_I", 14], [335234, 321088, "James_VI_and_I", 0], [335234, 321089, "James_VI_and_I", 5], [335234, 321090, "James_VI_and_I", 6], [335234, 321091, "James_VI_and_I", 1], [335234, 321092, "James_VI_and_I", 20], [335234, 321093, "James_VI_and_I", 14], [335234, 321094, "James_VI_and_I", 11], [335234, 321095, "James_VI_and_I", 9], [335234, 321096, "James_VI_and_I", 8], [335234, 321097, "James_VI_and_I", 7], [335243, 321102, "James_VI_and_I", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173290, 186550, "Poldark_-LRB-2015_TV_series-RRB-", 6]]], "all_evidence": [[173290, 186550, "Poldark_-LRB-2015_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72719, 83770, "Men_in_Black_II", 0]]], "all_evidence": [[72719, 83770, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275883, null, null, null], [275884, null, null, null], [325060, null, null, null], [325063, null, null, null]]], "all_evidence": [[275883, null, null, null], [275884, null, null, null], [325060, null, null, null], [325063, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194465, null, null, null], [194474, null, null, null]]], "all_evidence": [[194465, null, null, null], [194474, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238989, null, null, null]]], "all_evidence": [[238989, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171166, 184682, "The_Good_Wife", 12]]], "all_evidence": [[171166, 184682, "The_Good_Wife", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106721, null, null, null]]], "all_evidence": [[106721, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128021, 142727, "United_Nations_Charter", 1]]], "all_evidence": [[128021, 142727, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[249778, 249788, "Prescott,_Arizona", 0]], [[249778, 249789, "Prescott,_Arizona", 3]], [[249778, 249790, "Prescott,_Arizona", 11]], [[253157, 253041, "Prescott,_Arizona", 0]], [[253158, 253042, "Prescott,_Arizona", 0]], [[320854, 309359, "Prescott,_Arizona", 0]]], "all_evidence": [[249778, 249788, "Prescott,_Arizona", 0], [249778, 249789, "Prescott,_Arizona", 3], [249778, 249790, "Prescott,_Arizona", 11], [253157, 253041, "Prescott,_Arizona", 0], [253158, 253042, "Prescott,_Arizona", 0], [320854, 309359, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155673, 170314, "University_of_Mississippi", 4]]], "all_evidence": [[155673, 170314, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223858, 228777, "Yandex", 9]]], "all_evidence": [[223858, 228777, "Yandex", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230168, null, null, null]]], "all_evidence": [[230168, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210225, 218015, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]], "all_evidence": [[210225, 218015, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193451, 203950, "Don_Bradman", 0]], [[193451, 203951, "Don_Bradman", 1]], [[193451, 203952, "Don_Bradman", 4]], [[193451, 203953, "Don_Bradman", 5]], [[193451, 203954, "Don_Bradman", 6]], [[193451, 203955, "Don_Bradman", 9]], [[193451, 203956, "Don_Bradman", 10]], [[193451, 203957, "Don_Bradman", 11]], [[193451, 203958, "Don_Bradman", 23]]], "all_evidence": [[193451, 203950, "Don_Bradman", 0], [193451, 203951, "Don_Bradman", 1], [193451, 203952, "Don_Bradman", 4], [193451, 203953, "Don_Bradman", 5], [193451, 203954, "Don_Bradman", 6], [193451, 203955, "Don_Bradman", 9], [193451, 203956, "Don_Bradman", 10], [193451, 203957, "Don_Bradman", 11], [193451, 203958, "Don_Bradman", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190460, null, null, null]]], "all_evidence": [[190460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175135, 188175, "Gal_Gadot", 4]]], "all_evidence": [[175135, 188175, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78685, null, null, null]]], "all_evidence": [[78685, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203707, 212676, "Aunt_May", 9]]], "all_evidence": [[203707, 212676, "Aunt_May", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135217, 150137, "Wildfang", 1]]], "all_evidence": [[135217, 150137, "Wildfang", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215837, null, null, null], [215839, null, null, null]]], "all_evidence": [[215837, null, null, null], [215839, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206506, null, null, null]]], "all_evidence": [[206506, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103566, null, null, null]]], "all_evidence": [[103566, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52717, null, null, null], [53455, null, null, null]]], "all_evidence": [[52717, null, null, null], [53455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205357, 213956, "Dub_music", 0]]], "all_evidence": [[205357, 213956, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223865, 228784, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223865, 228784, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239258, 241174, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239258, 241174, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189872, null, null, null]]], "all_evidence": [[189872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259474, 258046, "Libya", 2]]], "all_evidence": [[259474, 258046, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18823, 23060, "The_Mod_Squad", 0]]], "all_evidence": [[18823, 23060, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253957, 253747, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253957, 253747, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225932, null, null, null], [225934, null, null, null]]], "all_evidence": [[225932, null, null, null], [225934, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292818, 285508, "The_dress", 4], [292818, 285508, "Social_networking_service", 0]], [[295404, 287512, "The_dress", 0]], [[297150, 288830, "The_dress", 0]], [[340806, 325349, "The_dress", 0]]], "all_evidence": [[292818, 285508, "The_dress", 4], [292818, 285508, "Social_networking_service", 0], [295404, 287512, "The_dress", 0], [297150, 288830, "The_dress", 0], [340806, 325349, "The_dress", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32086, 38964, "Naples", 34]]], "all_evidence": [[32086, 38964, "Naples", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286060, 279627, "Dilwale_Dulhania_Le_Jayenge", 4]], [[287768, 281091, "Dilwale_Dulhania_Le_Jayenge", 4]], [[288455, 281716, "Dilwale_Dulhania_Le_Jayenge", 4]], [[332762, 319037, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[286060, 279627, "Dilwale_Dulhania_Le_Jayenge", 4], [287768, 281091, "Dilwale_Dulhania_Le_Jayenge", 4], [288455, 281716, "Dilwale_Dulhania_Le_Jayenge", 4], [332762, 319037, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241295, 242835, "Cretaceous", 0]], [[241295, 242836, "Cretaceous", 1]], [[241295, 242837, "Cretaceous", 5]]], "all_evidence": [[241295, 242835, "Cretaceous", 0], [241295, 242836, "Cretaceous", 1], [241295, 242837, "Cretaceous", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64388, 75150, "The_Daily_Show", 0], [64388, 75150, "News_satire", 0]], [[64390, 75153, "The_Daily_Show", 0], [64390, 75153, "News_satire", 2]], [[64390, 75154, "The_Daily_Show", 2]]], "all_evidence": [[64388, 75150, "The_Daily_Show", 0], [64388, 75150, "News_satire", 0], [64390, 75153, "The_Daily_Show", 0], [64390, 75153, "News_satire", 2], [64390, 75154, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218162, 224522, "Bermuda_Triangle", 0]]], "all_evidence": [[218162, 224522, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276694, null, null, null], [278717, null, null, null], [326745, null, null, null], [326749, null, null, null], [326775, null, null, null]]], "all_evidence": [[276694, null, null, null], [278717, null, null, null], [326745, null, null, null], [326749, null, null, null], [326775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39519, 47601, "A_Milli", 0]]], "all_evidence": [[39519, 47601, "A_Milli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134682, null, null, null]]], "all_evidence": [[134682, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239932, 241610, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239932, 241610, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63322, 74059, "Luke_Cage", 0]], [[63322, 74060, "Luke_Cage", 1]]], "all_evidence": [[63322, 74059, "Luke_Cage", 0], [63322, 74060, "Luke_Cage", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119409, 133413, "Edison_Machine_Works", 0]]], "all_evidence": [[119409, 133413, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59953, 70361, "Wilhelmina_Slater", 0]]], "all_evidence": [[59953, 70361, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91096, 103780, "Shooter_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[91096, 103780, "Shooter_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153859, 168698, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[153859, 168698, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27991, 34287, "Naples", 34]]], "all_evidence": [[27991, 34287, "Naples", 34]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237572, null, null, null]]], "all_evidence": [[237572, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198072, null, null, null]]], "all_evidence": [[198072, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93764, 106704, "Bhagat_Singh", 0]]], "all_evidence": [[93764, 106704, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73004, null, null, null], [73008, null, null, null]]], "all_evidence": [[73004, null, null, null], [73008, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71411, 82376, "Floppy_disk", 0]]], "all_evidence": [[71411, 82376, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109653, 123273, "Human_trafficking", 0]], [[109654, 123274, "Human_trafficking", 0]]], "all_evidence": [[109653, 123273, "Human_trafficking", 0], [109654, 123274, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65307, null, null, null]]], "all_evidence": [[65307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76167, 87461, "Luis_Fonsi", 0]]], "all_evidence": [[76167, 87461, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51373, null, null, null]]], "all_evidence": [[51373, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73394, 84634, "Gordon_Ramsay", 11]]], "all_evidence": [[73394, 84634, "Gordon_Ramsay", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29497, 35971, "Seohyun", 0]]], "all_evidence": [[29497, 35971, "Seohyun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156080, 170719, "Bessie_Smith", 0]]], "all_evidence": [[156080, 170719, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69537, 80354, "Shooter_-LRB-TV_series-RRB-", 1], [69537, 80354, "Ryan_Phillippe", 0]]], "all_evidence": [[69537, 80354, "Shooter_-LRB-TV_series-RRB-", 1], [69537, 80354, "Ryan_Phillippe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26829, 32942, "The_dress", 7]], [[26832, 32944, "The_dress", 7]]], "all_evidence": [[26829, 32942, "The_dress", 7], [26832, 32944, "The_dress", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50951, 60688, "Awkward_Black_Girl", 1]], [[50951, 60689, "Awkward_Black_Girl", 0]]], "all_evidence": [[50951, 60688, "Awkward_Black_Girl", 1], [50951, 60689, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110604, null, null, null]]], "all_evidence": [[110604, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167765, 181535, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[167766, 181536, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[167765, 181535, "The_Gifted_-LRB-TV_series-RRB-", 0], [167766, 181536, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211275, 218980, "WGBH-TV", 0], [211275, 218980, "PBS", 0]], [[211275, 218981, "WGBH-TV", 5]]], "all_evidence": [[211275, 218980, "WGBH-TV", 0], [211275, 218980, "PBS", 0], [211275, 218981, "WGBH-TV", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[249799, 249813, "First_inauguration_of_Bill_Clinton", 0]], [[253129, 253025, "First_inauguration_of_Bill_Clinton", 0]], [[254872, 254436, "First_inauguration_of_Bill_Clinton", 0]], [[320857, 309360, "First_inauguration_of_Bill_Clinton", 0]], [[320859, 309362, "First_inauguration_of_Bill_Clinton", 0]], [[320868, 309377, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[249799, 249813, "First_inauguration_of_Bill_Clinton", 0], [253129, 253025, "First_inauguration_of_Bill_Clinton", 0], [254872, 254436, "First_inauguration_of_Bill_Clinton", 0], [320857, 309360, "First_inauguration_of_Bill_Clinton", 0], [320859, 309362, "First_inauguration_of_Bill_Clinton", 0], [320868, 309377, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282658, 276800, "Jens_Stoltenberg", 4]], [[284591, 278372, "Jens_Stoltenberg", 4]], [[330819, 317358, "Jens_Stoltenberg", 4]], [[330837, 317373, "Jens_Stoltenberg", 4]], [[331939, 318371, "Jens_Stoltenberg", 4]]], "all_evidence": [[282658, 276800, "Jens_Stoltenberg", 4], [284591, 278372, "Jens_Stoltenberg", 4], [330819, 317358, "Jens_Stoltenberg", 4], [330837, 317373, "Jens_Stoltenberg", 4], [331939, 318371, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260893, null, null, null]]], "all_evidence": [[260893, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42252, 50843, "Scotty_Moore", 0]]], "all_evidence": [[42252, 50843, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117832, 131726, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[117832, 131726, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52403, 62365, "Henry_II_of_France", 13]]], "all_evidence": [[52403, 62365, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246625, 247098, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246625, 247098, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286541, 280006, "Blue_Jasmine", 1]], [[288719, 281953, "Blue_Jasmine", 1]], [[333485, 319746, "Blue_Jasmine", 1]], [[334416, 320483, "Blue_Jasmine", 1]]], "all_evidence": [[286541, 280006, "Blue_Jasmine", 1], [288719, 281953, "Blue_Jasmine", 1], [333485, 319746, "Blue_Jasmine", 1], [334416, 320483, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167184, 181015, "Hindu_Kush", 5]], [[167184, 181016, "Hindu_Kush", 0]]], "all_evidence": [[167184, 181015, "Hindu_Kush", 5], [167184, 181016, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228166, 232414, "Larry_the_Cable_Guy", 14]], [[228167, 232415, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228166, 232414, "Larry_the_Cable_Guy", 14], [228167, 232415, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66154, 76990, "Dakota_Fanning", 0]]], "all_evidence": [[66154, 76990, "Dakota_Fanning", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193435, null, null, null]]], "all_evidence": [[193435, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39671, null, null, null]]], "all_evidence": [[39671, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50322, 59914, "Uranium-235", 6], [50322, 59914, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[50322, 59914, "Uranium-235", 6], [50322, 59914, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110729, 124401, "David_Spade", 2]]], "all_evidence": [[110729, 124401, "David_Spade", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177271, null, null, null]]], "all_evidence": [[177271, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268497, null, null, null]]], "all_evidence": [[268497, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239640, null, null, null]]], "all_evidence": [[239640, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240558, null, null, null]]], "all_evidence": [[240558, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84980, 97239, "Ingushetia", 5]]], "all_evidence": [[84980, 97239, "Ingushetia", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95222, null, null, null]]], "all_evidence": [[95222, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194730, null, null, null]]], "all_evidence": [[194730, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100035, 113247, "Trollhunters", 0]]], "all_evidence": [[100035, 113247, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292244, 285075, "Black_Canary", 0]], [[339499, 324452, "Black_Canary", 0]], [[339500, 324453, "Black_Canary", 0]], [[339509, 324460, "Black_Canary", 0]], [[339524, 324469, "Black_Canary", 0]]], "all_evidence": [[292244, 285075, "Black_Canary", 0], [339499, 324452, "Black_Canary", 0], [339500, 324453, "Black_Canary", 0], [339509, 324460, "Black_Canary", 0], [339524, 324469, "Black_Canary", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125542, null, null, null]]], "all_evidence": [[125542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87741, 100259, "Wales", 0]]], "all_evidence": [[87741, 100259, "Wales", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115751, null, null, null], [115753, null, null, null]]], "all_evidence": [[115751, null, null, null], [115753, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76943, 88337, "Jens_Stoltenberg", 4]]], "all_evidence": [[76943, 88337, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44794, null, null, null]]], "all_evidence": [[44794, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129961, 144663, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[129961, 144663, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268049, null, null, null]]], "all_evidence": [[268049, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105003, null, null, null]]], "all_evidence": [[105003, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198038, 207982, "Dave_Gibbons", 0]]], "all_evidence": [[198038, 207982, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275914, 270987, "San_Diego_Comic-Con", 1]], [[278202, 273085, "San_Diego_Comic-Con", 1]], [[278203, 273086, "San_Diego_Comic-Con", 1]], [[278204, 273087, "San_Diego_Comic-Con", 1]], [[325097, 312872, "San_Diego_Comic-Con", 1]], [[325097, 312873, "San_Diego_Comic-Con", 8]], [[325101, 312876, "San_Diego_Comic-Con", 1]]], "all_evidence": [[275914, 270987, "San_Diego_Comic-Con", 1], [278202, 273085, "San_Diego_Comic-Con", 1], [278203, 273086, "San_Diego_Comic-Con", 1], [278204, 273087, "San_Diego_Comic-Con", 1], [325097, 312872, "San_Diego_Comic-Con", 1], [325097, 312873, "San_Diego_Comic-Con", 8], [325101, 312876, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144139, 159197, "T2_Trainspotting", 0]], [[144141, 159198, "T2_Trainspotting", 0]], [[144142, 159199, "T2_Trainspotting", 0]], [[144155, 159207, "T2_Trainspotting", 0]]], "all_evidence": [[144139, 159197, "T2_Trainspotting", 0], [144141, 159198, "T2_Trainspotting", 0], [144142, 159199, "T2_Trainspotting", 0], [144155, 159207, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25350, 31266, "Garden_State_-LRB-film-RRB-", 6]], [[26647, 32708, "Garden_State_-LRB-film-RRB-", 6]], [[28971, 35350, "Garden_State_-LRB-film-RRB-", 6]], [[302663, 293654, "Garden_State_-LRB-film-RRB-", 6]], [[304206, 295049, "Garden_State_-LRB-film-RRB-", 6]], [[304552, 295372, "Garden_State_-LRB-film-RRB-", 6]]], "all_evidence": [[25350, 31266, "Garden_State_-LRB-film-RRB-", 6], [26647, 32708, "Garden_State_-LRB-film-RRB-", 6], [28971, 35350, "Garden_State_-LRB-film-RRB-", 6], [302663, 293654, "Garden_State_-LRB-film-RRB-", 6], [304206, 295049, "Garden_State_-LRB-film-RRB-", 6], [304552, 295372, "Garden_State_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85474, 97807, "Stephen_Hillenburg", 4]]], "all_evidence": [[85474, 97807, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78478, 90009, "Touchscreen", 9]], [[78478, 90010, "Touchscreen", 11]]], "all_evidence": [[78478, 90009, "Touchscreen", 9], [78478, 90010, "Touchscreen", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23343, 28760, "Janelle_Mona\u0301e", 0]], [[23343, 28761, "Janelle_Mona\u0301e", 4]], [[23343, 28762, "Janelle_Mona\u0301e", 1]]], "all_evidence": [[23343, 28760, "Janelle_Mona\u0301e", 0], [23343, 28761, "Janelle_Mona\u0301e", 4], [23343, 28762, "Janelle_Mona\u0301e", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228445, null, null, null], [228446, null, null, null]]], "all_evidence": [[228445, null, null, null], [228446, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122248, 136523, "Bessie_Smith", 0]]], "all_evidence": [[122248, 136523, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222954, 228053, "Marjorie_Gross", 0]], [[222954, 228054, "Marjorie_Gross", 1]]], "all_evidence": [[222954, 228053, "Marjorie_Gross", 0], [222954, 228054, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28632, 34983, "Anushka_Sharma", 7]]], "all_evidence": [[28632, 34983, "Anushka_Sharma", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[271143, null, null, null]]], "all_evidence": [[271143, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223870, 228789, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223870, 228789, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185729, 197498, "Gal_Gadot", 4]]], "all_evidence": [[185729, 197498, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31958, null, null, null]]], "all_evidence": [[31958, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166156, null, null, null]]], "all_evidence": [[166156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112539, 126367, "Jamie_Murray", 16]]], "all_evidence": [[112539, 126367, "Jamie_Murray", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210951, 218618, "Mogadishu", 0]]], "all_evidence": [[210951, 218618, "Mogadishu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225480, null, null, null]]], "all_evidence": [[225480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227774, 232135, "Tilda_Swinton", 0]]], "all_evidence": [[227774, 232135, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99688, 112827, "TakePart", 0]]], "all_evidence": [[99688, 112827, "TakePart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257333, 256354, "Calcaneal_spur", 1]]], "all_evidence": [[257333, 256354, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241391, 242929, "Brad_Wilk", 4]]], "all_evidence": [[241391, 242929, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245437, 246247, "Mel_B", 5], [245437, 246247, "I_Want_You_Back_-LRB-Mel_B_song-RRB-", 0]]], "all_evidence": [[245437, 246247, "Mel_B", 5], [245437, 246247, "I_Want_You_Back_-LRB-Mel_B_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233038, 236042, "Saturn", 0]]], "all_evidence": [[233038, 236042, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126646, 141065, "The_Mighty_Ducks", 0]]], "all_evidence": [[126646, 141065, "The_Mighty_Ducks", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29731, 36234, "Human_trafficking", 0]]], "all_evidence": [[29731, 36234, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198854, 208562, "The_King_and_I", 1], [198854, 208562, "Margaret_Landon", 0]]], "all_evidence": [[198854, 208562, "The_King_and_I", 1], [198854, 208562, "Margaret_Landon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206697, null, null, null]]], "all_evidence": [[206697, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238963, 240922, "Despicable_Me_2", 1]]], "all_evidence": [[238963, 240922, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13914, 17419, "Tiber_Oil_Field", 1]]], "all_evidence": [[13914, 17419, "Tiber_Oil_Field", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260702, 259031, "Valencia", 0]], [[260704, 259032, "Valencia", 0]]], "all_evidence": [[260702, 259031, "Valencia", 0], [260704, 259032, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232016, 235304, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232016, 235304, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36783, 44425, "Yara_Shahidi", 0]]], "all_evidence": [[36783, 44425, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203001, 212128, "Christian_Gottlob_Neefe", 0]], [[203005, 212130, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[203001, 212128, "Christian_Gottlob_Neefe", 0], [203005, 212130, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239358, 241238, "Lockheed_Martin", 4], [239358, 241238, "Marillyn_Hewson", 0]], [[239360, 241240, "Lockheed_Martin", 4], [239360, 241240, "Marillyn_Hewson", 0]], [[239362, 241242, "Lockheed_Martin", 4], [239362, 241242, "Marillyn_Hewson", 0]], [[239380, 241253, "Lockheed_Martin", 4], [239380, 241253, "Marillyn_Hewson", 0]]], "all_evidence": [[239358, 241238, "Lockheed_Martin", 4], [239358, 241238, "Marillyn_Hewson", 0], [239360, 241240, "Lockheed_Martin", 4], [239360, 241240, "Marillyn_Hewson", 0], [239362, 241242, "Lockheed_Martin", 4], [239362, 241242, "Marillyn_Hewson", 0], [239380, 241253, "Lockheed_Martin", 4], [239380, 241253, "Marillyn_Hewson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47902, 57204, "Shane_McMahon", 10]]], "all_evidence": [[47902, 57204, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116929, null, null, null]]], "all_evidence": [[116929, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191462, 202320, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191462, 202320, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81374, null, null, null]]], "all_evidence": [[81374, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112081, null, null, null]]], "all_evidence": [[112081, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146446, null, null, null]]], "all_evidence": [[146446, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55345, null, null, null], [57692, null, null, null], [60655, null, null, null], [303089, null, null, null], [303095, null, null, null]]], "all_evidence": [[55345, null, null, null], [57692, null, null, null], [60655, null, null, null], [303089, null, null, null], [303095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35070, 42524, "Indian_Army", 16]]], "all_evidence": [[35070, 42524, "Indian_Army", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104019, null, null, null]]], "all_evidence": [[104019, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219127, null, null, null]]], "all_evidence": [[219127, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168612, null, null, null], [170751, null, null, null], [172908, null, null, null], [312534, null, null, null], [313678, null, null, null], [313680, null, null, null]]], "all_evidence": [[168612, null, null, null], [170751, null, null, null], [172908, null, null, null], [312534, null, null, null], [313678, null, null, null], [313680, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262160, 260209, "Bullitt", 0]]], "all_evidence": [[262160, 260209, "Bullitt", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49644, 59043, "Mick_Thomson", 1]]], "all_evidence": [[49644, 59043, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36504, 44110, "Black_Canary", 0], [36504, 44110, "DC_Comics", 0]]], "all_evidence": [[36504, 44110, "Black_Canary", 0], [36504, 44110, "DC_Comics", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186105, 198009, "Baz_Luhrmann", 2], [186105, 198009, "Hugh_Jackman", 0]]], "all_evidence": [[186105, 198009, "Baz_Luhrmann", 2], [186105, 198009, "Hugh_Jackman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113093, 126934, "Kesha", 0]]], "all_evidence": [[113093, 126934, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25801, null, null, null], [300496, null, null, null]]], "all_evidence": [[25801, null, null, null], [300496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148404, 163419, "Fist_of_Legend", 2]]], "all_evidence": [[148404, 163419, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255561, null, null, null]]], "all_evidence": [[255561, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39979, null, null, null]]], "all_evidence": [[39979, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25272, 31164, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]], [[299958, 291282, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]], "all_evidence": [[25272, 31164, "No_Country_for_Old_Men_-LRB-film-RRB-", 8], [299958, 291282, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105244, 118665, "Angela_Bassett", 6]]], "all_evidence": [[105244, 118665, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113453, 127316, "Johnny_Galecki", 1]]], "all_evidence": [[113453, 127316, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238533, null, null, null]]], "all_evidence": [[238533, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88481, 101102, "Wish_Upon", 0]]], "all_evidence": [[88481, 101102, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80014, null, null, null]]], "all_evidence": [[80014, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235597, null, null, null]]], "all_evidence": [[235597, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13805, 17291, "Jenna_Jameson", 12]]], "all_evidence": [[13805, 17291, "Jenna_Jameson", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84737, 96949, "Murda_Beatz", 0]]], "all_evidence": [[84737, 96949, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166633, 180440, "A_Milli", 0]], [[166633, 180441, "A_Milli", 1]]], "all_evidence": [[166633, 180440, "A_Milli", 0], [166633, 180441, "A_Milli", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274875, null, null, null], [277632, null, null, null], [323897, null, null, null], [323899, null, null, null], [323902, null, null, null], [323903, null, null, null], [323904, null, null, null], [323906, null, null, null]]], "all_evidence": [[274875, null, null, null], [277632, null, null, null], [323897, null, null, null], [323899, null, null, null], [323902, null, null, null], [323903, null, null, null], [323904, null, null, null], [323906, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263221, 260956, "A&E_-LRB-TV_channel-RRB-", 0]], [[263233, 260962, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263221, 260956, "A&E_-LRB-TV_channel-RRB-", 0], [263233, 260962, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15884, null, null, null]]], "all_evidence": [[15884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129947, 144654, "Shadowhunters", 5]]], "all_evidence": [[129947, 144654, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144110, null, null, null], [144114, null, null, null]]], "all_evidence": [[144110, null, null, null], [144114, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178132, null, null, null]]], "all_evidence": [[178132, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158295, null, null, null]]], "all_evidence": [[158295, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49069, null, null, null]]], "all_evidence": [[49069, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93760, null, null, null]]], "all_evidence": [[93760, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171040, null, null, null]]], "all_evidence": [[171040, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89144, 101827, "The_Bahamas", 0]], [[89144, 101828, "The_Bahamas", 1]], [[89144, 101829, "The_Bahamas", 13]], [[89144, 101830, "The_Bahamas", 21], [89144, 101830, "Commonwealth_realm", 0]], [[89144, 101831, "The_Bahamas", 22]]], "all_evidence": [[89144, 101827, "The_Bahamas", 0], [89144, 101828, "The_Bahamas", 1], [89144, 101829, "The_Bahamas", 13], [89144, 101830, "The_Bahamas", 21], [89144, 101830, "Commonwealth_realm", 0], [89144, 101831, "The_Bahamas", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88518, 101135, "Wish_Upon", 0]]], "all_evidence": [[88518, 101135, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275260, null, null, null], [275312, null, null, null], [324311, null, null, null]]], "all_evidence": [[275260, null, null, null], [275312, null, null, null], [324311, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222200, null, null, null], [222204, null, null, null]]], "all_evidence": [[222200, null, null, null], [222204, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227757, 232097, "Tilda_Swinton", 0]]], "all_evidence": [[227757, 232097, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206691, null, null, null]]], "all_evidence": [[206691, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17658, null, null, null]]], "all_evidence": [[17658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20073, 24629, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[20073, 24629, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208603, null, null, null]]], "all_evidence": [[208603, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221730, 227294, "Matthias_Corvinus", 31], [221730, 227294, "Bibliotheca_Corviniana", 0]]], "all_evidence": [[221730, 227294, "Matthias_Corvinus", 31], [221730, 227294, "Bibliotheca_Corviniana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136988, 151822, "Raees_-LRB-film-RRB-", 1]]], "all_evidence": [[136988, 151822, "Raees_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90286, 103040, "Guillermo_del_Toro", 0]]], "all_evidence": [[90286, 103040, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18600, null, null, null]]], "all_evidence": [[18600, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191487, null, null, null]]], "all_evidence": [[191487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42350, 50954, "Heavy_metal_music", 0]]], "all_evidence": [[42350, 50954, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211986, 219592, "Saturn_Corporation", 0]]], "all_evidence": [[211986, 219592, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66453, 77295, "Harold_Macmillan", 0]]], "all_evidence": [[66453, 77295, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[297911, 289479, "Renato_Balestra", 3]], [[300090, 291378, "Renato_Balestra", 3]], [[342813, 326714, "Renato_Balestra", 3]]], "all_evidence": [[297911, 289479, "Renato_Balestra", 3], [300090, 291378, "Renato_Balestra", 3], [342813, 326714, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60789, 71269, "Rachel_Green", 0], [60789, 71269, "Friends", 0]]], "all_evidence": [[60789, 71269, "Rachel_Green", 0], [60789, 71269, "Friends", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219124, 225227, "The_Sterile_Cuckoo", 3], [219124, 225227, "John_Nichols_-LRB-writer-RRB-", 0]]], "all_evidence": [[219124, 225227, "The_Sterile_Cuckoo", 3], [219124, 225227, "John_Nichols_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255982, null, null, null], [255984, null, null, null]]], "all_evidence": [[255982, null, null, null], [255984, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148819, 163864, "Julianne_Moore", 5], [148819, 163864, "As_the_World_Turns", 0]]], "all_evidence": [[148819, 163864, "Julianne_Moore", 5], [148819, 163864, "As_the_World_Turns", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185924, 197702, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [185924, 197702, "Rock_Band_3", 0]]], "all_evidence": [[185924, 197702, "Numb_-LRB-Linkin_Park_song-RRB-", 12], [185924, 197702, "Rock_Band_3", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148923, null, null, null]]], "all_evidence": [[148923, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248554, 248713, "In_a_Lonely_Place", 1]]], "all_evidence": [[248554, 248713, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191664, 202482, "Anne_Rice", 5], [191664, 202482, "New_Orleans", 0]]], "all_evidence": [[191664, 202482, "Anne_Rice", 5], [191664, 202482, "New_Orleans", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248553, 248712, "Tie_Your_Mother_Down", 2]]], "all_evidence": [[248553, 248712, "Tie_Your_Mother_Down", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211283, 218995, "Mogadishu", 0]]], "all_evidence": [[211283, 218995, "Mogadishu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191696, null, null, null]]], "all_evidence": [[191696, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214787, 221781, "Premam", 0]]], "all_evidence": [[214787, 221781, "Premam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150722, 165574, "Henry_VIII_-LRB-TV_serial-RRB-", 6], [150722, 165574, "Helena_Bonham_Carter", 0]]], "all_evidence": [[150722, 165574, "Henry_VIII_-LRB-TV_serial-RRB-", 6], [150722, 165574, "Helena_Bonham_Carter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172457, 185758, "Microbiologist", 14]], [[174199, 187409, "Microbiologist", 14]], [[175798, 188770, "Microbiologist", 7]], [[312924, 302648, "Microbiologist", 14]], [[313827, 303320, "Microbiologist", 14]], [[313829, 303321, "Microbiologist", 7]]], "all_evidence": [[172457, 185758, "Microbiologist", 14], [174199, 187409, "Microbiologist", 14], [175798, 188770, "Microbiologist", 7], [312924, 302648, "Microbiologist", 14], [313827, 303320, "Microbiologist", 14], [313829, 303321, "Microbiologist", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191497, null, null, null]]], "all_evidence": [[191497, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291274, 284225, "Danger_UXB", 0]], [[293427, 285968, "Danger_UXB", 0]], [[337249, 322641, "Danger_UXB", 0]], [[337251, 322642, "Danger_UXB", 0]], [[337254, 322644, "Danger_UXB", 0]]], "all_evidence": [[291274, 284225, "Danger_UXB", 0], [293427, 285968, "Danger_UXB", 0], [337249, 322641, "Danger_UXB", 0], [337251, 322642, "Danger_UXB", 0], [337254, 322644, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30303, 36900, "Aaron_Burr", 9], [30303, 36900, "Burr\u2013Hamilton_duel", 0]]], "all_evidence": [[30303, 36900, "Aaron_Burr", 9], [30303, 36900, "Burr\u2013Hamilton_duel", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103734, 117201, "Michael_B._Jordan", 0]]], "all_evidence": [[103734, 117201, "Michael_B._Jordan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122766, 137054, "Duane_Chapman", 0]]], "all_evidence": [[122766, 137054, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113052, null, null, null]]], "all_evidence": [[113052, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62532, 73154, "Yale_University", 23]]], "all_evidence": [[62532, 73154, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214447, 221493, "Philomena_-LRB-film-RRB-", 0]], [[214447, 221494, "Philomena_-LRB-film-RRB-", 2]], [[214447, 221495, "Philomena_-LRB-film-RRB-", 8]], [[219859, 225770, "Philomena_-LRB-film-RRB-", 0]], [[317458, 306492, "Philomena_-LRB-film-RRB-", 0]], [[317463, 306495, "Philomena_-LRB-film-RRB-", 0]], [[317463, 306496, "Philomena_-LRB-film-RRB-", 2]], [[317463, 306497, "Philomena_-LRB-film-RRB-", 3]], [[317463, 306498, "Philomena_-LRB-film-RRB-", 4]], [[317463, 306499, "Philomena_-LRB-film-RRB-", 5]], [[317463, 306500, "Philomena_-LRB-film-RRB-", 8]], [[317463, 306501, "Philomena_-LRB-film-RRB-", 9], [317463, 306501, "British_Academy_Film_Awards", 0]]], "all_evidence": [[214447, 221493, "Philomena_-LRB-film-RRB-", 0], [214447, 221494, "Philomena_-LRB-film-RRB-", 2], [214447, 221495, "Philomena_-LRB-film-RRB-", 8], [219859, 225770, "Philomena_-LRB-film-RRB-", 0], [317458, 306492, "Philomena_-LRB-film-RRB-", 0], [317463, 306495, "Philomena_-LRB-film-RRB-", 0], [317463, 306496, "Philomena_-LRB-film-RRB-", 2], [317463, 306497, "Philomena_-LRB-film-RRB-", 3], [317463, 306498, "Philomena_-LRB-film-RRB-", 4], [317463, 306499, "Philomena_-LRB-film-RRB-", 5], [317463, 306500, "Philomena_-LRB-film-RRB-", 8], [317463, 306501, "Philomena_-LRB-film-RRB-", 9], [317463, 306501, "British_Academy_Film_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183970, 195950, "Dan_O'Bannon", 0]]], "all_evidence": [[183970, 195950, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120118, null, null, null]]], "all_evidence": [[120118, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161175, 175682, "Mary_of_Teck", 12]]], "all_evidence": [[161175, 175682, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227634, null, null, null]]], "all_evidence": [[227634, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257346, null, null, null]]], "all_evidence": [[257346, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132613, null, null, null]]], "all_evidence": [[132613, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180626, 193053, "Kuching", 0]]], "all_evidence": [[180626, 193053, "Kuching", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206702, null, null, null]]], "all_evidence": [[206702, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208625, null, null, null], [208631, null, null, null]]], "all_evidence": [[208625, null, null, null], [208631, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198857, null, null, null]]], "all_evidence": [[198857, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44983, 53685, "Angela_Bassett", 6]]], "all_evidence": [[44983, 53685, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275194, null, null, null], [277105, null, null, null], [325642, null, null, null]]], "all_evidence": [[275194, null, null, null], [277105, null, null, null], [325642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216061, 222779, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216061, 222779, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279383, 274008, "Connie_Nielsen", 2]], [[281125, 275511, "Connie_Nielsen", 2]], [[283209, 277281, "Connie_Nielsen", 2]], [[327657, 314876, "Connie_Nielsen", 2]]], "all_evidence": [[279383, 274008, "Connie_Nielsen", 2], [281125, 275511, "Connie_Nielsen", 2], [283209, 277281, "Connie_Nielsen", 2], [327657, 314876, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219105, 225212, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219105, 225212, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75481, 86734, "Black_Canary", 0]]], "all_evidence": [[75481, 86734, "Black_Canary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150594, 165459, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[150594, 165459, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119448, 133456, "Carlos_Santana", 3]]], "all_evidence": [[119448, 133456, "Carlos_Santana", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241253, 242793, "Cretaceous", 0]], [[241253, 242794, "Cretaceous", 1]], [[241253, 242795, "Cretaceous", 5]]], "all_evidence": [[241253, 242793, "Cretaceous", 0], [241253, 242794, "Cretaceous", 1], [241253, 242795, "Cretaceous", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237651, null, null, null]]], "all_evidence": [[237651, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188643, 200097, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188643, 200097, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228149, 232400, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228149, 232400, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32242, 39185, "Naples", 34], [32242, 39185, "Pompeii", 0]]], "all_evidence": [[32242, 39185, "Naples", 34], [32242, 39185, "Pompeii", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239275, 241184, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239275, 241184, "Avenged_Sevenfold", 0]], [[239282, 241190, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239282, 241190, "Avenged_Sevenfold", 0]]], "all_evidence": [[239275, 241184, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239275, 241184, "Avenged_Sevenfold", 0], [239282, 241190, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239282, 241190, "Avenged_Sevenfold", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141060, null, null, null]]], "all_evidence": [[141060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257047, 256109, "Chagatai_language", 0]]], "all_evidence": [[257047, 256109, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37444, null, null, null]]], "all_evidence": [[37444, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29375, 35845, "Harris_Jayaraj", 0]]], "all_evidence": [[29375, 35845, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43200, 51828, "Fidel_Castro", 20], [43200, 51828, "Rau\u0301l_Castro", 7]]], "all_evidence": [[43200, 51828, "Fidel_Castro", 20], [43200, 51828, "Rau\u0301l_Castro", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205355, 213955, "Dub_music", 0]]], "all_evidence": [[205355, 213955, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92165, 104940, "South_African_Communist_Party", 2]]], "all_evidence": [[92165, 104940, "South_African_Communist_Party", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18472, 22662, "Eddie_Guerrero", 10]]], "all_evidence": [[18472, 22662, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17297, null, null, null], [19033, null, null, null], [20107, null, null, null], [301429, null, null, null], [302489, null, null, null], [304541, null, null, null]]], "all_evidence": [[17297, null, null, null], [19033, null, null, null], [20107, null, null, null], [301429, null, null, null], [302489, null, null, null], [304541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25136, 31017, "Battle_of_France", 0]]], "all_evidence": [[25136, 31017, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75142, null, null, null], [75159, null, null, null]]], "all_evidence": [[75142, null, null, null], [75159, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258701, null, null, null]]], "all_evidence": [[258701, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147367, null, null, null]]], "all_evidence": [[147367, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49013, 58355, "Trollhunters", 0]]], "all_evidence": [[49013, 58355, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198610, 208404, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198610, 208404, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100387, 113670, "Vedam_-LRB-film-RRB-", 0]], [[100387, 113671, "Vedam_-LRB-film-RRB-", 4]], [[103666, 117121, "Vedam_-LRB-film-RRB-", 0]], [[106337, 119777, "Vedam_-LRB-film-RRB-", 0]], [[307902, 298374, "Vedam_-LRB-film-RRB-", 0]], [[309127, 299401, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[100387, 113670, "Vedam_-LRB-film-RRB-", 0], [100387, 113671, "Vedam_-LRB-film-RRB-", 4], [103666, 117121, "Vedam_-LRB-film-RRB-", 0], [106337, 119777, "Vedam_-LRB-film-RRB-", 0], [307902, 298374, "Vedam_-LRB-film-RRB-", 0], [309127, 299401, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191989, null, null, null]]], "all_evidence": [[191989, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94061, 107052, "The_Mod_Squad", 0]]], "all_evidence": [[94061, 107052, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218152, 224517, "Bermuda_Triangle", 0]]], "all_evidence": [[218152, 224517, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153846, 168690, "Noah_Cyrus", 4]], [[153848, 168691, "Noah_Cyrus", 4]]], "all_evidence": [[153846, 168690, "Noah_Cyrus", 4], [153848, 168691, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34195, 41459, "Mohra", 4], [34195, 41459, "Filmfare", 0]]], "all_evidence": [[34195, 41459, "Mohra", 4], [34195, 41459, "Filmfare", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218167, 224526, "Bermuda_Triangle", 0]]], "all_evidence": [[218167, 224526, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92576, 105340, "Shawn_Carlson", 0]]], "all_evidence": [[92576, 105340, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227794, null, null, null]]], "all_evidence": [[227794, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194295, 204674, "Drake_Bell", 18]]], "all_evidence": [[194295, 204674, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182020, 194303, "Bessie_Smith", 0]], [[182020, 194304, "Bessie_Smith", 1]]], "all_evidence": [[182020, 194303, "Bessie_Smith", 0], [182020, 194304, "Bessie_Smith", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133343, null, null, null]]], "all_evidence": [[133343, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11962, null, null, null]]], "all_evidence": [[11962, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97476, 110647, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[97476, 110647, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129138, 143923, "Danny_Brown", 0], [129138, 143923, "Michigan", 0]]], "all_evidence": [[129138, 143923, "Danny_Brown", 0], [129138, 143923, "Michigan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140771, 155903, "Mike_Huckabee", 7]], [[140772, 155904, "Mike_Huckabee", 7]], [[140773, 155906, "Mike_Huckabee", 7]], [[140774, 155905, "Mike_Huckabee", 7]], [[140775, 155907, "Mike_Huckabee", 7]], [[140776, 155908, "Mike_Huckabee", 7]], [[140777, 155909, "Mike_Huckabee", 7]], [[140778, 155910, "Mike_Huckabee", 7]], [[140779, 155911, "Mike_Huckabee", 7]], [[140780, 155912, "Mike_Huckabee", 7]], [[140781, 155913, "Mike_Huckabee", 7]], [[140782, 155914, "Mike_Huckabee", 7]], [[140783, 155915, "Mike_Huckabee", 7]], [[140784, 155916, "Mike_Huckabee", 7]], [[140785, 155917, "Mike_Huckabee", 7]], [[140786, 155918, "Mike_Huckabee", 7]]], "all_evidence": [[140771, 155903, "Mike_Huckabee", 7], [140772, 155904, "Mike_Huckabee", 7], [140773, 155906, "Mike_Huckabee", 7], [140774, 155905, "Mike_Huckabee", 7], [140775, 155907, "Mike_Huckabee", 7], [140776, 155908, "Mike_Huckabee", 7], [140777, 155909, "Mike_Huckabee", 7], [140778, 155910, "Mike_Huckabee", 7], [140779, 155911, "Mike_Huckabee", 7], [140780, 155912, "Mike_Huckabee", 7], [140781, 155913, "Mike_Huckabee", 7], [140782, 155914, "Mike_Huckabee", 7], [140783, 155915, "Mike_Huckabee", 7], [140784, 155916, "Mike_Huckabee", 7], [140785, 155917, "Mike_Huckabee", 7], [140786, 155918, "Mike_Huckabee", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190024, null, null, null]]], "all_evidence": [[190024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251004, 250972, "Brick_-LRB-film-RRB-", 0]], [[251004, 250973, "Brick_-LRB-film-RRB-", 4]], [[251004, 250974, "Brick_-LRB-film-RRB-", 6]], [[251004, 250975, "Brick_-LRB-film-RRB-", 10]]], "all_evidence": [[251004, 250972, "Brick_-LRB-film-RRB-", 0], [251004, 250973, "Brick_-LRB-film-RRB-", 4], [251004, 250974, "Brick_-LRB-film-RRB-", 6], [251004, 250975, "Brick_-LRB-film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234936, 237717, "Tijuana", 0], [234936, 237717, "Baja_California_Peninsula", 0]]], "all_evidence": [[234936, 237717, "Tijuana", 0], [234936, 237717, "Baja_California_Peninsula", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144723, 159733, "TakePart", 0]]], "all_evidence": [[144723, 159733, "TakePart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133425, 148292, "PacSun", 1]], [[133426, 148293, "PacSun", 1]], [[133427, 148294, "PacSun", 1]], [[309250, 299497, "PacSun", 1]]], "all_evidence": [[133425, 148292, "PacSun", 1], [133426, 148293, "PacSun", 1], [133427, 148294, "PacSun", 1], [309250, 299497, "PacSun", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111354, null, null, null]]], "all_evidence": [[111354, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48431, 57756, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[48431, 57756, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16592, null, null, null]]], "all_evidence": [[16592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137306, null, null, null]]], "all_evidence": [[137306, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175331, 188309, "Wish_Upon", 2]]], "all_evidence": [[175331, 188309, "Wish_Upon", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269603, 265887, "Richard_Dawkins", 16]]], "all_evidence": [[269603, 265887, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129498, 144241, "Appropriation_-LRB-art-RRB-", 0]]], "all_evidence": [[129498, 144241, "Appropriation_-LRB-art-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40438, 48657, "The_Road_to_El_Dorado", 2], [40438, 48657, "Edward_James_Olmos", 0], [40438, 48657, "Jim_Cummings", 0], [40438, 48657, "Armand_Assante", 0], [40438, 48657, "Kenneth_Branagh", 0], [40438, 48657, "Kevin_Kline", 0]], [[43504, 52157, "The_Road_to_El_Dorado", 2], [43504, 52157, "Edward_James_Olmos", 0], [43504, 52157, "Tobin_Bell", 0], [43504, 52157, "Jim_Cummings", 0], [43504, 52157, "Rosie_Perez", 0], [43504, 52157, "Armand_Assante", 0], [43504, 52157, "Kenneth_Branagh", 0], [43504, 52157, "Kevin_Kline", 0]], [[45745, 54610, "The_Road_to_El_Dorado", 2], [45745, 54610, "Edward_James_Olmos", 0], [45745, 54610, "Jim_Cummings", 0], [45745, 54610, "Armand_Assante", 0], [45745, 54610, "Kenneth_Branagh", 0]], [[302105, 293158, "The_Road_to_El_Dorado", 2]], [[302106, 293159, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[40438, 48657, "The_Road_to_El_Dorado", 2], [40438, 48657, "Edward_James_Olmos", 0], [40438, 48657, "Jim_Cummings", 0], [40438, 48657, "Armand_Assante", 0], [40438, 48657, "Kenneth_Branagh", 0], [40438, 48657, "Kevin_Kline", 0], [43504, 52157, "The_Road_to_El_Dorado", 2], [43504, 52157, "Edward_James_Olmos", 0], [43504, 52157, "Tobin_Bell", 0], [43504, 52157, "Jim_Cummings", 0], [43504, 52157, "Rosie_Perez", 0], [43504, 52157, "Armand_Assante", 0], [43504, 52157, "Kenneth_Branagh", 0], [43504, 52157, "Kevin_Kline", 0], [45745, 54610, "The_Road_to_El_Dorado", 2], [45745, 54610, "Edward_James_Olmos", 0], [45745, 54610, "Jim_Cummings", 0], [45745, 54610, "Armand_Assante", 0], [45745, 54610, "Kenneth_Branagh", 0], [302105, 293158, "The_Road_to_El_Dorado", 2], [302106, 293159, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114937, null, null, null]]], "all_evidence": [[114937, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38641, 46603, "Nicholas_Brody", 1]]], "all_evidence": [[38641, 46603, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46795, null, null, null]]], "all_evidence": [[46795, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208088, null, null, null]]], "all_evidence": [[208088, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260875, null, null, null]]], "all_evidence": [[260875, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99371, 112492, "The_Mighty_Ducks", 1]]], "all_evidence": [[99371, 112492, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184396, 196293, "Christa_McAuliffe", 4]]], "all_evidence": [[184396, 196293, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88294, 100903, "Fred_Armisen", 0]], [[88294, 100904, "Fred_Armisen", 1], [88294, 100904, "Saturday_Night_Live", 0]]], "all_evidence": [[88294, 100903, "Fred_Armisen", 0], [88294, 100904, "Fred_Armisen", 1], [88294, 100904, "Saturday_Night_Live", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171764, 185250, "Duane_Chapman", 0]], [[171764, 185251, "Duane_Chapman", 1], [171764, 185251, "Dog_the_Bounty_Hunter", 0]]], "all_evidence": [[171764, 185250, "Duane_Chapman", 0], [171764, 185251, "Duane_Chapman", 1], [171764, 185251, "Dog_the_Bounty_Hunter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77060, 88464, "The_Mighty_Ducks", 1], [77060, 88464, "Walt_Disney_Pictures", 0]]], "all_evidence": [[77060, 88464, "The_Mighty_Ducks", 1], [77060, 88464, "Walt_Disney_Pictures", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129651, null, null, null]]], "all_evidence": [[129651, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22996, 28336, "Leonard_Nimoy", 10]]], "all_evidence": [[22996, 28336, "Leonard_Nimoy", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[252369, 252165, "Harvard_University", 3]]], "all_evidence": [[252369, 252165, "Harvard_University", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157768, 172355, "Humphrey_Bogart", 17]], [[313287, 302938, "Humphrey_Bogart", 10]], [[313287, 302939, "Humphrey_Bogart", 11]]], "all_evidence": [[157768, 172355, "Humphrey_Bogart", 17], [313287, 302938, "Humphrey_Bogart", 10], [313287, 302939, "Humphrey_Bogart", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218555, 224813, "Diana,_Princess_of_Wales", 9], [218555, 224813, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 6]]], "all_evidence": [[218555, 224813, "Diana,_Princess_of_Wales", 9], [218555, 224813, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168191, 181944, "AMGTV", 0]]], "all_evidence": [[168191, 181944, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51809, 61643, "Match_Point", 0]]], "all_evidence": [[51809, 61643, "Match_Point", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251704, 251515, "Mary-Kate_and_Ashley_Olsen", 0]], [[251705, 251516, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251704, 251515, "Mary-Kate_and_Ashley_Olsen", 0], [251705, 251516, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231183, 234713, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231183, 234713, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194111, 204519, "Rick_Yune", 2]]], "all_evidence": [[194111, 204519, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129095, 143876, "Kelly_Preston", 1]], [[129097, 143877, "Kelly_Preston", 0]], [[129097, 143878, "Kelly_Preston", 1]], [[129097, 143880, "Kelly_Preston", 3]]], "all_evidence": [[129095, 143876, "Kelly_Preston", 1], [129097, 143877, "Kelly_Preston", 0], [129097, 143878, "Kelly_Preston", 1], [129097, 143880, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31906, 38712, "Stan_Beeman", 0]]], "all_evidence": [[31906, 38712, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78288, 89819, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[78288, 89819, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69304, 80084, "X-Men-COLON-_Apocalypse", 0]], [[69304, 80085, "X-Men-COLON-_Apocalypse", 1]], [[69304, 80086, "X-Men-COLON-_Apocalypse", 2]], [[69304, 80087, "X-Men-COLON-_Apocalypse", 8]], [[69304, 80088, "X-Men-COLON-_Apocalypse", 10]]], "all_evidence": [[69304, 80084, "X-Men-COLON-_Apocalypse", 0], [69304, 80085, "X-Men-COLON-_Apocalypse", 1], [69304, 80086, "X-Men-COLON-_Apocalypse", 2], [69304, 80087, "X-Men-COLON-_Apocalypse", 8], [69304, 80088, "X-Men-COLON-_Apocalypse", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241706, 243226, "Rio_-LRB-2011_film-RRB-", 0]], [[241706, 243227, "Rio_-LRB-2011_film-RRB-", 15]]], "all_evidence": [[241706, 243226, "Rio_-LRB-2011_film-RRB-", 0], [241706, 243227, "Rio_-LRB-2011_film-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41357, 49711, "The_Gifted_-LRB-TV_series-RRB-", 0]], [[41357, 49712, "The_Gifted_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[41357, 49711, "The_Gifted_-LRB-TV_series-RRB-", 0], [41357, 49712, "The_Gifted_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231988, 235288, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231988, 235288, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101139, 114394, "Indian_Army", 16]]], "all_evidence": [[101139, 114394, "Indian_Army", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61087, 71548, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[61087, 71548, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237562, null, null, null]]], "all_evidence": [[237562, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284552, null, null, null], [331861, null, null, null]]], "all_evidence": [[284552, null, null, null], [331861, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92269, null, null, null]]], "all_evidence": [[92269, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14824, 18453, "Wilhelmina_Slater", 0], [14824, 18453, "Ugly_Betty", 0]]], "all_evidence": [[14824, 18453, "Wilhelmina_Slater", 0], [14824, 18453, "Ugly_Betty", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241280, null, null, null]]], "all_evidence": [[241280, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135859, 150699, "Janet_Leigh", 0]]], "all_evidence": [[135859, 150699, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12088, null, null, null]]], "all_evidence": [[12088, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176797, 189730, "Daag_-LRB-1973_film-RRB-", 0], [176797, 189730, "Bollywood", 0]]], "all_evidence": [[176797, 189730, "Daag_-LRB-1973_film-RRB-", 0], [176797, 189730, "Bollywood", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21368, 26250, "Harris_Jayaraj", 0]]], "all_evidence": [[21368, 26250, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85073, 97347, "Randy_Savage", 0]]], "all_evidence": [[85073, 97347, "Randy_Savage", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215811, 222589, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215811, 222589, "Charles_Durning", 0]]], "all_evidence": [[215811, 222589, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215811, 222589, "Charles_Durning", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80046, null, null, null]]], "all_evidence": [[80046, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199107, 208787, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199107, 208787, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164158, 178412, "Jens_Stoltenberg", 0]]], "all_evidence": [[164158, 178412, "Jens_Stoltenberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171535, 185009, "Colombiana", 0]], [[171540, 185011, "Colombiana", 0]]], "all_evidence": [[171535, 185009, "Colombiana", 0], [171540, 185011, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138318, 153326, "Humphrey_Bogart", 0]], [[138318, 153327, "Humphrey_Bogart", 3]], [[138318, 153328, "Humphrey_Bogart", 6]], [[138318, 153329, "Humphrey_Bogart", 9], [138318, 153329, "Leading_man", 0]], [[138318, 153330, "Humphrey_Bogart", 10]], [[138318, 153331, "Humphrey_Bogart", 11], [138318, 153331, "To_Have_and_Have_Not_-LRB-film-RRB-", 1]], [[138318, 153332, "Humphrey_Bogart", 12], [138318, 153332, "The_Harder_They_Fall", 0]], [[138318, 153333, "Humphrey_Bogart", 15]], [[138318, 153334, "Humphrey_Bogart", 17], [138318, 153334, "Academy_Award_for_Best_Actor", 1]]], "all_evidence": [[138318, 153326, "Humphrey_Bogart", 0], [138318, 153327, "Humphrey_Bogart", 3], [138318, 153328, "Humphrey_Bogart", 6], [138318, 153329, "Humphrey_Bogart", 9], [138318, 153329, "Leading_man", 0], [138318, 153330, "Humphrey_Bogart", 10], [138318, 153331, "Humphrey_Bogart", 11], [138318, 153331, "To_Have_and_Have_Not_-LRB-film-RRB-", 1], [138318, 153332, "Humphrey_Bogart", 12], [138318, 153332, "The_Harder_They_Fall", 0], [138318, 153333, "Humphrey_Bogart", 15], [138318, 153334, "Humphrey_Bogart", 17], [138318, 153334, "Academy_Award_for_Best_Actor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73853, 85094, "Colombiana", 0]]], "all_evidence": [[73853, 85094, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251702, null, null, null]]], "all_evidence": [[251702, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180779, null, null, null]]], "all_evidence": [[180779, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158990, 173608, "Michigan", 2]], [[158990, 173609, "Michigan", 4]]], "all_evidence": [[158990, 173608, "Michigan", 2], [158990, 173609, "Michigan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116721, null, null, null]]], "all_evidence": [[116721, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16320, null, null, null]]], "all_evidence": [[16320, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239344, 241231, "Lockheed_Martin", 4]], [[239345, 241232, "Lockheed_Martin", 4]]], "all_evidence": [[239344, 241231, "Lockheed_Martin", 4], [239345, 241232, "Lockheed_Martin", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193487, null, null, null]]], "all_evidence": [[193487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234502, 237365, "Boyhood_-LRB-film-RRB-", 2]]], "all_evidence": [[234502, 237365, "Boyhood_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181722, 193970, "Microbiologist", 14]]], "all_evidence": [[181722, 193970, "Microbiologist", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237483, 239690, "North_Vietnam", 0]]], "all_evidence": [[237483, 239690, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218170, 224527, "Bermuda_Triangle", 0]]], "all_evidence": [[218170, 224527, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211607, 219266, "Forceps", 0]]], "all_evidence": [[211607, 219266, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61569, 72078, "Augustus", 10]], [[61569, 72079, "Augustus", 41]]], "all_evidence": [[61569, 72078, "Augustus", 10], [61569, 72079, "Augustus", 41]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228721, null, null, null], [228746, null, null, null]]], "all_evidence": [[228721, null, null, null], [228746, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88944, 101582, "The_Daily_Show", 2]], [[88944, 101583, "The_Daily_Show", 15]]], "all_evidence": [[88944, 101582, "The_Daily_Show", 2], [88944, 101583, "The_Daily_Show", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29658, 36163, "YouTube", 15]], [[29662, 36167, "YouTube", 15], [29662, 36167, "Alexa_Internet", 0]]], "all_evidence": [[29658, 36163, "YouTube", 15], [29662, 36167, "YouTube", 15], [29662, 36167, "Alexa_Internet", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134052, null, null, null]]], "all_evidence": [[134052, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207983, null, null, null]]], "all_evidence": [[207983, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51813, 61648, "The_Bahamas", 0]]], "all_evidence": [[51813, 61648, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211270, null, null, null]]], "all_evidence": [[211270, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36631, 44255, "South_African_Communist_Party", 2]]], "all_evidence": [[36631, 44255, "South_African_Communist_Party", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195835, null, null, null]]], "all_evidence": [[195835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53071, 63016, "Carlos_Santana", 0]]], "all_evidence": [[53071, 63016, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33238, 40315, "Heavy_metal_music", 0]]], "all_evidence": [[33238, 40315, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119170, 133117, "Trollhunters", 0], [119170, 133117, "Guillermo_del_Toro", 0]]], "all_evidence": [[119170, 133117, "Trollhunters", 0], [119170, 133117, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93346, 106301, "Naples", 34]]], "all_evidence": [[93346, 106301, "Naples", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51413, 61137, "Philomena_-LRB-film-RRB-", 9]]], "all_evidence": [[51413, 61137, "Philomena_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54445, 64452, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[54445, 64452, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214309, 221392, "Ernest_Medina", 3]], [[214310, 221393, "Ernest_Medina", 1]], [[214311, 221394, "Ernest_Medina", 3]], [[214316, 221400, "Ernest_Medina", 3]]], "all_evidence": [[214309, 221392, "Ernest_Medina", 3], [214310, 221393, "Ernest_Medina", 1], [214311, 221394, "Ernest_Medina", 3], [214316, 221400, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51568, 61335, "Ann_Richards", 1], [51568, 61335, "Treasurer", 0]]], "all_evidence": [[51568, 61335, "Ann_Richards", 1], [51568, 61335, "Treasurer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82945, 94823, "Kerplunk_-LRB-album-RRB-", 2], [82945, 94823, "Kerplunk_-LRB-album-RRB-", 0]]], "all_evidence": [[82945, 94823, "Kerplunk_-LRB-album-RRB-", 2], [82945, 94823, "Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54502, 64499, "Monster", 0]]], "all_evidence": [[54502, 64499, "Monster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17346, null, null, null]]], "all_evidence": [[17346, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[278923, null, null, null], [280572, null, null, null], [280883, null, null, null], [280884, null, null, null]]], "all_evidence": [[278923, null, null, null], [280572, null, null, null], [280883, null, null, null], [280884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198039, 207983, "Dave_Gibbons", 0]]], "all_evidence": [[198039, 207983, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18773, 23004, "Aarhus", 0]]], "all_evidence": [[18773, 23004, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[280202, 274731, "The_100_-LRB-TV_series-RRB-", 4]], [[281762, 276073, "The_100_-LRB-TV_series-RRB-", 4]], [[281768, 276075, "The_100_-LRB-TV_series-RRB-", 4]], [[281769, 276076, "The_100_-LRB-TV_series-RRB-", 4]], [[329439, 316238, "The_100_-LRB-TV_series-RRB-", 4]], [[329441, 316239, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[280202, 274731, "The_100_-LRB-TV_series-RRB-", 4], [281762, 276073, "The_100_-LRB-TV_series-RRB-", 4], [281768, 276075, "The_100_-LRB-TV_series-RRB-", 4], [281769, 276076, "The_100_-LRB-TV_series-RRB-", 4], [329439, 316238, "The_100_-LRB-TV_series-RRB-", 4], [329441, 316239, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80281, 92079, "Highway_to_Heaven", 0]]], "all_evidence": [[80281, 92079, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161844, 176268, "Murda_Beatz", 0]]], "all_evidence": [[161844, 176268, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25465, 31390, "PacSun", 1]]], "all_evidence": [[25465, 31390, "PacSun", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89059, 101753, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]], "all_evidence": [[89059, 101753, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211993, 219597, "Saturn_Corporation", 0]]], "all_evidence": [[211993, 219597, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134894, 149791, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[134894, 149791, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211464, null, null, null]]], "all_evidence": [[211464, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152272, 167067, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[152272, 167067, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22803, 28102, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[22803, 28102, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227795, null, null, null]]], "all_evidence": [[227795, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88102, 100639, "TakePart", 0]], [[88102, 100640, "TakePart", 1]]], "all_evidence": [[88102, 100639, "TakePart", 0], [88102, 100640, "TakePart", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266019, 263122, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266019, 263122, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107706, 121194, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[107706, 121194, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42190, null, null, null]]], "all_evidence": [[42190, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166876, null, null, null]]], "all_evidence": [[166876, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64178, null, null, null]]], "all_evidence": [[64178, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110986, 124654, "Britt_Robertson", 0]], [[110986, 124655, "Britt_Robertson", 1]], [[110986, 124656, "Britt_Robertson", 2]], [[110986, 124657, "Britt_Robertson", 3]], [[110986, 124658, "Britt_Robertson", 6]], [[110986, 124659, "Britt_Robertson", 7]], [[110986, 124660, "Britt_Robertson", 8]], [[110986, 124661, "Britt_Robertson", 9]], [[110986, 124662, "Britt_Robertson", 12]], [[110986, 124663, "Britt_Robertson", 13]], [[110986, 124664, "Britt_Robertson", 14]], [[110986, 124665, "Britt_Robertson", 15]]], "all_evidence": [[110986, 124654, "Britt_Robertson", 0], [110986, 124655, "Britt_Robertson", 1], [110986, 124656, "Britt_Robertson", 2], [110986, 124657, "Britt_Robertson", 3], [110986, 124658, "Britt_Robertson", 6], [110986, 124659, "Britt_Robertson", 7], [110986, 124660, "Britt_Robertson", 8], [110986, 124661, "Britt_Robertson", 9], [110986, 124662, "Britt_Robertson", 12], [110986, 124663, "Britt_Robertson", 13], [110986, 124664, "Britt_Robertson", 14], [110986, 124665, "Britt_Robertson", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234513, null, null, null]]], "all_evidence": [[234513, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60829, null, null, null]]], "all_evidence": [[60829, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241382, null, null, null]]], "all_evidence": [[241382, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233045, 236048, "Saturn", 0]]], "all_evidence": [[233045, 236048, "Saturn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266601, null, null, null]]], "all_evidence": [[266601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245460, null, null, null], [245462, null, null, null]]], "all_evidence": [[245460, null, null, null], [245462, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108437, 122002, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[108437, 122002, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211422, null, null, null]]], "all_evidence": [[211422, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193503, null, null, null]]], "all_evidence": [[193503, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63982, 74685, "The_Adventures_of_Pluto_Nash", 0]], [[63982, 74686, "The_Adventures_of_Pluto_Nash", 2]]], "all_evidence": [[63982, 74685, "The_Adventures_of_Pluto_Nash", 0], [63982, 74686, "The_Adventures_of_Pluto_Nash", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21916, 26909, "Shadowhunters", 4]]], "all_evidence": [[21916, 26909, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210941, 218601, "Mogadishu", 0]], [[210941, 218602, "Mogadishu", 9]], [[210942, 218603, "Mogadishu", 0]], [[210942, 218604, "Mogadishu", 9]]], "all_evidence": [[210941, 218601, "Mogadishu", 0], [210941, 218602, "Mogadishu", 9], [210942, 218603, "Mogadishu", 0], [210942, 218604, "Mogadishu", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229424, 233352, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]], "all_evidence": [[229424, 233352, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[294493, null, null, null], [295079, null, null, null], [340284, null, null, null], [340482, null, null, null]]], "all_evidence": [[294493, null, null, null], [295079, null, null, null], [340284, null, null, null], [340482, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211427, null, null, null]]], "all_evidence": [[211427, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219129, 225230, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219129, 225230, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196614, null, null, null]]], "all_evidence": [[196614, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115516, 129381, "Penguin_Books", 0]], [[115516, 129382, "Penguin_Books", 7], [115516, 129382, "Penguin_Random_House", 0]]], "all_evidence": [[115516, 129381, "Penguin_Books", 0], [115516, 129382, "Penguin_Books", 7], [115516, 129382, "Penguin_Random_House", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55674, 65713, "The_Mighty_Ducks", 0], [55674, 65713, "The_Mighty_Ducks", 1]]], "all_evidence": [[55674, 65713, "The_Mighty_Ducks", 0], [55674, 65713, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137410, 152292, "Taylor_Lautner", 4]]], "all_evidence": [[137410, 152292, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188635, null, null, null]]], "all_evidence": [[188635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196608, 206707, "Michael_Vick", 0]], [[196608, 206708, "Michael_Vick", 14]]], "all_evidence": [[196608, 206707, "Michael_Vick", 0], [196608, 206708, "Michael_Vick", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194762, 205128, "Manmohan_Singh", 1]]], "all_evidence": [[194762, 205128, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121143, 135448, "Noah_Cyrus", 4]]], "all_evidence": [[121143, 135448, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248527, null, null, null], [248528, null, null, null]]], "all_evidence": [[248527, null, null, null], [248528, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207671, 215894, "Steve_Ditko", 3]]], "all_evidence": [[207671, 215894, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13694, 17137, "A_Milli", 0]], [[13694, 17138, "A_Milli", 1], [13694, 17138, "Tha_Carter_III", 0]]], "all_evidence": [[13694, 17137, "A_Milli", 0], [13694, 17138, "A_Milli", 1], [13694, 17138, "Tha_Carter_III", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90738, 103450, "Rachel_Green", 0]]], "all_evidence": [[90738, 103450, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19747, null, null, null]]], "all_evidence": [[19747, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36801, 44446, "Annette_Badland", 1]]], "all_evidence": [[36801, 44446, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81012, 92866, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[81012, 92866, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191679, 202496, "Anne_Rice", 5]]], "all_evidence": [[191679, 202496, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185627, 197380, "Gal_Gadot", 4]]], "all_evidence": [[185627, 197380, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290425, 283474, "Shadowhunters", 5], [290425, 283474, "21st_century", 1]], [[291787, 284680, "Shadowhunters", 4]], [[291787, 284681, "Shadowhunters", 5]], [[293858, 286289, "Shadowhunters", 4]], [[338445, 323606, "Shadowhunters", 4]], [[338447, 323608, "Shadowhunters", 4]], [[338455, 323614, "Shadowhunters", 4], [338455, 323614, "21st_century", 0], [338455, 323614, "21st_century", 1]]], "all_evidence": [[290425, 283474, "Shadowhunters", 5], [290425, 283474, "21st_century", 1], [291787, 284680, "Shadowhunters", 4], [291787, 284681, "Shadowhunters", 5], [293858, 286289, "Shadowhunters", 4], [338445, 323606, "Shadowhunters", 4], [338447, 323608, "Shadowhunters", 4], [338455, 323614, "Shadowhunters", 4], [338455, 323614, "21st_century", 0], [338455, 323614, "21st_century", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33116, 40205, "I_Kissed_a_Girl", 0]]], "all_evidence": [[33116, 40205, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[291995, 284840, "Knocked_Up", 0]], [[294015, 286402, "Knocked_Up", 0]], [[338890, 323959, "Knocked_Up", 0]], [[338894, 323963, "Knocked_Up", 0]], [[338896, 323965, "Knocked_Up", 0]], [[338897, 323966, "Knocked_Up", 0]]], "all_evidence": [[291995, 284840, "Knocked_Up", 0], [294015, 286402, "Knocked_Up", 0], [338890, 323959, "Knocked_Up", 0], [338894, 323963, "Knocked_Up", 0], [338896, 323965, "Knocked_Up", 0], [338897, 323966, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246283, 246828, "Easy_A", 0]]], "all_evidence": [[246283, 246828, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243126, null, null, null]]], "all_evidence": [[243126, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201847, 211205, "Artpop", 13]], [[201855, 211212, "Artpop", 13], [201855, 211212, "Artpop", 0]]], "all_evidence": [[201847, 211205, "Artpop", 13], [201855, 211212, "Artpop", 13], [201855, 211212, "Artpop", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49747, 59182, "Henry_II_of_France", 13]]], "all_evidence": [[49747, 59182, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153178, null, null, null]]], "all_evidence": [[153178, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202997, 212125, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[202997, 212125, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221846, 227382, "Stadium_Arcadium", 10]]], "all_evidence": [[221846, 227382, "Stadium_Arcadium", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182010, 194297, "Yale_University", 23]]], "all_evidence": [[182010, 194297, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228694, 232825, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228694, 232825, "Pharrell_Williams", 0]], [[228697, 232826, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228700, 232829, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228701, 232830, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228703, 232832, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]], "all_evidence": [[228694, 232825, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228694, 232825, "Pharrell_Williams", 0], [228697, 232826, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228700, 232829, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228701, 232830, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228703, 232832, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51299, 61013, "X-Men-COLON-_Apocalypse", 3]]], "all_evidence": [[51299, 61013, "X-Men-COLON-_Apocalypse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264402, 261864, "Brubaker", 0]], [[264403, 261865, "Brubaker", 0]]], "all_evidence": [[264402, 261864, "Brubaker", 0], [264403, 261865, "Brubaker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188620, null, null, null]]], "all_evidence": [[188620, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211274, 218979, "WGBH-TV", 0]]], "all_evidence": [[211274, 218979, "WGBH-TV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18678, 22918, "Flaked", 2]]], "all_evidence": [[18678, 22918, "Flaked", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21171, 26000, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[21171, 26000, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269555, 265855, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269555, 265855, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199463, 209141, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199463, 209141, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226544, 231088, "Captain_America's_shield", 1]]], "all_evidence": [[226544, 231088, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255559, 254992, "Dreamer_-LRB-2005_film-RRB-", 0]], [[255559, 254993, "Dreamer_-LRB-2005_film-RRB-", 1]], [[255559, 254994, "Dreamer_-LRB-2005_film-RRB-", 4]], [[255559, 254995, "Dreamer_-LRB-2005_film-RRB-", 3]], [[255559, 254996, "Dreamer_-LRB-2005_film-RRB-", 5]]], "all_evidence": [[255559, 254992, "Dreamer_-LRB-2005_film-RRB-", 0], [255559, 254993, "Dreamer_-LRB-2005_film-RRB-", 1], [255559, 254994, "Dreamer_-LRB-2005_film-RRB-", 4], [255559, 254995, "Dreamer_-LRB-2005_film-RRB-", 3], [255559, 254996, "Dreamer_-LRB-2005_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218093, 224479, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218093, 224479, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167205, 181026, "Craig_David", 5]], [[169386, 183035, "Craig_David", 5]], [[169387, 183036, "Craig_David", 5]], [[312329, 302139, "Craig_David", 5]], [[313563, 303141, "Craig_David", 5]]], "all_evidence": [[167205, 181026, "Craig_David", 5], [169386, 183035, "Craig_David", 5], [169387, 183036, "Craig_David", 5], [312329, 302139, "Craig_David", 5], [313563, 303141, "Craig_David", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127807, 142486, "Rupert_Murdoch", 13]]], "all_evidence": [[127807, 142486, "Rupert_Murdoch", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153220, 167988, "Bret_Easton_Ellis", 20]], [[153220, 167989, "Bret_Easton_Ellis", 0]]], "all_evidence": [[153220, 167988, "Bret_Easton_Ellis", 20], [153220, 167989, "Bret_Easton_Ellis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49499, 58854, "Tiber_Oil_Field", 1]], [[49531, 58891, "Tiber_Oil_Field", 1]], [[49532, 58892, "Tiber_Oil_Field", 1]], [[302793, 293783, "Tiber_Oil_Field", 1]], [[306356, 297048, "Tiber_Oil_Field", 1], [306356, 297048, "Tiber_Oil_Field", 0]]], "all_evidence": [[49499, 58854, "Tiber_Oil_Field", 1], [49531, 58891, "Tiber_Oil_Field", 1], [49532, 58892, "Tiber_Oil_Field", 1], [302793, 293783, "Tiber_Oil_Field", 1], [306356, 297048, "Tiber_Oil_Field", 1], [306356, 297048, "Tiber_Oil_Field", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127231, 141766, "Mike_Huckabee", 5]], [[127232, 141769, "Mike_Huckabee", 5]]], "all_evidence": [[127231, 141766, "Mike_Huckabee", 5], [127232, 141769, "Mike_Huckabee", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24855, 30696, "Armenian_Genocide", 0]]], "all_evidence": [[24855, 30696, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125555, 139912, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[125555, 139912, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26736, 32817, "Pharrell_Williams", 4]]], "all_evidence": [[26736, 32817, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[252348, 252150, "Harvard_University", 8]]], "all_evidence": [[252348, 252150, "Harvard_University", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113455, 127318, "First_inauguration_of_Bill_Clinton", 0]], [[119663, 133747, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[113455, 127318, "First_inauguration_of_Bill_Clinton", 0], [119663, 133747, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117560, 131457, "XHamster", 0]]], "all_evidence": [[117560, 131457, "XHamster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92081, 104862, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[92081, 104862, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25177, null, null, null], [283544, null, null, null], [299869, null, null, null], [299874, null, null, null]]], "all_evidence": [[25177, null, null, null], [283544, null, null, null], [299869, null, null, null], [299874, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256008, null, null, null], [256009, null, null, null]]], "all_evidence": [[256008, null, null, null], [256009, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231181, 234712, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231181, 234712, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241363, 242915, "Brad_Wilk", 4]]], "all_evidence": [[241363, 242915, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199496, null, null, null], [199499, null, null, null]]], "all_evidence": [[199496, null, null, null], [199499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197419, 207460, "Lalla_Ward", 0]]], "all_evidence": [[197419, 207460, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281866, null, null, null], [281892, null, null, null], [329606, null, null, null], [329609, null, null, null]]], "all_evidence": [[281866, null, null, null], [281892, null, null, null], [329606, null, null, null], [329609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230050, 233807, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230050, 233807, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30228, 36805, "Knocked_Up", 0]]], "all_evidence": [[30228, 36805, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78691, null, null, null]]], "all_evidence": [[78691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65808, 76668, "Civilization_IV", 0]], [[65808, 76669, "Civilization_IV", 1]], [[65808, 76670, "Civilization_IV", 9], [65808, 76670, "Game_engine", 0]], [[65808, 76671, "Civilization_IV", 12]], [[65808, 76672, "Civilization_IV", 13], [65808, 76672, "List_of_Game_of_the_Year_awards", 0]], [[65808, 76673, "Civilization_IV", 14], [65808, 76673, "Firaxis_Games", 0]]], "all_evidence": [[65808, 76668, "Civilization_IV", 0], [65808, 76669, "Civilization_IV", 1], [65808, 76670, "Civilization_IV", 9], [65808, 76670, "Game_engine", 0], [65808, 76671, "Civilization_IV", 12], [65808, 76672, "Civilization_IV", 13], [65808, 76672, "List_of_Game_of_the_Year_awards", 0], [65808, 76673, "Civilization_IV", 14], [65808, 76673, "Firaxis_Games", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251515, 251352, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251515, 251352, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17540, 21689, "Rage_Against_the_Machine", 0]], [[17540, 21690, "Rage_Against_the_Machine", 3]], [[17540, 21691, "Rage_Against_the_Machine", 7]], [[17540, 21692, "Rage_Against_the_Machine", 10]], [[17540, 21693, "Rage_Against_the_Machine", 11]], [[17540, 21694, "Rage_Against_the_Machine", 13]], [[17540, 21695, "Rage_Against_the_Machine", 16]], [[17540, 21696, "Rage_Against_the_Machine", 17]], [[17540, 21697, "Rage_Against_the_Machine", 20]]], "all_evidence": [[17540, 21689, "Rage_Against_the_Machine", 0], [17540, 21690, "Rage_Against_the_Machine", 3], [17540, 21691, "Rage_Against_the_Machine", 7], [17540, 21692, "Rage_Against_the_Machine", 10], [17540, 21693, "Rage_Against_the_Machine", 11], [17540, 21694, "Rage_Against_the_Machine", 13], [17540, 21695, "Rage_Against_the_Machine", 16], [17540, 21696, "Rage_Against_the_Machine", 17], [17540, 21697, "Rage_Against_the_Machine", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132441, 147333, "Basildon", 0]], [[132464, 147370, "Basildon", 0]], [[132464, 147371, "Basildon", 3], [132464, 147371, "Central_London", 0]], [[132464, 147372, "Basildon", 4], [132464, 147372, "Billericay", 0]], [[132464, 147373, "Basildon", 5], [132464, 147373, "London_overspill", 0]], [[132464, 147374, "Basildon", 6], [132464, 147374, "New_towns_in_the_United_Kingdom", 0]], [[132464, 147375, "Basildon", 9], [132464, 147375, "Billericay", 0]], [[132464, 147376, "Basildon", 13], [132464, 147376, "City_of_London", 0]]], "all_evidence": [[132441, 147333, "Basildon", 0], [132464, 147370, "Basildon", 0], [132464, 147371, "Basildon", 3], [132464, 147371, "Central_London", 0], [132464, 147372, "Basildon", 4], [132464, 147372, "Billericay", 0], [132464, 147373, "Basildon", 5], [132464, 147373, "London_overspill", 0], [132464, 147374, "Basildon", 6], [132464, 147374, "New_towns_in_the_United_Kingdom", 0], [132464, 147375, "Basildon", 9], [132464, 147375, "Billericay", 0], [132464, 147376, "Basildon", 13], [132464, 147376, "City_of_London", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154455, null, null, null]]], "all_evidence": [[154455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190746, 201712, "Alice_Cooper", 0]]], "all_evidence": [[190746, 201712, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58037, null, null, null]]], "all_evidence": [[58037, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40801, 49050, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[40801, 49050, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186375, 198198, "Robert_Lopez", 1]]], "all_evidence": [[186375, 198198, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77984, 89458, "Yale_University", 23]]], "all_evidence": [[77984, 89458, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22973, 28317, "Battle_of_France", 0]], [[301504, 292610, "Battle_of_France", 0]], [[304174, 295022, "Battle_of_France", 0]], [[304543, 295364, "Battle_of_France", 0]]], "all_evidence": [[22973, 28317, "Battle_of_France", 0], [301504, 292610, "Battle_of_France", 0], [304174, 295022, "Battle_of_France", 0], [304543, 295364, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264416, 261875, "Brubaker", 0], [264416, 261875, "Drama_-LRB-film_and_television-RRB-", 0], [264416, 261875, "Prison_film", 0]]], "all_evidence": [[264416, 261875, "Brubaker", 0], [264416, 261875, "Drama_-LRB-film_and_television-RRB-", 0], [264416, 261875, "Prison_film", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255812, null, null, null]]], "all_evidence": [[255812, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266044, 263146, "The_Disaster_Artist_-LRB-film-RRB-", 0]], [[266044, 263147, "The_Disaster_Artist_-LRB-film-RRB-", 6]], [[266044, 263148, "The_Disaster_Artist_-LRB-film-RRB-", 7]]], "all_evidence": [[266044, 263146, "The_Disaster_Artist_-LRB-film-RRB-", 0], [266044, 263147, "The_Disaster_Artist_-LRB-film-RRB-", 6], [266044, 263148, "The_Disaster_Artist_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241370, null, null, null]]], "all_evidence": [[241370, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135219, null, null, null]]], "all_evidence": [[135219, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213687, 220866, "Finding_Dory", 1]]], "all_evidence": [[213687, 220866, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139734, null, null, null]]], "all_evidence": [[139734, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267297, 264023, "Southampton_F.C.", 9]]], "all_evidence": [[267297, 264023, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173863, 187043, "AMGTV", 0]]], "all_evidence": [[173863, 187043, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150709, 165566, "Scotty_Moore", 0]]], "all_evidence": [[150709, 165566, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16790, 20799, "Pearl_Jam", 0]], [[16790, 20800, "Pearl_Jam", 1]], [[16790, 20801, "Pearl_Jam", 2]], [[16790, 20802, "Pearl_Jam", 14]], [[16790, 20803, "Pearl_Jam", 13]], [[16790, 20804, "Pearl_Jam", 12]]], "all_evidence": [[16790, 20799, "Pearl_Jam", 0], [16790, 20800, "Pearl_Jam", 1], [16790, 20801, "Pearl_Jam", 2], [16790, 20802, "Pearl_Jam", 14], [16790, 20803, "Pearl_Jam", 13], [16790, 20804, "Pearl_Jam", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124197, 138538, "Awkward_Black_Girl", 0]]], "all_evidence": [[124197, 138538, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214273, 221354, "Kenneth_Lonergan", 0]]], "all_evidence": [[214273, 221354, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101550, null, null, null]]], "all_evidence": [[101550, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77452, 88905, "Luis_Fonsi", 0]]], "all_evidence": [[77452, 88905, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80498, 92347, "Magic_Johnson", 0]], [[80498, 92348, "Magic_Johnson", 1], [80498, 92348, "Point_guard", 0]], [[80498, 92349, "Magic_Johnson", 2], [80498, 92349, "1979_NBA_draft", 0]]], "all_evidence": [[80498, 92347, "Magic_Johnson", 0], [80498, 92348, "Magic_Johnson", 1], [80498, 92348, "Point_guard", 0], [80498, 92349, "Magic_Johnson", 2], [80498, 92349, "1979_NBA_draft", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194108, 204516, "Rick_Yune", 2]]], "all_evidence": [[194108, 204516, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225915, 230488, "Roland_Emmerich", 3]]], "all_evidence": [[225915, 230488, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209586, 217382, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209586, 217382, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82919, 94794, "Gin", 0]], [[82919, 94795, "Gin", 1]], [[82919, 94796, "Gin", 3]]], "all_evidence": [[82919, 94794, "Gin", 0], [82919, 94795, "Gin", 1], [82919, 94796, "Gin", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201870, 211225, "Artpop", 13]]], "all_evidence": [[201870, 211225, "Artpop", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122228, null, null, null]]], "all_evidence": [[122228, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150344, 165256, "Poldark_-LRB-2015_TV_series-RRB-", 6], [150344, 165256, "Poldark_-LRB-2015_TV_series-RRB-", 0]]], "all_evidence": [[150344, 165256, "Poldark_-LRB-2015_TV_series-RRB-", 6], [150344, 165256, "Poldark_-LRB-2015_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188623, 200075, "Veeram_-LRB-2014_film-RRB-", 0]], [[188623, 200076, "Veeram_-LRB-2014_film-RRB-", 3]]], "all_evidence": [[188623, 200075, "Veeram_-LRB-2014_film-RRB-", 0], [188623, 200076, "Veeram_-LRB-2014_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58562, 68862, "House_-LRB-TV_series-RRB-", 10]]], "all_evidence": [[58562, 68862, "House_-LRB-TV_series-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169216, 182880, "Luis_Fonsi", 0]]], "all_evidence": [[169216, 182880, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205306, null, null, null]]], "all_evidence": [[205306, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210959, 218629, "Mogadishu", 0]], [[210959, 218630, "Mogadishu", 1]], [[210959, 218631, "Mogadishu", 9]], [[210959, 218632, "Mogadishu", 7]], [[210959, 218633, "Mogadishu", 10]], [[210959, 218635, "Mogadishu", 5]], [[210961, 218636, "Mogadishu", 0]], [[210961, 218637, "Mogadishu", 1]], [[210961, 218638, "Mogadishu", 9]], [[210961, 218639, "Mogadishu", 7]], [[210961, 218640, "Mogadishu", 10]], [[210961, 218641, "Mogadishu", 5]]], "all_evidence": [[210959, 218629, "Mogadishu", 0], [210959, 218630, "Mogadishu", 1], [210959, 218631, "Mogadishu", 9], [210959, 218632, "Mogadishu", 7], [210959, 218633, "Mogadishu", 10], [210959, 218635, "Mogadishu", 5], [210961, 218636, "Mogadishu", 0], [210961, 218637, "Mogadishu", 1], [210961, 218638, "Mogadishu", 9], [210961, 218639, "Mogadishu", 7], [210961, 218640, "Mogadishu", 10], [210961, 218641, "Mogadishu", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250974, 250939, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250974, 250939, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73123, null, null, null]]], "all_evidence": [[73123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[283262, 277337, "Stanley_Williams", 0]], [[283262, 277338, "Stanley_Williams", 4]], [[283262, 277339, "Stanley_Williams", 5]], [[285795, 279420, "Stanley_Williams", 0]], [[285795, 279421, "Stanley_Williams", 5]], [[285795, 279422, "Stanley_Williams", 4]], [[285801, 279426, "Stanley_Williams", 0]], [[285801, 279427, "Stanley_Williams", 5]], [[331787, 318251, "Stanley_Williams", 0]], [[332364, 318739, "Stanley_Williams", 0]], [[332365, 318740, "Stanley_Williams", 0]]], "all_evidence": [[283262, 277337, "Stanley_Williams", 0], [283262, 277338, "Stanley_Williams", 4], [283262, 277339, "Stanley_Williams", 5], [285795, 279420, "Stanley_Williams", 0], [285795, 279421, "Stanley_Williams", 5], [285795, 279422, "Stanley_Williams", 4], [285801, 279426, "Stanley_Williams", 0], [285801, 279427, "Stanley_Williams", 5], [331787, 318251, "Stanley_Williams", 0], [332364, 318739, "Stanley_Williams", 0], [332365, 318740, "Stanley_Williams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279134, 273785, "West_Ham_United_F.C.", 5]], [[279135, 273786, "West_Ham_United_F.C.", 5]], [[280721, 275127, "West_Ham_United_F.C.", 5]], [[327358, 314636, "West_Ham_United_F.C.", 5]], [[328643, 315652, "West_Ham_United_F.C.", 5]]], "all_evidence": [[279134, 273785, "West_Ham_United_F.C.", 5], [279135, 273786, "West_Ham_United_F.C.", 5], [280721, 275127, "West_Ham_United_F.C.", 5], [327358, 314636, "West_Ham_United_F.C.", 5], [328643, 315652, "West_Ham_United_F.C.", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216097, 222809, "CHiPs_-LRB-film-RRB-", 0]], [[216097, 222810, "CHiPs_-LRB-film-RRB-", 1]], [[216097, 222811, "CHiPs_-LRB-film-RRB-", 5]]], "all_evidence": [[216097, 222809, "CHiPs_-LRB-film-RRB-", 0], [216097, 222810, "CHiPs_-LRB-film-RRB-", 1], [216097, 222811, "CHiPs_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169938, 183533, "Sebastian_Stan", 1]], [[169938, 183534, "Sebastian_Stan", 2]]], "all_evidence": [[169938, 183533, "Sebastian_Stan", 1], [169938, 183534, "Sebastian_Stan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108876, 122581, "Daggering", 0]]], "all_evidence": [[108876, 122581, "Daggering", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18704, null, null, null]]], "all_evidence": [[18704, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122742, null, null, null]]], "all_evidence": [[122742, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28563, 34896, "Sean_Penn", 5], [28563, 34896, "State_of_Grace_-LRB-film-RRB-", 0], [28563, 34896, "At_Close_Range", 0]]], "all_evidence": [[28563, 34896, "Sean_Penn", 5], [28563, 34896, "State_of_Grace_-LRB-film-RRB-", 0], [28563, 34896, "At_Close_Range", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112813, null, null, null]]], "all_evidence": [[112813, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241362, null, null, null]]], "all_evidence": [[241362, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214856, 221836, "Premam", 11]]], "all_evidence": [[214856, 221836, "Premam", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208025, null, null, null]]], "all_evidence": [[208025, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76579, 87878, "Yale_University", 23]]], "all_evidence": [[76579, 87878, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58454, 68736, "Joe_Walsh", 24]]], "all_evidence": [[58454, 68736, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85554, null, null, null]]], "all_evidence": [[85554, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51139, null, null, null]]], "all_evidence": [[51139, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214805, null, null, null]]], "all_evidence": [[214805, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208555, 216550, "Villa_Park", 14], [208555, 216550, "2012_FA_Community_Shield", 0]], [[213791, 220957, "Villa_Park", 14], [213791, 220957, "2012_FA_Community_Shield", 0]], [[315890, 305108, "Villa_Park", 14], [315890, 305108, "2012_FA_Community_Shield", 0]], [[316820, 305931, "Villa_Park", 14], [316820, 305931, "2012_FA_Community_Shield", 0]]], "all_evidence": [[208555, 216550, "Villa_Park", 14], [208555, 216550, "2012_FA_Community_Shield", 0], [213791, 220957, "Villa_Park", 14], [213791, 220957, "2012_FA_Community_Shield", 0], [315890, 305108, "Villa_Park", 14], [315890, 305108, "2012_FA_Community_Shield", 0], [316820, 305931, "Villa_Park", 14], [316820, 305931, "2012_FA_Community_Shield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89292, 101986, "Jennifer_Lopez", 4]], [[89292, 101987, "Jennifer_Lopez", 7]], [[89292, 101988, "Jennifer_Lopez", 8]], [[89292, 101989, "Jennifer_Lopez", 13]]], "all_evidence": [[89292, 101986, "Jennifer_Lopez", 4], [89292, 101987, "Jennifer_Lopez", 7], [89292, 101988, "Jennifer_Lopez", 8], [89292, 101989, "Jennifer_Lopez", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81123, 92949, "The_Bassoon_King", 0]]], "all_evidence": [[81123, 92949, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94954, 107919, "Francis_I_of_France", 0]]], "all_evidence": [[94954, 107919, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205325, null, null, null]]], "all_evidence": [[205325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234510, 237370, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234510, 237370, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160363, null, null, null]]], "all_evidence": [[160363, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232817, null, null, null]]], "all_evidence": [[232817, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223851, null, null, null]]], "all_evidence": [[223851, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69447, null, null, null]]], "all_evidence": [[69447, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156786, 171393, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[156786, 171393, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205356, null, null, null]]], "all_evidence": [[205356, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54510, 64504, "Monster", 0]], [[54510, 64505, "Monster", 4]]], "all_evidence": [[54510, 64504, "Monster", 0], [54510, 64505, "Monster", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44503, 53170, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[44503, 53170, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257077, 256132, "Chagatai_language", 0]]], "all_evidence": [[257077, 256132, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23960, null, null, null]]], "all_evidence": [[23960, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260512, null, null, null]]], "all_evidence": [[260512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79885, 91617, "Pearl_Jam", 0]], [[79885, 91618, "Pearl_Jam", 1]], [[79885, 91619, "Pearl_Jam", 2]], [[79885, 91620, "Pearl_Jam", 3]], [[79885, 91621, "Pearl_Jam", 4]], [[79885, 91622, "Pearl_Jam", 7], [79885, 91622, "Ten_-LRB-Pearl_Jam_album-RRB-", 0]]], "all_evidence": [[79885, 91617, "Pearl_Jam", 0], [79885, 91618, "Pearl_Jam", 1], [79885, 91619, "Pearl_Jam", 2], [79885, 91620, "Pearl_Jam", 3], [79885, 91621, "Pearl_Jam", 4], [79885, 91622, "Pearl_Jam", 7], [79885, 91622, "Ten_-LRB-Pearl_Jam_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131274, 146044, "Hedda_Gabler", 1], [131274, 146044, "Residenz_Theatre", 0]]], "all_evidence": [[131274, 146044, "Hedda_Gabler", 1], [131274, 146044, "Residenz_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146297, 161268, "University_of_Mississippi", 4]]], "all_evidence": [[146297, 161268, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296251, 288163, "The_Wallace_-LRB-poem-RRB-", 2], [296251, 288163, "The_Wallace_-LRB-poem-RRB-", 0]], [[297835, 289430, "The_Wallace_-LRB-poem-RRB-", 2]], [[297840, 289434, "The_Wallace_-LRB-poem-RRB-", 2]], [[343042, 326892, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[296251, 288163, "The_Wallace_-LRB-poem-RRB-", 2], [296251, 288163, "The_Wallace_-LRB-poem-RRB-", 0], [297835, 289430, "The_Wallace_-LRB-poem-RRB-", 2], [297840, 289434, "The_Wallace_-LRB-poem-RRB-", 2], [343042, 326892, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156966, null, null, null]]], "all_evidence": [[156966, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239263, null, null, null]]], "all_evidence": [[239263, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31133, 37814, "XHamster", 6]]], "all_evidence": [[31133, 37814, "XHamster", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67040, 77827, "Peking_University", 0]], [[67040, 77828, "Peking_University", 1], [67040, 77828, "Guam", 0], [67040, 77828, "Guam", 1]], [[67040, 77829, "Peking_University", 2], [67040, 77829, "Guam", 0], [67040, 77829, "Guam", 1]], [[67040, 77830, "Peking_University", 4], [67040, 77830, "Guam", 0], [67040, 77830, "Guam", 1]]], "all_evidence": [[67040, 77827, "Peking_University", 0], [67040, 77828, "Peking_University", 1], [67040, 77828, "Guam", 0], [67040, 77828, "Guam", 1], [67040, 77829, "Peking_University", 2], [67040, 77829, "Guam", 0], [67040, 77829, "Guam", 1], [67040, 77830, "Peking_University", 4], [67040, 77830, "Guam", 0], [67040, 77830, "Guam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194382, 204778, "Drake_Bell", 12], [194382, 204778, "Found_a_Way", 0]], [[194388, 204783, "Drake_Bell", 12], [194388, 204783, "Found_a_Way", 0]]], "all_evidence": [[194382, 204778, "Drake_Bell", 12], [194382, 204778, "Found_a_Way", 0], [194388, 204783, "Drake_Bell", 12], [194388, 204783, "Found_a_Way", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64952, 75806, "English_people", 6]]], "all_evidence": [[64952, 75806, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236998, 239325, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[236998, 239325, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28979, 35356, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[28979, 35356, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136046, 150881, "Trollhunters", 0]]], "all_evidence": [[136046, 150881, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201135, 210588, "The_Endless_River", 1]]], "all_evidence": [[201135, 210588, "The_Endless_River", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40486, 48703, "Harris_Jayaraj", 0]]], "all_evidence": [[40486, 48703, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173469, 186727, "Billboard_Dad", 0]]], "all_evidence": [[173469, 186727, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108503, 122108, "Justin_Chatwin", 7]]], "all_evidence": [[108503, 122108, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190462, null, null, null]]], "all_evidence": [[190462, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236598, null, null, null]]], "all_evidence": [[236598, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158771, null, null, null]]], "all_evidence": [[158771, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50022, 59531, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[50022, 59531, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194117, 204523, "Rick_Yune", 1]], [[194117, 204524, "Rick_Yune", 2]], [[194130, 204535, "Rick_Yune", 0]], [[194130, 204536, "Rick_Yune", 1]], [[194130, 204537, "Rick_Yune", 2]]], "all_evidence": [[194117, 204523, "Rick_Yune", 1], [194117, 204524, "Rick_Yune", 2], [194130, 204535, "Rick_Yune", 0], [194130, 204536, "Rick_Yune", 1], [194130, 204537, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98758, 111841, "Jack_Falahee", 0]]], "all_evidence": [[98758, 111841, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286691, null, null, null], [286692, null, null, null], [288882, null, null, null], [333671, null, null, null], [333677, null, null, null]]], "all_evidence": [[286691, null, null, null], [286692, null, null, null], [288882, null, null, null], [333671, null, null, null], [333677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19563, 24029, "Soyuz_-LRB-spacecraft-RRB-", 0]], [[19563, 24030, "Soyuz_-LRB-spacecraft-RRB-", 1]]], "all_evidence": [[19563, 24029, "Soyuz_-LRB-spacecraft-RRB-", 0], [19563, 24030, "Soyuz_-LRB-spacecraft-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191465, 202322, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191465, 202322, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37702, 45629, "The_Mighty_Ducks", 1], [37702, 45629, "Jordan_Kerner", 0]], [[37720, 45651, "The_Mighty_Ducks", 1], [37720, 45651, "Jordan_Kerner", 0]]], "all_evidence": [[37702, 45629, "The_Mighty_Ducks", 1], [37702, 45629, "Jordan_Kerner", 0], [37720, 45651, "The_Mighty_Ducks", 1], [37720, 45651, "Jordan_Kerner", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287080, null, null, null], [289175, null, null, null], [335078, null, null, null], [335082, null, null, null]]], "all_evidence": [[287080, null, null, null], [289175, null, null, null], [335078, null, null, null], [335082, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52349, null, null, null]]], "all_evidence": [[52349, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46965, 56031, "Fist_of_Legend", 2], [46965, 56031, "Fist_of_Fury", 0]]], "all_evidence": [[46965, 56031, "Fist_of_Legend", 2], [46965, 56031, "Fist_of_Fury", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227214, 231616, "Kim_Jong-il", 0], [227214, 231616, "List_of_leaders_of_North_Korea", 23]]], "all_evidence": [[227214, 231616, "Kim_Jong-il", 0], [227214, 231616, "List_of_leaders_of_North_Korea", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130808, null, null, null]]], "all_evidence": [[130808, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183977, null, null, null], [183978, null, null, null], [183987, null, null, null], [184005, null, null, null]]], "all_evidence": [[183977, null, null, null], [183978, null, null, null], [183987, null, null, null], [184005, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257325, null, null, null]]], "all_evidence": [[257325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16515, 20455, "Stan_Beeman", 0]]], "all_evidence": [[16515, 20455, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83368, 95332, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[83368, 95332, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215928, 222680, "Bradley_Fuller", 1]]], "all_evidence": [[215928, 222680, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213710, null, null, null]]], "all_evidence": [[213710, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207984, null, null, null]]], "all_evidence": [[207984, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152095, null, null, null]]], "all_evidence": [[152095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211989, 219594, "Saturn_Corporation", 0]]], "all_evidence": [[211989, 219594, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129389, null, null, null]]], "all_evidence": [[129389, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42533, null, null, null]]], "all_evidence": [[42533, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175585, 188591, "Folklore", 1]]], "all_evidence": [[175585, 188591, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138832, 153884, "The_Bassoon_King", 0]]], "all_evidence": [[138832, 153884, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66437, 77284, "Lemmy", 2]]], "all_evidence": [[66437, 77284, "Lemmy", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21639, 26600, "Carlos_Santana", 0], [21639, 26600, "Santana_-LRB-band-RRB-", 0]], [[23197, 28569, "Carlos_Santana", 0], [23197, 28569, "Santana_-LRB-band-RRB-", 0]], [[24335, 30088, "Carlos_Santana", 0], [24335, 30088, "Santana_-LRB-band-RRB-", 0]], [[304338, 295148, "Carlos_Santana", 0], [304338, 295148, "Santana_-LRB-band-RRB-", 0]]], "all_evidence": [[21639, 26600, "Carlos_Santana", 0], [21639, 26600, "Santana_-LRB-band-RRB-", 0], [23197, 28569, "Carlos_Santana", 0], [23197, 28569, "Santana_-LRB-band-RRB-", 0], [24335, 30088, "Carlos_Santana", 0], [24335, 30088, "Santana_-LRB-band-RRB-", 0], [304338, 295148, "Carlos_Santana", 0], [304338, 295148, "Santana_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232012, 235301, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232012, 235301, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82480, 94264, "Tremont_Street_Subway", 0]]], "all_evidence": [[82480, 94264, "Tremont_Street_Subway", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115467, null, null, null]]], "all_evidence": [[115467, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199054, 208736, "Matteo_Renzi", 0]], [[199054, 208737, "Matteo_Renzi", 1], [199054, 208737, "Italian_constitutional_referendum,_2016", 4]]], "all_evidence": [[199054, 208736, "Matteo_Renzi", 0], [199054, 208737, "Matteo_Renzi", 1], [199054, 208737, "Italian_constitutional_referendum,_2016", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104670, null, null, null]]], "all_evidence": [[104670, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200450, 209955, "Sancho_Panza", 0]]], "all_evidence": [[200450, 209955, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70823, null, null, null]]], "all_evidence": [[70823, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92382, 105137, "Hedda_Gabler", 1]]], "all_evidence": [[92382, 105137, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[278821, 273519, "Camden,_New_Jersey", 0]], [[280518, 274956, "Camden,_New_Jersey", 0]], [[326869, 314259, "Camden,_New_Jersey", 0]], [[326869, 314260, "Camden,_New_Jersey", 3]], [[328357, 315421, "Camden,_New_Jersey", 0]], [[328357, 315422, "Camden,_New_Jersey", 2]], [[328357, 315423, "Camden,_New_Jersey", 4]], [[328357, 315424, "Camden,_New_Jersey", 3]], [[328357, 315425, "Camden,_New_Jersey", 6]], [[328357, 315426, "Camden,_New_Jersey", 5], [328357, 315426, "County_seat", 0]], [[328357, 315427, "Camden,_New_Jersey", 17]], [[328357, 315428, "Camden,_New_Jersey", 18]], [[328357, 315429, "Camden,_New_Jersey", 26]], [[328357, 315430, "Camden,_New_Jersey", 28]], [[328357, 315431, "Camden,_New_Jersey", 33]], [[328357, 315432, "Camden,_New_Jersey", 40]]], "all_evidence": [[278821, 273519, "Camden,_New_Jersey", 0], [280518, 274956, "Camden,_New_Jersey", 0], [326869, 314259, "Camden,_New_Jersey", 0], [326869, 314260, "Camden,_New_Jersey", 3], [328357, 315421, "Camden,_New_Jersey", 0], [328357, 315422, "Camden,_New_Jersey", 2], [328357, 315423, "Camden,_New_Jersey", 4], [328357, 315424, "Camden,_New_Jersey", 3], [328357, 315425, "Camden,_New_Jersey", 6], [328357, 315426, "Camden,_New_Jersey", 5], [328357, 315426, "County_seat", 0], [328357, 315427, "Camden,_New_Jersey", 17], [328357, 315428, "Camden,_New_Jersey", 18], [328357, 315429, "Camden,_New_Jersey", 26], [328357, 315430, "Camden,_New_Jersey", 28], [328357, 315431, "Camden,_New_Jersey", 33], [328357, 315432, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23827, null, null, null]]], "all_evidence": [[23827, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236997, 239324, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[236997, 239324, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86698, null, null, null]]], "all_evidence": [[86698, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163677, null, null, null]]], "all_evidence": [[163677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256000, 255304, "Weekly_Idol", 1]]], "all_evidence": [[256000, 255304, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186116, null, null, null]]], "all_evidence": [[186116, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113352, 127211, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]], [[113352, 127212, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[113352, 127213, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9]]], "all_evidence": [[113352, 127211, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [113352, 127212, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [113352, 127213, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43218, 51857, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[43218, 51857, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25422, null, null, null]]], "all_evidence": [[25422, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114040, 127858, "Men_in_Black_II", 0]]], "all_evidence": [[114040, 127858, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143202, 158299, "Bhagat_Singh", 0]]], "all_evidence": [[143202, 158299, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48290, null, null, null]]], "all_evidence": [[48290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72590, 83627, "Ashton_Kutcher", 2]]], "all_evidence": [[72590, 83627, "Ashton_Kutcher", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69087, 79876, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[69087, 79876, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228460, null, null, null], [228468, null, null, null]]], "all_evidence": [[228460, null, null, null], [228468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76932, 88321, "Aristotle", 4]]], "all_evidence": [[76932, 88321, "Aristotle", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148891, 163935, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[148891, 163935, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38046, 45968, "Jewell_-LRB-singer-RRB-", 3], [38046, 45968, "Gin_and_Juice", 0], [38046, 45968, "Gin_and_Juice", 7]]], "all_evidence": [[38046, 45968, "Jewell_-LRB-singer-RRB-", 3], [38046, 45968, "Gin_and_Juice", 0], [38046, 45968, "Gin_and_Juice", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191983, 202748, "Johanna_Braddy", 3]]], "all_evidence": [[191983, 202748, "Johanna_Braddy", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190732, 201701, "Buffy_Summers", 3]]], "all_evidence": [[190732, 201701, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38332, 46279, "Ann_Richards", 0]], [[38332, 46280, "Ann_Richards", 2]]], "all_evidence": [[38332, 46279, "Ann_Richards", 0], [38332, 46280, "Ann_Richards", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139906, null, null, null]]], "all_evidence": [[139906, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237956, 240116, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237956, 240116, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128396, 143110, "Recovery_-LRB-Eminem_album-RRB-", 0], [128396, 143110, "Eminem", 0]]], "all_evidence": [[128396, 143110, "Recovery_-LRB-Eminem_album-RRB-", 0], [128396, 143110, "Eminem", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45781, 54655, "Shadowhunters", 4]]], "all_evidence": [[45781, 54655, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187436, 199082, "Mani_Ratnam", 1]]], "all_evidence": [[187436, 199082, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144465, null, null, null]]], "all_evidence": [[144465, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216069, null, null, null]]], "all_evidence": [[216069, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20470, null, null, null]]], "all_evidence": [[20470, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33908, 41112, "Global_warming", 13]]], "all_evidence": [[33908, 41112, "Global_warming", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29711, null, null, null]]], "all_evidence": [[29711, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209590, 217385, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209590, 217385, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14868, null, null, null]]], "all_evidence": [[14868, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237585, null, null, null]]], "all_evidence": [[237585, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102421, 115695, "Fist_of_Legend", 2]]], "all_evidence": [[102421, 115695, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227783, 232144, "Tilda_Swinton", 0]]], "all_evidence": [[227783, 232144, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132082, 146925, "The_Cincinnati_Kid", 6]]], "all_evidence": [[132082, 146925, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150963, 165807, "Stanley_Williams", 0]], [[150963, 165808, "Stanley_Williams", 1]]], "all_evidence": [[150963, 165807, "Stanley_Williams", 0], [150963, 165808, "Stanley_Williams", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158288, null, null, null], [158292, null, null, null]]], "all_evidence": [[158288, null, null, null], [158292, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194754, null, null, null]]], "all_evidence": [[194754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165192, 179324, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [165192, 179324, "Disneyland_Park_-LRB-Paris-RRB-", 0]], [[165192, 179325, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]], "all_evidence": [[165192, 179324, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [165192, 179324, "Disneyland_Park_-LRB-Paris-RRB-", 0], [165192, 179325, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54289, 64286, "Margaret_Thatcher", 8]]], "all_evidence": [[54289, 64286, "Margaret_Thatcher", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221830, 227373, "Stadium_Arcadium", 11]]], "all_evidence": [[221830, 227373, "Stadium_Arcadium", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235578, null, null, null]]], "all_evidence": [[235578, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99809, null, null, null]]], "all_evidence": [[99809, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68494, null, null, null], [71251, null, null, null], [303888, null, null, null], [306895, null, null, null]]], "all_evidence": [[68494, null, null, null], [71251, null, null, null], [303888, null, null, null], [306895, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290025, 283095, "House_-LRB-TV_series-RRB-", 0]], [[290025, 283096, "House_-LRB-TV_series-RRB-", 23]], [[290028, 283098, "House_-LRB-TV_series-RRB-", 0]], [[291357, 284302, "House_-LRB-TV_series-RRB-", 23]], [[337484, 322872, "House_-LRB-TV_series-RRB-", 0]], [[337536, 322900, "House_-LRB-TV_series-RRB-", 24], [337536, 322900, "House_-LRB-TV_series-RRB-", 0], [337536, 322900, "House_-LRB-TV_series-RRB-", 23]]], "all_evidence": [[290025, 283095, "House_-LRB-TV_series-RRB-", 0], [290025, 283096, "House_-LRB-TV_series-RRB-", 23], [290028, 283098, "House_-LRB-TV_series-RRB-", 0], [291357, 284302, "House_-LRB-TV_series-RRB-", 23], [337484, 322872, "House_-LRB-TV_series-RRB-", 0], [337536, 322900, "House_-LRB-TV_series-RRB-", 24], [337536, 322900, "House_-LRB-TV_series-RRB-", 0], [337536, 322900, "House_-LRB-TV_series-RRB-", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176833, 189783, "Paramore", 0]]], "all_evidence": [[176833, 189783, "Paramore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45061, 53786, "Chile", 0]], [[45061, 53787, "Chile", 20]], [[45061, 53788, "Chile", 21]], [[45061, 53789, "Chile", 23]], [[45061, 53790, "Chile", 22]]], "all_evidence": [[45061, 53786, "Chile", 0], [45061, 53787, "Chile", 20], [45061, 53788, "Chile", 21], [45061, 53789, "Chile", 23], [45061, 53790, "Chile", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27429, null, null, null]]], "all_evidence": [[27429, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274987, 270187, "Carlos_Santana", 4]], [[276996, 272007, "Carlos_Santana", 1]], [[276996, 272008, "Carlos_Santana", 4]], [[276998, 272009, "Carlos_Santana", 4]], [[324046, 312139, "Carlos_Santana", 4]]], "all_evidence": [[274987, 270187, "Carlos_Santana", 4], [276996, 272007, "Carlos_Santana", 1], [276996, 272008, "Carlos_Santana", 4], [276998, 272009, "Carlos_Santana", 4], [324046, 312139, "Carlos_Santana", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227789, null, null, null]]], "all_evidence": [[227789, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157928, 172532, "Heart", 19]], [[157929, 172533, "Heart", 19]]], "all_evidence": [[157928, 172532, "Heart", 19], [157929, 172533, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62679, null, null, null]]], "all_evidence": [[62679, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257113, 256160, "Homer_Hickam", 2]]], "all_evidence": [[257113, 256160, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120485, 134708, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[120485, 134708, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78536, 90063, "Ron_Weasley", 2]]], "all_evidence": [[78536, 90063, "Ron_Weasley", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268471, 265051, "Michaela_Watkins", 0]], [[268471, 265052, "Michaela_Watkins", 1], [268471, 265052, "Saturday_Night_Live", 0]]], "all_evidence": [[268471, 265051, "Michaela_Watkins", 0], [268471, 265052, "Michaela_Watkins", 1], [268471, 265052, "Saturday_Night_Live", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257106, 256154, "Homer_Hickam", 2]], [[257111, 256158, "Homer_Hickam", 2]]], "all_evidence": [[257106, 256154, "Homer_Hickam", 2], [257111, 256158, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223867, 228787, "Yandex", 0]], [[223879, 228793, "Yandex", 0]], [[223879, 228794, "Yandex", 3]]], "all_evidence": [[223867, 228787, "Yandex", 0], [223879, 228793, "Yandex", 0], [223879, 228794, "Yandex", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83540, 95532, "YouTube", 15]]], "all_evidence": [[83540, 95532, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266593, 263527, "Ralph_Fults", 0]]], "all_evidence": [[266593, 263527, "Ralph_Fults", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32571, 39590, "Jens_Stoltenberg", 4]]], "all_evidence": [[32571, 39590, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176847, 189793, "Camden,_New_Jersey", 40]]], "all_evidence": [[176847, 189793, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122618, null, null, null]]], "all_evidence": [[122618, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296131, 288076, "Heavy_metal_music", 0]], [[297731, 289342, "Heavy_metal_music", 0]], [[299811, 291183, "Heavy_metal_music", 0]], [[342341, 326399, "Heavy_metal_music", 0]], [[342345, 326402, "Heavy_metal_music", 0]], [[342348, 326405, "Heavy_metal_music", 0]]], "all_evidence": [[296131, 288076, "Heavy_metal_music", 0], [297731, 289342, "Heavy_metal_music", 0], [299811, 291183, "Heavy_metal_music", 0], [342341, 326399, "Heavy_metal_music", 0], [342345, 326402, "Heavy_metal_music", 0], [342348, 326405, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268400, 264994, "Danielle_Cormack", 0]]], "all_evidence": [[268400, 264994, "Danielle_Cormack", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142390, 157589, "United_Nations_Charter", 0]]], "all_evidence": [[142390, 157589, "United_Nations_Charter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238537, null, null, null], [238538, null, null, null]]], "all_evidence": [[238537, null, null, null], [238538, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210304, 218075, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210304, 218075, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218418, null, null, null]]], "all_evidence": [[218418, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132671, 147602, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[132671, 147602, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104162, 117636, "Morse_code", 0]]], "all_evidence": [[104162, 117636, "Morse_code", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160534, null, null, null]]], "all_evidence": [[160534, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12737, 15881, "The_Bassoon_King", 0]], [[12738, 15882, "The_Bassoon_King", 0]], [[12740, 15884, "The_Bassoon_King", 0]], [[12745, 15889, "The_Bassoon_King", 0]], [[12914, 16100, "The_Bassoon_King", 0]]], "all_evidence": [[12737, 15881, "The_Bassoon_King", 0], [12738, 15882, "The_Bassoon_King", 0], [12740, 15884, "The_Bassoon_King", 0], [12745, 15889, "The_Bassoon_King", 0], [12914, 16100, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279597, null, null, null], [281316, null, null, null], [283486, null, null, null], [327970, null, null, null]]], "all_evidence": [[279597, null, null, null], [281316, null, null, null], [283486, null, null, null], [327970, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213173, null, null, null]]], "all_evidence": [[213173, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[277775, 272727, "Harvard_University", 15]]], "all_evidence": [[277775, 272727, "Harvard_University", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165185, 179319, "Battle_of_France", 0]]], "all_evidence": [[165185, 179319, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231174, null, null, null]]], "all_evidence": [[231174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130206, 144941, "The_Mighty_Ducks", 1]], [[130207, 144942, "The_Mighty_Ducks", 1]]], "all_evidence": [[130206, 144941, "The_Mighty_Ducks", 1], [130207, 144942, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166933, 180751, "Paramore", 0]]], "all_evidence": [[166933, 180751, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49056, null, null, null]]], "all_evidence": [[49056, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80060, null, null, null]]], "all_evidence": [[80060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111490, 125221, "Aaron_Burr", 9]]], "all_evidence": [[111490, 125221, "Aaron_Burr", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235712, null, null, null]]], "all_evidence": [[235712, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123535, null, null, null]]], "all_evidence": [[123535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191969, 202732, "Drake_Bell", 13]], [[191969, 202733, "Drake_Bell", 16]], [[191969, 202734, "Drake_Bell", 18]], [[191969, 202735, "Drake_Bell", 19]], [[191970, 202736, "Drake_Bell", 13]], [[191970, 202737, "Drake_Bell", 16]], [[191970, 202738, "Drake_Bell", 18]], [[191970, 202739, "Drake_Bell", 19]]], "all_evidence": [[191969, 202732, "Drake_Bell", 13], [191969, 202733, "Drake_Bell", 16], [191969, 202734, "Drake_Bell", 18], [191969, 202735, "Drake_Bell", 19], [191970, 202736, "Drake_Bell", 13], [191970, 202737, "Drake_Bell", 16], [191970, 202738, "Drake_Bell", 18], [191970, 202739, "Drake_Bell", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73939, 85176, "West_Ham_United_F.C.", 5]]], "all_evidence": [[73939, 85176, "West_Ham_United_F.C.", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126844, 141290, "Human_trafficking", 0]]], "all_evidence": [[126844, 141290, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272430, null, null, null]]], "all_evidence": [[272430, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244439, null, null, null], [244440, null, null, null]]], "all_evidence": [[244439, null, null, null], [244440, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13750, 17200, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[13750, 17200, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100724, null, null, null]]], "all_evidence": [[100724, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118490, 132341, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[118490, 132341, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47969, 57288, "Ashton_Kutcher", 8]]], "all_evidence": [[47969, 57288, "Ashton_Kutcher", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142987, null, null, null]]], "all_evidence": [[142987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88346, 100961, "Ed_Wood_-LRB-film-RRB-", 0], [88346, 100961, "Ed_Wood", 1]]], "all_evidence": [[88346, 100961, "Ed_Wood_-LRB-film-RRB-", 0], [88346, 100961, "Ed_Wood", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160910, 175387, "Global_warming", 13]]], "all_evidence": [[160910, 175387, "Global_warming", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211416, null, null, null], [211420, null, null, null]]], "all_evidence": [[211416, null, null, null], [211420, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57439, null, null, null]]], "all_evidence": [[57439, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215815, 222592, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215815, 222592, "Geraldine_Chaplin", 0]]], "all_evidence": [[215815, 222592, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215815, 222592, "Geraldine_Chaplin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104878, 118282, "Civilization_IV", 0]]], "all_evidence": [[104878, 118282, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146811, 161788, "Beaverton,_Oregon", 1]]], "all_evidence": [[146811, 161788, "Beaverton,_Oregon", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85544, 97857, "Bethany_Hamilton", 0]]], "all_evidence": [[85544, 97857, "Bethany_Hamilton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172133, 185524, "Helmand_Province", 7]]], "all_evidence": [[172133, 185524, "Helmand_Province", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157155, null, null, null]]], "all_evidence": [[157155, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200464, 209969, "Sancho_Panza", 0]]], "all_evidence": [[200464, 209969, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72060, null, null, null]]], "all_evidence": [[72060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180133, 192665, "Aarhus", 1]]], "all_evidence": [[180133, 192665, "Aarhus", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101444, null, null, null]]], "all_evidence": [[101444, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185029, null, null, null]]], "all_evidence": [[185029, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275430, 270567, "Danny_Brown", 0]], [[277794, 272741, "Danny_Brown", 0]], [[277794, 272742, "Danny_Brown", 2], [277794, 272742, "The_Hybrid_-LRB-album-RRB-", 0]], [[277794, 272743, "Danny_Brown", 3], [277794, 272743, "XXX_-LRB-Danny_Brown_album-RRB-", 0]], [[277794, 272744, "Danny_Brown", 4], [277794, 272744, "Old_-LRB-Danny_Brown_album-RRB-", 0]], [[277794, 272745, "Danny_Brown", 5], [277794, 272745, "Atrocity_Exhibition_-LRB-album-RRB-", 0]], [[324464, 312435, "Danny_Brown", 1]], [[324464, 312436, "Danny_Brown", 2]], [[324464, 312437, "Danny_Brown", 3]], [[324464, 312438, "Danny_Brown", 4]], [[324464, 312439, "Danny_Brown", 5]], [[325896, 313518, "Danny_Brown", 0]], [[326029, 313609, "Danny_Brown", 0]], [[326029, 313610, "Danny_Brown", 2], [326029, 313610, "The_Hybrid_-LRB-album-RRB-", 0]], [[326029, 313611, "Danny_Brown", 3], [326029, 313611, "XXX_-LRB-Danny_Brown_album-RRB-", 0]], [[326029, 313612, "Danny_Brown", 4], [326029, 313612, "Old_-LRB-Danny_Brown_album-RRB-", 0]], [[326029, 313613, "Danny_Brown", 5], [326029, 313613, "Atrocity_Exhibition_-LRB-album-RRB-", 0]]], "all_evidence": [[275430, 270567, "Danny_Brown", 0], [277794, 272741, "Danny_Brown", 0], [277794, 272742, "Danny_Brown", 2], [277794, 272742, "The_Hybrid_-LRB-album-RRB-", 0], [277794, 272743, "Danny_Brown", 3], [277794, 272743, "XXX_-LRB-Danny_Brown_album-RRB-", 0], [277794, 272744, "Danny_Brown", 4], [277794, 272744, "Old_-LRB-Danny_Brown_album-RRB-", 0], [277794, 272745, "Danny_Brown", 5], [277794, 272745, "Atrocity_Exhibition_-LRB-album-RRB-", 0], [324464, 312435, "Danny_Brown", 1], [324464, 312436, "Danny_Brown", 2], [324464, 312437, "Danny_Brown", 3], [324464, 312438, "Danny_Brown", 4], [324464, 312439, "Danny_Brown", 5], [325896, 313518, "Danny_Brown", 0], [326029, 313609, "Danny_Brown", 0], [326029, 313610, "Danny_Brown", 2], [326029, 313610, "The_Hybrid_-LRB-album-RRB-", 0], [326029, 313611, "Danny_Brown", 3], [326029, 313611, "XXX_-LRB-Danny_Brown_album-RRB-", 0], [326029, 313612, "Danny_Brown", 4], [326029, 313612, "Old_-LRB-Danny_Brown_album-RRB-", 0], [326029, 313613, "Danny_Brown", 5], [326029, 313613, "Atrocity_Exhibition_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245858, null, null, null]]], "all_evidence": [[245858, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227021, 231451, "Barry_Van_Dyke", 0]]], "all_evidence": [[227021, 231451, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93031, 105916, "Jennifer_Lopez", 10]]], "all_evidence": [[93031, 105916, "Jennifer_Lopez", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35446, 42962, "Guillermo_del_Toro", 0]]], "all_evidence": [[35446, 42962, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61077, 71537, "Monster", 0]]], "all_evidence": [[61077, 71537, "Monster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183960, null, null, null], [183966, null, null, null]]], "all_evidence": [[183960, null, null, null], [183966, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25724, 31648, "Chris_Kyle", 0]]], "all_evidence": [[25724, 31648, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46372, 55351, "Life", 0]]], "all_evidence": [[46372, 55351, "Life", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39626, null, null, null]]], "all_evidence": [[39626, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123728, null, null, null]]], "all_evidence": [[123728, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270820, null, null, null]]], "all_evidence": [[270820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77697, 89146, "West_Virginia", 1]]], "all_evidence": [[77697, 89146, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90781, 103481, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[90781, 103481, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193421, 203938, "Don_Bradman", 20]]], "all_evidence": [[193421, 203938, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53735, 63736, "A_View_to_a_Kill", 0]]], "all_evidence": [[53735, 63736, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292570, null, null, null], [294583, null, null, null], [295170, null, null, null], [340377, null, null, null], [340385, null, null, null]]], "all_evidence": [[292570, null, null, null], [294583, null, null, null], [295170, null, null, null], [340377, null, null, null], [340385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193380, 203907, "Don_Bradman", 20]]], "all_evidence": [[193380, 203907, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275313, 270476, "Blade_Runner_2049", 1]], [[277188, 272146, "Blade_Runner_2049", 1]], [[277731, 272678, "Blade_Runner_2049", 1]], [[324352, 312361, "Blade_Runner_2049", 1]], [[325802, 313417, "Blade_Runner_2049", 1]], [[325803, 313418, "Blade_Runner_2049", 1]], [[325805, 313419, "Blade_Runner_2049", 1]], [[325814, 313429, "Blade_Runner_2049", 1]]], "all_evidence": [[275313, 270476, "Blade_Runner_2049", 1], [277188, 272146, "Blade_Runner_2049", 1], [277731, 272678, "Blade_Runner_2049", 1], [324352, 312361, "Blade_Runner_2049", 1], [325802, 313417, "Blade_Runner_2049", 1], [325803, 313418, "Blade_Runner_2049", 1], [325805, 313419, "Blade_Runner_2049", 1], [325814, 313429, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135439, 150322, "Heart", 15]]], "all_evidence": [[135439, 150322, "Heart", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269577, 265870, "Richard_Dawkins", 16]]], "all_evidence": [[269577, 265870, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241414, 242941, "Brad_Wilk", 1]], [[241414, 242942, "Brad_Wilk", 9]]], "all_evidence": [[241414, 242941, "Brad_Wilk", 1], [241414, 242942, "Brad_Wilk", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189884, null, null, null]]], "all_evidence": [[189884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142496, 157677, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[142496, 157677, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258123, 256993, "Monk", 1]], [[258123, 256994, "Monk", 5]]], "all_evidence": [[258123, 256993, "Monk", 1], [258123, 256994, "Monk", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227659, 232001, "Happiness_in_Slavery", 0]]], "all_evidence": [[227659, 232001, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214302, 221383, "Ernest_Medina", 2]], [[214302, 221384, "Ernest_Medina", 3]], [[214304, 221386, "Ernest_Medina", 2]], [[214304, 221387, "Ernest_Medina", 3]]], "all_evidence": [[214302, 221383, "Ernest_Medina", 2], [214302, 221384, "Ernest_Medina", 3], [214304, 221386, "Ernest_Medina", 2], [214304, 221387, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142868, 158002, "Penguin_Books", 2]]], "all_evidence": [[142868, 158002, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89892, 102601, "XHamster", 6]], [[89918, 102621, "XHamster", 6]]], "all_evidence": [[89892, 102601, "XHamster", 6], [89918, 102621, "XHamster", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237564, 239771, "Live_Through_This", 0]], [[237564, 239772, "Live_Through_This", 3]], [[237564, 239773, "Live_Through_This", 4]], [[237564, 239774, "Live_Through_This", 5]], [[237564, 239775, "Live_Through_This", 8]], [[237564, 239776, "Live_Through_This", 9]], [[237564, 239777, "Live_Through_This", 10]], [[237564, 239778, "Live_Through_This", 11]]], "all_evidence": [[237564, 239771, "Live_Through_This", 0], [237564, 239772, "Live_Through_This", 3], [237564, 239773, "Live_Through_This", 4], [237564, 239774, "Live_Through_This", 5], [237564, 239775, "Live_Through_This", 8], [237564, 239776, "Live_Through_This", 9], [237564, 239777, "Live_Through_This", 10], [237564, 239778, "Live_Through_This", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122579, null, null, null]]], "all_evidence": [[122579, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264405, 261867, "Brubaker", 0]]], "all_evidence": [[264405, 261867, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258094, 256973, "Monk", 0]]], "all_evidence": [[258094, 256973, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24431, 30214, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[24431, 30214, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106651, null, null, null]]], "all_evidence": [[106651, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268465, 265047, "Michaela_Watkins", 0]]], "all_evidence": [[268465, 265047, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238972, 240930, "Despicable_Me_2", 1], [238972, 240930, "Cinco_Paul_and_Ken_Daurio", 0]]], "all_evidence": [[238972, 240930, "Despicable_Me_2", 1], [238972, 240930, "Cinco_Paul_and_Ken_Daurio", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57939, 68170, "T2_Trainspotting", 0]]], "all_evidence": [[57939, 68170, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55089, 65127, "Speech_recognition", 0]]], "all_evidence": [[55089, 65127, "Speech_recognition", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172754, 186026, "Edmund_H._North", 0], [172754, 186026, "Pisces_-LRB-astrology-RRB-", 2]]], "all_evidence": [[172754, 186026, "Edmund_H._North", 0], [172754, 186026, "Pisces_-LRB-astrology-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210952, 218619, "Mogadishu", 0]], [[210952, 218620, "Mogadishu", 1]]], "all_evidence": [[210952, 218619, "Mogadishu", 0], [210952, 218620, "Mogadishu", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246517, null, null, null]]], "all_evidence": [[246517, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32576, 39597, "Edmund_H._North", 0]]], "all_evidence": [[32576, 39597, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250997, 250966, "Brick_-LRB-film-RRB-", 0]], [[251002, 250970, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250997, 250966, "Brick_-LRB-film-RRB-", 0], [251002, 250970, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71761, 82768, "Nicholas_Brody", 1], [71761, 82768, "Showtime_-LRB-TV_network-RRB-", 0]]], "all_evidence": [[71761, 82768, "Nicholas_Brody", 1], [71761, 82768, "Showtime_-LRB-TV_network-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120554, null, null, null]]], "all_evidence": [[120554, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174044, 187229, "A_View_to_a_Kill", 6]]], "all_evidence": [[174044, 187229, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33371, 40482, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[33371, 40482, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110710, 124388, "Microbiologist", 14]]], "all_evidence": [[110710, 124388, "Microbiologist", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169681, 183282, "The_Daily_Show", 2]]], "all_evidence": [[169681, 183282, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217315, 223932, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217315, 223932, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159334, 173896, "House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[159334, 173896, "House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156970, null, null, null]]], "all_evidence": [[156970, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42840, null, null, null]]], "all_evidence": [[42840, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99374, 112493, "Shawn_Carlson", 0]]], "all_evidence": [[99374, 112493, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91433, null, null, null]]], "all_evidence": [[91433, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54068, 64054, "Tenacious_D", 0]]], "all_evidence": [[54068, 64054, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149232, 164229, "James_VI_and_I", 10]], [[149238, 164236, "James_VI_and_I", 10]], [[149238, 164237, "James_VI_and_I", 0]]], "all_evidence": [[149232, 164229, "James_VI_and_I", 10], [149238, 164236, "James_VI_and_I", 10], [149238, 164237, "James_VI_and_I", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113379, 127243, "Caroline_Kennedy", 0]]], "all_evidence": [[113379, 127243, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172686, null, null, null]]], "all_evidence": [[172686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162905, 177137, "Rage_Against_the_Machine", 0]]], "all_evidence": [[162905, 177137, "Rage_Against_the_Machine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53541, 63538, "Bruce_Shand", 0]]], "all_evidence": [[53541, 63538, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138542, 153619, "History_of_Earth", 6]], [[138542, 153620, "History_of_Earth", 24]], [[138542, 153621, "History_of_Earth", 25]], [[138542, 153622, "History_of_Earth", 26]]], "all_evidence": [[138542, 153619, "History_of_Earth", 6], [138542, 153620, "History_of_Earth", 24], [138542, 153621, "History_of_Earth", 25], [138542, 153622, "History_of_Earth", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174723, 187870, "Sam_Claflin", 1]]], "all_evidence": [[174723, 187870, "Sam_Claflin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[297106, 288794, "The_Bahamas", 1]], [[340627, 325262, "The_Bahamas", 0], [340627, 325262, "Archipelagic_state", 0]], [[340973, 325464, "The_Bahamas", 0], [340973, 325464, "Archipelagic_state", 0]]], "all_evidence": [[297106, 288794, "The_Bahamas", 1], [340627, 325262, "The_Bahamas", 0], [340627, 325262, "Archipelagic_state", 0], [340973, 325464, "The_Bahamas", 0], [340973, 325464, "Archipelagic_state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16656, 20622, "James_Jones_-LRB-basketball_player-RRB-", 15], [16656, 20622, "NBA_playoffs", 0]]], "all_evidence": [[16656, 20622, "James_Jones_-LRB-basketball_player-RRB-", 15], [16656, 20622, "NBA_playoffs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73276, 84494, "Miranda_Otto", 1]]], "all_evidence": [[73276, 84494, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175284, 188273, "Camden,_New_Jersey", 40]]], "all_evidence": [[175284, 188273, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207691, 215910, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207691, 215910, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268415, 265001, "Danielle_Cormack", 0]]], "all_evidence": [[268415, 265001, "Danielle_Cormack", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268078, 264723, "PacSun", 1]], [[270038, 266177, "PacSun", 1]], [[271161, 267098, "PacSun", 1], [271161, 267098, "PacSun", 0]], [[321797, 310196, "PacSun", 1]], [[323119, 311348, "PacSun", 1]], [[323123, 311352, "PacSun", 1]]], "all_evidence": [[268078, 264723, "PacSun", 1], [270038, 266177, "PacSun", 1], [271161, 267098, "PacSun", 1], [271161, 267098, "PacSun", 0], [321797, 310196, "PacSun", 1], [323119, 311348, "PacSun", 1], [323123, 311352, "PacSun", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54521, 64522, "Colombiana", 0]]], "all_evidence": [[54521, 64522, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73385, 84623, "Daag_-LRB-1973_film-RRB-", 0]], [[73385, 84624, "Daag_-LRB-1973_film-RRB-", 5]], [[73385, 84625, "Daag_-LRB-1973_film-RRB-", 2]], [[73385, 84626, "Daag_-LRB-1973_film-RRB-", 8]], [[73385, 84627, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[73385, 84623, "Daag_-LRB-1973_film-RRB-", 0], [73385, 84624, "Daag_-LRB-1973_film-RRB-", 5], [73385, 84625, "Daag_-LRB-1973_film-RRB-", 2], [73385, 84626, "Daag_-LRB-1973_film-RRB-", 8], [73385, 84627, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255498, 254947, "Gray_Matter_Interactive", 0]]], "all_evidence": [[255498, 254947, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98099, null, null, null]]], "all_evidence": [[98099, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251517, null, null, null]]], "all_evidence": [[251517, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213732, 220890, "Finding_Dory", 1]]], "all_evidence": [[213732, 220890, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239620, 241396, "Polynesian_languages", 6]]], "all_evidence": [[239620, 241396, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99993, 113200, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[99993, 113200, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269556, 265856, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269556, 265856, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168103, 181863, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[168103, 181863, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73473, 84715, "John_Krasinski", 0]]], "all_evidence": [[73473, 84715, "John_Krasinski", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87076, 99575, "Blue_Jasmine", 1]], [[87076, 99576, "Blue_Jasmine", 6]], [[87076, 99577, "Blue_Jasmine", 7]]], "all_evidence": [[87076, 99575, "Blue_Jasmine", 1], [87076, 99576, "Blue_Jasmine", 6], [87076, 99577, "Blue_Jasmine", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45702, 54570, "Gordon_Ramsay", 11]]], "all_evidence": [[45702, 54570, "Gordon_Ramsay", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133545, null, null, null]]], "all_evidence": [[133545, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241385, null, null, null]]], "all_evidence": [[241385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43433, 52076, "Philomena_-LRB-film-RRB-", 8]], [[43433, 52077, "Philomena_-LRB-film-RRB-", 9]]], "all_evidence": [[43433, 52076, "Philomena_-LRB-film-RRB-", 8], [43433, 52077, "Philomena_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172886, 186148, "David_Spade", 2]]], "all_evidence": [[172886, 186148, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227622, 231972, "Happiness_in_Slavery", 0]]], "all_evidence": [[227622, 231972, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225830, 230401, "Love_the_Way_You_Lie", 17]]], "all_evidence": [[225830, 230401, "Love_the_Way_You_Lie", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76564, null, null, null], [305730, null, null, null], [307378, null, null, null]]], "all_evidence": [[76564, null, null, null], [305730, null, null, null], [307378, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184888, 196756, "French_Indochina", 0]], [[184890, 196758, "French_Indochina", 0]]], "all_evidence": [[184888, 196756, "French_Indochina", 0], [184890, 196758, "French_Indochina", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190725, null, null, null]]], "all_evidence": [[190725, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87315, null, null, null]]], "all_evidence": [[87315, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27326, 33494, "AMGTV", 0]]], "all_evidence": [[27326, 33494, "AMGTV", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296690, null, null, null], [300366, null, null, null], [343721, null, null, null], [343722, null, null, null], [343731, null, null, null]]], "all_evidence": [[296690, null, null, null], [300366, null, null, null], [343721, null, null, null], [343722, null, null, null], [343731, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53032, 62981, "Republic_of_Macedonia", 1], [53032, 62981, "Balkans", 0]]], "all_evidence": [[53032, 62981, "Republic_of_Macedonia", 1], [53032, 62981, "Balkans", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229423, 233351, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1]]], "all_evidence": [[229423, 233351, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37402, 45318, "Jackpot_-LRB-2013_film-RRB-", 1]]], "all_evidence": [[37402, 45318, "Jackpot_-LRB-2013_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44309, 52950, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[44309, 52950, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161322, null, null, null]]], "all_evidence": [[161322, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165908, null, null, null]]], "all_evidence": [[165908, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155311, 170001, "Saxony", 4]]], "all_evidence": [[155311, 170001, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180084, 192608, "Always_-LRB-1989_film-RRB-", 3]]], "all_evidence": [[180084, 192608, "Always_-LRB-1989_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92009, null, null, null]]], "all_evidence": [[92009, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124191, null, null, null]]], "all_evidence": [[124191, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231190, 234717, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231190, 234717, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78380, 89914, "L.A._Reid", 1]]], "all_evidence": [[78380, 89914, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173047, null, null, null]]], "all_evidence": [[173047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40054, 48186, "A_View_to_a_Kill", 0], [40054, 48186, "Slipknot_-LRB-band-RRB-", 1]]], "all_evidence": [[40054, 48186, "A_View_to_a_Kill", 0], [40054, 48186, "Slipknot_-LRB-band-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161317, 175805, "The_dress", 7]]], "all_evidence": [[161317, 175805, "The_dress", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125519, 139863, "Starrcade", 0]], [[125519, 139864, "Starrcade", 2]], [[125519, 139865, "Starrcade", 5]], [[125519, 139866, "Starrcade", 21]], [[125519, 139867, "Starrcade", 23]], [[125519, 139868, "Starrcade", 14]]], "all_evidence": [[125519, 139863, "Starrcade", 0], [125519, 139864, "Starrcade", 2], [125519, 139865, "Starrcade", 5], [125519, 139866, "Starrcade", 21], [125519, 139867, "Starrcade", 23], [125519, 139868, "Starrcade", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80556, 92399, "Michigan", 2]]], "all_evidence": [[80556, 92399, "Michigan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270841, 266821, "New_Orleans_Pelicans", 1], [270841, 266821, "Southwest_Division_-LRB-NBA-RRB-", 0]]], "all_evidence": [[270841, 266821, "New_Orleans_Pelicans", 1], [270841, 266821, "Southwest_Division_-LRB-NBA-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229528, null, null, null]]], "all_evidence": [[229528, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129809, null, null, null]]], "all_evidence": [[129809, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104120, null, null, null]]], "all_evidence": [[104120, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150302, 165225, "Justine_Bateman", 0]]], "all_evidence": [[150302, 165225, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148085, null, null, null]]], "all_evidence": [[148085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279606, 274244, "Sean_Penn", 5], [279606, 274244, "Sean_Penn", 6], [279606, 274244, "Sean_Penn", 7], [279606, 274244, "Sean_Penn", 8], [279606, 274244, "Sean_Penn", 11]], [[281327, 275729, "Sean_Penn", 5], [281327, 275729, "Sean_Penn", 6], [281327, 275729, "Sean_Penn", 7], [281327, 275729, "Sean_Penn", 8], [281327, 275729, "Sean_Penn", 11], [281327, 275729, "Sean_Penn", 12], [281327, 275729, "Sean_Penn", 13]], [[328948, 315881, "Sean_Penn", 5], [328948, 315881, "Sean_Penn", 6], [328948, 315881, "Sean_Penn", 7], [328948, 315881, "Sean_Penn", 8], [328948, 315881, "Sean_Penn", 11]]], "all_evidence": [[279606, 274244, "Sean_Penn", 5], [279606, 274244, "Sean_Penn", 6], [279606, 274244, "Sean_Penn", 7], [279606, 274244, "Sean_Penn", 8], [279606, 274244, "Sean_Penn", 11], [281327, 275729, "Sean_Penn", 5], [281327, 275729, "Sean_Penn", 6], [281327, 275729, "Sean_Penn", 7], [281327, 275729, "Sean_Penn", 8], [281327, 275729, "Sean_Penn", 11], [281327, 275729, "Sean_Penn", 12], [281327, 275729, "Sean_Penn", 13], [328948, 315881, "Sean_Penn", 5], [328948, 315881, "Sean_Penn", 6], [328948, 315881, "Sean_Penn", 7], [328948, 315881, "Sean_Penn", 8], [328948, 315881, "Sean_Penn", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273654, 269025, "Working_animal", 0]]], "all_evidence": [[273654, 269025, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93021, 105904, "Camden,_New_Jersey", 0]], [[93021, 105905, "Camden,_New_Jersey", 3], [93021, 105905, "List_of_municipalities_in_New_Jersey", 1]], [[93021, 105906, "Camden,_New_Jersey", 2]], [[93021, 105907, "Camden,_New_Jersey", 5], [93021, 105907, "County_seat", 0]]], "all_evidence": [[93021, 105904, "Camden,_New_Jersey", 0], [93021, 105905, "Camden,_New_Jersey", 3], [93021, 105905, "List_of_municipalities_in_New_Jersey", 1], [93021, 105906, "Camden,_New_Jersey", 2], [93021, 105907, "Camden,_New_Jersey", 5], [93021, 105907, "County_seat", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230034, 233794, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230034, 233794, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231441, 234942, "Diwali", 2]]], "all_evidence": [[231441, 234942, "Diwali", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49741, null, null, null]]], "all_evidence": [[49741, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118104, 131957, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[118104, 131957, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103692, null, null, null]]], "all_evidence": [[103692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146193, 161181, "Bad_Romance", 12]], [[146197, 161185, "Bad_Romance", 12]], [[146198, 161186, "Bad_Romance", 12]]], "all_evidence": [[146193, 161181, "Bad_Romance", 12], [146197, 161185, "Bad_Romance", 12], [146198, 161186, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203700, null, null, null]]], "all_evidence": [[203700, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24105, 29833, "Kellyanne_Conway", 12]]], "all_evidence": [[24105, 29833, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33166, null, null, null]]], "all_evidence": [[33166, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66175, null, null, null]]], "all_evidence": [[66175, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239995, null, null, null]]], "all_evidence": [[239995, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103730, null, null, null]]], "all_evidence": [[103730, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56659, null, null, null]]], "all_evidence": [[56659, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69172, null, null, null]]], "all_evidence": [[69172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185339, 197107, "Juventus_F.C.", 1], [185339, 197107, "Juventus_Stadium", 0]]], "all_evidence": [[185339, 197107, "Juventus_F.C.", 1], [185339, 197107, "Juventus_Stadium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258101, 256977, "Monk", 0]], [[258103, 256979, "Monk", 0]]], "all_evidence": [[258101, 256977, "Monk", 0], [258103, 256979, "Monk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197258, null, null, null]]], "all_evidence": [[197258, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96348, 109495, "Sayyeshaa", 1]]], "all_evidence": [[96348, 109495, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38322, 46274, "EA_Black_Box", 0]]], "all_evidence": [[38322, 46274, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132892, null, null, null]]], "all_evidence": [[132892, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78301, 89835, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[78301, 89835, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111560, 125324, "Terry_Crews", 0]]], "all_evidence": [[111560, 125324, "Terry_Crews", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163439, 177679, "Washington_Wizards", 0], [163439, 177679, "American_Idol", 0]]], "all_evidence": [[163439, 177679, "Washington_Wizards", 0], [163439, 177679, "American_Idol", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22753, 28057, "Stanley_Williams", 5]]], "all_evidence": [[22753, 28057, "Stanley_Williams", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209567, 217368, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209567, 217368, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269608, 265890, "Richard_Dawkins", 16]], [[269612, 265892, "Richard_Dawkins", 16]]], "all_evidence": [[269608, 265890, "Richard_Dawkins", 16], [269612, 265892, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198029, 207976, "Syracuse,_New_York", 2]]], "all_evidence": [[198029, 207976, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25794, 31726, "Harold_Macmillan", 0]], [[27104, 33228, "Harold_Macmillan", 0]], [[30161, 36714, "Harold_Macmillan", 0]], [[301665, 292778, "Harold_Macmillan", 0]], [[301666, 292779, "Harold_Macmillan", 0]], [[302971, 293952, "Harold_Macmillan", 0]]], "all_evidence": [[25794, 31726, "Harold_Macmillan", 0], [27104, 33228, "Harold_Macmillan", 0], [30161, 36714, "Harold_Macmillan", 0], [301665, 292778, "Harold_Macmillan", 0], [301666, 292779, "Harold_Macmillan", 0], [302971, 293952, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251516, 251353, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251516, 251353, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14509, null, null, null]]], "all_evidence": [[14509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231978, 235279, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231978, 235279, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190037, 201181, "Philip_Glass", 9]]], "all_evidence": [[190037, 201181, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253968, null, null, null], [253969, null, null, null]]], "all_evidence": [[253968, null, null, null], [253969, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20510, 25142, "Meteora_-LRB-album-RRB-", 0]], [[20510, 25143, "Meteora_-LRB-album-RRB-", 13]]], "all_evidence": [[20510, 25142, "Meteora_-LRB-album-RRB-", 0], [20510, 25143, "Meteora_-LRB-album-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260874, 259214, "Capsicum_chinense", 0]], [[260876, 259215, "Capsicum_chinense", 0]]], "all_evidence": [[260874, 259214, "Capsicum_chinense", 0], [260876, 259215, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186122, null, null, null]]], "all_evidence": [[186122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12099, 15155, "Lost_-LRB-TV_series-RRB-", 15]]], "all_evidence": [[12099, 15155, "Lost_-LRB-TV_series-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76740, 88089, "Eva_Green", 1]], [[80359, 92183, "Eva_Green", 1]], [[82864, 94730, "Eva_Green", 1]], [[306035, 296786, "Eva_Green", 1]], [[307260, 297792, "Eva_Green", 1]]], "all_evidence": [[76740, 88089, "Eva_Green", 1], [80359, 92183, "Eva_Green", 1], [82864, 94730, "Eva_Green", 1], [306035, 296786, "Eva_Green", 1], [307260, 297792, "Eva_Green", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72186, null, null, null]]], "all_evidence": [[72186, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119387, 133403, "Bethany_Hamilton", 2], [119387, 133403, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[119387, 133403, "Bethany_Hamilton", 2], [119387, 133403, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254371, 254060, "DJ_Quik", 0]], [[254371, 254061, "DJ_Quik", 1]]], "all_evidence": [[254371, 254060, "DJ_Quik", 0], [254371, 254061, "DJ_Quik", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213718, 220877, "Finding_Dory", 1]]], "all_evidence": [[213718, 220877, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105794, null, null, null]]], "all_evidence": [[105794, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[217924, null, null, null], [219883, null, null, null], [317461, null, null, null], [317471, null, null, null]]], "all_evidence": [[217924, null, null, null], [219883, null, null, null], [317461, null, null, null], [317471, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35795, 43336, "Angelsberg", 0]]], "all_evidence": [[35795, 43336, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[280833, 275228, "EA_Black_Box", 0]], [[281060, 275446, "EA_Black_Box", 0]], [[281060, 275447, "EA_Black_Box", 2]], [[328730, 315718, "EA_Black_Box", 0]]], "all_evidence": [[280833, 275228, "EA_Black_Box", 0], [281060, 275446, "EA_Black_Box", 0], [281060, 275447, "EA_Black_Box", 2], [328730, 315718, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34940, 42358, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[34940, 42358, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115206, null, null, null]]], "all_evidence": [[115206, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51218, 60960, "Topman", 0], [51218, 60960, "Topshop", 0]]], "all_evidence": [[51218, 60960, "Topman", 0], [51218, 60960, "Topshop", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182249, 194506, "YouTube", 0]], [[182249, 194507, "YouTube", 2]], [[182249, 194508, "YouTube", 3]], [[182249, 194509, "YouTube", 8]], [[182249, 194510, "YouTube", 13]], [[182249, 194511, "YouTube", 15]]], "all_evidence": [[182249, 194506, "YouTube", 0], [182249, 194507, "YouTube", 2], [182249, 194508, "YouTube", 3], [182249, 194509, "YouTube", 8], [182249, 194510, "YouTube", 13], [182249, 194511, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[297581, 289229, "Poldark_-LRB-2015_TV_series-RRB-", 6], [297581, 289229, "Poldark_-LRB-2015_TV_series-RRB-", 0]], [[342169, 326292, "Poldark_-LRB-2015_TV_series-RRB-", 6]], [[342179, 326299, "Poldark_-LRB-2015_TV_series-RRB-", 6]], [[342206, 326306, "Poldark_-LRB-2015_TV_series-RRB-", 6]]], "all_evidence": [[297581, 289229, "Poldark_-LRB-2015_TV_series-RRB-", 6], [297581, 289229, "Poldark_-LRB-2015_TV_series-RRB-", 0], [342169, 326292, "Poldark_-LRB-2015_TV_series-RRB-", 6], [342179, 326299, "Poldark_-LRB-2015_TV_series-RRB-", 6], [342206, 326306, "Poldark_-LRB-2015_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267518, null, null, null]]], "all_evidence": [[267518, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211220, null, null, null]]], "all_evidence": [[211220, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166928, 180748, "Diana,_Princess_of_Wales", 5]]], "all_evidence": [[166928, 180748, "Diana,_Princess_of_Wales", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132484, 147401, "Juventus_F.C.", 1]]], "all_evidence": [[132484, 147401, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127026, null, null, null]]], "all_evidence": [[127026, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241254, 242796, "Cretaceous", 8]]], "all_evidence": [[241254, 242796, "Cretaceous", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176506, null, null, null]]], "all_evidence": [[176506, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279365, 273986, "Hedda_Gabler", 1]], [[281115, 275506, "Hedda_Gabler", 1]], [[283195, 277271, "Hedda_Gabler", 1]], [[327631, 314860, "Hedda_Gabler", 1]], [[328757, 315756, "Hedda_Gabler", 1]]], "all_evidence": [[279365, 273986, "Hedda_Gabler", 1], [281115, 275506, "Hedda_Gabler", 1], [283195, 277271, "Hedda_Gabler", 1], [327631, 314860, "Hedda_Gabler", 1], [328757, 315756, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121839, null, null, null]]], "all_evidence": [[121839, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203334, 212375, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203334, 212375, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214783, 221777, "Premam", 11]]], "all_evidence": [[214783, 221777, "Premam", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201871, null, null, null], [204752, null, null, null], [315690, null, null, null], [316731, null, null, null], [318660, null, null, null]]], "all_evidence": [[201871, null, null, null], [204752, null, null, null], [315690, null, null, null], [316731, null, null, null], [318660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228738, 232848, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228758, 232876, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]], "all_evidence": [[228738, 232848, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228758, 232876, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182208, null, null, null]]], "all_evidence": [[182208, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121976, null, null, null]]], "all_evidence": [[121976, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181136, null, null, null]]], "all_evidence": [[181136, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136038, 150873, "James_Jones_-LRB-basketball_player-RRB-", 15]]], "all_evidence": [[136038, 150873, "James_Jones_-LRB-basketball_player-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95253, 108255, "Ashley_Cole", 0], [95253, 108255, "LA_Galaxy", 4]]], "all_evidence": [[95253, 108255, "Ashley_Cole", 0], [95253, 108255, "LA_Galaxy", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102294, null, null, null]]], "all_evidence": [[102294, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72877, 83980, "Wildfang", 1]]], "all_evidence": [[72877, 83980, "Wildfang", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171914, null, null, null], [313772, null, null, null], [313775, null, null, null]]], "all_evidence": [[171914, null, null, null], [313772, null, null, null], [313775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248512, 248674, "Tie_Your_Mother_Down", 2]]], "all_evidence": [[248512, 248674, "Tie_Your_Mother_Down", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58230, 68454, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[58230, 68454, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175543, 188552, "James_VI_and_I", 10]], [[175544, 188553, "James_VI_and_I", 10]]], "all_evidence": [[175543, 188552, "James_VI_and_I", 10], [175544, 188553, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79495, 91223, "Rupert_Murdoch", 3]], [[79495, 91224, "Rupert_Murdoch", 20]]], "all_evidence": [[79495, 91223, "Rupert_Murdoch", 3], [79495, 91224, "Rupert_Murdoch", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245445, 246256, "Mel_B", 5]]], "all_evidence": [[245445, 246256, "Mel_B", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[291604, 284509, "Randy_Savage", 0]], [[291604, 284510, "Randy_Savage", 3]], [[291605, 284511, "Randy_Savage", 0]], [[291608, 284513, "Randy_Savage", 0], [291608, 284513, "Professional_wrestling", 2]]], "all_evidence": [[291604, 284509, "Randy_Savage", 0], [291604, 284510, "Randy_Savage", 3], [291605, 284511, "Randy_Savage", 0], [291608, 284513, "Randy_Savage", 0], [291608, 284513, "Professional_wrestling", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116050, 129950, "Gin", 3]]], "all_evidence": [[116050, 129950, "Gin", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210342, 218104, "Southpaw_-LRB-film-RRB-", 0], [210342, 218104, "Kurt_Sutter", 0]]], "all_evidence": [[210342, 218104, "Southpaw_-LRB-film-RRB-", 0], [210342, 218104, "Kurt_Sutter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44362, null, null, null]]], "all_evidence": [[44362, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232001, null, null, null]]], "all_evidence": [[232001, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240864, 242463, "Down_with_Love", 0]]], "all_evidence": [[240864, 242463, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115724, 129588, "Marco_Polo", 0]], [[115724, 129589, "Marco_Polo", 1]], [[115724, 129590, "Marco_Polo", 4]], [[115724, 129591, "Marco_Polo", 6]], [[115724, 129592, "Marco_Polo", 7]], [[115724, 129593, "Marco_Polo", 8]], [[115724, 129594, "Marco_Polo", 11]]], "all_evidence": [[115724, 129588, "Marco_Polo", 0], [115724, 129589, "Marco_Polo", 1], [115724, 129590, "Marco_Polo", 4], [115724, 129591, "Marco_Polo", 6], [115724, 129592, "Marco_Polo", 7], [115724, 129593, "Marco_Polo", 8], [115724, 129594, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208004, null, null, null], [208005, null, null, null]]], "all_evidence": [[208004, null, null, null], [208005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101852, 115099, "Marco_Polo", 0]]], "all_evidence": [[101852, 115099, "Marco_Polo", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136338, null, null, null]]], "all_evidence": [[136338, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169400, 183046, "Anushka_Sharma", 2]], [[169400, 183047, "Anushka_Sharma", 6]], [[169400, 183048, "Anushka_Sharma", 7]], [[169400, 183049, "Anushka_Sharma", 9]]], "all_evidence": [[169400, 183046, "Anushka_Sharma", 2], [169400, 183047, "Anushka_Sharma", 6], [169400, 183048, "Anushka_Sharma", 7], [169400, 183049, "Anushka_Sharma", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292584, 285326, "Peking_University", 0]], [[294587, 286831, "Peking_University", 4]], [[340428, 325073, "Peking_University", 0]], [[340428, 325074, "Peking_University", 1]], [[340428, 325075, "Peking_University", 2]]], "all_evidence": [[292584, 285326, "Peking_University", 0], [294587, 286831, "Peking_University", 4], [340428, 325073, "Peking_University", 0], [340428, 325074, "Peking_University", 1], [340428, 325075, "Peking_University", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152849, 167613, "Highway_to_Heaven", 0]]], "all_evidence": [[152849, 167613, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211218, null, null, null]]], "all_evidence": [[211218, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60229, 70628, "Aarhus", 0]]], "all_evidence": [[60229, 70628, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127354, 141896, "Ed_Wood_-LRB-film-RRB-", 0]], [[127354, 141897, "Ed_Wood_-LRB-film-RRB-", 11], [127354, 141897, "Touchstone_Pictures", 0]], [[127354, 141898, "Ed_Wood_-LRB-film-RRB-", 12], [127354, 141898, "Box_office_bomb", 0]], [[127354, 141899, "Ed_Wood_-LRB-film-RRB-", 13], [127354, 141899, "Academy_Award_for_Best_Makeup_and_Hairstyling", 0]]], "all_evidence": [[127354, 141896, "Ed_Wood_-LRB-film-RRB-", 0], [127354, 141897, "Ed_Wood_-LRB-film-RRB-", 11], [127354, 141897, "Touchstone_Pictures", 0], [127354, 141898, "Ed_Wood_-LRB-film-RRB-", 12], [127354, 141898, "Box_office_bomb", 0], [127354, 141899, "Ed_Wood_-LRB-film-RRB-", 13], [127354, 141899, "Academy_Award_for_Best_Makeup_and_Hairstyling", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46259, 55223, "Sayyeshaa", 1]]], "all_evidence": [[46259, 55223, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190003, 201153, "Philip_Glass", 9]]], "all_evidence": [[190003, 201153, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232819, null, null, null]]], "all_evidence": [[232819, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207648, 215876, "Steve_Ditko", 3]]], "all_evidence": [[207648, 215876, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197256, 207336, "Smriti_Mandhana", 0]]], "all_evidence": [[197256, 207336, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235698, null, null, null]]], "all_evidence": [[235698, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191916, null, null, null]]], "all_evidence": [[191916, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82035, 93828, "Noel_Fisher", 1]]], "all_evidence": [[82035, 93828, "Noel_Fisher", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199468, 209145, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199468, 209145, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67653, null, null, null]]], "all_evidence": [[67653, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32260, null, null, null]]], "all_evidence": [[32260, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34421, null, null, null]]], "all_evidence": [[34421, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46479, null, null, null]]], "all_evidence": [[46479, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183847, null, null, null], [186004, null, null, null], [187545, null, null, null], [314464, null, null, null], [314470, null, null, null]]], "all_evidence": [[183847, null, null, null], [186004, null, null, null], [187545, null, null, null], [314464, null, null, null], [314470, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105651, 119090, "Sleipnir", 6]]], "all_evidence": [[105651, 119090, "Sleipnir", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77006, null, null, null]]], "all_evidence": [[77006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209571, 217371, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209571, 217371, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166992, null, null, null]]], "all_evidence": [[166992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102811, 116107, "Alexandra_Daddario", 0]]], "all_evidence": [[102811, 116107, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64381, 75142, "The_Mod_Squad", 0]]], "all_evidence": [[64381, 75142, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247266, 247586, "Easy_A", 0]]], "all_evidence": [[247266, 247586, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164624, null, null, null]]], "all_evidence": [[164624, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239367, null, null, null], [239371, null, null, null], [239372, null, null, null]]], "all_evidence": [[239367, null, null, null], [239371, null, null, null], [239372, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251510, 251349, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251510, 251349, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160550, 175059, "Tool_-LRB-band-RRB-", 1], [160550, 175059, "Danny_Carey", 0]]], "all_evidence": [[160550, 175059, "Tool_-LRB-band-RRB-", 1], [160550, 175059, "Danny_Carey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65322, 76220, "The_Mighty_Ducks", 1]]], "all_evidence": [[65322, 76220, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13875, 17377, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[13875, 17377, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116100, 130015, "Humphrey_Bogart", 0]], [[116100, 130016, "Humphrey_Bogart", 6], [116100, 130016, "The_Petrified_Forest", 0], [116100, 130016, "Angels_with_Dirty_Faces", 0]], [[116100, 130017, "Humphrey_Bogart", 9], [116100, 130017, "High_Sierra_-LRB-film-RRB-", 0], [116100, 130017, "The_Maltese_Falcon_-LRB-1941_film-RRB-", 0]]], "all_evidence": [[116100, 130015, "Humphrey_Bogart", 0], [116100, 130016, "Humphrey_Bogart", 6], [116100, 130016, "The_Petrified_Forest", 0], [116100, 130016, "Angels_with_Dirty_Faces", 0], [116100, 130017, "Humphrey_Bogart", 9], [116100, 130017, "High_Sierra_-LRB-film-RRB-", 0], [116100, 130017, "The_Maltese_Falcon_-LRB-1941_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199484, 209160, "The_Beach_-LRB-film-RRB-", 0], [199484, 209160, "Adventure_film", 0]]], "all_evidence": [[199484, 209160, "The_Beach_-LRB-film-RRB-", 0], [199484, 209160, "Adventure_film", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140870, 156006, "I_Kissed_a_Girl", 0]]], "all_evidence": [[140870, 156006, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21868, 26856, "Henry_VIII_-LRB-TV_serial-RRB-", 5]], [[21868, 26857, "Henry_VIII_-LRB-TV_serial-RRB-", 6]], [[21868, 26858, "Henry_VIII_-LRB-TV_serial-RRB-", 8]], [[262244, 260283, "Henry_VIII_-LRB-TV_serial-RRB-", 5]], [[262244, 260284, "Henry_VIII_-LRB-TV_serial-RRB-", 6]], [[262244, 260285, "Henry_VIII_-LRB-TV_serial-RRB-", 7], [262244, 260285, "David_Suchet", 0]], [[262244, 260286, "Henry_VIII_-LRB-TV_serial-RRB-", 8], [262244, 260286, "Sean_Bean", 1]]], "all_evidence": [[21868, 26856, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [21868, 26857, "Henry_VIII_-LRB-TV_serial-RRB-", 6], [21868, 26858, "Henry_VIII_-LRB-TV_serial-RRB-", 8], [262244, 260283, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [262244, 260284, "Henry_VIII_-LRB-TV_serial-RRB-", 6], [262244, 260285, "Henry_VIII_-LRB-TV_serial-RRB-", 7], [262244, 260285, "David_Suchet", 0], [262244, 260286, "Henry_VIII_-LRB-TV_serial-RRB-", 8], [262244, 260286, "Sean_Bean", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184862, 196736, "Juventus_F.C.", 1]]], "all_evidence": [[184862, 196736, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16844, 20853, "Chris_Kyle", 0]], [[16844, 20854, "Chris_Kyle", 8]]], "all_evidence": [[16844, 20853, "Chris_Kyle", 0], [16844, 20854, "Chris_Kyle", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86253, 98628, "Kellogg's", 6]]], "all_evidence": [[86253, 98628, "Kellogg's", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85185, 97469, "South_African_Communist_Party", 2]]], "all_evidence": [[85185, 97469, "South_African_Communist_Party", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211979, 219587, "Saturn_Corporation", 0]]], "all_evidence": [[211979, 219587, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124948, null, null, null]]], "all_evidence": [[124948, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96665, 109808, "Men_in_Black_II", 0]]], "all_evidence": [[96665, 109808, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15408, null, null, null]]], "all_evidence": [[15408, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24842, null, null, null], [144089, null, null, null], [299769, null, null, null]]], "all_evidence": [[24842, null, null, null], [144089, null, null, null], [299769, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131747, null, null, null]]], "all_evidence": [[131747, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127955, 142648, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [127955, 142648, "Kim_Go-eun", 0], [127955, 142648, "Kim_Go-eun", 1], [127955, 142648, "Seo_Kang-joon", 0], [127955, 142648, "Seo_Kang-joon", 1]]], "all_evidence": [[127955, 142648, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [127955, 142648, "Kim_Go-eun", 0], [127955, 142648, "Kim_Go-eun", 1], [127955, 142648, "Seo_Kang-joon", 0], [127955, 142648, "Seo_Kang-joon", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95007, 107974, "Washington_Wizards", 12]]], "all_evidence": [[95007, 107974, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102494, null, null, null]]], "all_evidence": [[102494, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100056, null, null, null]]], "all_evidence": [[100056, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46138, 55088, "Ed_Wood_-LRB-film-RRB-", 0]]], "all_evidence": [[46138, 55088, "Ed_Wood_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213689, 220868, "Finding_Dory", 1]]], "all_evidence": [[213689, 220868, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268492, null, null, null]]], "all_evidence": [[268492, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121317, null, null, null]]], "all_evidence": [[121317, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170752, 184331, "Ann_Richards", 0]], [[170752, 184332, "Ann_Richards", 2]]], "all_evidence": [[170752, 184331, "Ann_Richards", 0], [170752, 184332, "Ann_Richards", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213677, 220860, "Finding_Dory", 1]]], "all_evidence": [[213677, 220860, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26034, 31985, "TakePart", 0]], [[26034, 31986, "TakePart", 1]]], "all_evidence": [[26034, 31985, "TakePart", 0], [26034, 31986, "TakePart", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186118, 198028, "Baz_Luhrmann", 2]]], "all_evidence": [[186118, 198028, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254364, null, null, null], [254374, null, null, null]]], "all_evidence": [[254364, null, null, null], [254374, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123357, null, null, null]]], "all_evidence": [[123357, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269645, 265913, "Richard_Dawkins", 16]]], "all_evidence": [[269645, 265913, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217699, 224186, "Asylum_Records", 0]]], "all_evidence": [[217699, 224186, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74745, null, null, null]]], "all_evidence": [[74745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156672, 171286, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[156672, 171286, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243716, null, null, null]]], "all_evidence": [[243716, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111590, null, null, null]]], "all_evidence": [[111590, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139674, null, null, null]]], "all_evidence": [[139674, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151662, 166403, "Awkward_Black_Girl", 0]]], "all_evidence": [[151662, 166403, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238550, 240549, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]], [[238550, 240550, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 1]], [[238550, 240551, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]], [[238550, 240552, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 5]], [[238550, 240553, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 6]], [[238550, 240554, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 7]], [[238550, 240555, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 8]]], "all_evidence": [[238550, 240549, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0], [238550, 240550, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 1], [238550, 240551, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238550, 240552, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 5], [238550, 240553, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 6], [238550, 240554, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 7], [238550, 240555, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196621, 206728, "Michael_Vick", 1]], [[196621, 206729, "Michael_Vick", 2]], [[196621, 206730, "Michael_Vick", 3]], [[196621, 206731, "Michael_Vick", 6]], [[196621, 206732, "Michael_Vick", 7]], [[196621, 206733, "Michael_Vick", 8]], [[196621, 206734, "Michael_Vick", 11]], [[196621, 206735, "Michael_Vick", 12]], [[196621, 206736, "Michael_Vick", 14]]], "all_evidence": [[196621, 206728, "Michael_Vick", 1], [196621, 206729, "Michael_Vick", 2], [196621, 206730, "Michael_Vick", 3], [196621, 206731, "Michael_Vick", 6], [196621, 206732, "Michael_Vick", 7], [196621, 206733, "Michael_Vick", 8], [196621, 206734, "Michael_Vick", 11], [196621, 206735, "Michael_Vick", 12], [196621, 206736, "Michael_Vick", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137724, 152664, "A_River_Runs_Through_It_-LRB-film-RRB-", 0]], [[137724, 152665, "A_River_Runs_Through_It_-LRB-film-RRB-", 1]]], "all_evidence": [[137724, 152664, "A_River_Runs_Through_It_-LRB-film-RRB-", 0], [137724, 152665, "A_River_Runs_Through_It_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117579, 131478, "Trevor_Griffiths", 0]]], "all_evidence": [[117579, 131478, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218040, 224442, "Live_Through_This", 12]]], "all_evidence": [[218040, 224442, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151087, 165902, "White_House_Press_Secretary", 0]]], "all_evidence": [[151087, 165902, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225797, 230379, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225797, 230380, "Ian_Brennan_-LRB-writer-RRB-", 1]]], "all_evidence": [[225797, 230379, "Ian_Brennan_-LRB-writer-RRB-", 0], [225797, 230380, "Ian_Brennan_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158788, null, null, null]]], "all_evidence": [[158788, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151957, 166726, "Heavy_metal_music", 0]]], "all_evidence": [[151957, 166726, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101769, 115020, "Connie_Nielsen", 2]]], "all_evidence": [[101769, 115020, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269574, null, null, null]]], "all_evidence": [[269574, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190720, 201690, "Buffy_Summers", 1]], [[190720, 201691, "Buffy_Summers", 2]], [[190720, 201692, "Buffy_Summers", 3]]], "all_evidence": [[190720, 201690, "Buffy_Summers", 1], [190720, 201691, "Buffy_Summers", 2], [190720, 201692, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108760, 122448, "Microbiologist", 14]]], "all_evidence": [[108760, 122448, "Microbiologist", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148372, 163391, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[148372, 163391, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165221, 179347, "Match_Point", 2]]], "all_evidence": [[165221, 179347, "Match_Point", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218544, 224806, "Diana,_Princess_of_Wales", 9]], [[218544, 224807, "Diana,_Princess_of_Wales", 10]]], "all_evidence": [[218544, 224806, "Diana,_Princess_of_Wales", 9], [218544, 224807, "Diana,_Princess_of_Wales", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101959, 115198, "Rabies", 0]], [[101959, 115199, "Rabies", 8]]], "all_evidence": [[101959, 115198, "Rabies", 0], [101959, 115199, "Rabies", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60563, 70994, "Wales", 16]]], "all_evidence": [[60563, 70994, "Wales", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196601, 206701, "Michael_Vick", 0]]], "all_evidence": [[196601, 206701, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73375, null, null, null]]], "all_evidence": [[73375, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105170, null, null, null]]], "all_evidence": [[105170, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177532, null, null, null]]], "all_evidence": [[177532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153100, 167847, "Guillermo_del_Toro", 0]], [[153100, 167848, "Guillermo_del_Toro", 11]]], "all_evidence": [[153100, 167847, "Guillermo_del_Toro", 0], [153100, 167848, "Guillermo_del_Toro", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144372, null, null, null]]], "all_evidence": [[144372, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239250, 241170, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239250, 241170, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164663, 178887, "Washington_Wizards", 12]]], "all_evidence": [[164663, 178887, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239921, 241601, "Goosebumps_-LRB-film-RRB-", 0]], [[239931, 241609, "Goosebumps_-LRB-film-RRB-", 0]]], "all_evidence": [[239921, 241601, "Goosebumps_-LRB-film-RRB-", 0], [239931, 241609, "Goosebumps_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283036, null, null, null], [331493, null, null, null]]], "all_evidence": [[283036, null, null, null], [331493, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108074, 121588, "Damon_Albarn", 17]]], "all_evidence": [[108074, 121588, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11794, 14795, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[11797, 14797, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[11797, 14798, "Marvel_vs._Capcom-COLON-_Infinite", 11]], [[11806, 14804, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[11806, 14805, "Marvel_vs._Capcom-COLON-_Infinite", 2]], [[11806, 14806, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[11806, 14807, "Marvel_vs._Capcom-COLON-_Infinite", 11]], [[11816, 14818, "Marvel_vs._Capcom-COLON-_Infinite", 0], [11816, 14818, "Marvel_vs._Capcom", 0]], [[11816, 14819, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[11816, 14820, "Marvel_vs._Capcom-COLON-_Infinite", 2]], [[11816, 14821, "Marvel_vs._Capcom-COLON-_Infinite", 3]], [[11816, 14822, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[11816, 14823, "Marvel_vs._Capcom-COLON-_Infinite", 11], [11816, 14823, "Marvel_vs._Capcom", 0]], [[16562, 20499, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[18439, 22621, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[18439, 22622, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[18439, 22623, "Marvel_vs._Capcom-COLON-_Infinite", 0], [18439, 22623, "Marvel_vs._Capcom", 0]], [[18439, 22624, "Marvel_vs._Capcom-COLON-_Infinite", 2]], [[18439, 22625, "Marvel_vs._Capcom-COLON-_Infinite", 3]], [[18439, 22626, "Marvel_vs._Capcom-COLON-_Infinite", 11]], [[19774, 24312, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[190677, 201660, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[195844, 205999, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[203462, 212476, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[226199, 230786, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[226199, 230787, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[226199, 230788, "Marvel_vs._Capcom-COLON-_Infinite", 11]], [[237327, 239551, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[242178, 243629, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[246221, 246780, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[248573, 248730, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[248573, 248731, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[254305, 254015, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[254305, 254016, "Marvel_vs._Capcom-COLON-_Infinite", 2]], [[254305, 254017, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[254305, 254018, "Marvel_vs._Capcom-COLON-_Infinite", 11]], [[265431, 262636, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[265431, 262637, "Marvel_vs._Capcom-COLON-_Infinite", 2]], [[265431, 262638, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[273850, 269191, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[277204, 272153, "Marvel_vs._Capcom-COLON-_Infinite", 0], [277204, 272153, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[280331, 274817, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[294294, 286632, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[298894, 290275, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[300954, 292055, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[310275, 300323, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[329365, 316180, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[329365, 316181, "Marvel_vs._Capcom-COLON-_Infinite", 0], [329365, 316181, "Marvel_vs._Capcom", 0]], [[332375, 318752, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[332376, 318753, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[340321, 325009, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[340321, 325010, "Marvel_vs._Capcom-COLON-_Infinite", 4]], [[340321, 325011, "Marvel_vs._Capcom-COLON-_Infinite", 11]]], "all_evidence": [[11794, 14795, "Marvel_vs._Capcom-COLON-_Infinite", 1], [11797, 14797, "Marvel_vs._Capcom-COLON-_Infinite", 1], [11797, 14798, "Marvel_vs._Capcom-COLON-_Infinite", 11], [11806, 14804, "Marvel_vs._Capcom-COLON-_Infinite", 1], [11806, 14805, "Marvel_vs._Capcom-COLON-_Infinite", 2], [11806, 14806, "Marvel_vs._Capcom-COLON-_Infinite", 4], [11806, 14807, "Marvel_vs._Capcom-COLON-_Infinite", 11], [11816, 14818, "Marvel_vs._Capcom-COLON-_Infinite", 0], [11816, 14818, "Marvel_vs._Capcom", 0], [11816, 14819, "Marvel_vs._Capcom-COLON-_Infinite", 1], [11816, 14820, "Marvel_vs._Capcom-COLON-_Infinite", 2], [11816, 14821, "Marvel_vs._Capcom-COLON-_Infinite", 3], [11816, 14822, "Marvel_vs._Capcom-COLON-_Infinite", 4], [11816, 14823, "Marvel_vs._Capcom-COLON-_Infinite", 11], [11816, 14823, "Marvel_vs._Capcom", 0], [16562, 20499, "Marvel_vs._Capcom-COLON-_Infinite", 1], [18439, 22621, "Marvel_vs._Capcom-COLON-_Infinite", 1], [18439, 22622, "Marvel_vs._Capcom-COLON-_Infinite", 4], [18439, 22623, "Marvel_vs._Capcom-COLON-_Infinite", 0], [18439, 22623, "Marvel_vs._Capcom", 0], [18439, 22624, "Marvel_vs._Capcom-COLON-_Infinite", 2], [18439, 22625, "Marvel_vs._Capcom-COLON-_Infinite", 3], [18439, 22626, "Marvel_vs._Capcom-COLON-_Infinite", 11], [19774, 24312, "Marvel_vs._Capcom-COLON-_Infinite", 1], [190677, 201660, "Marvel_vs._Capcom-COLON-_Infinite", 1], [195844, 205999, "Marvel_vs._Capcom-COLON-_Infinite", 1], [203462, 212476, "Marvel_vs._Capcom-COLON-_Infinite", 1], [226199, 230786, "Marvel_vs._Capcom-COLON-_Infinite", 1], [226199, 230787, "Marvel_vs._Capcom-COLON-_Infinite", 4], [226199, 230788, "Marvel_vs._Capcom-COLON-_Infinite", 11], [237327, 239551, "Marvel_vs._Capcom-COLON-_Infinite", 1], [242178, 243629, "Marvel_vs._Capcom-COLON-_Infinite", 1], [246221, 246780, "Marvel_vs._Capcom-COLON-_Infinite", 1], [248573, 248730, "Marvel_vs._Capcom-COLON-_Infinite", 1], [248573, 248731, "Marvel_vs._Capcom-COLON-_Infinite", 4], [254305, 254015, "Marvel_vs._Capcom-COLON-_Infinite", 1], [254305, 254016, "Marvel_vs._Capcom-COLON-_Infinite", 2], [254305, 254017, "Marvel_vs._Capcom-COLON-_Infinite", 4], [254305, 254018, "Marvel_vs._Capcom-COLON-_Infinite", 11], [265431, 262636, "Marvel_vs._Capcom-COLON-_Infinite", 1], [265431, 262637, "Marvel_vs._Capcom-COLON-_Infinite", 2], [265431, 262638, "Marvel_vs._Capcom-COLON-_Infinite", 4], [273850, 269191, "Marvel_vs._Capcom-COLON-_Infinite", 1], [277204, 272153, "Marvel_vs._Capcom-COLON-_Infinite", 0], [277204, 272153, "Marvel_vs._Capcom-COLON-_Infinite", 1], [280331, 274817, "Marvel_vs._Capcom-COLON-_Infinite", 1], [294294, 286632, "Marvel_vs._Capcom-COLON-_Infinite", 1], [298894, 290275, "Marvel_vs._Capcom-COLON-_Infinite", 1], [300954, 292055, "Marvel_vs._Capcom-COLON-_Infinite", 1], [310275, 300323, "Marvel_vs._Capcom-COLON-_Infinite", 1], [329365, 316180, "Marvel_vs._Capcom-COLON-_Infinite", 1], [329365, 316181, "Marvel_vs._Capcom-COLON-_Infinite", 0], [329365, 316181, "Marvel_vs._Capcom", 0], [332375, 318752, "Marvel_vs._Capcom-COLON-_Infinite", 1], [332376, 318753, "Marvel_vs._Capcom-COLON-_Infinite", 1], [340321, 325009, "Marvel_vs._Capcom-COLON-_Infinite", 1], [340321, 325010, "Marvel_vs._Capcom-COLON-_Infinite", 4], [340321, 325011, "Marvel_vs._Capcom-COLON-_Infinite", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235719, 238285, "Tom_DeLonge", 1]]], "all_evidence": [[235719, 238285, "Tom_DeLonge", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38155, 46064, "Fred_Armisen", 0]]], "all_evidence": [[38155, 46064, "Fred_Armisen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119453, 133458, "Anushka_Sharma", 7]]], "all_evidence": [[119453, 133458, "Anushka_Sharma", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239253, 241172, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239253, 241172, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127528, 142120, "Joe_Rogan", 7]]], "all_evidence": [[127528, 142120, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269580, 265874, "Richard_Dawkins", 16]], [[269583, 265876, "Richard_Dawkins", 16]], [[269594, 265882, "Richard_Dawkins", 16]]], "all_evidence": [[269580, 265874, "Richard_Dawkins", 16], [269583, 265876, "Richard_Dawkins", 16], [269594, 265882, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75924, null, null, null]]], "all_evidence": [[75924, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79395, 91074, "Mount_Rushmore", 1]], [[79395, 91075, "Mount_Rushmore", 13], [79395, 91075, "Lincoln_Borglum", 0]]], "all_evidence": [[79395, 91074, "Mount_Rushmore", 1], [79395, 91075, "Mount_Rushmore", 13], [79395, 91075, "Lincoln_Borglum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151139, 165952, "Annette_Badland", 1]]], "all_evidence": [[151139, 165952, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72863, 83964, "Edmund_H._North", 0]]], "all_evidence": [[72863, 83964, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131467, 146244, "Daag_-LRB-1973_film-RRB-", 0]], [[131467, 146245, "Daag_-LRB-1973_film-RRB-", 5]], [[131467, 146247, "Daag_-LRB-1973_film-RRB-", 2]], [[131467, 146248, "Daag_-LRB-1973_film-RRB-", 10]], [[131467, 146249, "Daag_-LRB-1973_film-RRB-", 8]]], "all_evidence": [[131467, 146244, "Daag_-LRB-1973_film-RRB-", 0], [131467, 146245, "Daag_-LRB-1973_film-RRB-", 5], [131467, 146247, "Daag_-LRB-1973_film-RRB-", 2], [131467, 146248, "Daag_-LRB-1973_film-RRB-", 10], [131467, 146249, "Daag_-LRB-1973_film-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106689, null, null, null]]], "all_evidence": [[106689, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128483, null, null, null]]], "all_evidence": [[128483, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234416, 237298, "Psych", 0]], [[237175, 239437, "Psych", 0]], [[240742, 242325, "Psych", 0]], [[318775, 307612, "Psych", 0]], [[320159, 308788, "Psych", 0]]], "all_evidence": [[234416, 237298, "Psych", 0], [237175, 239437, "Psych", 0], [240742, 242325, "Psych", 0], [318775, 307612, "Psych", 0], [320159, 308788, "Psych", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160144, 174656, "Melancholia_-LRB-2011_film-RRB-", 0]], [[160144, 174657, "Melancholia_-LRB-2011_film-RRB-", 1]], [[160144, 174658, "Melancholia_-LRB-2011_film-RRB-", 4]], [[160144, 174659, "Melancholia_-LRB-2011_film-RRB-", 5]], [[160144, 174660, "Melancholia_-LRB-2011_film-RRB-", 6]], [[160144, 174661, "Melancholia_-LRB-2011_film-RRB-", 9]], [[160144, 174662, "Melancholia_-LRB-2011_film-RRB-", 10]], [[160144, 174663, "Melancholia_-LRB-2011_film-RRB-", 13]], [[160144, 174664, "Melancholia_-LRB-2011_film-RRB-", 15]], [[160144, 174665, "Melancholia_-LRB-2011_film-RRB-", 14]]], "all_evidence": [[160144, 174656, "Melancholia_-LRB-2011_film-RRB-", 0], [160144, 174657, "Melancholia_-LRB-2011_film-RRB-", 1], [160144, 174658, "Melancholia_-LRB-2011_film-RRB-", 4], [160144, 174659, "Melancholia_-LRB-2011_film-RRB-", 5], [160144, 174660, "Melancholia_-LRB-2011_film-RRB-", 6], [160144, 174661, "Melancholia_-LRB-2011_film-RRB-", 9], [160144, 174662, "Melancholia_-LRB-2011_film-RRB-", 10], [160144, 174663, "Melancholia_-LRB-2011_film-RRB-", 13], [160144, 174664, "Melancholia_-LRB-2011_film-RRB-", 15], [160144, 174665, "Melancholia_-LRB-2011_film-RRB-", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131389, null, null, null]]], "all_evidence": [[131389, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106091, 119463, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]], "all_evidence": [[106091, 119463, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198037, 207981, "Syracuse,_New_York", 2]]], "all_evidence": [[198037, 207981, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160472, 174978, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[160472, 174978, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228785, null, null, null], [228789, null, null, null], [228798, null, null, null]]], "all_evidence": [[228785, null, null, null], [228789, null, null, null], [228798, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179822, null, null, null]]], "all_evidence": [[179822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56192, 66356, "Wish_Upon", 0]], [[56192, 66357, "Wish_Upon", 2]]], "all_evidence": [[56192, 66356, "Wish_Upon", 0], [56192, 66357, "Wish_Upon", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286708, null, null, null], [290632, null, null, null], [336134, null, null, null], [336138, null, null, null]]], "all_evidence": [[286708, null, null, null], [290632, null, null, null], [336134, null, null, null], [336138, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180132, 192664, "Kellyanne_Conway", 12]]], "all_evidence": [[180132, 192664, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182694, 194878, "Penibaetic_System", 0]]], "all_evidence": [[182694, 194878, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135703, null, null, null]]], "all_evidence": [[135703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91822, null, null, null]]], "all_evidence": [[91822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208015, 216173, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[208015, 216173, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175379, null, null, null]]], "all_evidence": [[175379, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215826, 222600, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215826, 222600, "Steve_Guttenberg", 0], [215826, 222600, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]], "all_evidence": [[215826, 222600, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215826, 222600, "Steve_Guttenberg", 0], [215826, 222600, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130584, 145378, "Fidel_Castro", 20]]], "all_evidence": [[130584, 145378, "Fidel_Castro", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199939, 209578, "Anne_Sullivan", 0]]], "all_evidence": [[199939, 209578, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47037, 56134, "West_Ham_United_F.C.", 0]], [[47037, 56135, "West_Ham_United_F.C.", 2]], [[47037, 56136, "West_Ham_United_F.C.", 1], [47037, 56136, "Premier_League", 0]], [[47037, 56137, "West_Ham_United_F.C.", 5]], [[47037, 56138, "West_Ham_United_F.C.", 7], [47037, 56138, "English_Football_League", 0]], [[47037, 56139, "West_Ham_United_F.C.", 9]], [[47037, 56140, "West_Ham_United_F.C.", 13]], [[47037, 56141, "West_Ham_United_F.C.", 14], [47037, 56141, "UEFA_Intertoto_Cup", 0]], [[47037, 56142, "West_Ham_United_F.C.", 15]], [[47037, 56143, "West_Ham_United_F.C.", 16]]], "all_evidence": [[47037, 56134, "West_Ham_United_F.C.", 0], [47037, 56135, "West_Ham_United_F.C.", 2], [47037, 56136, "West_Ham_United_F.C.", 1], [47037, 56136, "Premier_League", 0], [47037, 56137, "West_Ham_United_F.C.", 5], [47037, 56138, "West_Ham_United_F.C.", 7], [47037, 56138, "English_Football_League", 0], [47037, 56139, "West_Ham_United_F.C.", 9], [47037, 56140, "West_Ham_United_F.C.", 13], [47037, 56141, "West_Ham_United_F.C.", 14], [47037, 56141, "UEFA_Intertoto_Cup", 0], [47037, 56142, "West_Ham_United_F.C.", 15], [47037, 56143, "West_Ham_United_F.C.", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92931, 105811, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[92931, 105811, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75346, 86601, "Rabies", 0], [75346, 86601, "Viral_disease", 0]]], "all_evidence": [[75346, 86601, "Rabies", 0], [75346, 86601, "Viral_disease", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251498, 251340, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251498, 251340, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15887, null, null, null]]], "all_evidence": [[15887, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216046, 222765, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216046, 222765, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172159, null, null, null]]], "all_evidence": [[172159, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70331, 81200, "Annette_Badland", 1]]], "all_evidence": [[70331, 81200, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107633, 121132, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[107633, 121132, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221658, null, null, null], [221660, null, null, null]]], "all_evidence": [[221658, null, null, null], [221660, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104649, null, null, null]]], "all_evidence": [[104649, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143813, null, null, null], [143820, null, null, null]]], "all_evidence": [[143813, null, null, null], [143820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228792, 232904, "Albert_S._Ruddy", 0]], [[228858, 232962, "Albert_S._Ruddy", 0]]], "all_evidence": [[228792, 232904, "Albert_S._Ruddy", 0], [228858, 232962, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131235, 145985, "Janelle_Mona\u0301e", 0]], [[133341, 148216, "Janelle_Mona\u0301e", 0]], [[309215, 299467, "Janelle_Mona\u0301e", 0]], [[310674, 300716, "Janelle_Mona\u0301e", 0]], [[310674, 300717, "Janelle_Mona\u0301e", 1], [310674, 300717, "The_Audition_-LRB-album-RRB-", 0]], [[312260, 302089, "Janelle_Mona\u0301e", 0]], [[312261, 302090, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[131235, 145985, "Janelle_Mona\u0301e", 0], [133341, 148216, "Janelle_Mona\u0301e", 0], [309215, 299467, "Janelle_Mona\u0301e", 0], [310674, 300716, "Janelle_Mona\u0301e", 0], [310674, 300717, "Janelle_Mona\u0301e", 1], [310674, 300717, "The_Audition_-LRB-album-RRB-", 0], [312260, 302089, "Janelle_Mona\u0301e", 0], [312261, 302090, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158147, 172776, "Wildfang", 1]], [[158148, 172777, "Wildfang", 1]]], "all_evidence": [[158147, 172776, "Wildfang", 1], [158148, 172777, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205828, 214304, "Aarhus", 1]], [[208262, 216363, "Aarhus", 1]], [[316799, 305916, "Aarhus", 1]]], "all_evidence": [[205828, 214304, "Aarhus", 1], [208262, 216363, "Aarhus", 1], [316799, 305916, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27327, 33495, "AMGTV", 0]]], "all_evidence": [[27327, 33495, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30306, 36903, "Aaron_Burr", 9], [30306, 36903, "Burr\u2013Hamilton_duel", 0]]], "all_evidence": [[30306, 36903, "Aaron_Burr", 9], [30306, 36903, "Burr\u2013Hamilton_duel", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18261, 22425, "Colin_Kaepernick", 0]], [[18261, 22426, "Colin_Kaepernick", 2]], [[18261, 22427, "Colin_Kaepernick", 1]], [[18261, 22428, "Colin_Kaepernick", 5]]], "all_evidence": [[18261, 22425, "Colin_Kaepernick", 0], [18261, 22426, "Colin_Kaepernick", 2], [18261, 22427, "Colin_Kaepernick", 1], [18261, 22428, "Colin_Kaepernick", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223841, 228764, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223841, 228764, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237934, null, null, null]]], "all_evidence": [[237934, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123226, 137620, "Byron_Howard", 1], [123226, 137620, "Tangled", 0]]], "all_evidence": [[123226, 137620, "Byron_Howard", 1], [123226, 137620, "Tangled", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11912, null, null, null]]], "all_evidence": [[11912, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175728, null, null, null]]], "all_evidence": [[175728, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41526, 49930, "Bethany_Hamilton", 1], [41526, 49930, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[41526, 49930, "Bethany_Hamilton", 1], [41526, 49930, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34905, 42327, "Tim_McGraw", 13]], [[34910, 42331, "Tim_McGraw", 13]]], "all_evidence": [[34905, 42327, "Tim_McGraw", 13], [34910, 42331, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37626, 45560, "United_Nations_Charter", 1]]], "all_evidence": [[37626, 45560, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251013, null, null, null]]], "all_evidence": [[251013, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63027, 73727, "14th_Dalai_Lama", 10]]], "all_evidence": [[63027, 73727, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213729, null, null, null]]], "all_evidence": [[213729, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86756, null, null, null]]], "all_evidence": [[86756, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158559, null, null, null]]], "all_evidence": [[158559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225824, null, null, null]]], "all_evidence": [[225824, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282830, 276959, "Fist_of_Legend", 2]], [[284743, 278478, "Fist_of_Legend", 2], [284743, 278478, "Fist_of_Fury", 0]], [[285500, 279128, "Fist_of_Legend", 2]], [[331088, 317604, "Fist_of_Legend", 2], [331088, 317604, "Fist_of_Fury", 0]], [[332135, 318522, "Fist_of_Legend", 2], [332135, 318522, "Fist_of_Fury", 0]]], "all_evidence": [[282830, 276959, "Fist_of_Legend", 2], [284743, 278478, "Fist_of_Legend", 2], [284743, 278478, "Fist_of_Fury", 0], [285500, 279128, "Fist_of_Legend", 2], [331088, 317604, "Fist_of_Legend", 2], [331088, 317604, "Fist_of_Fury", 0], [332135, 318522, "Fist_of_Legend", 2], [332135, 318522, "Fist_of_Fury", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136697, 151514, "Bloods", 2]]], "all_evidence": [[136697, 151514, "Bloods", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36737, null, null, null]]], "all_evidence": [[36737, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182130, null, null, null]]], "all_evidence": [[182130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125522, 139871, "Raees_-LRB-film-RRB-", 1], [125522, 139871, "Shah_Rukh_Khan", 0]]], "all_evidence": [[125522, 139871, "Raees_-LRB-film-RRB-", 1], [125522, 139871, "Shah_Rukh_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234909, 237697, "Tijuana", 0]]], "all_evidence": [[234909, 237697, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36858, 44512, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[36858, 44512, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245447, null, null, null]]], "all_evidence": [[245447, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43375, null, null, null]]], "all_evidence": [[43375, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150808, 165656, "Stan_Beeman", 0]]], "all_evidence": [[150808, 165656, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107609, 121102, "Billboard_Dad", 0]]], "all_evidence": [[107609, 121102, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241303, null, null, null]]], "all_evidence": [[241303, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179609, 192176, "Michigan", 2]], [[179609, 192177, "Michigan", 4]]], "all_evidence": [[179609, 192176, "Michigan", 2], [179609, 192177, "Michigan", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77071, 88471, "San_Diego_Comic-Con", 1]], [[81418, 93195, "San_Diego_Comic-Con", 1]], [[83059, 94955, "San_Diego_Comic-Con", 1]], [[306057, 296821, "San_Diego_Comic-Con", 1]], [[307281, 297812, "San_Diego_Comic-Con", 1]]], "all_evidence": [[77071, 88471, "San_Diego_Comic-Con", 1], [81418, 93195, "San_Diego_Comic-Con", 1], [83059, 94955, "San_Diego_Comic-Con", 1], [306057, 296821, "San_Diego_Comic-Con", 1], [307281, 297812, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56349, 66545, "Connie_Nielsen", 0]]], "all_evidence": [[56349, 66545, "Connie_Nielsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220332, null, null, null], [222105, null, null, null], [224658, null, null, null], [317847, null, null, null], [317848, null, null, null], [317849, null, null, null]]], "all_evidence": [[220332, null, null, null], [222105, null, null, null], [224658, null, null, null], [317847, null, null, null], [317848, null, null, null], [317849, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190463, null, null, null]]], "all_evidence": [[190463, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227011, 231446, "Barry_Van_Dyke", 0]]], "all_evidence": [[227011, 231446, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264426, 261883, "Brubaker", 0]]], "all_evidence": [[264426, 261883, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145529, 160544, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[145549, 160557, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[145549, 160558, "Kleshas_-LRB-Buddhism-RRB-", 1]], [[145549, 160559, "Kleshas_-LRB-Buddhism-RRB-", 2]], [[145549, 160560, "Kleshas_-LRB-Buddhism-RRB-", 5]], [[145549, 160561, "Kleshas_-LRB-Buddhism-RRB-", 6], [145549, 160561, "Three_poisons", 0]], [[145549, 160562, "Kleshas_-LRB-Buddhism-RRB-", 9]]], "all_evidence": [[145529, 160544, "Kleshas_-LRB-Buddhism-RRB-", 0], [145549, 160557, "Kleshas_-LRB-Buddhism-RRB-", 0], [145549, 160558, "Kleshas_-LRB-Buddhism-RRB-", 1], [145549, 160559, "Kleshas_-LRB-Buddhism-RRB-", 2], [145549, 160560, "Kleshas_-LRB-Buddhism-RRB-", 5], [145549, 160561, "Kleshas_-LRB-Buddhism-RRB-", 6], [145549, 160561, "Three_poisons", 0], [145549, 160562, "Kleshas_-LRB-Buddhism-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27771, null, null, null]]], "all_evidence": [[27771, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262081, 260129, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262081, 260129, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189752, 200972, "Polar_bear", 0]], [[189752, 200973, "Polar_bear", 7]]], "all_evidence": [[189752, 200972, "Polar_bear", 0], [189752, 200973, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112076, 125885, "Angela_Bassett", 0]]], "all_evidence": [[112076, 125885, "Angela_Bassett", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255471, 254925, "Private_Lives", 0]]], "all_evidence": [[255471, 254925, "Private_Lives", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146732, null, null, null], [146745, null, null, null]]], "all_evidence": [[146732, null, null, null], [146745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255469, 254923, "Private_Lives", 0]]], "all_evidence": [[255469, 254923, "Private_Lives", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176033, 188999, "Stephen_Hillenburg", 4]]], "all_evidence": [[176033, 188999, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160459, null, null, null]]], "all_evidence": [[160459, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90751, 103467, "Speech_recognition", 2]]], "all_evidence": [[90751, 103467, "Speech_recognition", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105374, null, null, null]]], "all_evidence": [[105374, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201873, 211227, "Artpop", 13]]], "all_evidence": [[201873, 211227, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219114, 225218, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219114, 225218, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54212, 64201, "Lizzy_Caplan", 2]]], "all_evidence": [[54212, 64201, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145400, null, null, null]]], "all_evidence": [[145400, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66217, null, null, null]]], "all_evidence": [[66217, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258722, 257481, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258722, 257481, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292553, null, null, null], [294567, null, null, null], [295154, null, null, null], [340336, null, null, null], [340338, null, null, null], [340339, null, null, null], [340340, null, null, null]]], "all_evidence": [[292553, null, null, null], [294567, null, null, null], [295154, null, null, null], [340336, null, null, null], [340338, null, null, null], [340339, null, null, null], [340340, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279993, 274579, "Greek_language", 0]], [[281694, 276038, "Greek_language", 11]], [[283780, 277730, "Greek_language", 0]], [[329338, 316164, "Greek_language", 14]], [[329341, 316166, "Greek_language", 0]], [[329348, 316171, "Greek_language", 0]], [[329348, 316172, "Greek_language", 14]]], "all_evidence": [[279993, 274579, "Greek_language", 0], [281694, 276038, "Greek_language", 11], [283780, 277730, "Greek_language", 0], [329338, 316164, "Greek_language", 14], [329341, 316166, "Greek_language", 0], [329348, 316171, "Greek_language", 0], [329348, 316172, "Greek_language", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161206, null, null, null]]], "all_evidence": [[161206, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260655, null, null, null]]], "all_evidence": [[260655, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245454, 246258, "Mel_B", 5]]], "all_evidence": [[245454, 246258, "Mel_B", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255586, 255010, "Dreamer_-LRB-2005_film-RRB-", 0]], [[255587, 255011, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255586, 255010, "Dreamer_-LRB-2005_film-RRB-", 0], [255587, 255011, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40018, 48149, "Ingushetia", 5]]], "all_evidence": [[40018, 48149, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189989, 201146, "Philip_Glass", 9]]], "all_evidence": [[189989, 201146, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110837, null, null, null]]], "all_evidence": [[110837, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222191, null, null, null]]], "all_evidence": [[222191, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116470, 130364, "Jackpot_-LRB-2013_film-RRB-", 1]]], "all_evidence": [[116470, 130364, "Jackpot_-LRB-2013_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79985, 91755, "Camden,_New_Jersey", 40]]], "all_evidence": [[79985, 91755, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207989, null, null, null]]], "all_evidence": [[207989, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18402, null, null, null]]], "all_evidence": [[18402, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289956, null, null, null], [293440, null, null, null], [337287, null, null, null]]], "all_evidence": [[289956, null, null, null], [293440, null, null, null], [337287, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239337, null, null, null]]], "all_evidence": [[239337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213712, 220874, "Finding_Dory", 1], [213712, 220874, "Andrew_Stanton", 0]]], "all_evidence": [[213712, 220874, "Finding_Dory", 1], [213712, 220874, "Andrew_Stanton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287352, null, null, null], [290941, null, null, null], [335717, null, null, null], [335774, null, null, null]]], "all_evidence": [[287352, null, null, null], [290941, null, null, null], [335717, null, null, null], [335774, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190476, null, null, null]]], "all_evidence": [[190476, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266602, 263534, "Ralph_Fults", 0]]], "all_evidence": [[266602, 263534, "Ralph_Fults", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190723, 201695, "Buffy_Summers", 3], [190723, 201695, "Sarah_Michelle_Gellar", 0]], [[190724, 201696, "Buffy_Summers", 3], [190724, 201696, "Kristy_Swanson", 0]]], "all_evidence": [[190723, 201695, "Buffy_Summers", 3], [190723, 201695, "Sarah_Michelle_Gellar", 0], [190724, 201696, "Buffy_Summers", 3], [190724, 201696, "Kristy_Swanson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16106, 19973, "Saxony", 0]]], "all_evidence": [[16106, 19973, "Saxony", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217301, 223919, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5], [217301, 223919, "Quasimodo", 0]]], "all_evidence": [[217301, 223919, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5], [217301, 223919, "Quasimodo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208597, 216598, "Wentworth_Miller", 2]], [[208604, 216602, "Wentworth_Miller", 2]]], "all_evidence": [[208597, 216598, "Wentworth_Miller", 2], [208604, 216602, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85451, 97783, "Trollhunters", 0]]], "all_evidence": [[85451, 97783, "Trollhunters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159899, null, null, null]]], "all_evidence": [[159899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56419, 66623, "Margaret_Thatcher", 0]]], "all_evidence": [[56419, 66623, "Margaret_Thatcher", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158962, null, null, null]]], "all_evidence": [[158962, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200769, null, null, null]]], "all_evidence": [[200769, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110717, 124394, "Harvard_University", 0]]], "all_evidence": [[110717, 124394, "Harvard_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199489, 209164, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199489, 209164, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83504, 95482, "CONCACAF_Champions_League", 0]]], "all_evidence": [[83504, 95482, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232801, 235900, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232801, 235900, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178320, 190903, "Beaverton,_Oregon", 1]]], "all_evidence": [[178320, 190903, "Beaverton,_Oregon", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47495, 56695, "Homo_sapiens", 3], [47495, 56695, "Earth", 0]]], "all_evidence": [[47495, 56695, "Homo_sapiens", 3], [47495, 56695, "Earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131127, 145889, "Danny_Brown", 4]]], "all_evidence": [[131127, 145889, "Danny_Brown", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73232, 84435, "Starrcade", 0]], [[78357, 89889, "Starrcade", 0]], [[80645, 92488, "Starrcade", 0]], [[305795, 296597, "Starrcade", 0]], [[307059, 297600, "Starrcade", 0]]], "all_evidence": [[73232, 84435, "Starrcade", 0], [78357, 89889, "Starrcade", 0], [80645, 92488, "Starrcade", 0], [305795, 296597, "Starrcade", 0], [307059, 297600, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275654, 270772, "Wales", 16], [275654, 270772, "South_Wales_Coalfield", 0]], [[275655, 270773, "Wales", 16], [275655, 270773, "South_Wales_Coalfield", 0]], [[275656, 270774, "Wales", 16], [275656, 270774, "South_Wales_Coalfield", 0]], [[324733, 312616, "Wales", 16]]], "all_evidence": [[275654, 270772, "Wales", 16], [275654, 270772, "South_Wales_Coalfield", 0], [275655, 270773, "Wales", 16], [275655, 270773, "South_Wales_Coalfield", 0], [275656, 270774, "Wales", 16], [275656, 270774, "South_Wales_Coalfield", 0], [324733, 312616, "Wales", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69224, 79999, "Daggering", 0]], [[69224, 80000, "Daggering", 2]]], "all_evidence": [[69224, 79999, "Daggering", 0], [69224, 80000, "Daggering", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112204, null, null, null]]], "all_evidence": [[112204, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119327, null, null, null]]], "all_evidence": [[119327, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51567, 61334, "In_the_End", 1]]], "all_evidence": [[51567, 61334, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266466, 263446, "Ludwig_van_Beethoven", 5]]], "all_evidence": [[266466, 263446, "Ludwig_van_Beethoven", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258356, null, null, null]]], "all_evidence": [[258356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199076, null, null, null]]], "all_evidence": [[199076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135992, 150844, "Brian_Michael_Bendis", 12], [135992, 150844, "Brian_Michael_Bendis", 0]]], "all_evidence": [[135992, 150844, "Brian_Michael_Bendis", 12], [135992, 150844, "Brian_Michael_Bendis", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245442, null, null, null]]], "all_evidence": [[245442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54358, 64351, "Duane_Chapman", 0]], [[54359, 64352, "Duane_Chapman", 0]]], "all_evidence": [[54358, 64351, "Duane_Chapman", 0], [54359, 64352, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92466, null, null, null], [95084, null, null, null], [97216, null, null, null], [306692, null, null, null], [306696, null, null, null], [306714, null, null, null]]], "all_evidence": [[92466, null, null, null], [95084, null, null, null], [97216, null, null, null], [306692, null, null, null], [306696, null, null, null], [306714, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100262, 113508, "Martin_Van_Buren", 10]], [[100262, 113509, "Martin_Van_Buren", 12]], [[100262, 113510, "Martin_Van_Buren", 15]], [[100262, 113511, "Martin_Van_Buren", 3]], [[100262, 113512, "Martin_Van_Buren", 2]], [[100262, 113513, "Martin_Van_Buren", 4]], [[100262, 113514, "Martin_Van_Buren", 5]], [[100262, 113515, "Martin_Van_Buren", 6]], [[100262, 113516, "Martin_Van_Buren", 1]], [[100262, 113517, "Martin_Van_Buren", 0]], [[100262, 113518, "Martin_Van_Buren", 9]], [[100262, 113519, "Martin_Van_Buren", 19]], [[100262, 113520, "Martin_Van_Buren", 21]]], "all_evidence": [[100262, 113508, "Martin_Van_Buren", 10], [100262, 113509, "Martin_Van_Buren", 12], [100262, 113510, "Martin_Van_Buren", 15], [100262, 113511, "Martin_Van_Buren", 3], [100262, 113512, "Martin_Van_Buren", 2], [100262, 113513, "Martin_Van_Buren", 4], [100262, 113514, "Martin_Van_Buren", 5], [100262, 113515, "Martin_Van_Buren", 6], [100262, 113516, "Martin_Van_Buren", 1], [100262, 113517, "Martin_Van_Buren", 0], [100262, 113518, "Martin_Van_Buren", 9], [100262, 113519, "Martin_Van_Buren", 19], [100262, 113520, "Martin_Van_Buren", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161070, 175546, "Angelsberg", 0]], [[161070, 175547, "Angelsberg", 1]]], "all_evidence": [[161070, 175546, "Angelsberg", 0], [161070, 175547, "Angelsberg", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98942, null, null, null]]], "all_evidence": [[98942, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167318, null, null, null]]], "all_evidence": [[167318, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62962, 73648, "Wilhelmina_Slater", 0]], [[62962, 73649, "Wilhelmina_Slater", 1], [62962, 73649, "NAACP_Image_Awards", 0]]], "all_evidence": [[62962, 73648, "Wilhelmina_Slater", 0], [62962, 73649, "Wilhelmina_Slater", 1], [62962, 73649, "NAACP_Image_Awards", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100811, null, null, null]]], "all_evidence": [[100811, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93934, 106887, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[93934, 106887, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136985, null, null, null], [309750, null, null, null], [309752, null, null, null], [309754, null, null, null]]], "all_evidence": [[136985, null, null, null], [309750, null, null, null], [309752, null, null, null], [309754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17175, 21271, "EA_Black_Box", 0]]], "all_evidence": [[17175, 21271, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74007, 85242, "NRG_Recording_Studios", 0]], [[79109, 90748, "NRG_Recording_Studios", 0]], [[81452, 93222, "NRG_Recording_Studios", 0]], [[305890, 296662, "NRG_Recording_Studios", 0]], [[307138, 297677, "NRG_Recording_Studios", 0]]], "all_evidence": [[74007, 85242, "NRG_Recording_Studios", 0], [79109, 90748, "NRG_Recording_Studios", 0], [81452, 93222, "NRG_Recording_Studios", 0], [305890, 296662, "NRG_Recording_Studios", 0], [307138, 297677, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227793, null, null, null]]], "all_evidence": [[227793, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34946, 42364, "Victoria_Palace_Theatre", 0], [34946, 42364, "London_Victoria_station", 0]]], "all_evidence": [[34946, 42364, "Victoria_Palace_Theatre", 0], [34946, 42364, "London_Victoria_station", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143210, 158304, "Danger_UXB", 0]], [[143210, 158305, "Danger_UXB", 3]], [[143210, 158306, "Danger_UXB", 7]], [[143210, 158307, "Danger_UXB", 11]]], "all_evidence": [[143210, 158304, "Danger_UXB", 0], [143210, 158305, "Danger_UXB", 3], [143210, 158306, "Danger_UXB", 7], [143210, 158307, "Danger_UXB", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140926, 156079, "Due_Date", 2]]], "all_evidence": [[140926, 156079, "Due_Date", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34745, 42134, "Heavy_metal_music", 0]]], "all_evidence": [[34745, 42134, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125548, 139904, "Trevor_Griffiths", 0]], [[125549, 139905, "Trevor_Griffiths", 0]]], "all_evidence": [[125548, 139904, "Trevor_Griffiths", 0], [125549, 139905, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216109, 222822, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216109, 222822, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149782, 164726, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[149782, 164726, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13731, 17172, "I_Kissed_a_Girl", 0]], [[13731, 17173, "I_Kissed_a_Girl", 1]], [[13731, 17174, "I_Kissed_a_Girl", 2]], [[13731, 17175, "I_Kissed_a_Girl", 3]], [[13731, 17176, "I_Kissed_a_Girl", 20]]], "all_evidence": [[13731, 17172, "I_Kissed_a_Girl", 0], [13731, 17173, "I_Kissed_a_Girl", 1], [13731, 17174, "I_Kissed_a_Girl", 2], [13731, 17175, "I_Kissed_a_Girl", 3], [13731, 17176, "I_Kissed_a_Girl", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25464, 31389, "San_Diego_Comic-Con", 1]]], "all_evidence": [[25464, 31389, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165018, 179195, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[165018, 179195, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185634, 197385, "French_Indochina", 0]]], "all_evidence": [[185634, 197385, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111270, 124899, "Murda_Beatz", 0]], [[111272, 124900, "Murda_Beatz", 0]]], "all_evidence": [[111270, 124899, "Murda_Beatz", 0], [111272, 124900, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48601, 57907, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[48601, 57907, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231997, null, null, null]]], "all_evidence": [[231997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44805, 53496, "Creedence_Clearwater_Revival", 0]], [[44805, 53497, "Creedence_Clearwater_Revival", 4]]], "all_evidence": [[44805, 53496, "Creedence_Clearwater_Revival", 0], [44805, 53497, "Creedence_Clearwater_Revival", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198034, 207979, "Syracuse,_New_York", 2]]], "all_evidence": [[198034, 207979, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208123, null, null, null]]], "all_evidence": [[208123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102153, 115430, "Margaret_Thatcher", 8]]], "all_evidence": [[102153, 115430, "Margaret_Thatcher", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77934, null, null, null], [305739, null, null, null], [307025, null, null, null]]], "all_evidence": [[77934, null, null, null], [305739, null, null, null], [307025, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150631, 165501, "Hindu_Kush", 0]]], "all_evidence": [[150631, 165501, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269610, 265891, "Richard_Dawkins", 16]]], "all_evidence": [[269610, 265891, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45053, 53780, "Kuching", 0]]], "all_evidence": [[45053, 53780, "Kuching", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19310, 23712, "Mike_Huckabee", 0]]], "all_evidence": [[19310, 23712, "Mike_Huckabee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103186, null, null, null]]], "all_evidence": [[103186, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24122, 29851, "Duane_Chapman", 0]]], "all_evidence": [[24122, 29851, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24570, 30343, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[24570, 30343, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89327, null, null, null]]], "all_evidence": [[89327, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214298, 221379, "Ernest_Medina", 2], [214298, 221379, "My_Lai_Massacre", 0]]], "all_evidence": [[214298, 221379, "Ernest_Medina", 2], [214298, 221379, "My_Lai_Massacre", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241395, null, null, null]]], "all_evidence": [[241395, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180451, 192928, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[180451, 192928, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208059, 216204, "Osamu_Tezuka", 6]]], "all_evidence": [[208059, 216204, "Osamu_Tezuka", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149069, null, null, null]]], "all_evidence": [[149069, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46942, 55993, "Indian_Army", 0]]], "all_evidence": [[46942, 55993, "Indian_Army", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182692, 194876, "Penibaetic_System", 0]]], "all_evidence": [[182692, 194876, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15935, 19816, "Paul_Nicholls_-LRB-actor-RRB-", 0]]], "all_evidence": [[15935, 19816, "Paul_Nicholls_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240817, null, null, null]]], "all_evidence": [[240817, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268065, null, null, null]]], "all_evidence": [[268065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138344, 153377, "Fidel_Castro", 7]], [[141091, 156282, "Fidel_Castro", 7]], [[142915, 158034, "Fidel_Castro", 7]], [[310435, 300474, "Fidel_Castro", 7]], [[310888, 300921, "Fidel_Castro", 7]], [[310891, 300924, "Fidel_Castro", 20], [310891, 300924, "Rau\u0301l_Castro", 7]], [[310891, 300925, "Fidel_Castro", 7]]], "all_evidence": [[138344, 153377, "Fidel_Castro", 7], [141091, 156282, "Fidel_Castro", 7], [142915, 158034, "Fidel_Castro", 7], [310435, 300474, "Fidel_Castro", 7], [310888, 300921, "Fidel_Castro", 7], [310891, 300924, "Fidel_Castro", 20], [310891, 300924, "Rau\u0301l_Castro", 7], [310891, 300925, "Fidel_Castro", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189879, 201071, "Mickey_Rourke", 13], [189879, 201071, "The_Expendables_-LRB-2010_film-RRB-", 0]]], "all_evidence": [[189879, 201071, "Mickey_Rourke", 13], [189879, 201071, "The_Expendables_-LRB-2010_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209749, 217539, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]], "all_evidence": [[209749, 217539, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231191, 234718, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231191, 234718, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132301, 147197, "A_View_to_a_Kill", 0]]], "all_evidence": [[132301, 147197, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83764, 95762, "Blue_Jasmine", 0]], [[83764, 95763, "Blue_Jasmine", 1]], [[83764, 95764, "Blue_Jasmine", 2]], [[83764, 95765, "Blue_Jasmine", 6]], [[83764, 95766, "Blue_Jasmine", 8]], [[83764, 95767, "Blue_Jasmine", 7]]], "all_evidence": [[83764, 95762, "Blue_Jasmine", 0], [83764, 95763, "Blue_Jasmine", 1], [83764, 95764, "Blue_Jasmine", 2], [83764, 95765, "Blue_Jasmine", 6], [83764, 95766, "Blue_Jasmine", 8], [83764, 95767, "Blue_Jasmine", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69006, null, null, null]]], "all_evidence": [[69006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47308, 56434, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[47308, 56434, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46143, 55097, "Ed_Wood_-LRB-film-RRB-", 0]], [[46143, 55099, "Ed_Wood_-LRB-film-RRB-", 1]], [[46143, 55101, "Ed_Wood_-LRB-film-RRB-", 5]], [[46143, 55103, "Ed_Wood_-LRB-film-RRB-", 6]], [[46143, 55105, "Ed_Wood_-LRB-film-RRB-", 10]], [[46143, 55107, "Ed_Wood_-LRB-film-RRB-", 11]], [[46143, 55109, "Ed_Wood_-LRB-film-RRB-", 12]]], "all_evidence": [[46143, 55097, "Ed_Wood_-LRB-film-RRB-", 0], [46143, 55099, "Ed_Wood_-LRB-film-RRB-", 1], [46143, 55101, "Ed_Wood_-LRB-film-RRB-", 5], [46143, 55103, "Ed_Wood_-LRB-film-RRB-", 6], [46143, 55105, "Ed_Wood_-LRB-film-RRB-", 10], [46143, 55107, "Ed_Wood_-LRB-film-RRB-", 11], [46143, 55109, "Ed_Wood_-LRB-film-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36703, 44327, "Trevor_Griffiths", 0]]], "all_evidence": [[36703, 44327, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65914, 76784, "Henry_II_of_France", 13]]], "all_evidence": [[65914, 76784, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122245, null, null, null]]], "all_evidence": [[122245, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129473, 144204, "James_VI_and_I", 0]], [[129473, 144205, "James_VI_and_I", 4]], [[129473, 144206, "James_VI_and_I", 5]], [[129473, 144207, "James_VI_and_I", 7]], [[129473, 144208, "James_VI_and_I", 6]], [[129473, 144209, "James_VI_and_I", 8]], [[129473, 144210, "James_VI_and_I", 9]], [[129473, 144211, "James_VI_and_I", 10]], [[129473, 144212, "James_VI_and_I", 11]], [[129473, 144213, "James_VI_and_I", 14]], [[129473, 144215, "James_VI_and_I", 15]], [[129473, 144216, "James_VI_and_I", 16]], [[129473, 144217, "James_VI_and_I", 17]], [[129473, 144218, "James_VI_and_I", 18]], [[129473, 144219, "James_VI_and_I", 19]], [[129473, 144220, "James_VI_and_I", 20]]], "all_evidence": [[129473, 144204, "James_VI_and_I", 0], [129473, 144205, "James_VI_and_I", 4], [129473, 144206, "James_VI_and_I", 5], [129473, 144207, "James_VI_and_I", 7], [129473, 144208, "James_VI_and_I", 6], [129473, 144209, "James_VI_and_I", 8], [129473, 144210, "James_VI_and_I", 9], [129473, 144211, "James_VI_and_I", 10], [129473, 144212, "James_VI_and_I", 11], [129473, 144213, "James_VI_and_I", 14], [129473, 144215, "James_VI_and_I", 15], [129473, 144216, "James_VI_and_I", 16], [129473, 144217, "James_VI_and_I", 17], [129473, 144218, "James_VI_and_I", 18], [129473, 144219, "James_VI_and_I", 19], [129473, 144220, "James_VI_and_I", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181861, 194126, "Janet_Leigh", 1]], [[181861, 194127, "Janet_Leigh", 0]]], "all_evidence": [[181861, 194126, "Janet_Leigh", 1], [181861, 194127, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292912, 285585, "Alexandra_Daddario", 0]], [[297198, 288880, "Alexandra_Daddario", 0]], [[341070, 325558, "Alexandra_Daddario", 0]], [[341424, 325904, "Alexandra_Daddario", 0]]], "all_evidence": [[292912, 285585, "Alexandra_Daddario", 0], [297198, 288880, "Alexandra_Daddario", 0], [341070, 325558, "Alexandra_Daddario", 0], [341424, 325904, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35787, 43330, "Wildfang", 1]]], "all_evidence": [[35787, 43330, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48985, 58318, "Advertising", 0]]], "all_evidence": [[48985, 58318, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118663, 132511, "Indian_Army", 17]]], "all_evidence": [[118663, 132511, "Indian_Army", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150014, null, null, null]]], "all_evidence": [[150014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121680, 135988, "Diana,_Princess_of_Wales", 5]]], "all_evidence": [[121680, 135988, "Diana,_Princess_of_Wales", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154139, null, null, null]]], "all_evidence": [[154139, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46499, null, null, null]]], "all_evidence": [[46499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67667, 78494, "Thomas_Jefferson", 28]]], "all_evidence": [[67667, 78494, "Thomas_Jefferson", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211213, 218883, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]], "all_evidence": [[211213, 218883, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11784, 14780, "The_Adventures_of_Pluto_Nash", 0]], [[11788, 14785, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[11784, 14780, "The_Adventures_of_Pluto_Nash", 0], [11788, 14785, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253955, 253745, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253955, 253745, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45864, 54788, "Fist_of_Legend", 2]]], "all_evidence": [[45864, 54788, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79131, null, null, null]]], "all_evidence": [[79131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182056, 194335, "Heart", 19]]], "all_evidence": [[182056, 194335, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74236, null, null, null]]], "all_evidence": [[74236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18895, 23143, "Horse", 3]]], "all_evidence": [[18895, 23143, "Horse", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147376, null, null, null]]], "all_evidence": [[147376, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186072, 197984, "Baz_Luhrmann", 2]]], "all_evidence": [[186072, 197984, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147174, 162159, "Hot_Right_Now", 0]]], "all_evidence": [[147174, 162159, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56522, null, null, null]]], "all_evidence": [[56522, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23464, 28910, "Colin_Kaepernick", 5], [23464, 28910, "2012_San_Francisco_49ers_season", 0]]], "all_evidence": [[23464, 28910, "Colin_Kaepernick", 5], [23464, 28910, "2012_San_Francisco_49ers_season", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80226, null, null, null]]], "all_evidence": [[80226, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61118, 71585, "Bret_Easton_Ellis", 20]]], "all_evidence": [[61118, 71585, "Bret_Easton_Ellis", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201851, 211208, "Artpop", 13]]], "all_evidence": [[201851, 211208, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72379, 83433, "Telemundo", 8]]], "all_evidence": [[72379, 83433, "Telemundo", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200471, 209975, "Sancho_Panza", 0]]], "all_evidence": [[200471, 209975, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80955, null, null, null]]], "all_evidence": [[80955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87787, 100314, "John_Dolmayan", 0]], [[87792, 100318, "John_Dolmayan", 0]]], "all_evidence": [[87787, 100314, "John_Dolmayan", 0], [87792, 100318, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214267, 221348, "Kenneth_Lonergan", 0]], [[214267, 221349, "Kenneth_Lonergan", 1]], [[214267, 221350, "Kenneth_Lonergan", 2], [214267, 221350, "Gangs_of_New_York", 1]], [[214267, 221351, "Kenneth_Lonergan", 3], [214267, 221351, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]], "all_evidence": [[214267, 221348, "Kenneth_Lonergan", 0], [214267, 221349, "Kenneth_Lonergan", 1], [214267, 221350, "Kenneth_Lonergan", 2], [214267, 221350, "Gangs_of_New_York", 1], [214267, 221351, "Kenneth_Lonergan", 3], [214267, 221351, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106180, 119616, "Brian_Michael_Bendis", 0]]], "all_evidence": [[106180, 119616, "Brian_Michael_Bendis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44500, 53167, "Justine_Bateman", 0]]], "all_evidence": [[44500, 53167, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207699, 215915, "Congressional_Space_Medal_of_Honor", 1]], [[207700, 215916, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207699, 215915, "Congressional_Space_Medal_of_Honor", 1], [207700, 215916, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193400, null, null, null]]], "all_evidence": [[193400, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133928, 148810, "Chile", 0]], [[133928, 148811, "Chile", 1]], [[133928, 148812, "Chile", 2]], [[133928, 148813, "Chile", 6]], [[133928, 148814, "Chile", 7]], [[133928, 148815, "Chile", 3]], [[133928, 148816, "Chile", 9]], [[133928, 148817, "Chile", 8]], [[133928, 148818, "Chile", 12]], [[133928, 148819, "Chile", 13]], [[133928, 148820, "Chile", 14]], [[133928, 148821, "Chile", 16]], [[133928, 148822, "Chile", 20]], [[133928, 148823, "Chile", 21]], [[133928, 148824, "Chile", 23]], [[133928, 148825, "Chile", 22]]], "all_evidence": [[133928, 148810, "Chile", 0], [133928, 148811, "Chile", 1], [133928, 148812, "Chile", 2], [133928, 148813, "Chile", 6], [133928, 148814, "Chile", 7], [133928, 148815, "Chile", 3], [133928, 148816, "Chile", 9], [133928, 148817, "Chile", 8], [133928, 148818, "Chile", 12], [133928, 148819, "Chile", 13], [133928, 148820, "Chile", 14], [133928, 148821, "Chile", 16], [133928, 148822, "Chile", 20], [133928, 148823, "Chile", 21], [133928, 148824, "Chile", 23], [133928, 148825, "Chile", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85782, null, null, null]]], "all_evidence": [[85782, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234914, 237702, "Tijuana", 0]]], "all_evidence": [[234914, 237702, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136126, 150964, "Lizzy_Caplan", 2]]], "all_evidence": [[136126, 150964, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114889, null, null, null]]], "all_evidence": [[114889, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103672, 117129, "T2_Trainspotting", 0]], [[103672, 117130, "T2_Trainspotting", 7]], [[103672, 117131, "T2_Trainspotting", 1]]], "all_evidence": [[103672, 117129, "T2_Trainspotting", 0], [103672, 117130, "T2_Trainspotting", 7], [103672, 117131, "T2_Trainspotting", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41328, 49675, "Vietnam", 1]], [[41351, 49701, "Vietnam", 1]]], "all_evidence": [[41328, 49675, "Vietnam", 1], [41351, 49701, "Vietnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33373, 40483, "Justin_Chatwin", 7]]], "all_evidence": [[33373, 40483, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146295, 161266, "Paramore", 0]]], "all_evidence": [[146295, 161266, "Paramore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40179, 48342, "Quran", 0]]], "all_evidence": [[40179, 48342, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286452, 279911, "The_Wallace_-LRB-poem-RRB-", 0]], [[286452, 279912, "The_Wallace_-LRB-poem-RRB-", 2]], [[286452, 279913, "The_Wallace_-LRB-poem-RRB-", 3]], [[288659, 281885, "The_Wallace_-LRB-poem-RRB-", 0]], [[288659, 281886, "The_Wallace_-LRB-poem-RRB-", 3]], [[288659, 281887, "The_Wallace_-LRB-poem-RRB-", 6], [288659, 281887, "Blind_Harry", 0]], [[334303, 320373, "The_Wallace_-LRB-poem-RRB-", 0]], [[334308, 320379, "The_Wallace_-LRB-poem-RRB-", 0]], [[334309, 320380, "The_Wallace_-LRB-poem-RRB-", 0]], [[334312, 320383, "The_Wallace_-LRB-poem-RRB-", 0]]], "all_evidence": [[286452, 279911, "The_Wallace_-LRB-poem-RRB-", 0], [286452, 279912, "The_Wallace_-LRB-poem-RRB-", 2], [286452, 279913, "The_Wallace_-LRB-poem-RRB-", 3], [288659, 281885, "The_Wallace_-LRB-poem-RRB-", 0], [288659, 281886, "The_Wallace_-LRB-poem-RRB-", 3], [288659, 281887, "The_Wallace_-LRB-poem-RRB-", 6], [288659, 281887, "Blind_Harry", 0], [334303, 320373, "The_Wallace_-LRB-poem-RRB-", 0], [334308, 320379, "The_Wallace_-LRB-poem-RRB-", 0], [334309, 320380, "The_Wallace_-LRB-poem-RRB-", 0], [334312, 320383, "The_Wallace_-LRB-poem-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137297, null, null, null]]], "all_evidence": [[137297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209813, 217613, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]], "all_evidence": [[209813, 217613, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45643, null, null, null]]], "all_evidence": [[45643, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227762, null, null, null]]], "all_evidence": [[227762, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245461, 246263, "Mel_B", 0]]], "all_evidence": [[245461, 246263, "Mel_B", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193471, null, null, null]]], "all_evidence": [[193471, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158554, 173212, "Blue_Jasmine", 0]]], "all_evidence": [[158554, 173212, "Blue_Jasmine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175898, 188865, "Edmund_H._North", 0]]], "all_evidence": [[175898, 188865, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130562, 145339, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[130562, 145339, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16355, 20287, "TakePart", 0]]], "all_evidence": [[16355, 20287, "TakePart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237495, 239701, "North_Vietnam", 0]]], "all_evidence": [[237495, 239701, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270819, 266805, "New_Orleans_Pelicans", 1]]], "all_evidence": [[270819, 266805, "New_Orleans_Pelicans", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135018, 149928, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[135018, 149928, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77938, 89407, "West_Virginia", 1], [77938, 89407, "Florida", 1]]], "all_evidence": [[77938, 89407, "West_Virginia", 1], [77938, 89407, "Florida", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245108, 246016, "Endometrial_cancer", 27]], [[245108, 246017, "Endometrial_cancer", 26]]], "all_evidence": [[245108, 246016, "Endometrial_cancer", 27], [245108, 246017, "Endometrial_cancer", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148535, 163550, "Colosseum", 0]], [[148535, 163551, "Colosseum", 1]], [[148535, 163552, "Colosseum", 9]], [[148535, 163553, "Colosseum", 21]], [[148535, 163554, "Colosseum", 22]], [[148535, 163555, "Colosseum", 44]]], "all_evidence": [[148535, 163550, "Colosseum", 0], [148535, 163551, "Colosseum", 1], [148535, 163552, "Colosseum", 9], [148535, 163553, "Colosseum", 21], [148535, 163554, "Colosseum", 22], [148535, 163555, "Colosseum", 44]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99636, 112763, "Luis_Fonsi", 0]]], "all_evidence": [[99636, 112763, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241380, 242924, "Brad_Wilk", 4]], [[241381, 242925, "Brad_Wilk", 4]]], "all_evidence": [[241380, 242924, "Brad_Wilk", 4], [241381, 242925, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197395, 207440, "Lalla_Ward", 0]]], "all_evidence": [[197395, 207440, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[287011, 280483, "Fist_of_Legend", 2], [287011, 280483, "Fist_of_Fury", 0]], [[289108, 282275, "Fist_of_Legend", 2], [289108, 282275, "Fist_of_Fury", 0]], [[290770, 283732, "Fist_of_Legend", 2], [290770, 283732, "Fist_of_Fury", 0]], [[334918, 320852, "Fist_of_Legend", 2], [334918, 320852, "Fist_of_Fury", 0]]], "all_evidence": [[287011, 280483, "Fist_of_Legend", 2], [287011, 280483, "Fist_of_Fury", 0], [289108, 282275, "Fist_of_Legend", 2], [289108, 282275, "Fist_of_Fury", 0], [290770, 283732, "Fist_of_Legend", 2], [290770, 283732, "Fist_of_Fury", 0], [334918, 320852, "Fist_of_Legend", 2], [334918, 320852, "Fist_of_Fury", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182697, 194880, "Penibaetic_System", 0]]], "all_evidence": [[182697, 194880, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134119, 149003, "Human_brain", 2], [134119, 149003, "Brainstem", 12], [134119, 149003, "Brainstem", 13]]], "all_evidence": [[134119, 149003, "Human_brain", 2], [134119, 149003, "Brainstem", 12], [134119, 149003, "Brainstem", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184387, 196286, "Christa_McAuliffe", 4]]], "all_evidence": [[184387, 196286, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206508, 214851, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[206508, 214851, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290231, null, null, null], [291576, null, null, null], [293685, null, null, null], [293689, null, null, null], [338042, null, null, null]]], "all_evidence": [[290231, null, null, null], [291576, null, null, null], [293685, null, null, null], [293689, null, null, null], [338042, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66433, 77279, "The_Adventures_of_Pluto_Nash", 1], [66433, 77279, "Randy_Quaid", 0]]], "all_evidence": [[66433, 77279, "The_Adventures_of_Pluto_Nash", 1], [66433, 77279, "Randy_Quaid", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116671, 130567, "Morse_code", 18]]], "all_evidence": [[116671, 130567, "Morse_code", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234498, 237362, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234498, 237362, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111554, 125318, "Terry_Crews", 9], [111554, 125318, "National_Football_League", 0]]], "all_evidence": [[111554, 125318, "Terry_Crews", 9], [111554, 125318, "National_Football_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296143, null, null, null], [297695, null, null, null], [299792, null, null, null], [342537, null, null, null], [342538, null, null, null]]], "all_evidence": [[296143, null, null, null], [297695, null, null, null], [299792, null, null, null], [342537, null, null, null], [342538, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89632, 102308, "Tatum_O'Neal", 6]]], "all_evidence": [[89632, 102308, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281964, null, null, null], [283975, null, null, null], [329793, null, null, null], [331175, null, null, null]]], "all_evidence": [[281964, null, null, null], [283975, null, null, null], [329793, null, null, null], [331175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41279, 49617, "Quran", 0]], [[41279, 49618, "Quran", 6]]], "all_evidence": [[41279, 49617, "Quran", 0], [41279, 49618, "Quran", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[301917, 293009, "Camden,_New_Jersey", 40]], [[301932, 293018, "Camden,_New_Jersey", 40], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 0], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 2], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 3]], [[303376, 294342, "Camden,_New_Jersey", 40]], [[304573, 295391, "Camden,_New_Jersey", 40], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 0], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 1], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 2]]], "all_evidence": [[301917, 293009, "Camden,_New_Jersey", 40], [301932, 293018, "Camden,_New_Jersey", 40], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 0], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 2], [301932, 293018, "Cooper_Medical_School_of_Rowan_University", 3], [303376, 294342, "Camden,_New_Jersey", 40], [304573, 295391, "Camden,_New_Jersey", 40], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 0], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 1], [304573, 295391, "Cooper_Medical_School_of_Rowan_University", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123726, null, null, null]]], "all_evidence": [[123726, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234921, 237707, "Tijuana", 2]]], "all_evidence": [[234921, 237707, "Tijuana", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198045, 207990, "Dave_Gibbons", 0]], [[198048, 207992, "Dave_Gibbons", 0]]], "all_evidence": [[198045, 207990, "Dave_Gibbons", 0], [198048, 207992, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106284, null, null, null]]], "all_evidence": [[106284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82122, 93908, "Philomena_-LRB-film-RRB-", 0]]], "all_evidence": [[82122, 93908, "Philomena_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155260, null, null, null]]], "all_evidence": [[155260, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140761, null, null, null]]], "all_evidence": [[140761, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66381, null, null, null]]], "all_evidence": [[66381, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292497, 285260, "Paul_Nicholls_-LRB-actor-RRB-", 1]], [[294559, 286814, "Paul_Nicholls_-LRB-actor-RRB-", 1]], [[295105, 287298, "Paul_Nicholls_-LRB-actor-RRB-", 1]], [[340206, 324949, "Paul_Nicholls_-LRB-actor-RRB-", 1]], [[340418, 325067, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[292497, 285260, "Paul_Nicholls_-LRB-actor-RRB-", 1], [294559, 286814, "Paul_Nicholls_-LRB-actor-RRB-", 1], [295105, 287298, "Paul_Nicholls_-LRB-actor-RRB-", 1], [340206, 324949, "Paul_Nicholls_-LRB-actor-RRB-", 1], [340418, 325067, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130993, 145764, "Marco_Polo", 11]]], "all_evidence": [[130993, 145764, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0], [158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 13], [158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 14]], [[158602, 173248, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]], "all_evidence": [[158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0], [158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 13], [158602, 173247, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 14], [158602, 173248, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268063, 264716, "Kentucky", 11]]], "all_evidence": [[268063, 264716, "Kentucky", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190751, 201715, "Alice_Cooper", 0]]], "all_evidence": [[190751, 201715, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101480, null, null, null]]], "all_evidence": [[101480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114064, 127883, "Quran", 0]]], "all_evidence": [[114064, 127883, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87823, 100348, "Edmund_H._North", 0]], [[87823, 100349, "Edmund_H._North", 3]]], "all_evidence": [[87823, 100348, "Edmund_H._North", 0], [87823, 100349, "Edmund_H._North", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282380, null, null, null], [284350, null, null, null], [330506, null, null, null]]], "all_evidence": [[282380, null, null, null], [284350, null, null, null], [330506, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146440, 161406, "Fist_of_Legend", 2], [146440, 161406, "Fist_of_Fury", 0]]], "all_evidence": [[146440, 161406, "Fist_of_Legend", 2], [146440, 161406, "Fist_of_Fury", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238952, null, null, null]]], "all_evidence": [[238952, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260673, 259010, "Valencia", 0]], [[260674, 259011, "Valencia", 0]]], "all_evidence": [[260673, 259010, "Valencia", 0], [260674, 259011, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150430, 165319, "Lou_Gehrig", 15]], [[152519, 167322, "Lou_Gehrig", 15]], [[155023, 169737, "Lou_Gehrig", 15]], [[311581, 301517, "Lou_Gehrig", 15]], [[312987, 302694, "Lou_Gehrig", 15]]], "all_evidence": [[150430, 165319, "Lou_Gehrig", 15], [152519, 167322, "Lou_Gehrig", 15], [155023, 169737, "Lou_Gehrig", 15], [311581, 301517, "Lou_Gehrig", 15], [312987, 302694, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282675, 276814, "Highway_to_Heaven", 0]], [[284603, 278382, "Highway_to_Heaven", 0]], [[285424, 279045, "Highway_to_Heaven", 0]], [[330836, 317372, "Highway_to_Heaven", 0]]], "all_evidence": [[282675, 276814, "Highway_to_Heaven", 0], [284603, 278382, "Highway_to_Heaven", 0], [285424, 279045, "Highway_to_Heaven", 0], [330836, 317372, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239901, 241586, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239901, 241586, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179770, 192317, "The_Dark_Tower_-LRB-2017_film-RRB-", 1]]], "all_evidence": [[179770, 192317, "The_Dark_Tower_-LRB-2017_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234935, null, null, null]]], "all_evidence": [[234935, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259614, null, null, null]]], "all_evidence": [[259614, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142404, null, null, null]]], "all_evidence": [[142404, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170779, null, null, null]]], "all_evidence": [[170779, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157131, null, null, null]]], "all_evidence": [[157131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215831, 222607, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215831, 222607, "Steve_Guttenberg", 0]]], "all_evidence": [[215831, 222607, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215831, 222607, "Steve_Guttenberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255609, 255027, "Dreamer_-LRB-2005_film-RRB-", 0]], [[255610, 255028, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255609, 255027, "Dreamer_-LRB-2005_film-RRB-", 0], [255610, 255028, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97718, null, null, null]]], "all_evidence": [[97718, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54284, 64280, "Byron_Howard", 1]]], "all_evidence": [[54284, 64280, "Byron_Howard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259471, 258043, "Libya", 2]]], "all_evidence": [[259471, 258043, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227633, 231977, "Happiness_in_Slavery", 0]]], "all_evidence": [[227633, 231977, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199063, 208743, "Matteo_Renzi", 0]], [[199063, 208744, "Matteo_Renzi", 3]], [[199063, 208745, "Matteo_Renzi", 6]], [[199063, 208746, "Matteo_Renzi", 7]], [[199063, 208747, "Matteo_Renzi", 1], [199063, 208747, "Italian_constitutional_referendum,_2016", 4]]], "all_evidence": [[199063, 208743, "Matteo_Renzi", 0], [199063, 208744, "Matteo_Renzi", 3], [199063, 208745, "Matteo_Renzi", 6], [199063, 208746, "Matteo_Renzi", 7], [199063, 208747, "Matteo_Renzi", 1], [199063, 208747, "Italian_constitutional_referendum,_2016", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169956, 183559, "Rhythm_Nation", 23]]], "all_evidence": [[169956, 183559, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18901, null, null, null]]], "all_evidence": [[18901, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218432, 224718, "The_Hurt_Locker", 0]]], "all_evidence": [[218432, 224718, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193472, 203971, "Larry_Wilmore", 0]]], "all_evidence": [[193472, 203971, "Larry_Wilmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118465, 132308, "Fantastic_Four_-LRB-2005_film-RRB-", 0]], [[118465, 132309, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[118465, 132308, "Fantastic_Four_-LRB-2005_film-RRB-", 0], [118465, 132309, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91726, null, null, null]]], "all_evidence": [[91726, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225656, null, null, null]]], "all_evidence": [[225656, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211475, 219173, "Princess_Mononoke", 7]]], "all_evidence": [[211475, 219173, "Princess_Mononoke", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58214, 68443, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[58214, 68443, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227053, 231475, "Bea_Arthur", 0]]], "all_evidence": [[227053, 231475, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53315, 63287, "Rupert_Murdoch", 1]], [[53315, 63288, "Rupert_Murdoch", 0]], [[53315, 63289, "Rupert_Murdoch", 2]], [[53315, 63290, "Rupert_Murdoch", 3]]], "all_evidence": [[53315, 63287, "Rupert_Murdoch", 1], [53315, 63288, "Rupert_Murdoch", 0], [53315, 63289, "Rupert_Murdoch", 2], [53315, 63290, "Rupert_Murdoch", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237504, 239708, "North_Vietnam", 0]]], "all_evidence": [[237504, 239708, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125895, null, null, null]]], "all_evidence": [[125895, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236649, 239080, "Marcus_Bentley", 0]]], "all_evidence": [[236649, 239080, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72632, null, null, null]]], "all_evidence": [[72632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215834, 222609, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215834, 222609, "Geraldine_Chaplin", 0]]], "all_evidence": [[215834, 222609, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215834, 222609, "Geraldine_Chaplin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80679, null, null, null]]], "all_evidence": [[80679, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59040, 69369, "Duff_McKagan", 0]], [[59040, 69370, "Duff_McKagan", 1]], [[59040, 69371, "Duff_McKagan", 2]], [[59040, 69372, "Duff_McKagan", 5]], [[59040, 69373, "Duff_McKagan", 6]], [[59040, 69374, "Duff_McKagan", 7], [59040, 69374, "Velvet_Revolver", 0]], [[59040, 69375, "Duff_McKagan", 8], [59040, 69375, "Hollywood_Vampires_-LRB-band-RRB-", 0]], [[59040, 69376, "Duff_McKagan", 11]]], "all_evidence": [[59040, 69369, "Duff_McKagan", 0], [59040, 69370, "Duff_McKagan", 1], [59040, 69371, "Duff_McKagan", 2], [59040, 69372, "Duff_McKagan", 5], [59040, 69373, "Duff_McKagan", 6], [59040, 69374, "Duff_McKagan", 7], [59040, 69374, "Velvet_Revolver", 0], [59040, 69375, "Duff_McKagan", 8], [59040, 69375, "Hollywood_Vampires_-LRB-band-RRB-", 0], [59040, 69376, "Duff_McKagan", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75951, null, null, null]]], "all_evidence": [[75951, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184156, null, null, null]]], "all_evidence": [[184156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141048, 156223, "Johnny_Galecki", 1], [141048, 156223, "Leonard_Hofstadter", 1]]], "all_evidence": [[141048, 156223, "Johnny_Galecki", 1], [141048, 156223, "Leonard_Hofstadter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208643, 216646, "Wentworth_Miller", 2]]], "all_evidence": [[208643, 216646, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298490, null, null, null], [300547, null, null, null], [344228, null, null, null]]], "all_evidence": [[298490, null, null, null], [300547, null, null, null], [344228, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30383, 36983, "Joe_Walsh", 24]]], "all_evidence": [[30383, 36983, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209755, 217545, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209755, 217545, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188647, 200098, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188647, 200098, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227780, 232140, "Tilda_Swinton", 0]]], "all_evidence": [[227780, 232140, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175997, null, null, null]]], "all_evidence": [[175997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106432, 119851, "Stanley_Williams", 1]]], "all_evidence": [[106432, 119851, "Stanley_Williams", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241369, null, null, null]]], "all_evidence": [[241369, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29213, 35627, "Alexandra_Daddario", 0]]], "all_evidence": [[29213, 35627, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274244, null, null, null], [274246, null, null, null], [274248, null, null, null], [322340, null, null, null], [323497, null, null, null], [323500, null, null, null]]], "all_evidence": [[274244, null, null, null], [274246, null, null, null], [274248, null, null, null], [322340, null, null, null], [323497, null, null, null], [323500, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225943, 230511, "Roland_Emmerich", 3]]], "all_evidence": [[225943, 230511, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199066, 208749, "Matteo_Renzi", 0]]], "all_evidence": [[199066, 208749, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132857, 147771, "Uranium-235", 6], [132857, 147771, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[132857, 147771, "Uranium-235", 6], [132857, 147771, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191685, 202503, "Anne_Rice", 5]]], "all_evidence": [[191685, 202503, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23458, 28902, "Colin_Kaepernick", 6]]], "all_evidence": [[23458, 28902, "Colin_Kaepernick", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245458, null, null, null]]], "all_evidence": [[245458, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223840, null, null, null]]], "all_evidence": [[223840, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260710, null, null, null], [260714, null, null, null]]], "all_evidence": [[260710, null, null, null], [260714, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276297, null, null, null], [276302, null, null, null], [278551, null, null, null], [325897, null, null, null], [326427, null, null, null], [326440, null, null, null]]], "all_evidence": [[276297, null, null, null], [276302, null, null, null], [278551, null, null, null], [325897, null, null, null], [326427, null, null, null], [326440, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96497, null, null, null]]], "all_evidence": [[96497, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275367, 270521, "Michigan", 0]], [[275376, 270525, "Michigan", 0]], [[275376, 270526, "Michigan", 2]], [[275376, 270527, "Michigan", 13]], [[277228, 272174, "Michigan", 0]], [[324405, 312399, "Michigan", 0]], [[324420, 312405, "Michigan", 0]], [[324420, 312406, "Michigan", 2]], [[324420, 312407, "Michigan", 8], [324420, 312407, "U.S._state", 0]], [[324420, 312408, "Michigan", 13]]], "all_evidence": [[275367, 270521, "Michigan", 0], [275376, 270525, "Michigan", 0], [275376, 270526, "Michigan", 2], [275376, 270527, "Michigan", 13], [277228, 272174, "Michigan", 0], [324405, 312399, "Michigan", 0], [324420, 312405, "Michigan", 0], [324420, 312406, "Michigan", 2], [324420, 312407, "Michigan", 8], [324420, 312407, "U.S._state", 0], [324420, 312408, "Michigan", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132488, null, null, null]]], "all_evidence": [[132488, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185039, 196862, "Edgar_Wright", 0], [185039, 196862, "Gemini_-LRB-astrology-RRB-", 1]]], "all_evidence": [[185039, 196862, "Edgar_Wright", 0], [185039, 196862, "Gemini_-LRB-astrology-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253972, null, null, null]]], "all_evidence": [[253972, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76716, null, null, null]]], "all_evidence": [[76716, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133782, 148664, "Lizzy_Caplan", 2]]], "all_evidence": [[133782, 148664, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231175, null, null, null]]], "all_evidence": [[231175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166674, 180467, "Quran", 0]]], "all_evidence": [[166674, 180467, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216057, 222778, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216057, 222778, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163768, null, null, null]]], "all_evidence": [[163768, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207659, null, null, null]]], "all_evidence": [[207659, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34358, 41675, "Lost_-LRB-TV_series-RRB-", 16]]], "all_evidence": [[34358, 41675, "Lost_-LRB-TV_series-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98839, 111923, "Nicholas_Brody", 1]]], "all_evidence": [[98839, 111923, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259469, 258041, "Libya", 2]]], "all_evidence": [[259469, 258041, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191671, 202488, "Anne_Rice", 0]], [[191672, 202489, "Anne_Rice", 0]]], "all_evidence": [[191671, 202488, "Anne_Rice", 0], [191672, 202489, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97569, null, null, null]]], "all_evidence": [[97569, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245237, 246102, "Efraim_Diveroli", 6]]], "all_evidence": [[245237, 246102, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148821, 163865, "Horse", 2]]], "all_evidence": [[148821, 163865, "Horse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164776, null, null, null]]], "all_evidence": [[164776, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111945, 125769, "Underdog_-LRB-film-RRB-", 1], [111945, 125769, "Amy_Adams", 0], [111945, 125769, "Jason_Lee_-LRB-actor-RRB-", 0]]], "all_evidence": [[111945, 125769, "Underdog_-LRB-film-RRB-", 1], [111945, 125769, "Amy_Adams", 0], [111945, 125769, "Jason_Lee_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241400, 242934, "Brad_Wilk", 4]]], "all_evidence": [[241400, 242934, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237975, 240140, "Tamerlan_Tsarnaev", 1]], [[237975, 240142, "Tamerlan_Tsarnaev", 8]], [[237975, 240143, "Tamerlan_Tsarnaev", 9]]], "all_evidence": [[237975, 240140, "Tamerlan_Tsarnaev", 1], [237975, 240142, "Tamerlan_Tsarnaev", 8], [237975, 240143, "Tamerlan_Tsarnaev", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236657, 239086, "Marcus_Bentley", 0]]], "all_evidence": [[236657, 239086, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215940, null, null, null], [215941, null, null, null]]], "all_evidence": [[215940, null, null, null], [215941, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161555, 175999, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[161555, 175999, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141798, 157042, "House_-LRB-TV_series-RRB-", 0]], [[141798, 157043, "House_-LRB-TV_series-RRB-", 11]], [[141798, 157044, "House_-LRB-TV_series-RRB-", 13]], [[141798, 157045, "House_-LRB-TV_series-RRB-", 14]], [[141798, 157046, "House_-LRB-TV_series-RRB-", 16]], [[141798, 157047, "House_-LRB-TV_series-RRB-", 17]], [[141798, 157048, "House_-LRB-TV_series-RRB-", 20]], [[141798, 157049, "House_-LRB-TV_series-RRB-", 23]]], "all_evidence": [[141798, 157042, "House_-LRB-TV_series-RRB-", 0], [141798, 157043, "House_-LRB-TV_series-RRB-", 11], [141798, 157044, "House_-LRB-TV_series-RRB-", 13], [141798, 157045, "House_-LRB-TV_series-RRB-", 14], [141798, 157046, "House_-LRB-TV_series-RRB-", 16], [141798, 157047, "House_-LRB-TV_series-RRB-", 17], [141798, 157048, "House_-LRB-TV_series-RRB-", 20], [141798, 157049, "House_-LRB-TV_series-RRB-", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105571, null, null, null]]], "all_evidence": [[105571, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129619, 144356, "Henry_II_of_France", 13]]], "all_evidence": [[129619, 144356, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42577, null, null, null]]], "all_evidence": [[42577, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128793, null, null, null]]], "all_evidence": [[128793, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22374, 27568, "Emma_Watson", 0]]], "all_evidence": [[22374, 27568, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190487, 201497, "Tom_Baker_-LRB-English_actor-RRB-", 1]], [[190487, 201498, "Tom_Baker_-LRB-English_actor-RRB-", 10]], [[190487, 201499, "Tom_Baker_-LRB-English_actor-RRB-", 11]], [[190487, 201500, "Tom_Baker_-LRB-English_actor-RRB-", 14]], [[190487, 201501, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190487, 201497, "Tom_Baker_-LRB-English_actor-RRB-", 1], [190487, 201498, "Tom_Baker_-LRB-English_actor-RRB-", 10], [190487, 201499, "Tom_Baker_-LRB-English_actor-RRB-", 11], [190487, 201500, "Tom_Baker_-LRB-English_actor-RRB-", 14], [190487, 201501, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132681, null, null, null]]], "all_evidence": [[132681, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149934, 164863, "TV_Choice", 0]], [[149934, 164864, "TV_Choice", 1]]], "all_evidence": [[149934, 164863, "TV_Choice", 0], [149934, 164864, "TV_Choice", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272414, null, null, null]]], "all_evidence": [[272414, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124995, 139327, "AMGTV", 0]]], "all_evidence": [[124995, 139327, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234922, 237708, "Tijuana", 0]]], "all_evidence": [[234922, 237708, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36955, 44610, "Battle_of_France", 0]]], "all_evidence": [[36955, 44610, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56621, 66836, "United_Nations_Charter", 1]]], "all_evidence": [[56621, 66836, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185286, 197061, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]], "all_evidence": [[185286, 197061, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200747, 210222, "Earl_Scruggs", 0]], [[200750, 210226, "Earl_Scruggs", 0]]], "all_evidence": [[200747, 210222, "Earl_Scruggs", 0], [200750, 210226, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134719, 149638, "Aparshakti_Khurana", 0]], [[134720, 149639, "Aparshakti_Khurana", 0]], [[134721, 149640, "Aparshakti_Khurana", 0]], [[134722, 149642, "Aparshakti_Khurana", 0]], [[134723, 149641, "Aparshakti_Khurana", 0]], [[134724, 149643, "Aparshakti_Khurana", 0]], [[134725, 149644, "Aparshakti_Khurana", 0]], [[134726, 149645, "Aparshakti_Khurana", 0]], [[134727, 149646, "Aparshakti_Khurana", 0]], [[134728, 149647, "Aparshakti_Khurana", 0]], [[134729, 149648, "Aparshakti_Khurana", 0]], [[134730, 149649, "Aparshakti_Khurana", 0]], [[134731, 149650, "Aparshakti_Khurana", 0]], [[134733, 149652, "Aparshakti_Khurana", 0]], [[134734, 149653, "Aparshakti_Khurana", 0]], [[134735, 149654, "Aparshakti_Khurana", 0]], [[134736, 149655, "Aparshakti_Khurana", 0]], [[134737, 149656, "Aparshakti_Khurana", 0]], [[134738, 149657, "Aparshakti_Khurana", 0]], [[134739, 149658, "Aparshakti_Khurana", 0]]], "all_evidence": [[134719, 149638, "Aparshakti_Khurana", 0], [134720, 149639, "Aparshakti_Khurana", 0], [134721, 149640, "Aparshakti_Khurana", 0], [134722, 149642, "Aparshakti_Khurana", 0], [134723, 149641, "Aparshakti_Khurana", 0], [134724, 149643, "Aparshakti_Khurana", 0], [134725, 149644, "Aparshakti_Khurana", 0], [134726, 149645, "Aparshakti_Khurana", 0], [134727, 149646, "Aparshakti_Khurana", 0], [134728, 149647, "Aparshakti_Khurana", 0], [134729, 149648, "Aparshakti_Khurana", 0], [134730, 149649, "Aparshakti_Khurana", 0], [134731, 149650, "Aparshakti_Khurana", 0], [134733, 149652, "Aparshakti_Khurana", 0], [134734, 149653, "Aparshakti_Khurana", 0], [134735, 149654, "Aparshakti_Khurana", 0], [134736, 149655, "Aparshakti_Khurana", 0], [134737, 149656, "Aparshakti_Khurana", 0], [134738, 149657, "Aparshakti_Khurana", 0], [134739, 149658, "Aparshakti_Khurana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87915, 100432, "Same_Old_Love", 0]]], "all_evidence": [[87915, 100432, "Same_Old_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219130, 225231, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219130, 225231, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169304, 182958, "Joe_Walsh", 24]]], "all_evidence": [[169304, 182958, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223832, 228758, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223832, 228758, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198059, 208002, "Dave_Gibbons", 0]]], "all_evidence": [[198059, 208002, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104239, 117699, "You_Belong_with_Me", 4]]], "all_evidence": [[104239, 117699, "You_Belong_with_Me", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56439, 66645, "Rachel_Green", 0]]], "all_evidence": [[56439, 66645, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97246, 110431, "Recovery_-LRB-Eminem_album-RRB-", 0]]], "all_evidence": [[97246, 110431, "Recovery_-LRB-Eminem_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176066, null, null, null]]], "all_evidence": [[176066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143079, 158190, "Rupert_Murdoch", 3]]], "all_evidence": [[143079, 158190, "Rupert_Murdoch", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130036, null, null, null]]], "all_evidence": [[130036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52028, 61916, "Psych", 2], [52028, 61916, "James_Roday", 0]], [[52028, 61917, "Psych", 3], [52028, 61917, "Corbin_Bernsen", 0], [52028, 61917, "Dule\u0301_Hill", 0]]], "all_evidence": [[52028, 61916, "Psych", 2], [52028, 61916, "James_Roday", 0], [52028, 61917, "Psych", 3], [52028, 61917, "Corbin_Bernsen", 0], [52028, 61917, "Dule\u0301_Hill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107232, 120629, "Michigan", 2]]], "all_evidence": [[107232, 120629, "Michigan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180455, 192932, "Aparshakti_Khurana", 0]], [[180455, 192933, "Aparshakti_Khurana", 1]], [[180455, 192934, "Aparshakti_Khurana", 2], [180455, 192934, "Dangal_-LRB-film-RRB-", 0]]], "all_evidence": [[180455, 192932, "Aparshakti_Khurana", 0], [180455, 192933, "Aparshakti_Khurana", 1], [180455, 192934, "Aparshakti_Khurana", 2], [180455, 192934, "Dangal_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159251, 173835, "Lithuanians", 0]], [[159251, 173836, "Lithuanians", 3]]], "all_evidence": [[159251, 173835, "Lithuanians", 0], [159251, 173836, "Lithuanians", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76745, null, null, null]]], "all_evidence": [[76745, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167601, null, null, null]]], "all_evidence": [[167601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231457, 234956, "Diwali", 2]]], "all_evidence": [[231457, 234956, "Diwali", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145978, 160990, "House_-LRB-TV_series-RRB-", 0]], [[145978, 160991, "House_-LRB-TV_series-RRB-", 23]]], "all_evidence": [[145978, 160990, "House_-LRB-TV_series-RRB-", 0], [145978, 160991, "House_-LRB-TV_series-RRB-", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250334, null, null, null]]], "all_evidence": [[250334, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235755, 238320, "Tom_DeLonge", 4], [235755, 238320, "Mark_Hoppus", 0], [235755, 238320, "Scott_Raynor", 0]]], "all_evidence": [[235755, 238320, "Tom_DeLonge", 4], [235755, 238320, "Mark_Hoppus", 0], [235755, 238320, "Scott_Raynor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240787, null, null, null]]], "all_evidence": [[240787, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132630, 147542, "Quran", 0]], [[132632, 147543, "Quran", 0]], [[132636, 147547, "Quran", 0]], [[132638, 147553, "Quran", 0]]], "all_evidence": [[132630, 147542, "Quran", 0], [132632, 147543, "Quran", 0], [132636, 147547, "Quran", 0], [132638, 147553, "Quran", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229408, null, null, null]]], "all_evidence": [[229408, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227052, 231474, "Bea_Arthur", 0]]], "all_evidence": [[227052, 231474, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110794, null, null, null]]], "all_evidence": [[110794, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153675, 168515, "Men_in_Black_II", 0]]], "all_evidence": [[153675, 168515, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198614, 208408, "Selena_Gomez_&_the_Scene", 3]], [[198618, 208412, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198614, 208408, "Selena_Gomez_&_the_Scene", 3], [198618, 208412, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28019, 34311, "Australia_-LRB-2008_film-RRB-", 4], [28019, 34311, "Bowen,_Queensland", 0]]], "all_evidence": [[28019, 34311, "Australia_-LRB-2008_film-RRB-", 4], [28019, 34311, "Bowen,_Queensland", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131788, 146641, "Johnny_Galecki", 1]]], "all_evidence": [[131788, 146641, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141725, 156960, "Ron_Weasley", 3]]], "all_evidence": [[141725, 156960, "Ron_Weasley", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32566, 39584, "Edmund_H._North", 0]]], "all_evidence": [[32566, 39584, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[288492, null, null, null]]], "all_evidence": [[288492, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201862, 211218, "Artpop", 1]]], "all_evidence": [[201862, 211218, "Artpop", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162578, null, null, null]]], "all_evidence": [[162578, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[343398, 327201, "Juventus_F.C.", 1]], [[343766, 327450, "Juventus_F.C.", 1]], [[343932, 327579, "Juventus_F.C.", 1]]], "all_evidence": [[343398, 327201, "Juventus_F.C.", 1], [343766, 327450, "Juventus_F.C.", 1], [343932, 327579, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171960, null, null, null]]], "all_evidence": [[171960, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121197, null, null, null]]], "all_evidence": [[121197, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209598, null, null, null]]], "all_evidence": [[209598, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97574, null, null, null]]], "all_evidence": [[97574, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107861, null, null, null]]], "all_evidence": [[107861, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73213, 84423, "Raees_-LRB-film-RRB-", 1], [73213, 84423, "Shah_Rukh_Khan", 0], [73213, 84423, "Mahira_Khan", 0], [73213, 84423, "Nawazuddin_Siddiqui", 0]], [[78309, 89847, "Raees_-LRB-film-RRB-", 1]], [[80626, 92466, "Raees_-LRB-film-RRB-", 1], [80626, 92466, "Shah_Rukh_Khan", 0], [80626, 92466, "Mahira_Khan", 0], [80626, 92466, "Nawazuddin_Siddiqui", 0]], [[307058, 297599, "Raees_-LRB-film-RRB-", 1], [307058, 297599, "Mahira_Khan", 0]]], "all_evidence": [[73213, 84423, "Raees_-LRB-film-RRB-", 1], [73213, 84423, "Shah_Rukh_Khan", 0], [73213, 84423, "Mahira_Khan", 0], [73213, 84423, "Nawazuddin_Siddiqui", 0], [78309, 89847, "Raees_-LRB-film-RRB-", 1], [80626, 92466, "Raees_-LRB-film-RRB-", 1], [80626, 92466, "Shah_Rukh_Khan", 0], [80626, 92466, "Mahira_Khan", 0], [80626, 92466, "Nawazuddin_Siddiqui", 0], [307058, 297599, "Raees_-LRB-film-RRB-", 1], [307058, 297599, "Mahira_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118673, 132521, "French_Indochina", 0]]], "all_evidence": [[118673, 132521, "French_Indochina", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185095, null, null, null]]], "all_evidence": [[185095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141761, 157015, "The_Bahamas", 0], [141761, 157015, "Archipelagic_state", 0]]], "all_evidence": [[141761, 157015, "The_Bahamas", 0], [141761, 157015, "Archipelagic_state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151349, 166147, "XHamster", 6]]], "all_evidence": [[151349, 166147, "XHamster", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251720, 251528, "Mary-Kate_and_Ashley_Olsen", 0]], [[251720, 251529, "Mary-Kate_and_Ashley_Olsen", 1]], [[251720, 251530, "Mary-Kate_and_Ashley_Olsen", 2]]], "all_evidence": [[251720, 251528, "Mary-Kate_and_Ashley_Olsen", 0], [251720, 251529, "Mary-Kate_and_Ashley_Olsen", 1], [251720, 251530, "Mary-Kate_and_Ashley_Olsen", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46752, null, null, null]]], "all_evidence": [[46752, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144226, null, null, null]]], "all_evidence": [[144226, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209605, null, null, null]]], "all_evidence": [[209605, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260885, null, null, null]]], "all_evidence": [[260885, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16214, 20085, "Tottenham_Hotspur_F.C.", 0]], [[16214, 20086, "Tottenham_Hotspur_F.C.", 1]], [[16214, 20087, "Tottenham_Hotspur_F.C.", 5]], [[16214, 20088, "Tottenham_Hotspur_F.C.", 6]], [[16214, 20089, "Tottenham_Hotspur_F.C.", 7]], [[16214, 20090, "Tottenham_Hotspur_F.C.", 8], [16214, 20090, "FA_Cup", 7]], [[16214, 20091, "Tottenham_Hotspur_F.C.", 9], [16214, 20091, "EFL_Cup", 1]], [[16214, 20092, "Tottenham_Hotspur_F.C.", 11]], [[16214, 20093, "Tottenham_Hotspur_F.C.", 12], [16214, 20093, "EFL_Cup", 1]], [[16214, 20094, "Tottenham_Hotspur_F.C.", 15]], [[16214, 20095, "Tottenham_Hotspur_F.C.", 16]]], "all_evidence": [[16214, 20085, "Tottenham_Hotspur_F.C.", 0], [16214, 20086, "Tottenham_Hotspur_F.C.", 1], [16214, 20087, "Tottenham_Hotspur_F.C.", 5], [16214, 20088, "Tottenham_Hotspur_F.C.", 6], [16214, 20089, "Tottenham_Hotspur_F.C.", 7], [16214, 20090, "Tottenham_Hotspur_F.C.", 8], [16214, 20090, "FA_Cup", 7], [16214, 20091, "Tottenham_Hotspur_F.C.", 9], [16214, 20091, "EFL_Cup", 1], [16214, 20092, "Tottenham_Hotspur_F.C.", 11], [16214, 20093, "Tottenham_Hotspur_F.C.", 12], [16214, 20093, "EFL_Cup", 1], [16214, 20094, "Tottenham_Hotspur_F.C.", 15], [16214, 20095, "Tottenham_Hotspur_F.C.", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18365, null, null, null]]], "all_evidence": [[18365, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166596, null, null, null]]], "all_evidence": [[166596, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262156, null, null, null]]], "all_evidence": [[262156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158430, 173058, "Brazzers", 0]]], "all_evidence": [[158430, 173058, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77619, 89067, "A_View_to_a_Kill", 5]], [[77619, 89068, "A_View_to_a_Kill", 6]]], "all_evidence": [[77619, 89067, "A_View_to_a_Kill", 5], [77619, 89068, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253964, 253752, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253964, 253752, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57716, null, null, null], [57730, null, null, null]]], "all_evidence": [[57716, null, null, null], [57730, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260839, null, null, null]]], "all_evidence": [[260839, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40786, 49038, "Stanley_Williams", 0]], [[40794, 49046, "Stanley_Williams", 0]]], "all_evidence": [[40786, 49038, "Stanley_Williams", 0], [40794, 49046, "Stanley_Williams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85222, 97501, "Yara_Shahidi", 0]], [[85228, 97507, "Yara_Shahidi", 0]]], "all_evidence": [[85222, 97501, "Yara_Shahidi", 0], [85228, 97507, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170356, null, null, null]]], "all_evidence": [[170356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189897, null, null, null]]], "all_evidence": [[189897, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238555, null, null, null]]], "all_evidence": [[238555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206499, 214844, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[206499, 214844, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205314, 213924, "Invasion_literature", 3]]], "all_evidence": [[205314, 213924, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125033, 139380, "Croatia", 0], [125033, 139380, "Sovereign_state", 0], [125033, 139380, "Sovereign_state", 1]]], "all_evidence": [[125033, 139380, "Croatia", 0], [125033, 139380, "Sovereign_state", 0], [125033, 139380, "Sovereign_state", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34690, 42063, "Tenacious_D", 0]]], "all_evidence": [[34690, 42063, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99602, 112701, "Topman", 0]]], "all_evidence": [[99602, 112701, "Topman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194723, null, null, null]]], "all_evidence": [[194723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205313, 213923, "Uranium-235", 6], [205313, 213923, "Arthur_Jeffrey_Dempster", 0]], [[207747, 215958, "Uranium-235", 6], [207747, 215958, "Arthur_Jeffrey_Dempster", 0]], [[315747, 305007, "Uranium-235", 6], [315747, 305007, "Arthur_Jeffrey_Dempster", 0]], [[316765, 305889, "Uranium-235", 6], [316765, 305889, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[205313, 213923, "Uranium-235", 6], [205313, 213923, "Arthur_Jeffrey_Dempster", 0], [207747, 215958, "Uranium-235", 6], [207747, 215958, "Arthur_Jeffrey_Dempster", 0], [315747, 305007, "Uranium-235", 6], [315747, 305007, "Arthur_Jeffrey_Dempster", 0], [316765, 305889, "Uranium-235", 6], [316765, 305889, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214257, 221334, "Kenneth_Lonergan", 0]], [[214257, 221335, "Kenneth_Lonergan", 1]], [[214257, 221336, "Kenneth_Lonergan", 2], [214257, 221336, "Gangs_of_New_York", 1]], [[214257, 221337, "Kenneth_Lonergan", 3], [214257, 221337, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]], "all_evidence": [[214257, 221334, "Kenneth_Lonergan", 0], [214257, 221335, "Kenneth_Lonergan", 1], [214257, 221336, "Kenneth_Lonergan", 2], [214257, 221336, "Gangs_of_New_York", 1], [214257, 221337, "Kenneth_Lonergan", 3], [214257, 221337, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194715, 205089, "Middle-earth", 0]]], "all_evidence": [[194715, 205089, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231967, 235271, "Luke_Cage", 0]], [[231967, 235272, "Luke_Cage", 2]], [[231968, 235273, "Luke_Cage", 0]], [[231968, 235274, "Luke_Cage", 2]]], "all_evidence": [[231967, 235271, "Luke_Cage", 0], [231967, 235272, "Luke_Cage", 2], [231968, 235273, "Luke_Cage", 0], [231968, 235274, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21283, 26146, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[21283, 26146, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51574, 61341, "Ann_Richards", 0], [51574, 61341, "Governor_of_Texas", 0]]], "all_evidence": [[51574, 61341, "Ann_Richards", 0], [51574, 61341, "Governor_of_Texas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264398, 261860, "Brubaker", 0]]], "all_evidence": [[264398, 261860, "Brubaker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165477, null, null, null], [167701, null, null, null], [169840, null, null, null], [312400, null, null, null], [312403, null, null, null], [312409, null, null, null]]], "all_evidence": [[165477, null, null, null], [167701, null, null, null], [169840, null, null, null], [312400, null, null, null], [312403, null, null, null], [312409, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113238, 127123, "John_Dolmayan", 0]]], "all_evidence": [[113238, 127123, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208083, null, null, null]]], "all_evidence": [[208083, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111302, 124926, "CONCACAF_Champions_League", 0]]], "all_evidence": [[111302, 124926, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194792, null, null, null]]], "all_evidence": [[194792, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84332, null, null, null]]], "all_evidence": [[84332, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43165, 51804, "Tottenham_Hotspur_F.C.", 0]], [[43303, 51946, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[43165, 51804, "Tottenham_Hotspur_F.C.", 0], [43303, 51946, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166201, null, null, null]]], "all_evidence": [[166201, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183426, 195426, "Guatemala", 16]]], "all_evidence": [[183426, 195426, "Guatemala", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251711, 251519, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251711, 251519, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70200, 81078, "Noel_Fisher", 1]]], "all_evidence": [[70200, 81078, "Noel_Fisher", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221278, 226922, "Yandex", 9]]], "all_evidence": [[221278, 226922, "Yandex", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185036, 196859, "Edgar_Wright", 0]]], "all_evidence": [[185036, 196859, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218031, 224434, "Live_Through_This", 12]]], "all_evidence": [[218031, 224434, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55246, 65293, "Duane_Chapman", 0]]], "all_evidence": [[55246, 65293, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23592, 29139, "Prescott,_Arizona", 0]], [[23592, 29140, "Prescott,_Arizona", 1]], [[23592, 29141, "Prescott,_Arizona", 2]], [[23592, 29142, "Prescott,_Arizona", 8]], [[299531, 290910, "Prescott,_Arizona", 0]]], "all_evidence": [[23592, 29139, "Prescott,_Arizona", 0], [23592, 29140, "Prescott,_Arizona", 1], [23592, 29141, "Prescott,_Arizona", 2], [23592, 29142, "Prescott,_Arizona", 8], [299531, 290910, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173262, 186524, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[173262, 186524, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31608, null, null, null]]], "all_evidence": [[31608, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102738, null, null, null]]], "all_evidence": [[102738, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26517, 32556, "Papua_-LRB-province-RRB-", 0], [26517, 32556, "Western_New_Guinea", 0]]], "all_evidence": [[26517, 32556, "Papua_-LRB-province-RRB-", 0], [26517, 32556, "Western_New_Guinea", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56787, null, null, null]]], "all_evidence": [[56787, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194724, 205096, "Middle-earth", 0]]], "all_evidence": [[194724, 205096, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248519, 248678, "Tie_Your_Mother_Down", 1]], [[248520, 248679, "Tie_Your_Mother_Down", 2]], [[248520, 248680, "Tie_Your_Mother_Down", 6]]], "all_evidence": [[248519, 248678, "Tie_Your_Mother_Down", 1], [248520, 248679, "Tie_Your_Mother_Down", 2], [248520, 248680, "Tie_Your_Mother_Down", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117550, 131451, "Ashley_Cole", 0]]], "all_evidence": [[117550, 131451, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160264, 174813, "Bessie_Smith", 0]]], "all_evidence": [[160264, 174813, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118168, null, null, null]]], "all_evidence": [[118168, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208031, 216185, "Franchising", 8]], [[208042, 216193, "Franchising", 8]]], "all_evidence": [[208031, 216185, "Franchising", 8], [208042, 216193, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178417, 191005, "Bessie_Smith", 0]]], "all_evidence": [[178417, 191005, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64467, 75249, "Topman", 0], [64467, 75249, "Topshop", 0]], [[64467, 75250, "Topman", 1], [64467, 75250, "Arcadia_Group", 0]]], "all_evidence": [[64467, 75249, "Topman", 0], [64467, 75249, "Topshop", 0], [64467, 75250, "Topman", 1], [64467, 75250, "Arcadia_Group", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225836, 230404, "Love_the_Way_You_Lie", 17]]], "all_evidence": [[225836, 230404, "Love_the_Way_You_Lie", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76019, null, null, null]]], "all_evidence": [[76019, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17401, 21530, "Ed_Wood_-LRB-film-RRB-", 0]], [[17401, 21531, "Ed_Wood_-LRB-film-RRB-", 1]]], "all_evidence": [[17401, 21530, "Ed_Wood_-LRB-film-RRB-", 0], [17401, 21531, "Ed_Wood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152655, 167438, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[152655, 167438, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237005, null, null, null], [237006, null, null, null]]], "all_evidence": [[237005, null, null, null], [237006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199060, 208741, "Matteo_Renzi", 0]]], "all_evidence": [[199060, 208741, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147480, null, null, null]]], "all_evidence": [[147480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200456, 209960, "Sancho_Panza", 0]]], "all_evidence": [[200456, 209960, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157667, null, null, null]]], "all_evidence": [[157667, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148076, 163063, "Edison_Machine_Works", 0]]], "all_evidence": [[148076, 163063, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203578, 212567, "Helmand_Province", 0], [203578, 212567, "Lashkargah", 0]], [[206011, 214461, "Helmand_Province", 7], [206011, 214461, "Lashkargah", 0]], [[315499, 304749, "Helmand_Province", 3]], [[315499, 304750, "Helmand_Province", 7]], [[315499, 304751, "Helmand_Province", 8]]], "all_evidence": [[203578, 212567, "Helmand_Province", 0], [203578, 212567, "Lashkargah", 0], [206011, 214461, "Helmand_Province", 7], [206011, 214461, "Lashkargah", 0], [315499, 304749, "Helmand_Province", 3], [315499, 304750, "Helmand_Province", 7], [315499, 304751, "Helmand_Province", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286228, 279725, "Alexandra_Daddario", 0]], [[287967, 281248, "Alexandra_Daddario", 0]], [[288579, 281798, "Alexandra_Daddario", 0]], [[333031, 319237, "Alexandra_Daddario", 0]], [[334141, 320271, "Alexandra_Daddario", 0]]], "all_evidence": [[286228, 279725, "Alexandra_Daddario", 0], [287967, 281248, "Alexandra_Daddario", 0], [288579, 281798, "Alexandra_Daddario", 0], [333031, 319237, "Alexandra_Daddario", 0], [334141, 320271, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90068, 102740, "Terry_Crews", 0]], [[90068, 102741, "Terry_Crews", 9]]], "all_evidence": [[90068, 102740, "Terry_Crews", 0], [90068, 102741, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207678, null, null, null]]], "all_evidence": [[207678, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11346, 14289, "Monster", 0]]], "all_evidence": [[11346, 14289, "Monster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108975, 122684, "Australia_-LRB-2008_film-RRB-", 4], [108975, 122684, "Bowen,_Queensland", 0]]], "all_evidence": [[108975, 122684, "Australia_-LRB-2008_film-RRB-", 4], [108975, 122684, "Bowen,_Queensland", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169323, 182972, "Aleister_Crowley", 5]]], "all_evidence": [[169323, 182972, "Aleister_Crowley", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34373, 41694, "Shawn_Carlson", 0]]], "all_evidence": [[34373, 41694, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145007, null, null, null]]], "all_evidence": [[145007, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14822, 18451, "Wilhelmina_Slater", 0]]], "all_evidence": [[14822, 18451, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20841, 25532, "John_Dolmayan", 0]], [[20841, 25533, "John_Dolmayan", 1]], [[20841, 25534, "John_Dolmayan", 2]], [[20841, 25535, "John_Dolmayan", 4]]], "all_evidence": [[20841, 25532, "John_Dolmayan", 0], [20841, 25533, "John_Dolmayan", 1], [20841, 25534, "John_Dolmayan", 2], [20841, 25535, "John_Dolmayan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234506, null, null, null]]], "all_evidence": [[234506, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213169, 220503, "Tata_Motors", 13], [213169, 220503, "Bombay_Stock_Exchange", 0]]], "all_evidence": [[213169, 220503, "Tata_Motors", 13], [213169, 220503, "Bombay_Stock_Exchange", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83291, 95237, "Shane_McMahon", 10]], [[85367, 97680, "Shane_McMahon", 10]], [[85839, 98117, "Shane_McMahon", 10]], [[306090, 296846, "Shane_McMahon", 10]], [[307315, 297832, "Shane_McMahon", 10]]], "all_evidence": [[83291, 95237, "Shane_McMahon", 10], [85367, 97680, "Shane_McMahon", 10], [85839, 98117, "Shane_McMahon", 10], [306090, 296846, "Shane_McMahon", 10], [307315, 297832, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36687, null, null, null]]], "all_evidence": [[36687, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269443, null, null, null], [272519, null, null, null], [273936, null, null, null], [322010, null, null, null], [323330, null, null, null]]], "all_evidence": [[269443, null, null, null], [272519, null, null, null], [273936, null, null, null], [322010, null, null, null], [323330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189995, null, null, null], [190001, null, null, null]]], "all_evidence": [[189995, null, null, null], [190001, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26717, 32790, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[26717, 32790, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42644, 51294, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[42644, 51294, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72649, 83690, "Ashley_Graham_-LRB-model-RRB-", 4]], [[72649, 83691, "Ashley_Graham_-LRB-model-RRB-", 6]]], "all_evidence": [[72649, 83690, "Ashley_Graham_-LRB-model-RRB-", 4], [72649, 83691, "Ashley_Graham_-LRB-model-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243119, null, null, null]]], "all_evidence": [[243119, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46900, 55935, "Shane_McMahon", 0], [46900, 55935, "Shane_McMahon", 7]]], "all_evidence": [[46900, 55935, "Shane_McMahon", 0], [46900, 55935, "Shane_McMahon", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152505, null, null, null], [152526, null, null, null]]], "all_evidence": [[152505, null, null, null], [152526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123335, 137777, "Faroe_Islands", 9]], [[123335, 137778, "Faroe_Islands", 10]], [[123335, 137779, "Faroe_Islands", 11]]], "all_evidence": [[123335, 137777, "Faroe_Islands", 9], [123335, 137778, "Faroe_Islands", 10], [123335, 137779, "Faroe_Islands", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41555, 49962, "Greek_language", 14]]], "all_evidence": [[41555, 49962, "Greek_language", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28305, null, null, null]]], "all_evidence": [[28305, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110051, 123681, "Sikkim", 4]]], "all_evidence": [[110051, 123681, "Sikkim", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139943, 154962, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[139943, 154962, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28523, 34851, "Taran_Killam", 0]], [[31336, 38049, "Taran_Killam", 0]], [[33606, 40772, "Taran_Killam", 0]], [[301752, 292862, "Taran_Killam", 0]], [[304284, 295106, "Taran_Killam", 0]]], "all_evidence": [[28523, 34851, "Taran_Killam", 0], [31336, 38049, "Taran_Killam", 0], [33606, 40772, "Taran_Killam", 0], [301752, 292862, "Taran_Killam", 0], [304284, 295106, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218408, 224701, "The_Hurt_Locker", 0]]], "all_evidence": [[218408, 224701, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270503, 266532, "Jenna_Jameson", 3]]], "all_evidence": [[270503, 266532, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36098, 43624, "Chile", 0]], [[36098, 43625, "Chile", 1], [36098, 43625, "Drake_Passage", 0], [36098, 43625, "Bolivia", 0], [36098, 43625, "Argentina", 0], [36098, 43625, "Peru", 0]], [[36098, 43626, "Chile", 20]]], "all_evidence": [[36098, 43624, "Chile", 0], [36098, 43625, "Chile", 1], [36098, 43625, "Drake_Passage", 0], [36098, 43625, "Bolivia", 0], [36098, 43625, "Argentina", 0], [36098, 43625, "Peru", 0], [36098, 43626, "Chile", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107300, 120710, "Daggering", 0]], [[107300, 120711, "Daggering", 1]], [[107300, 120712, "Daggering", 2]]], "all_evidence": [[107300, 120710, "Daggering", 0], [107300, 120711, "Daggering", 1], [107300, 120712, "Daggering", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247512, 247802, "Stadium_Arcadium", 6]]], "all_evidence": [[247512, 247802, "Stadium_Arcadium", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133438, 148303, "Mary_of_Teck", 0]]], "all_evidence": [[133438, 148303, "Mary_of_Teck", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223877, 228792, "Yandex", 9]]], "all_evidence": [[223877, 228792, "Yandex", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35866, 43420, "NRG_Recording_Studios", 0]]], "all_evidence": [[35866, 43420, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296235, 288152, "Winter's_Tale_-LRB-novel-RRB-", 0]], [[297809, 289409, "Winter's_Tale_-LRB-novel-RRB-", 0]], [[299967, 291294, "Winter's_Tale_-LRB-novel-RRB-", 0]], [[342630, 326596, "Winter's_Tale_-LRB-novel-RRB-", 0]], [[342696, 326641, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[296235, 288152, "Winter's_Tale_-LRB-novel-RRB-", 0], [297809, 289409, "Winter's_Tale_-LRB-novel-RRB-", 0], [299967, 291294, "Winter's_Tale_-LRB-novel-RRB-", 0], [342630, 326596, "Winter's_Tale_-LRB-novel-RRB-", 0], [342696, 326641, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72105, 83092, "Daggering", 3], [72105, 83092, "Dancehall", 0]]], "all_evidence": [[72105, 83092, "Daggering", 3], [72105, 83092, "Dancehall", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71176, 82108, "New_York_Knicks", 1]], [[71176, 82109, "New_York_Knicks", 9]]], "all_evidence": [[71176, 82108, "New_York_Knicks", 1], [71176, 82109, "New_York_Knicks", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104187, null, null, null], [106850, null, null, null], [107208, null, null, null], [307954, null, null, null], [309254, null, null, null]]], "all_evidence": [[104187, null, null, null], [106850, null, null, null], [107208, null, null, null], [307954, null, null, null], [309254, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26574, 32616, "Henry_II_of_France", 13]]], "all_evidence": [[26574, 32616, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86706, null, null, null]]], "all_evidence": [[86706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89868, 102577, "Scotty_Moore", 0]]], "all_evidence": [[89868, 102577, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243113, null, null, null]]], "all_evidence": [[243113, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199392, 209083, "Dave_Gibbons", 0]]], "all_evidence": [[199392, 209083, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114163, 127974, "Nestor_Carbonell", 0]], [[114163, 127975, "Nestor_Carbonell", 1]]], "all_evidence": [[114163, 127974, "Nestor_Carbonell", 0], [114163, 127975, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289995, 283078, "Janelle_Mona\u0301e", 0]], [[291351, 284287, "Janelle_Mona\u0301e", 0]], [[291351, 284288, "Janelle_Mona\u0301e", 1], [291351, 284288, "The_Audition_-LRB-album-RRB-", 0]], [[291351, 284289, "Janelle_Mona\u0301e", 4], [291351, 284289, "The_ArchAndroid", 0]], [[291351, 284290, "Janelle_Mona\u0301e", 6], [291351, 284290, "Tightrope_-LRB-Janelle_Mona\u0301e_song-RRB-", 0]], [[291351, 284291, "Janelle_Mona\u0301e", 11]], [[291351, 284292, "Janelle_Mona\u0301e", 12]], [[291351, 284293, "Janelle_Mona\u0301e", 13], [291351, 284293, "The_Electric_Lady", 0]], [[291351, 284294, "Janelle_Mona\u0301e", 15]], [[291351, 284295, "Janelle_Mona\u0301e", 16]], [[293480, 285996, "Janelle_Mona\u0301e", 0]], [[337396, 322760, "Janelle_Mona\u0301e", 0]], [[337396, 322761, "Janelle_Mona\u0301e", 1]], [[337396, 322762, "Janelle_Mona\u0301e", 4]], [[337396, 322763, "Janelle_Mona\u0301e", 10]], [[337396, 322764, "Janelle_Mona\u0301e", 11]], [[337396, 322765, "Janelle_Mona\u0301e", 12]], [[337396, 322766, "Janelle_Mona\u0301e", 13]], [[337396, 322767, "Janelle_Mona\u0301e", 14]], [[337396, 322768, "Janelle_Mona\u0301e", 15]], [[337404, 322775, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[289995, 283078, "Janelle_Mona\u0301e", 0], [291351, 284287, "Janelle_Mona\u0301e", 0], [291351, 284288, "Janelle_Mona\u0301e", 1], [291351, 284288, "The_Audition_-LRB-album-RRB-", 0], [291351, 284289, "Janelle_Mona\u0301e", 4], [291351, 284289, "The_ArchAndroid", 0], [291351, 284290, "Janelle_Mona\u0301e", 6], [291351, 284290, "Tightrope_-LRB-Janelle_Mona\u0301e_song-RRB-", 0], [291351, 284291, "Janelle_Mona\u0301e", 11], [291351, 284292, "Janelle_Mona\u0301e", 12], [291351, 284293, "Janelle_Mona\u0301e", 13], [291351, 284293, "The_Electric_Lady", 0], [291351, 284294, "Janelle_Mona\u0301e", 15], [291351, 284295, "Janelle_Mona\u0301e", 16], [293480, 285996, "Janelle_Mona\u0301e", 0], [337396, 322760, "Janelle_Mona\u0301e", 0], [337396, 322761, "Janelle_Mona\u0301e", 1], [337396, 322762, "Janelle_Mona\u0301e", 4], [337396, 322763, "Janelle_Mona\u0301e", 10], [337396, 322764, "Janelle_Mona\u0301e", 11], [337396, 322765, "Janelle_Mona\u0301e", 12], [337396, 322766, "Janelle_Mona\u0301e", 13], [337396, 322767, "Janelle_Mona\u0301e", 14], [337396, 322768, "Janelle_Mona\u0301e", 15], [337404, 322775, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43900, 52542, "Colosseum", 0]]], "all_evidence": [[43900, 52542, "Colosseum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153219, 167987, "Rage_Against_the_Machine", 0]]], "all_evidence": [[153219, 167987, "Rage_Against_the_Machine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289738, 282806, "Vedam_-LRB-film-RRB-", 0], [289738, 282806, "Manchu_Manoj", 0]], [[289747, 282818, "Vedam_-LRB-film-RRB-", 0], [289747, 282818, "Allu_Arjun", 0]], [[336908, 322384, "Vedam_-LRB-film-RRB-", 0], [336908, 322384, "Allu_Arjun", 0]], [[336921, 322395, "Vedam_-LRB-film-RRB-", 0], [336921, 322395, "Allu_Arjun", 0], [336921, 322395, "Anushka_Shetty", 0], [336921, 322395, "Deeksha_Seth", 0], [336921, 322395, "Lekha_Washington", 0], [336921, 322395, "Manchu_Manoj", 0], [336921, 322395, "Manoj_Bajpayee", 0], [336921, 322395, "Saranya_Ponvannan", 0]], [[336925, 322397, "Vedam_-LRB-film-RRB-", 0], [336925, 322397, "Allu_Arjun", 0]]], "all_evidence": [[289738, 282806, "Vedam_-LRB-film-RRB-", 0], [289738, 282806, "Manchu_Manoj", 0], [289747, 282818, "Vedam_-LRB-film-RRB-", 0], [289747, 282818, "Allu_Arjun", 0], [336908, 322384, "Vedam_-LRB-film-RRB-", 0], [336908, 322384, "Allu_Arjun", 0], [336921, 322395, "Vedam_-LRB-film-RRB-", 0], [336921, 322395, "Allu_Arjun", 0], [336921, 322395, "Anushka_Shetty", 0], [336921, 322395, "Deeksha_Seth", 0], [336921, 322395, "Lekha_Washington", 0], [336921, 322395, "Manchu_Manoj", 0], [336921, 322395, "Manoj_Bajpayee", 0], [336921, 322395, "Saranya_Ponvannan", 0], [336925, 322397, "Vedam_-LRB-film-RRB-", 0], [336925, 322397, "Allu_Arjun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82254, 94039, "Leonard_Nimoy", 10], [82254, 94039, "Civilization_IV", 0]]], "all_evidence": [[82254, 94039, "Leonard_Nimoy", 10], [82254, 94039, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163352, 177557, "Bee_Gees", 2]], [[163352, 177558, "Bee_Gees", 3], [163352, 177558, "Barry_Gibb", 0], [163352, 177558, "Maurice_Gibb", 0], [163352, 177558, "Robin_Gibb", 0]], [[163352, 177559, "Bee_Gees", 4]], [[163352, 177560, "Bee_Gees", 5]], [[163352, 177561, "Bee_Gees", 6]], [[163352, 177562, "Bee_Gees", 9], [163352, 177562, "The_Rattlesnakes_-LRB-1955_band-RRB-", 0]], [[163352, 177563, "Bee_Gees", 11], [163352, 177563, "Spicks_and_Specks_-LRB-song-RRB-", 0]], [[163352, 177564, "Bee_Gees", 14]], [[163352, 177565, "Bee_Gees", 15]], [[163352, 177566, "Bee_Gees", 16]]], "all_evidence": [[163352, 177557, "Bee_Gees", 2], [163352, 177558, "Bee_Gees", 3], [163352, 177558, "Barry_Gibb", 0], [163352, 177558, "Maurice_Gibb", 0], [163352, 177558, "Robin_Gibb", 0], [163352, 177559, "Bee_Gees", 4], [163352, 177560, "Bee_Gees", 5], [163352, 177561, "Bee_Gees", 6], [163352, 177562, "Bee_Gees", 9], [163352, 177562, "The_Rattlesnakes_-LRB-1955_band-RRB-", 0], [163352, 177563, "Bee_Gees", 11], [163352, 177563, "Spicks_and_Specks_-LRB-song-RRB-", 0], [163352, 177564, "Bee_Gees", 14], [163352, 177565, "Bee_Gees", 15], [163352, 177566, "Bee_Gees", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94431, 107422, "Neil_Diamond", 0]]], "all_evidence": [[94431, 107422, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51305, null, null, null]]], "all_evidence": [[51305, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88286, null, null, null]]], "all_evidence": [[88286, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254337, null, null, null]]], "all_evidence": [[254337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200459, 209964, "Sancho_Panza", 0]], [[200460, 209965, "Sancho_Panza", 0]], [[200462, 209967, "Sancho_Panza", 0]]], "all_evidence": [[200459, 209964, "Sancho_Panza", 0], [200460, 209965, "Sancho_Panza", 0], [200462, 209967, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139977, 154988, "Aarhus", 0]], [[139977, 154989, "Aarhus", 1]]], "all_evidence": [[139977, 154988, "Aarhus", 0], [139977, 154989, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240854, 242455, "Down_with_Love", 0]]], "all_evidence": [[240854, 242455, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238978, 240935, "Despicable_Me_2", 1]]], "all_evidence": [[238978, 240935, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210312, 218083, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210312, 218083, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112208, 126030, "Chrysler_Building", 1]]], "all_evidence": [[112208, 126030, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279693, null, null, null]]], "all_evidence": [[279693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142103, 157338, "Faroe_Islands", 9]]], "all_evidence": [[142103, 157338, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17174, 21270, "EA_Black_Box", 0]]], "all_evidence": [[17174, 21270, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119340, 133321, "Jack_Falahee", 0]]], "all_evidence": [[119340, 133321, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46448, 55414, "Danger_UXB", 0]]], "all_evidence": [[46448, 55414, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30540, 37143, "James_VI_and_I", 10]]], "all_evidence": [[30540, 37143, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132540, 147448, "Angelsberg", 0]]], "all_evidence": [[132540, 147448, "Angelsberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73884, null, null, null]]], "all_evidence": [[73884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108566, 122170, "Mary_of_Teck", 12]]], "all_evidence": [[108566, 122170, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292199, null, null, null], [294208, null, null, null], [294841, null, null, null], [339384, null, null, null]]], "all_evidence": [[292199, null, null, null], [294208, null, null, null], [294841, null, null, null], [339384, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32446, 39424, "Yara_Shahidi", 0]]], "all_evidence": [[32446, 39424, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245234, 246099, "Efraim_Diveroli", 6]]], "all_evidence": [[245234, 246099, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192747, 203462, "Cadet_Kelly", 0]], [[192747, 203463, "Cadet_Kelly", 1]]], "all_evidence": [[192747, 203462, "Cadet_Kelly", 0], [192747, 203463, "Cadet_Kelly", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134898, 149793, "Underdog_-LRB-film-RRB-", 1], [134898, 149793, "Adam_Rifkin", 0], [134898, 149793, "Brad_Garrett", 0], [134898, 149793, "Jason_Lee_-LRB-actor-RRB-", 0], [134898, 149793, "Jim_Belushi", 0], [134898, 149793, "John_Slattery", 0], [134898, 149793, "Patrick_Warburton", 0], [134898, 149793, "Peter_Dinklage", 0]]], "all_evidence": [[134898, 149793, "Underdog_-LRB-film-RRB-", 1], [134898, 149793, "Adam_Rifkin", 0], [134898, 149793, "Brad_Garrett", 0], [134898, 149793, "Jason_Lee_-LRB-actor-RRB-", 0], [134898, 149793, "Jim_Belushi", 0], [134898, 149793, "John_Slattery", 0], [134898, 149793, "Patrick_Warburton", 0], [134898, 149793, "Peter_Dinklage", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209601, null, null, null]]], "all_evidence": [[209601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130294, 145046, "Otto_I,_Holy_Roman_Emperor", 11]]], "all_evidence": [[130294, 145046, "Otto_I,_Holy_Roman_Emperor", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243701, 244869, "Palo_Alto,_California", 0]]], "all_evidence": [[243701, 244869, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92977, 105857, "Annette_Badland", 1]]], "all_evidence": [[92977, 105857, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20414, 24999, "Monster", 0]]], "all_evidence": [[20414, 24999, "Monster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251020, null, null, null], [251024, null, null, null]]], "all_evidence": [[251020, null, null, null], [251024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286229, 279726, "AMGTV", 0]], [[286229, 279727, "AMGTV", 1]], [[287969, 281251, "AMGTV", 0]], [[287969, 281252, "AMGTV", 1]], [[287970, 281253, "AMGTV", 0]], [[287970, 281254, "AMGTV", 1]], [[333024, 319234, "AMGTV", 0]], [[334106, 320251, "AMGTV", 0]]], "all_evidence": [[286229, 279726, "AMGTV", 0], [286229, 279727, "AMGTV", 1], [287969, 281251, "AMGTV", 0], [287969, 281252, "AMGTV", 1], [287970, 281253, "AMGTV", 0], [287970, 281254, "AMGTV", 1], [333024, 319234, "AMGTV", 0], [334106, 320251, "AMGTV", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235702, null, null, null]]], "all_evidence": [[235702, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86937, 99398, "YouTube", 15]], [[86938, 99399, "YouTube", 15]]], "all_evidence": [[86937, 99398, "YouTube", 15], [86938, 99399, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154344, 169091, "Andrew_Kevin_Walker", 0]], [[154345, 169092, "Andrew_Kevin_Walker", 0]], [[154345, 169093, "Andrew_Kevin_Walker", 1]]], "all_evidence": [[154344, 169091, "Andrew_Kevin_Walker", 0], [154345, 169092, "Andrew_Kevin_Walker", 0], [154345, 169093, "Andrew_Kevin_Walker", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253971, 253756, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253971, 253756, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73955, null, null, null]]], "all_evidence": [[73955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222205, 227586, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222205, 227586, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83478, null, null, null]]], "all_evidence": [[83478, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270839, null, null, null]]], "all_evidence": [[270839, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115544, 129410, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[115544, 129410, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103548, 116979, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[103548, 116979, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82018, 93803, "In_the_End", 1], [82018, 93803, "Hybrid_Theory", 0]]], "all_evidence": [[82018, 93803, "In_the_End", 1], [82018, 93803, "Hybrid_Theory", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84113, 96238, "Human_brain", 25], [84113, 96238, "Limbic_system", 0]]], "all_evidence": [[84113, 96238, "Human_brain", 25], [84113, 96238, "Limbic_system", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90150, null, null, null]]], "all_evidence": [[90150, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122849, 137145, "Global_warming", 15]]], "all_evidence": [[122849, 137145, "Global_warming", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92721, 105561, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [92721, 105561, "Ray_Winstone", 0]]], "all_evidence": [[92721, 105561, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [92721, 105561, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236584, null, null, null]]], "all_evidence": [[236584, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83693, null, null, null]]], "all_evidence": [[83693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78120, 89624, "Francis_I_of_France", 11]]], "all_evidence": [[78120, 89624, "Francis_I_of_France", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131913, 146753, "Byron_Howard", 2]]], "all_evidence": [[131913, 146753, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16687, 20673, "Off_the_Wall", 7]], [[16687, 20674, "Off_the_Wall", 14]]], "all_evidence": [[16687, 20673, "Off_the_Wall", 7], [16687, 20674, "Off_the_Wall", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27049, 33170, "Saxony", 4]]], "all_evidence": [[27049, 33170, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264399, 261861, "Brubaker", 0]]], "all_evidence": [[264399, 261861, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199908, 209547, "Anne_Sullivan", 0]]], "all_evidence": [[199908, 209547, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29815, null, null, null]]], "all_evidence": [[29815, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260485, 258896, "Savages_-LRB-2012_film-RRB-", 3]]], "all_evidence": [[260485, 258896, "Savages_-LRB-2012_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217676, 224167, "Asylum_Records", 0]]], "all_evidence": [[217676, 224167, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111856, 125683, "Rupert_Murdoch", 3]], [[111856, 125684, "Rupert_Murdoch", 12]], [[111856, 125685, "Rupert_Murdoch", 14]]], "all_evidence": [[111856, 125683, "Rupert_Murdoch", 3], [111856, 125684, "Rupert_Murdoch", 12], [111856, 125685, "Rupert_Murdoch", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60780, 71262, "Murda_Beatz", 0]]], "all_evidence": [[60780, 71262, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99815, 112988, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[99815, 112988, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92783, 105649, "Awkward_Black_Girl", 0], [92783, 105649, "Issa_Rae", 0], [92783, 105649, "Issa_Rae", 1]]], "all_evidence": [[92783, 105649, "Awkward_Black_Girl", 0], [92783, 105649, "Issa_Rae", 0], [92783, 105649, "Issa_Rae", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260677, 259013, "Valencia", 0]]], "all_evidence": [[260677, 259013, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83538, 95523, "Harold_Macmillan", 0]], [[83538, 95524, "Harold_Macmillan", 7]], [[83538, 95525, "Harold_Macmillan", 11]], [[83538, 95526, "Harold_Macmillan", 12], [83538, 95526, "Prime_minister", 0]], [[83538, 95527, "Harold_Macmillan", 21]], [[83538, 95528, "Harold_Macmillan", 27]], [[83538, 95529, "Harold_Macmillan", 26]], [[83538, 95530, "Harold_Macmillan", 31]]], "all_evidence": [[83538, 95523, "Harold_Macmillan", 0], [83538, 95524, "Harold_Macmillan", 7], [83538, 95525, "Harold_Macmillan", 11], [83538, 95526, "Harold_Macmillan", 12], [83538, 95526, "Prime_minister", 0], [83538, 95527, "Harold_Macmillan", 21], [83538, 95528, "Harold_Macmillan", 27], [83538, 95529, "Harold_Macmillan", 26], [83538, 95530, "Harold_Macmillan", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101910, 115156, "Charles_Manson", 0]], [[101914, 115159, "Charles_Manson", 0]]], "all_evidence": [[101910, 115156, "Charles_Manson", 0], [101914, 115159, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161362, 175854, "Michelin_Guide", 0]]], "all_evidence": [[161362, 175854, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112394, 126239, "Helmand_Province", 7], [112394, 126239, "Helmand_Province", 0]], [[115919, 129795, "Helmand_Province", 7]], [[118589, 132448, "Helmand_Province", 7]], [[308404, 298785, "Helmand_Province", 7]], [[308405, 298786, "Helmand_Province", 7]]], "all_evidence": [[112394, 126239, "Helmand_Province", 7], [112394, 126239, "Helmand_Province", 0], [115919, 129795, "Helmand_Province", 7], [118589, 132448, "Helmand_Province", 7], [308404, 298785, "Helmand_Province", 7], [308405, 298786, "Helmand_Province", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208064, null, null, null]]], "all_evidence": [[208064, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169039, 182714, "Eva_Green", 1]]], "all_evidence": [[169039, 182714, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71702, 82673, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[71702, 82673, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114945, 128657, "Camden,_New_Jersey", 40]]], "all_evidence": [[114945, 128657, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22360, 27556, "Amyotrophic_lateral_sclerosis", 0]]], "all_evidence": [[22360, 27556, "Amyotrophic_lateral_sclerosis", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109291, null, null, null]]], "all_evidence": [[109291, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185056, 196870, "Christa_McAuliffe", 4]]], "all_evidence": [[185056, 196870, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193465, 203966, "Larry_Wilmore", 0]]], "all_evidence": [[193465, 203966, "Larry_Wilmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105602, 119052, "Carlos_Santana", 0]]], "all_evidence": [[105602, 119052, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193490, null, null, null]]], "all_evidence": [[193490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205316, 213926, "Invasion_literature", 3]]], "all_evidence": [[205316, 213926, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292293, 285103, "Diana,_Princess_of_Wales", 18], [292293, 285103, "Funeral_of_Diana,_Princess_of_Wales", 0]], [[294304, 286641, "Diana,_Princess_of_Wales", 18], [294304, 286641, "Funeral_of_Diana,_Princess_of_Wales", 0]], [[294918, 287142, "Diana,_Princess_of_Wales", 18], [294918, 287142, "Funeral_of_Diana,_Princess_of_Wales", 0]], [[339651, 324548, "Diana,_Princess_of_Wales", 18], [339651, 324548, "Funeral_of_Diana,_Princess_of_Wales", 0]], [[339672, 324562, "Diana,_Princess_of_Wales", 18], [339672, 324562, "Funeral_of_Diana,_Princess_of_Wales", 0]]], "all_evidence": [[292293, 285103, "Diana,_Princess_of_Wales", 18], [292293, 285103, "Funeral_of_Diana,_Princess_of_Wales", 0], [294304, 286641, "Diana,_Princess_of_Wales", 18], [294304, 286641, "Funeral_of_Diana,_Princess_of_Wales", 0], [294918, 287142, "Diana,_Princess_of_Wales", 18], [294918, 287142, "Funeral_of_Diana,_Princess_of_Wales", 0], [339651, 324548, "Diana,_Princess_of_Wales", 18], [339651, 324548, "Funeral_of_Diana,_Princess_of_Wales", 0], [339672, 324562, "Diana,_Princess_of_Wales", 18], [339672, 324562, "Funeral_of_Diana,_Princess_of_Wales", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37838, 45760, "Kuching", 0]]], "all_evidence": [[37838, 45760, "Kuching", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239917, null, null, null]]], "all_evidence": [[239917, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124370, null, null, null]]], "all_evidence": [[124370, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55588, 65616, "David_Packouz", 0]]], "all_evidence": [[55588, 65616, "David_Packouz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101554, null, null, null]]], "all_evidence": [[101554, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196600, null, null, null]]], "all_evidence": [[196600, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260689, null, null, null]]], "all_evidence": [[260689, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179435, null, null, null]]], "all_evidence": [[179435, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260479, 258890, "Savages_-LRB-2012_film-RRB-", 3]], [[260498, 258906, "Savages_-LRB-2012_film-RRB-", 3]]], "all_evidence": [[260479, 258890, "Savages_-LRB-2012_film-RRB-", 3], [260498, 258906, "Savages_-LRB-2012_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113519, null, null, null]]], "all_evidence": [[113519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114049, 127864, "Speech_recognition", 18], [114049, 127864, "Speech_recognition", 21]]], "all_evidence": [[114049, 127864, "Speech_recognition", 18], [114049, 127864, "Speech_recognition", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196626, null, null, null]]], "all_evidence": [[196626, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186121, 198030, "Baz_Luhrmann", 0]], [[186121, 198031, "Baz_Luhrmann", 2]], [[186121, 198032, "Baz_Luhrmann", 3]]], "all_evidence": [[186121, 198030, "Baz_Luhrmann", 0], [186121, 198031, "Baz_Luhrmann", 2], [186121, 198032, "Baz_Luhrmann", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189749, 200969, "Polar_bear", 7]], [[189750, 200970, "Polar_bear", 7]]], "all_evidence": [[189749, 200969, "Polar_bear", 7], [189750, 200970, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209771, 217565, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]], [[209771, 217566, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]], [[209771, 217567, "Victoria_-LRB-Dance_Exponents_song-RRB-", 2]]], "all_evidence": [[209771, 217565, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0], [209771, 217566, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1], [209771, 217567, "Victoria_-LRB-Dance_Exponents_song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254341, 254039, "DJ_Quik", 0]], [[254342, 254040, "DJ_Quik", 0]]], "all_evidence": [[254341, 254039, "DJ_Quik", 0], [254342, 254040, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66333, 77170, "Margaret_Thatcher", 3], [66333, 77170, "Thatcherism", 0]]], "all_evidence": [[66333, 77170, "Margaret_Thatcher", 3], [66333, 77170, "Thatcherism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233063, null, null, null]]], "all_evidence": [[233063, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126039, 140444, "Sam_Claflin", 1]]], "all_evidence": [[126039, 140444, "Sam_Claflin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57216, 67446, "Civilization_IV", 0]], [[57216, 67447, "Civilization_IV", 5]]], "all_evidence": [[57216, 67446, "Civilization_IV", 0], [57216, 67447, "Civilization_IV", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69610, 80438, "Sean_Penn", 1], [69610, 80438, "Mystic_River_-LRB-film-RRB-", 0]], [[69610, 80439, "Sean_Penn", 5], [69610, 80439, "Taps_-LRB-film-RRB-", 0]], [[69610, 80440, "Sean_Penn", 6], [69610, 80440, "Dead_Man_Walking_-LRB-film-RRB-", 0]], [[69610, 80441, "Sean_Penn", 7], [69610, 80441, "Sweet_and_Lowdown", 0]], [[69610, 80442, "Sean_Penn", 8]]], "all_evidence": [[69610, 80438, "Sean_Penn", 1], [69610, 80438, "Mystic_River_-LRB-film-RRB-", 0], [69610, 80439, "Sean_Penn", 5], [69610, 80439, "Taps_-LRB-film-RRB-", 0], [69610, 80440, "Sean_Penn", 6], [69610, 80440, "Dead_Man_Walking_-LRB-film-RRB-", 0], [69610, 80441, "Sean_Penn", 7], [69610, 80441, "Sweet_and_Lowdown", 0], [69610, 80442, "Sean_Penn", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124857, 139200, "Jack_Falahee", 0]], [[124858, 139201, "Jack_Falahee", 0]]], "all_evidence": [[124857, 139200, "Jack_Falahee", 0], [124858, 139201, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94775, null, null, null]]], "all_evidence": [[94775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59392, 69780, "Jamie_Murray", 5]], [[59392, 69781, "Jamie_Murray", 1]]], "all_evidence": [[59392, 69780, "Jamie_Murray", 5], [59392, 69781, "Jamie_Murray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258699, 257466, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258699, 257466, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191700, 202513, "Anne_Rice", 0]], [[191701, 202514, "Anne_Rice", 0]]], "all_evidence": [[191700, 202513, "Anne_Rice", 0], [191701, 202514, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205294, 213893, "Invasion_literature", 3]]], "all_evidence": [[205294, 213893, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227208, 231611, "Kim_Jong-il", 16]]], "all_evidence": [[227208, 231611, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28993, null, null, null]]], "all_evidence": [[28993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137469, 152340, "Camden,_New_Jersey", 40]]], "all_evidence": [[137469, 152340, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136577, null, null, null]]], "all_evidence": [[136577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59608, 70013, "Billboard_Dad", 0]]], "all_evidence": [[59608, 70013, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125811, 140218, "Duff_McKagan", 0]]], "all_evidence": [[125811, 140218, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211249, null, null, null]]], "all_evidence": [[211249, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194757, 205125, "Manmohan_Singh", 22], [194757, 205125, "Manmohan_Singh", 1]]], "all_evidence": [[194757, 205125, "Manmohan_Singh", 22], [194757, 205125, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234928, null, null, null]]], "all_evidence": [[234928, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223846, null, null, null]]], "all_evidence": [[223846, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62102, 72633, "Daggering", 0]]], "all_evidence": [[62102, 72633, "Daggering", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203212, null, null, null]]], "all_evidence": [[203212, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183434, 195433, "Guatemala", 16]]], "all_evidence": [[183434, 195433, "Guatemala", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151072, 165887, "DNA_-LRB-Little_Mix_album-RRB-", 0]], [[151073, 165888, "DNA_-LRB-Little_Mix_album-RRB-", 0]], [[151073, 165889, "DNA_-LRB-Little_Mix_album-RRB-", 3]], [[151073, 165890, "DNA_-LRB-Little_Mix_album-RRB-", 4]]], "all_evidence": [[151072, 165887, "DNA_-LRB-Little_Mix_album-RRB-", 0], [151073, 165888, "DNA_-LRB-Little_Mix_album-RRB-", 0], [151073, 165889, "DNA_-LRB-Little_Mix_album-RRB-", 3], [151073, 165890, "DNA_-LRB-Little_Mix_album-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29283, 35723, "Tatum_O'Neal", 6]]], "all_evidence": [[29283, 35723, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228736, 232847, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228741, 232852, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228741, 232852, "Pharrell_Williams", 0]], [[228765, 232883, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228771, 232890, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]], "all_evidence": [[228736, 232847, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228741, 232852, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228741, 232852, "Pharrell_Williams", 0], [228765, 232883, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228771, 232890, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170866, 184420, "Mike_Huckabee", 0]]], "all_evidence": [[170866, 184420, "Mike_Huckabee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231469, null, null, null]]], "all_evidence": [[231469, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170211, 183767, "Heavy_metal_music", 0]], [[170211, 183768, "Heavy_metal_music", 5]], [[170211, 183769, "Heavy_metal_music", 6]], [[170211, 183770, "Heavy_metal_music", 7]], [[170211, 183771, "Heavy_metal_music", 11]], [[170211, 183772, "Heavy_metal_music", 12], [170211, 183772, "Anthrax_-LRB-American_band-RRB-", 0]], [[170211, 183773, "Heavy_metal_music", 13]], [[170211, 183774, "Heavy_metal_music", 14], [170211, 183774, "Nu_metal", 9]]], "all_evidence": [[170211, 183767, "Heavy_metal_music", 0], [170211, 183768, "Heavy_metal_music", 5], [170211, 183769, "Heavy_metal_music", 6], [170211, 183770, "Heavy_metal_music", 7], [170211, 183771, "Heavy_metal_music", 11], [170211, 183772, "Heavy_metal_music", 12], [170211, 183772, "Anthrax_-LRB-American_band-RRB-", 0], [170211, 183773, "Heavy_metal_music", 13], [170211, 183774, "Heavy_metal_music", 14], [170211, 183774, "Nu_metal", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25869, null, null, null]]], "all_evidence": [[25869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193500, 203995, "Larry_Wilmore", 0], [193500, 203995, "Gemini_-LRB-astrology-RRB-", 1]]], "all_evidence": [[193500, 203995, "Larry_Wilmore", 0], [193500, 203995, "Gemini_-LRB-astrology-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88386, 101002, "David_Packouz", 0]], [[88386, 101003, "David_Packouz", 3]]], "all_evidence": [[88386, 101002, "David_Packouz", 0], [88386, 101003, "David_Packouz", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242980, 244236, "St._Anger", 0]]], "all_evidence": [[242980, 244236, "St._Anger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80666, 92518, "Aparshakti_Khurana", 2]]], "all_evidence": [[80666, 92518, "Aparshakti_Khurana", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117683, 131566, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]], "all_evidence": [[117683, 131566, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22825, null, null, null]]], "all_evidence": [[22825, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45068, null, null, null], [47248, null, null, null], [49828, null, null, null], [302283, null, null, null], [304083, null, null, null], [304087, null, null, null]]], "all_evidence": [[45068, null, null, null], [47248, null, null, null], [49828, null, null, null], [302283, null, null, null], [304083, null, null, null], [304087, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117583, 131481, "Seohyun", 0]]], "all_evidence": [[117583, 131481, "Seohyun", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235721, null, null, null], [235730, null, null, null]]], "all_evidence": [[235721, null, null, null], [235730, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154770, 169532, "David_Packouz", 0]]], "all_evidence": [[154770, 169532, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246591, 247070, "Excuse_My_French_-LRB-album-RRB-", 0]], [[246597, 247078, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246591, 247070, "Excuse_My_French_-LRB-album-RRB-", 0], [246597, 247078, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161260, null, null, null]]], "all_evidence": [[161260, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30859, 37501, "Mount_Rushmore", 1]], [[30859, 37502, "Mount_Rushmore", 12], [30859, 37502, "Mount_Rushmore", 15]]], "all_evidence": [[30859, 37501, "Mount_Rushmore", 1], [30859, 37502, "Mount_Rushmore", 12], [30859, 37502, "Mount_Rushmore", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162908, null, null, null]]], "all_evidence": [[162908, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213694, null, null, null], [213695, null, null, null]]], "all_evidence": [[213694, null, null, null], [213695, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58262, 68502, "Kellogg's", 0]], [[58262, 68503, "Kellogg's", 6]]], "all_evidence": [[58262, 68502, "Kellogg's", 0], [58262, 68503, "Kellogg's", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28467, 34800, "A_View_to_a_Kill", 6]]], "all_evidence": [[28467, 34800, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147579, 162582, "YouTube", 15]]], "all_evidence": [[147579, 162582, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108451, 122027, "Eric_Church", 0]]], "all_evidence": [[108451, 122027, "Eric_Church", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125103, null, null, null]]], "all_evidence": [[125103, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104686, null, null, null]]], "all_evidence": [[104686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135002, 149892, "Eva_Green", 0]], [[135002, 149893, "Eva_Green", 1]], [[135002, 149894, "Eva_Green", 2]], [[135002, 149895, "Eva_Green", 3]], [[135002, 149896, "Eva_Green", 6]], [[135002, 149897, "Eva_Green", 7]], [[135002, 149898, "Eva_Green", 8]], [[135002, 149899, "Eva_Green", 9]], [[135002, 149901, "Eva_Green", 10]], [[135002, 149903, "Eva_Green", 11]]], "all_evidence": [[135002, 149892, "Eva_Green", 0], [135002, 149893, "Eva_Green", 1], [135002, 149894, "Eva_Green", 2], [135002, 149895, "Eva_Green", 3], [135002, 149896, "Eva_Green", 6], [135002, 149897, "Eva_Green", 7], [135002, 149898, "Eva_Green", 8], [135002, 149899, "Eva_Green", 9], [135002, 149901, "Eva_Green", 10], [135002, 149903, "Eva_Green", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255548, null, null, null]]], "all_evidence": [[255548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161190, 175690, "Miranda_Otto", 1]], [[161190, 175691, "Miranda_Otto", 0]]], "all_evidence": [[161190, 175690, "Miranda_Otto", 1], [161190, 175691, "Miranda_Otto", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37925, 45839, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[37925, 45839, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119091, 133010, "The_Good_Wife", 0], [119091, 133010, "CBS", 0]], [[119091, 133011, "The_Good_Wife", 6], [119091, 133011, "CBS", 0]], [[119091, 133012, "The_Good_Wife", 13], [119091, 133012, "CBS", 0]]], "all_evidence": [[119091, 133010, "The_Good_Wife", 0], [119091, 133010, "CBS", 0], [119091, 133011, "The_Good_Wife", 6], [119091, 133011, "CBS", 0], [119091, 133012, "The_Good_Wife", 13], [119091, 133012, "CBS", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210877, 218537, "WGBH-TV", 0]], [[210878, 218538, "WGBH-TV", 0]]], "all_evidence": [[210877, 218537, "WGBH-TV", 0], [210878, 218538, "WGBH-TV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168117, 181897, "Stan_Beeman", 0]], [[168117, 181898, "Stan_Beeman", 2], [168117, 181898, "Elizabeth_Jennings_-LRB-The_Americans-RRB-", 0]]], "all_evidence": [[168117, 181897, "Stan_Beeman", 0], [168117, 181898, "Stan_Beeman", 2], [168117, 181898, "Elizabeth_Jennings_-LRB-The_Americans-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197392, 207439, "Lalla_Ward", 0]]], "all_evidence": [[197392, 207439, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268077, null, null, null]]], "all_evidence": [[268077, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236973, 239305, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236974, 239306, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236975, 239307, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236980, 239312, "Varsity_Blues_-LRB-film-RRB-", 5]]], "all_evidence": [[236973, 239305, "Varsity_Blues_-LRB-film-RRB-", 5], [236974, 239306, "Varsity_Blues_-LRB-film-RRB-", 5], [236975, 239307, "Varsity_Blues_-LRB-film-RRB-", 5], [236980, 239312, "Varsity_Blues_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148970, 164011, "A_View_to_a_Kill", 6], [148970, 164011, "A_View_to_a_Kill", 0]]], "all_evidence": [[148970, 164011, "A_View_to_a_Kill", 6], [148970, 164011, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125185, 139528, "Hindu_Kush", 5]]], "all_evidence": [[125185, 139528, "Hindu_Kush", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135822, 150671, "Michigan", 13]]], "all_evidence": [[135822, 150671, "Michigan", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201136, 210589, "The_Endless_River", 0], [201136, 210589, "Pink_Floyd", 0]]], "all_evidence": [[201136, 210589, "The_Endless_River", 0], [201136, 210589, "Pink_Floyd", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69887, 80763, "A_View_to_a_Kill", 0]]], "all_evidence": [[69887, 80763, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80106, null, null, null]]], "all_evidence": [[80106, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286142, 279679, "Eva_Green", 1], [286142, 279679, "The_Dreamers_-LRB-film-RRB-", 0]], [[332912, 319149, "Eva_Green", 1], [332912, 319149, "The_Dreamers_-LRB-film-RRB-", 0]], [[332924, 319158, "Eva_Green", 1], [332924, 319158, "The_Dreamers_-LRB-film-RRB-", 0]], [[334427, 320495, "Eva_Green", 1], [334427, 320495, "The_Dreamers_-LRB-film-RRB-", 0]]], "all_evidence": [[286142, 279679, "Eva_Green", 1], [286142, 279679, "The_Dreamers_-LRB-film-RRB-", 0], [332912, 319149, "Eva_Green", 1], [332912, 319149, "The_Dreamers_-LRB-film-RRB-", 0], [332924, 319158, "Eva_Green", 1], [332924, 319158, "The_Dreamers_-LRB-film-RRB-", 0], [334427, 320495, "Eva_Green", 1], [334427, 320495, "The_Dreamers_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176944, null, null, null]]], "all_evidence": [[176944, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250373, null, null, null]]], "all_evidence": [[250373, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17316, 21423, "Bloods", 0]]], "all_evidence": [[17316, 21423, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191456, 202316, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191456, 202316, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51735, 61519, "Taylor_Lautner", 4]]], "all_evidence": [[51735, 61519, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92095, null, null, null]]], "all_evidence": [[92095, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243689, null, null, null]]], "all_evidence": [[243689, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232780, null, null, null]]], "all_evidence": [[232780, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259610, 258171, "French_Resistance", 6]]], "all_evidence": [[259610, 258171, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238563, 240560, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238563, 240560, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97869, 111021, "Miranda_Otto", 2]], [[97869, 111022, "Miranda_Otto", 1]], [[97869, 111023, "Miranda_Otto", 5]], [[97869, 111024, "Miranda_Otto", 6]]], "all_evidence": [[97869, 111021, "Miranda_Otto", 2], [97869, 111022, "Miranda_Otto", 1], [97869, 111023, "Miranda_Otto", 5], [97869, 111024, "Miranda_Otto", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34052, 41292, "Gordon_Ramsay", 11]]], "all_evidence": [[34052, 41292, "Gordon_Ramsay", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142992, 158116, "Raees_-LRB-film-RRB-", 1], [142992, 158116, "Mahira_Khan", 0]]], "all_evidence": [[142992, 158116, "Raees_-LRB-film-RRB-", 1], [142992, 158116, "Mahira_Khan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190788, null, null, null]]], "all_evidence": [[190788, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148760, 163795, "I_Kissed_a_Girl", 0]]], "all_evidence": [[148760, 163795, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190002, 201152, "Philip_Glass", 9]]], "all_evidence": [[190002, 201152, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202999, 212126, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[202999, 212126, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201132, 210586, "The_Endless_River", 0]]], "all_evidence": [[201132, 210586, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87202, null, null, null]]], "all_evidence": [[87202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83539, 95531, "YouTube", 15]]], "all_evidence": [[83539, 95531, "YouTube", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239348, null, null, null]]], "all_evidence": [[239348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44081, 52723, "The_Others_-LRB-2001_film-RRB-", 7]]], "all_evidence": [[44081, 52723, "The_Others_-LRB-2001_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124715, 139061, "Edison_Machine_Works", 0]]], "all_evidence": [[124715, 139061, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119529, null, null, null]]], "all_evidence": [[119529, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190766, 201726, "Alice_Cooper", 0]], [[190770, 201728, "Alice_Cooper", 0]]], "all_evidence": [[190766, 201726, "Alice_Cooper", 0], [190770, 201728, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151526, 166283, "Greek_language", 0]]], "all_evidence": [[151526, 166283, "Greek_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17591, null, null, null]]], "all_evidence": [[17591, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152622, null, null, null]]], "all_evidence": [[152622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184148, 196100, "Edgar_Wright", 0]], [[184148, 196101, "Edgar_Wright", 1]], [[184148, 196102, "Edgar_Wright", 2]]], "all_evidence": [[184148, 196100, "Edgar_Wright", 0], [184148, 196101, "Edgar_Wright", 1], [184148, 196102, "Edgar_Wright", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191783, 202582, "Anne_Rice", 5]]], "all_evidence": [[191783, 202582, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214281, null, null, null]]], "all_evidence": [[214281, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193491, null, null, null]]], "all_evidence": [[193491, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27877, null, null, null], [27884, null, null, null]]], "all_evidence": [[27877, null, null, null], [27884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[273662, 269030, "Working_animal", 0]]], "all_evidence": [[273662, 269030, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225911, 230486, "Roland_Emmerich", 3]]], "all_evidence": [[225911, 230486, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34880, 42299, "Justin_Chatwin", 0]], [[34880, 42300, "Justin_Chatwin", 1]], [[34880, 42301, "Justin_Chatwin", 3]], [[34880, 42302, "Justin_Chatwin", 7]]], "all_evidence": [[34880, 42299, "Justin_Chatwin", 0], [34880, 42300, "Justin_Chatwin", 1], [34880, 42301, "Justin_Chatwin", 3], [34880, 42302, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30436, null, null, null]]], "all_evidence": [[30436, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36496, 44099, "Mount_Rushmore", 1]], [[36496, 44100, "Mount_Rushmore", 13]]], "all_evidence": [[36496, 44099, "Mount_Rushmore", 1], [36496, 44100, "Mount_Rushmore", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175012, 188086, "Lithuanians", 0], [175012, 188086, "Ethnic_group", 0]]], "all_evidence": [[175012, 188086, "Lithuanians", 0], [175012, 188086, "Ethnic_group", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94057, 107048, "Washington_Wizards", 12]]], "all_evidence": [[94057, 107048, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237955, 240115, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237955, 240115, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243725, 244899, "Palo_Alto,_California", 0]]], "all_evidence": [[243725, 244899, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239008, 240959, "Despicable_Me_2", 1]]], "all_evidence": [[239008, 240959, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214317, 221401, "Ernest_Medina", 3]], [[214323, 221407, "Ernest_Medina", 3]]], "all_evidence": [[214317, 221401, "Ernest_Medina", 3], [214323, 221407, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102079, null, null, null]]], "all_evidence": [[102079, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222201, null, null, null]]], "all_evidence": [[222201, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175998, null, null, null]]], "all_evidence": [[175998, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68866, 79681, "Colombiana", 0]]], "all_evidence": [[68866, 79681, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86239, null, null, null]]], "all_evidence": [[86239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274024, null, null, null], [274025, null, null, null], [322145, null, null, null]]], "all_evidence": [[274024, null, null, null], [274025, null, null, null], [322145, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268483, 265063, "Michaela_Watkins", 0]], [[268483, 265064, "Michaela_Watkins", 1]], [[268483, 265065, "Michaela_Watkins", 2]]], "all_evidence": [[268483, 265063, "Michaela_Watkins", 0], [268483, 265064, "Michaela_Watkins", 1], [268483, 265065, "Michaela_Watkins", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41311, 49645, "Bee_Gees", 11], [41311, 49645, "Spicks_and_Specks_-LRB-song-RRB-", 0]], [[41311, 49646, "Bee_Gees", 4]]], "all_evidence": [[41311, 49645, "Bee_Gees", 11], [41311, 49645, "Spicks_and_Specks_-LRB-song-RRB-", 0], [41311, 49646, "Bee_Gees", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62353, 72959, "Charles_Manson", 0]]], "all_evidence": [[62353, 72959, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105370, 118835, "Mick_Thomson", 1]], [[105370, 118836, "Mick_Thomson", 3]]], "all_evidence": [[105370, 118835, "Mick_Thomson", 1], [105370, 118836, "Mick_Thomson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231989, 235289, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231989, 235289, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61393, 71902, "Reign_Over_Me", 4]], [[61393, 71903, "Reign_Over_Me", 5]]], "all_evidence": [[61393, 71902, "Reign_Over_Me", 4], [61393, 71903, "Reign_Over_Me", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232813, 235909, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232813, 235909, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190754, null, null, null]]], "all_evidence": [[190754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40014, 48136, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]], [[40014, 48137, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[40014, 48138, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 3]], [[40014, 48139, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4]], [[40014, 48140, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9]]], "all_evidence": [[40014, 48136, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], [40014, 48137, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [40014, 48138, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 3], [40014, 48139, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], [40014, 48140, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166128, 180068, "French_Indochina", 0]]], "all_evidence": [[166128, 180068, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102403, 115681, "Paramore", 0]]], "all_evidence": [[102403, 115681, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166866, null, null, null]]], "all_evidence": [[166866, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[285758, null, null, null], [287461, null, null, null], [287469, null, null, null], [287471, null, null, null], [287493, null, null, null]]], "all_evidence": [[285758, null, null, null], [287461, null, null, null], [287469, null, null, null], [287471, null, null, null], [287493, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286959, 280425, "Liam_Neeson", 11]], [[289084, 282255, "Liam_Neeson", 11]], [[290798, 283746, "Liam_Neeson", 11]], [[334862, 320822, "Liam_Neeson", 11]], [[334899, 320839, "Liam_Neeson", 11]]], "all_evidence": [[286959, 280425, "Liam_Neeson", 11], [289084, 282255, "Liam_Neeson", 11], [290798, 283746, "Liam_Neeson", 11], [334862, 320822, "Liam_Neeson", 11], [334899, 320839, "Liam_Neeson", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109973, 123589, "Rupert_Murdoch", 2], [109973, 123589, "Rupert_Murdoch", 3], [109973, 123589, "Rupert_Murdoch", 6], [109973, 123589, "Rupert_Murdoch", 7]]], "all_evidence": [[109973, 123589, "Rupert_Murdoch", 2], [109973, 123589, "Rupert_Murdoch", 3], [109973, 123589, "Rupert_Murdoch", 6], [109973, 123589, "Rupert_Murdoch", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55909, 66011, "Bethany_Hamilton", 0]]], "all_evidence": [[55909, 66011, "Bethany_Hamilton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208044, null, null, null], [208045, null, null, null]]], "all_evidence": [[208044, null, null, null], [208045, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270771, 266777, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270771, 266777, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17479, 21637, "Sheryl_Lee", 7], [17479, 21637, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[17479, 21637, "Sheryl_Lee", 7], [17479, 21637, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214308, null, null, null]]], "all_evidence": [[214308, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43897, 52540, "Stephen_Hillenburg", 4]]], "all_evidence": [[43897, 52540, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184136, 196082, "Edgar_Wright", 0]], [[184137, 196083, "Edgar_Wright", 0]]], "all_evidence": [[184136, 196082, "Edgar_Wright", 0], [184137, 196083, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153778, 168636, "The_Daily_Show", 6]], [[153779, 168637, "The_Daily_Show", 6]], [[153799, 168655, "The_Daily_Show", 2]]], "all_evidence": [[153778, 168636, "The_Daily_Show", 6], [153779, 168637, "The_Daily_Show", 6], [153799, 168655, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238060, null, null, null]]], "all_evidence": [[238060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25016, 30886, "The_Bahamas", 0]]], "all_evidence": [[25016, 30886, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101772, 115023, "Connie_Nielsen", 2]]], "all_evidence": [[101772, 115023, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164957, null, null, null]]], "all_evidence": [[164957, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238995, null, null, null]]], "all_evidence": [[238995, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225652, 230275, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225653, 230276, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225652, 230275, "Ian_Brennan_-LRB-writer-RRB-", 0], [225653, 230276, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37001, 44658, "A_Milli", 0]]], "all_evidence": [[37001, 44658, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199470, 209147, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199470, 209147, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227761, 232111, "Tilda_Swinton", 0]]], "all_evidence": [[227761, 232111, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210896, 218544, "WGBH-TV", 0]]], "all_evidence": [[210896, 218544, "WGBH-TV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59094, 69432, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[59094, 69432, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253975, 253759, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253975, 253759, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219123, 225226, "The_Sterile_Cuckoo", 0]]], "all_evidence": [[219123, 225226, "The_Sterile_Cuckoo", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34743, null, null, null]]], "all_evidence": [[34743, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238958, 240914, "Despicable_Me_2", 0]], [[238958, 240915, "Despicable_Me_2", 9]], [[238958, 240916, "Despicable_Me_2", 11]]], "all_evidence": [[238958, 240914, "Despicable_Me_2", 0], [238958, 240915, "Despicable_Me_2", 9], [238958, 240916, "Despicable_Me_2", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234937, null, null, null]]], "all_evidence": [[234937, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134100, 148984, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[134100, 148984, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255566, null, null, null]]], "all_evidence": [[255566, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275948, 271011, "Hundred_Years'_War", 21]], [[278240, 273111, "Hundred_Years'_War", 21]], [[280223, 274747, "Hundred_Years'_War", 21]], [[325146, 312910, "Hundred_Years'_War", 21]], [[326188, 313713, "Hundred_Years'_War", 21]]], "all_evidence": [[275948, 271011, "Hundred_Years'_War", 21], [278240, 273111, "Hundred_Years'_War", 21], [280223, 274747, "Hundred_Years'_War", 21], [325146, 312910, "Hundred_Years'_War", 21], [326188, 313713, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258690, 257459, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258690, 257459, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84977, 97237, "Ingushetia", 5]]], "all_evidence": [[84977, 97237, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264418, 261876, "Brubaker", 0]]], "all_evidence": [[264418, 261876, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275695, 270811, "Melancholia_-LRB-2011_film-RRB-", 0]], [[275701, 270817, "Melancholia_-LRB-2011_film-RRB-", 0]], [[277977, 272895, "Melancholia_-LRB-2011_film-RRB-", 0]], [[277978, 272896, "Melancholia_-LRB-2011_film-RRB-", 0]], [[277979, 272897, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[275695, 270811, "Melancholia_-LRB-2011_film-RRB-", 0], [275701, 270817, "Melancholia_-LRB-2011_film-RRB-", 0], [277977, 272895, "Melancholia_-LRB-2011_film-RRB-", 0], [277978, 272896, "Melancholia_-LRB-2011_film-RRB-", 0], [277979, 272897, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115587, 129461, "Uranium-235", 6]], [[118230, 132073, "Uranium-235", 6], [118230, 132073, "Arthur_Jeffrey_Dempster", 0]], [[308359, 298746, "Uranium-235", 6]], [[309857, 299956, "Uranium-235", 6]], [[309862, 299964, "Uranium-235", 6]], [[309870, 299967, "Uranium-235", 6]]], "all_evidence": [[115587, 129461, "Uranium-235", 6], [118230, 132073, "Uranium-235", 6], [118230, 132073, "Arthur_Jeffrey_Dempster", 0], [308359, 298746, "Uranium-235", 6], [309857, 299956, "Uranium-235", 6], [309862, 299964, "Uranium-235", 6], [309870, 299967, "Uranium-235", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262068, null, null, null]]], "all_evidence": [[262068, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40019, 48150, "A_View_to_a_Kill", 0]]], "all_evidence": [[40019, 48150, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53434, 63434, "Life", 0]]], "all_evidence": [[53434, 63434, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247519, 247808, "Stadium_Arcadium", 1]]], "all_evidence": [[247519, 247808, "Stadium_Arcadium", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83062, 94957, "Wish_Upon", 0]]], "all_evidence": [[83062, 94957, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36416, 44009, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[36416, 44009, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36096, 43623, "Rage_Against_the_Machine", 20]], [[38371, 46324, "Rage_Against_the_Machine", 7]], [[38700, 46669, "Rage_Against_the_Machine", 19]], [[38700, 46670, "Rage_Against_the_Machine", 20]], [[38700, 46671, "Rage_Against_the_Machine", 7]], [[301930, 293017, "Rage_Against_the_Machine", 20]], [[303384, 294347, "Rage_Against_the_Machine", 20]], [[304580, 295397, "Rage_Against_the_Machine", 20]]], "all_evidence": [[36096, 43623, "Rage_Against_the_Machine", 20], [38371, 46324, "Rage_Against_the_Machine", 7], [38700, 46669, "Rage_Against_the_Machine", 19], [38700, 46670, "Rage_Against_the_Machine", 20], [38700, 46671, "Rage_Against_the_Machine", 7], [301930, 293017, "Rage_Against_the_Machine", 20], [303384, 294347, "Rage_Against_the_Machine", 20], [304580, 295397, "Rage_Against_the_Machine", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229573, 233499, "Happiness_in_Slavery", 0]]], "all_evidence": [[229573, 233499, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80590, 92432, "Justine_Bateman", 0]]], "all_evidence": [[80590, 92432, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286150, null, null, null], [288481, null, null, null], [332881, null, null, null], [334326, null, null, null], [334335, null, null, null], [334350, null, null, null]]], "all_evidence": [[286150, null, null, null], [288481, null, null, null], [332881, null, null, null], [334326, null, null, null], [334335, null, null, null], [334350, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56541, 66733, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[56541, 66733, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203335, 212376, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203335, 212376, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47174, 56298, "A_View_to_a_Kill", 0]], [[47174, 56299, "A_View_to_a_Kill", 10]]], "all_evidence": [[47174, 56298, "A_View_to_a_Kill", 0], [47174, 56299, "A_View_to_a_Kill", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65996, null, null, null]]], "all_evidence": [[65996, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127751, 142408, "Harold_Macmillan", 0]]], "all_evidence": [[127751, 142408, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255562, null, null, null]]], "all_evidence": [[255562, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200744, null, null, null]]], "all_evidence": [[200744, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123854, 138214, "Chris_Kyle", 0]]], "all_evidence": [[123854, 138214, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248518, null, null, null]]], "all_evidence": [[248518, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200467, null, null, null]]], "all_evidence": [[200467, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118982, null, null, null]]], "all_evidence": [[118982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160647, 175167, "Yara_Shahidi", 0]]], "all_evidence": [[160647, 175167, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151168, 165970, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[151168, 165970, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199075, 208753, "Matteo_Renzi", 0]], [[199075, 208754, "Matteo_Renzi", 7]], [[199075, 208755, "Matteo_Renzi", 6]], [[199075, 208756, "Matteo_Renzi", 1], [199075, 208756, "Italian_constitutional_referendum,_2016", 4]]], "all_evidence": [[199075, 208753, "Matteo_Renzi", 0], [199075, 208754, "Matteo_Renzi", 7], [199075, 208755, "Matteo_Renzi", 6], [199075, 208756, "Matteo_Renzi", 1], [199075, 208756, "Italian_constitutional_referendum,_2016", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282666, 276808, "Michigan", 2]], [[284597, 278377, "Michigan", 2]], [[285419, 279041, "Michigan", 2]], [[285420, 279042, "Michigan", 2]], [[330829, 317366, "Michigan", 2]], [[330833, 317370, "Michigan", 2]]], "all_evidence": [[282666, 276808, "Michigan", 2], [284597, 278377, "Michigan", 2], [285419, 279041, "Michigan", 2], [285420, 279042, "Michigan", 2], [330829, 317366, "Michigan", 2], [330833, 317370, "Michigan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218300, 224611, "Eva_Mendes", 0]]], "all_evidence": [[218300, 224611, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239897, 241584, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239897, 241584, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282410, 276588, "Meteora_-LRB-album-RRB-", 0]], [[284385, 278223, "Meteora_-LRB-album-RRB-", 0]], [[330551, 317143, "Meteora_-LRB-album-RRB-", 0]], [[330557, 317161, "Meteora_-LRB-album-RRB-", 0]], [[330581, 317177, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[282410, 276588, "Meteora_-LRB-album-RRB-", 0], [284385, 278223, "Meteora_-LRB-album-RRB-", 0], [330551, 317143, "Meteora_-LRB-album-RRB-", 0], [330557, 317161, "Meteora_-LRB-album-RRB-", 0], [330581, 317177, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69341, 80121, "L.A._Reid", 1]], [[69341, 80122, "L.A._Reid", 6], [69341, 80122, "Fifth_Harmony", 2]]], "all_evidence": [[69341, 80121, "L.A._Reid", 1], [69341, 80122, "L.A._Reid", 6], [69341, 80122, "Fifth_Harmony", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110084, 123715, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[110084, 123715, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93174, 106087, "University_of_Mississippi", 4]]], "all_evidence": [[93174, 106087, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293121, null, null, null], [295749, null, null, null], [341451, null, null, null]]], "all_evidence": [[293121, null, null, null], [295749, null, null, null], [341451, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115384, null, null, null]]], "all_evidence": [[115384, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168686, null, null, null]]], "all_evidence": [[168686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107937, 121420, "Psych", 2], [107937, 121420, "Shawn_Spencer", 0]]], "all_evidence": [[107937, 121420, "Psych", 2], [107937, 121420, "Shawn_Spencer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52643, 62604, "Henry_II_of_France", 13]]], "all_evidence": [[52643, 62604, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89195, null, null, null]]], "all_evidence": [[89195, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262073, 260123, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262073, 260123, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177592, 190354, "Republic_of_Macedonia", 1]], [[179885, 192433, "Republic_of_Macedonia", 1]], [[179885, 192434, "Republic_of_Macedonia", 2], [179885, 192434, "Socialist_Federal_Republic_of_Yugoslavia", 0]], [[179885, 192435, "Republic_of_Macedonia", 6], [179885, 192435, "Albania", 0]], [[179885, 192436, "Republic_of_Macedonia", 7], [179885, 192436, "Macedonia_-LRB-region-RRB-", 0]], [[179885, 192437, "Republic_of_Macedonia", 19], [179885, 192437, "Balkan_Wars", 0]], [[179885, 192438, "Republic_of_Macedonia", 20], [179885, 192438, "Socialist_Federal_Republic_of_Yugoslavia", 0]], [[179885, 192439, "Republic_of_Macedonia", 21]], [[179885, 192440, "Republic_of_Macedonia", 26]]], "all_evidence": [[177592, 190354, "Republic_of_Macedonia", 1], [179885, 192433, "Republic_of_Macedonia", 1], [179885, 192434, "Republic_of_Macedonia", 2], [179885, 192434, "Socialist_Federal_Republic_of_Yugoslavia", 0], [179885, 192435, "Republic_of_Macedonia", 6], [179885, 192435, "Albania", 0], [179885, 192436, "Republic_of_Macedonia", 7], [179885, 192436, "Macedonia_-LRB-region-RRB-", 0], [179885, 192437, "Republic_of_Macedonia", 19], [179885, 192437, "Balkan_Wars", 0], [179885, 192438, "Republic_of_Macedonia", 20], [179885, 192438, "Socialist_Federal_Republic_of_Yugoslavia", 0], [179885, 192439, "Republic_of_Macedonia", 21], [179885, 192440, "Republic_of_Macedonia", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279409, null, null, null], [281148, null, null, null], [283231, null, null, null], [327695, null, null, null], [327696, null, null, null]]], "all_evidence": [[279409, null, null, null], [281148, null, null, null], [283231, null, null, null], [327695, null, null, null], [327696, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178888, 191441, "Tenacious_D", 0]]], "all_evidence": [[178888, 191441, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74089, 85317, "Efraim_Diveroli", 1]], [[74089, 85318, "Efraim_Diveroli", 0], [74089, 85318, "Arms_industry", 0]]], "all_evidence": [[74089, 85317, "Efraim_Diveroli", 1], [74089, 85318, "Efraim_Diveroli", 0], [74089, 85318, "Arms_industry", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131200, 145954, "Billboard_Dad", 0]], [[133320, 148197, "Billboard_Dad", 0]], [[309201, 299461, "Billboard_Dad", 0]], [[309202, 299462, "Billboard_Dad", 0]], [[309237, 299481, "Billboard_Dad", 0]]], "all_evidence": [[131200, 145954, "Billboard_Dad", 0], [133320, 148197, "Billboard_Dad", 0], [309201, 299461, "Billboard_Dad", 0], [309202, 299462, "Billboard_Dad", 0], [309237, 299481, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270750, 266756, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270750, 266756, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217698, 224185, "Asylum_Records", 0]]], "all_evidence": [[217698, 224185, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240811, null, null, null], [240823, null, null, null]]], "all_evidence": [[240811, null, null, null], [240823, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131942, 146786, "Tenacious_D", 1], [131942, 146786, "Jack_Black", 0]]], "all_evidence": [[131942, 146786, "Tenacious_D", 1], [131942, 146786, "Jack_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60490, 70898, "Chaka_Khan", 0]]], "all_evidence": [[60490, 70898, "Chaka_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148500, 163514, "Ashton_Kutcher", 8]]], "all_evidence": [[148500, 163514, "Ashton_Kutcher", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228842, 232948, "Albert_S._Ruddy", 0]], [[228843, 232949, "Albert_S._Ruddy", 0]], [[228845, 232951, "Albert_S._Ruddy", 0]], [[228846, 232952, "Albert_S._Ruddy", 0]], [[228848, 232954, "Albert_S._Ruddy", 0]], [[228849, 232955, "Albert_S._Ruddy", 0]], [[228850, 232956, "Albert_S._Ruddy", 0]]], "all_evidence": [[228842, 232948, "Albert_S._Ruddy", 0], [228843, 232949, "Albert_S._Ruddy", 0], [228845, 232951, "Albert_S._Ruddy", 0], [228846, 232952, "Albert_S._Ruddy", 0], [228848, 232954, "Albert_S._Ruddy", 0], [228849, 232955, "Albert_S._Ruddy", 0], [228850, 232956, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50305, 59894, "Riddick_-LRB-character-RRB-", 0], [50305, 59894, "Riddick_-LRB-film-RRB-", 0], [50305, 59894, "Pitch_Black_-LRB-film-RRB-", 0]], [[50305, 59895, "Riddick_-LRB-character-RRB-", 1], [50305, 59895, "Riddick_-LRB-film-RRB-", 0]], [[50305, 59896, "Riddick_-LRB-character-RRB-", 4], [50305, 59896, "Riddick_-LRB-film-RRB-", 0]], [[50305, 59897, "Riddick_-LRB-character-RRB-", 8], [50305, 59897, "Riddick_-LRB-film-RRB-", 0]], [[50305, 59898, "Riddick_-LRB-character-RRB-", 9], [50305, 59898, "Pitch_Black_-LRB-film-RRB-", 0]], [[50305, 59899, "Riddick_-LRB-character-RRB-", 13], [50305, 59899, "Riddick_-LRB-film-RRB-", 0]]], "all_evidence": [[50305, 59894, "Riddick_-LRB-character-RRB-", 0], [50305, 59894, "Riddick_-LRB-film-RRB-", 0], [50305, 59894, "Pitch_Black_-LRB-film-RRB-", 0], [50305, 59895, "Riddick_-LRB-character-RRB-", 1], [50305, 59895, "Riddick_-LRB-film-RRB-", 0], [50305, 59896, "Riddick_-LRB-character-RRB-", 4], [50305, 59896, "Riddick_-LRB-film-RRB-", 0], [50305, 59897, "Riddick_-LRB-character-RRB-", 8], [50305, 59897, "Riddick_-LRB-film-RRB-", 0], [50305, 59898, "Riddick_-LRB-character-RRB-", 9], [50305, 59898, "Pitch_Black_-LRB-film-RRB-", 0], [50305, 59899, "Riddick_-LRB-character-RRB-", 13], [50305, 59899, "Riddick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28456, 34790, "Tremont_Street_Subway", 0]], [[28456, 34791, "Tremont_Street_Subway", 5]]], "all_evidence": [[28456, 34790, "Tremont_Street_Subway", 0], [28456, 34791, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176407, 189354, "Eddie_Guerrero", 10]]], "all_evidence": [[176407, 189354, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118365, 132198, "Humphrey_Bogart", 0]], [[118365, 132199, "Humphrey_Bogart", 10], [118365, 132199, "Casablanca_-LRB-film-RRB-", 0]]], "all_evidence": [[118365, 132198, "Humphrey_Bogart", 0], [118365, 132199, "Humphrey_Bogart", 10], [118365, 132199, "Casablanca_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61552, 72064, "Jackpot_-LRB-2013_film-RRB-", 0]]], "all_evidence": [[61552, 72064, "Jackpot_-LRB-2013_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30089, 36651, "TV_Choice", 1]]], "all_evidence": [[30089, 36651, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190474, 201488, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190474, 201488, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292736, 285450, "Basildon", 13]], [[297122, 288815, "Basildon", 13]], [[340876, 325391, "Basildon", 13]]], "all_evidence": [[292736, 285450, "Basildon", 13], [297122, 288815, "Basildon", 13], [340876, 325391, "Basildon", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165709, null, null, null]]], "all_evidence": [[165709, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75310, null, null, null]]], "all_evidence": [[75310, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145499, null, null, null]]], "all_evidence": [[145499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168829, 182532, "Terry_Crews", 0]], [[168829, 182533, "Terry_Crews", 9]]], "all_evidence": [[168829, 182532, "Terry_Crews", 0], [168829, 182533, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30152, null, null, null]]], "all_evidence": [[30152, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124267, 138635, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[124267, 138635, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13793, null, null, null]]], "all_evidence": [[13793, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166941, null, null, null]]], "all_evidence": [[166941, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208067, null, null, null]]], "all_evidence": [[208067, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228284, 232495, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228284, 232495, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244422, 245431, "Samwell_Tarly", 0]], [[244422, 245432, "Samwell_Tarly", 3], [244422, 245432, "A_Game_of_Thrones", 0]], [[244422, 245433, "Samwell_Tarly", 4], [244422, 245433, "A_Clash_of_Kings", 0]], [[244423, 245434, "Samwell_Tarly", 0]]], "all_evidence": [[244422, 245431, "Samwell_Tarly", 0], [244422, 245432, "Samwell_Tarly", 3], [244422, 245432, "A_Game_of_Thrones", 0], [244422, 245433, "Samwell_Tarly", 4], [244422, 245433, "A_Clash_of_Kings", 0], [244423, 245434, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70981, 81869, "Bethany_Hamilton", 2], [70981, 81869, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[70981, 81869, "Bethany_Hamilton", 2], [70981, 81869, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193498, null, null, null]]], "all_evidence": [[193498, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119541, 133581, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[119541, 133581, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193492, 203985, "Larry_Wilmore", 2]], [[193492, 203986, "Larry_Wilmore", 3]]], "all_evidence": [[193492, 203985, "Larry_Wilmore", 2], [193492, 203986, "Larry_Wilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226467, null, null, null]]], "all_evidence": [[226467, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251709, null, null, null]]], "all_evidence": [[251709, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191691, 202508, "Anne_Rice", 5]]], "all_evidence": [[191691, 202508, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168104, 181864, "AMGTV", 0]], [[168104, 181865, "AMGTV", 1]], [[168104, 181866, "AMGTV", 4]], [[168104, 181867, "AMGTV", 5]]], "all_evidence": [[168104, 181864, "AMGTV", 0], [168104, 181865, "AMGTV", 1], [168104, 181866, "AMGTV", 4], [168104, 181867, "AMGTV", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97601, null, null, null]]], "all_evidence": [[97601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233037, 236041, "Saturn", 0]]], "all_evidence": [[233037, 236041, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72634, 83675, "Aarhus", 1]], [[76556, 87844, "Aarhus", 0]], [[76556, 87845, "Aarhus", 1], [76556, 87845, "Jutland", 2], [76556, 87845, "Jutland", 0]], [[76556, 87846, "Aarhus", 3], [76556, 87846, "East_Jutland_metropolitan_area", 5], [76556, 87846, "East_Jutland_metropolitan_area", 2], [76556, 87846, "East_Jutland_metropolitan_area", 8], [76556, 87846, "East_Jutland_metropolitan_area", 6], [76556, 87846, "East_Jutland_metropolitan_area", 0]], [[76556, 87847, "Aarhus", 13], [76556, 87847, "Aarhus_Municipality", 6], [76556, 87847, "Aarhus_Municipality", 0], [76556, 87847, "Aarhus_Municipality", 4], [76556, 87847, "Aarhus_Municipality", 5], [76556, 87847, "Aarhus_Municipality", 3], [76556, 87847, "Aarhus_Municipality", 9]], [[305723, 296525, "Aarhus", 1]], [[305724, 296526, "Aarhus", 1]], [[305725, 296527, "Aarhus", 1]]], "all_evidence": [[72634, 83675, "Aarhus", 1], [76556, 87844, "Aarhus", 0], [76556, 87845, "Aarhus", 1], [76556, 87845, "Jutland", 2], [76556, 87845, "Jutland", 0], [76556, 87846, "Aarhus", 3], [76556, 87846, "East_Jutland_metropolitan_area", 5], [76556, 87846, "East_Jutland_metropolitan_area", 2], [76556, 87846, "East_Jutland_metropolitan_area", 8], [76556, 87846, "East_Jutland_metropolitan_area", 6], [76556, 87846, "East_Jutland_metropolitan_area", 0], [76556, 87847, "Aarhus", 13], [76556, 87847, "Aarhus_Municipality", 6], [76556, 87847, "Aarhus_Municipality", 0], [76556, 87847, "Aarhus_Municipality", 4], [76556, 87847, "Aarhus_Municipality", 5], [76556, 87847, "Aarhus_Municipality", 3], [76556, 87847, "Aarhus_Municipality", 9], [305723, 296525, "Aarhus", 1], [305724, 296526, "Aarhus", 1], [305725, 296527, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199912, 209550, "Anne_Sullivan", 0]]], "all_evidence": [[199912, 209550, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110307, null, null, null]]], "all_evidence": [[110307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46065, 55018, "A_Milli", 0]]], "all_evidence": [[46065, 55018, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16044, 19918, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[16044, 19918, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93177, 106097, "Due_Date", 2]]], "all_evidence": [[93177, 106097, "Due_Date", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95624, 108666, "Diana,_Princess_of_Wales", 18], [95624, 108666, "Funeral_of_Diana,_Princess_of_Wales", 0]]], "all_evidence": [[95624, 108666, "Diana,_Princess_of_Wales", 18], [95624, 108666, "Funeral_of_Diana,_Princess_of_Wales", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91484, 104235, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[91484, 104235, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161905, 176314, "The_Bassoon_King", 0]]], "all_evidence": [[161905, 176314, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107459, 120922, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[107459, 120922, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237576, null, null, null], [237583, null, null, null]]], "all_evidence": [[237576, null, null, null], [237583, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215930, null, null, null]]], "all_evidence": [[215930, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30559, null, null, null]]], "all_evidence": [[30559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96717, null, null, null]]], "all_evidence": [[96717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164714, 178921, "Seohyun", 0]], [[164714, 178922, "Seohyun", 2]], [[164714, 178923, "Seohyun", 4]]], "all_evidence": [[164714, 178921, "Seohyun", 0], [164714, 178922, "Seohyun", 2], [164714, 178923, "Seohyun", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66440, 77288, "Harold_Macmillan", 0]]], "all_evidence": [[66440, 77288, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28021, 34313, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]], [[30918, 37557, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]], [[33052, 40148, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]], [[301712, 292821, "The_Dark_Tower_-LRB-2017_film-RRB-", 6], [301712, 292821, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]], [[304419, 295224, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[28021, 34313, "The_Dark_Tower_-LRB-2017_film-RRB-", 6], [30918, 37557, "The_Dark_Tower_-LRB-2017_film-RRB-", 6], [33052, 40148, "The_Dark_Tower_-LRB-2017_film-RRB-", 6], [301712, 292821, "The_Dark_Tower_-LRB-2017_film-RRB-", 6], [301712, 292821, "The_Dark_Tower_-LRB-2017_film-RRB-", 0], [304419, 295224, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62470, 73090, "Vietnam", 1]]], "all_evidence": [[62470, 73090, "Vietnam", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194398, null, null, null], [197319, null, null, null], [199277, null, null, null]]], "all_evidence": [[194398, null, null, null], [197319, null, null, null], [199277, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149305, null, null, null]]], "all_evidence": [[149305, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113683, 127549, "Tim_McGraw", 13]]], "all_evidence": [[113683, 127549, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146655, 161645, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]], "all_evidence": [[146655, 161645, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84494, 96658, "Murda_Beatz", 0]]], "all_evidence": [[84494, 96658, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99946, 113159, "Rabies", 9]]], "all_evidence": [[99946, 113159, "Rabies", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50360, 59951, "Eric_Church", 2], [50360, 59951, "Two_Pink_Lines", 0], [50360, 59951, "Guys_Like_Me", 0]], [[50360, 59952, "Eric_Church", 5], [50360, 59952, "Smoke_a_Little_Smoke", 0], [50360, 59952, "Love_Your_Love_the_Most", 0], [50360, 59952, "Hell_on_the_Heart", 0]], [[50360, 59953, "Eric_Church", 6], [50360, 59953, "Homeboy_-LRB-Eric_Church_song-RRB-", 0], [50360, 59953, "Drink_in_My_Hand", 0], [50360, 59953, "Like_Jesus_Does", 0]], [[50360, 59954, "Eric_Church", 9], [50360, 59954, "The_Outsiders_-LRB-Eric_Church_song-RRB-", 0], [50360, 59954, "Give_Me_Back_My_Hometown", 0], [50360, 59954, "Cold_One", 0], [50360, 59954, "Like_a_Wrecking_Ball", 0], [50360, 59954, "Talladega_-LRB-song-RRB-", 0]], [[50360, 59955, "Eric_Church", 10], [50360, 59955, "Give_Me_Back_My_Hometown", 0], [50360, 59955, "Talladega_-LRB-song-RRB-", 0]]], "all_evidence": [[50360, 59951, "Eric_Church", 2], [50360, 59951, "Two_Pink_Lines", 0], [50360, 59951, "Guys_Like_Me", 0], [50360, 59952, "Eric_Church", 5], [50360, 59952, "Smoke_a_Little_Smoke", 0], [50360, 59952, "Love_Your_Love_the_Most", 0], [50360, 59952, "Hell_on_the_Heart", 0], [50360, 59953, "Eric_Church", 6], [50360, 59953, "Homeboy_-LRB-Eric_Church_song-RRB-", 0], [50360, 59953, "Drink_in_My_Hand", 0], [50360, 59953, "Like_Jesus_Does", 0], [50360, 59954, "Eric_Church", 9], [50360, 59954, "The_Outsiders_-LRB-Eric_Church_song-RRB-", 0], [50360, 59954, "Give_Me_Back_My_Hometown", 0], [50360, 59954, "Cold_One", 0], [50360, 59954, "Like_a_Wrecking_Ball", 0], [50360, 59954, "Talladega_-LRB-song-RRB-", 0], [50360, 59955, "Eric_Church", 10], [50360, 59955, "Give_Me_Back_My_Hometown", 0], [50360, 59955, "Talladega_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152859, 167621, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[152859, 167621, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282781, null, null, null], [284690, null, null, null], [332109, null, null, null]]], "all_evidence": [[282781, null, null, null], [284690, null, null, null], [332109, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146174, 161159, "Amyotrophic_lateral_sclerosis", 7]], [[146174, 161160, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[146174, 161159, "Amyotrophic_lateral_sclerosis", 7], [146174, 161160, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124047, 138374, "Omar_Khadr", 18]]], "all_evidence": [[124047, 138374, "Omar_Khadr", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228833, 232939, "Albert_S._Ruddy", 0]], [[228838, 232944, "Albert_S._Ruddy", 0]], [[228839, 232945, "Albert_S._Ruddy", 0]]], "all_evidence": [[228833, 232939, "Albert_S._Ruddy", 0], [228838, 232944, "Albert_S._Ruddy", 0], [228839, 232945, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82259, 94044, "Highway_to_Heaven", 0]]], "all_evidence": [[82259, 94044, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98407, 111519, "Touchscreen", 9]]], "all_evidence": [[98407, 111519, "Touchscreen", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[301028, null, null, null]]], "all_evidence": [[301028, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45921, 54835, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[45921, 54835, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289876, 282982, "Sheryl_Lee", 0]], [[289876, 282984, "Sheryl_Lee", 1]], [[289876, 282985, "Sheryl_Lee", 5]], [[289876, 282986, "Sheryl_Lee", 6]], [[291236, 284187, "Sheryl_Lee", 0]], [[291236, 284188, "Sheryl_Lee", 1]], [[291236, 284189, "Sheryl_Lee", 5], [291236, 284189, "Backbeat_-LRB-film-RRB-", 0]], [[291236, 284190, "Sheryl_Lee", 6]], [[291236, 284191, "Sheryl_Lee", 7], [291236, 284191, "Cafe\u0301_Society_-LRB-film-RRB-", 0]], [[291240, 284193, "Sheryl_Lee", 1]], [[291240, 284194, "Sheryl_Lee", 5], [291240, 284194, "Backbeat_-LRB-film-RRB-", 0]], [[291240, 284195, "Sheryl_Lee", 6]], [[291240, 284196, "Sheryl_Lee", 7], [291240, 284196, "Cafe\u0301_Society_-LRB-film-RRB-", 0]], [[337146, 322565, "Sheryl_Lee", 5]], [[337146, 322566, "Sheryl_Lee", 6]], [[337146, 322567, "Sheryl_Lee", 7], [337146, 322567, "Cafe\u0301_Society_-LRB-film-RRB-", 0]], [[337154, 322573, "Sheryl_Lee", 5]], [[337154, 322574, "Sheryl_Lee", 6]], [[337155, 322575, "Sheryl_Lee", 5]]], "all_evidence": [[289876, 282982, "Sheryl_Lee", 0], [289876, 282984, "Sheryl_Lee", 1], [289876, 282985, "Sheryl_Lee", 5], [289876, 282986, "Sheryl_Lee", 6], [291236, 284187, "Sheryl_Lee", 0], [291236, 284188, "Sheryl_Lee", 1], [291236, 284189, "Sheryl_Lee", 5], [291236, 284189, "Backbeat_-LRB-film-RRB-", 0], [291236, 284190, "Sheryl_Lee", 6], [291236, 284191, "Sheryl_Lee", 7], [291236, 284191, "Cafe\u0301_Society_-LRB-film-RRB-", 0], [291240, 284193, "Sheryl_Lee", 1], [291240, 284194, "Sheryl_Lee", 5], [291240, 284194, "Backbeat_-LRB-film-RRB-", 0], [291240, 284195, "Sheryl_Lee", 6], [291240, 284196, "Sheryl_Lee", 7], [291240, 284196, "Cafe\u0301_Society_-LRB-film-RRB-", 0], [337146, 322565, "Sheryl_Lee", 5], [337146, 322566, "Sheryl_Lee", 6], [337146, 322567, "Sheryl_Lee", 7], [337146, 322567, "Cafe\u0301_Society_-LRB-film-RRB-", 0], [337154, 322573, "Sheryl_Lee", 5], [337154, 322574, "Sheryl_Lee", 6], [337155, 322575, "Sheryl_Lee", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272539, null, null, null]]], "all_evidence": [[272539, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40213, 48382, "New_York_Knicks", 1]]], "all_evidence": [[40213, 48382, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183984, 195959, "Dan_O'Bannon", 0]], [[183985, 195960, "Dan_O'Bannon", 0]], [[183985, 195961, "Dan_O'Bannon", 3]], [[183985, 195962, "Dan_O'Bannon", 4]]], "all_evidence": [[183984, 195959, "Dan_O'Bannon", 0], [183985, 195960, "Dan_O'Bannon", 0], [183985, 195961, "Dan_O'Bannon", 3], [183985, 195962, "Dan_O'Bannon", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215942, null, null, null]]], "all_evidence": [[215942, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28317, 34633, "Viola_Davis", 6]]], "all_evidence": [[28317, 34633, "Viola_Davis", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232793, null, null, null]]], "all_evidence": [[232793, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74527, 85764, "Awkward_Black_Girl", 0]]], "all_evidence": [[74527, 85764, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178940, 191486, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[178940, 191486, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73359, 84576, "Mick_Thomson", 1]], [[73359, 84577, "Mick_Thomson", 2]], [[73359, 84578, "Mick_Thomson", 3]]], "all_evidence": [[73359, 84576, "Mick_Thomson", 1], [73359, 84577, "Mick_Thomson", 2], [73359, 84578, "Mick_Thomson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227217, 231620, "Kim_Jong-il", 16]]], "all_evidence": [[227217, 231620, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266475, null, null, null]]], "all_evidence": [[266475, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54734, null, null, null]]], "all_evidence": [[54734, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65191, null, null, null]]], "all_evidence": [[65191, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155498, null, null, null]]], "all_evidence": [[155498, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142220, 157431, "Hundred_Years'_War", 21]], [[144150, 159203, "Hundred_Years'_War", 21]], [[144151, 159204, "Hundred_Years'_War", 21]], [[311086, 301117, "Hundred_Years'_War", 21]], [[312776, 302527, "Hundred_Years'_War", 21]]], "all_evidence": [[142220, 157431, "Hundred_Years'_War", 21], [144150, 159203, "Hundred_Years'_War", 21], [144151, 159204, "Hundred_Years'_War", 21], [311086, 301117, "Hundred_Years'_War", 21], [312776, 302527, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37934, 45846, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[37934, 45846, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87095, 99591, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[87095, 99591, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88769, 101399, "Psych", 2], [88769, 101399, "Santa_Barbara_Police_Department", 0]]], "all_evidence": [[88769, 101399, "Psych", 2], [88769, 101399, "Santa_Barbara_Police_Department", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86302, 98701, "Horse", 3]]], "all_evidence": [[86302, 98701, "Horse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267302, 264028, "Southampton_F.C.", 9]]], "all_evidence": [[267302, 264028, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98161, null, null, null]]], "all_evidence": [[98161, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212000, 219604, "Saturn_Corporation", 0]]], "all_evidence": [[212000, 219604, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86813, 99266, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[86813, 99266, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71399, 82352, "Yara_Shahidi", 0]], [[71399, 82353, "Yara_Shahidi", 1]]], "all_evidence": [[71399, 82352, "Yara_Shahidi", 0], [71399, 82353, "Yara_Shahidi", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141873, 157125, "Ashton_Kutcher", 8], [141873, 157125, "No_Strings_Attached_-LRB-film-RRB-", 0]], [[141877, 157127, "Ashton_Kutcher", 8], [141877, 157127, "No_Strings_Attached_-LRB-film-RRB-", 0]]], "all_evidence": [[141873, 157125, "Ashton_Kutcher", 8], [141873, 157125, "No_Strings_Attached_-LRB-film-RRB-", 0], [141877, 157127, "Ashton_Kutcher", 8], [141877, 157127, "No_Strings_Attached_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258705, 257469, "The_Pelican_Brief_-LRB-film-RRB-", 0]], [[258708, 257472, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258705, 257469, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258708, 257472, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66711, 77532, "Flaked", 2]]], "all_evidence": [[66711, 77532, "Flaked", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80320, 92123, "Janet_Leigh", 0]]], "all_evidence": [[80320, 92123, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63633, 74383, "Greek_language", 14]]], "all_evidence": [[63633, 74383, "Greek_language", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169174, 182844, "The_dress", 1]], [[171068, 184588, "The_dress", 1]], [[173193, 186457, "The_dress", 7]], [[312599, 302375, "The_dress", 1]], [[313719, 303257, "The_dress", 1]], [[313719, 303258, "The_dress", 7]]], "all_evidence": [[169174, 182844, "The_dress", 1], [171068, 184588, "The_dress", 1], [173193, 186457, "The_dress", 7], [312599, 302375, "The_dress", 1], [313719, 303257, "The_dress", 1], [313719, 303258, "The_dress", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144553, null, null, null]]], "all_evidence": [[144553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61101, 71562, "Bloods", 2]]], "all_evidence": [[61101, 71562, "Bloods", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251007, 250978, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[251007, 250978, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255570, null, null, null]]], "all_evidence": [[255570, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263223, null, null, null]]], "all_evidence": [[263223, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264436, 261892, "Brubaker", 0]]], "all_evidence": [[264436, 261892, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102862, 116151, "Bruce_Shand", 0]]], "all_evidence": [[102862, 116151, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105592, null, null, null], [105594, null, null, null]]], "all_evidence": [[105592, null, null, null], [105594, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31282, null, null, null]]], "all_evidence": [[31282, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201143, 210596, "The_Endless_River", 0]]], "all_evidence": [[201143, 210596, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199067, 208750, "Matteo_Renzi", 0]]], "all_evidence": [[199067, 208750, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127730, 142355, "Gordon_Ramsay", 5]], [[127730, 142356, "Gordon_Ramsay", 4]], [[127730, 142357, "Gordon_Ramsay", 0]]], "all_evidence": [[127730, 142355, "Gordon_Ramsay", 5], [127730, 142356, "Gordon_Ramsay", 4], [127730, 142357, "Gordon_Ramsay", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165285, 179392, "Hindu_Kush", 0]]], "all_evidence": [[165285, 179392, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286934, null, null, null], [289065, null, null, null], [290748, null, null, null], [334816, null, null, null], [334817, null, null, null]]], "all_evidence": [[286934, null, null, null], [289065, null, null, null], [290748, null, null, null], [334816, null, null, null], [334817, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213705, null, null, null]]], "all_evidence": [[213705, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72693, null, null, null]]], "all_evidence": [[72693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258686, 257456, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258686, 257456, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231464, 234959, "Diwali", 2]]], "all_evidence": [[231464, 234959, "Diwali", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200739, 210210, "Earl_Scruggs", 0]]], "all_evidence": [[200739, 210210, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68671, null, null, null]]], "all_evidence": [[68671, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180352, null, null, null]]], "all_evidence": [[180352, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18679, 22919, "Flaked", 2]]], "all_evidence": [[18679, 22919, "Flaked", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243012, 244301, "St._Anger", 0]], [[243012, 244302, "St._Anger", 3]]], "all_evidence": [[243012, 244301, "St._Anger", 0], [243012, 244302, "St._Anger", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258098, 256975, "Monk", 0]]], "all_evidence": [[258098, 256975, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97570, 110728, "Harris_Jayaraj", 0]]], "all_evidence": [[97570, 110728, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63727, null, null, null]]], "all_evidence": [[63727, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182684, 194869, "Penibaetic_System", 0]]], "all_evidence": [[182684, 194869, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140128, null, null, null]]], "all_evidence": [[140128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101443, 114684, "Rachel_Green", 1]]], "all_evidence": [[101443, 114684, "Rachel_Green", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172725, null, null, null]]], "all_evidence": [[172725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24839, 30683, "Byron_Howard", 2]]], "all_evidence": [[24839, 30683, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177205, 190083, "Ed_Wood_-LRB-film-RRB-", 0]]], "all_evidence": [[177205, 190083, "Ed_Wood_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74687, 85917, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[74687, 85918, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 0]]], "all_evidence": [[74687, 85917, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [74687, 85918, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17678, null, null, null]]], "all_evidence": [[17678, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231443, 234944, "Diwali", 2]]], "all_evidence": [[231443, 234944, "Diwali", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97466, null, null, null], [97474, null, null, null]]], "all_evidence": [[97466, null, null, null], [97474, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168372, 182118, "Global_warming", 13]], [[168376, 182121, "Global_warming", 13]]], "all_evidence": [[168372, 182118, "Global_warming", 13], [168376, 182121, "Global_warming", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227057, null, null, null]]], "all_evidence": [[227057, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131213, null, null, null], [131214, null, null, null]]], "all_evidence": [[131213, null, null, null], [131214, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33619, 40782, "Colombiana", 0]]], "all_evidence": [[33619, 40782, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215948, null, null, null]]], "all_evidence": [[215948, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190721, 201693, "Buffy_Summers", 3]]], "all_evidence": [[190721, 201693, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174194, 187384, "You_Belong_with_Me", 20]]], "all_evidence": [[174194, 187384, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159575, 174075, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[159575, 174075, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75790, 87062, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[75790, 87062, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259479, 258050, "Libya", 0]], [[259479, 258051, "Libya", 2]]], "all_evidence": [[259479, 258050, "Libya", 0], [259479, 258051, "Libya", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156816, null, null, null]]], "all_evidence": [[156816, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206511, 214854, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[206511, 214854, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264063, 261593, "Bullitt", 0]]], "all_evidence": [[264063, 261593, "Bullitt", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203249, 212317, "Trevor_Griffiths", 0]], [[315451, 304682, "Trevor_Griffiths", 0]], [[316598, 305755, "Trevor_Griffiths", 0]], [[318435, 307363, "Trevor_Griffiths", 0]]], "all_evidence": [[203249, 212317, "Trevor_Griffiths", 0], [315451, 304682, "Trevor_Griffiths", 0], [316598, 305755, "Trevor_Griffiths", 0], [318435, 307363, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126192, 140577, "John_Deighton", 24]]], "all_evidence": [[126192, 140577, "John_Deighton", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195804, null, null, null]]], "all_evidence": [[195804, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241278, null, null, null]]], "all_evidence": [[241278, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296691, 288459, "Baz_Luhrmann", 2], [296691, 288459, "Australia_-LRB-2008_film-RRB-", 0]], [[298315, 289823, "Baz_Luhrmann", 2], [298315, 289823, "Hugh_Jackman", 0], [298315, 289823, "Nicole_Kidman", 0]], [[298316, 289824, "Baz_Luhrmann", 2], [298316, 289824, "Hugh_Jackman", 0], [298316, 289824, "Nicole_Kidman", 0]], [[343718, 327432, "Baz_Luhrmann", 2]], [[343725, 327434, "Baz_Luhrmann", 2]], [[343726, 327435, "Baz_Luhrmann", 2], [343726, 327435, "Hugh_Jackman", 0]], [[343755, 327447, "Baz_Luhrmann", 2]]], "all_evidence": [[296691, 288459, "Baz_Luhrmann", 2], [296691, 288459, "Australia_-LRB-2008_film-RRB-", 0], [298315, 289823, "Baz_Luhrmann", 2], [298315, 289823, "Hugh_Jackman", 0], [298315, 289823, "Nicole_Kidman", 0], [298316, 289824, "Baz_Luhrmann", 2], [298316, 289824, "Hugh_Jackman", 0], [298316, 289824, "Nicole_Kidman", 0], [343718, 327432, "Baz_Luhrmann", 2], [343725, 327434, "Baz_Luhrmann", 2], [343726, 327435, "Baz_Luhrmann", 2], [343726, 327435, "Hugh_Jackman", 0], [343755, 327447, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57805, null, null, null], [60860, null, null, null], [62616, null, null, null], [303123, null, null, null], [305208, null, null, null]]], "all_evidence": [[57805, null, null, null], [60860, null, null, null], [62616, null, null, null], [303123, null, null, null], [305208, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255575, null, null, null]]], "all_evidence": [[255575, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63674, 74422, "Margaret_Thatcher", 3]]], "all_evidence": [[63674, 74422, "Margaret_Thatcher", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76912, 88305, "Aristotle", 4]]], "all_evidence": [[76912, 88305, "Aristotle", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21856, 26847, "Due_Date", 2]]], "all_evidence": [[21856, 26847, "Due_Date", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241276, 242818, "Cretaceous", 8]], [[241276, 242819, "Cretaceous", 9]], [[241276, 242820, "Cretaceous", 0]]], "all_evidence": [[241276, 242818, "Cretaceous", 8], [241276, 242819, "Cretaceous", 9], [241276, 242820, "Cretaceous", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104271, 117716, "Annette_Badland", 1]]], "all_evidence": [[104271, 117716, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140204, 155199, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[140204, 155199, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63401, null, null, null]]], "all_evidence": [[63401, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218092, 224478, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218092, 224478, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70097, 80982, "Despacito", 12]]], "all_evidence": [[70097, 80982, "Despacito", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16904, 20907, "Homo_sapiens", 3], [16904, 20907, "Earth", 0]]], "all_evidence": [[16904, 20907, "Homo_sapiens", 3], [16904, 20907, "Earth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73815, null, null, null]]], "all_evidence": [[73815, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214258, null, null, null]]], "all_evidence": [[214258, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205319, 213928, "Invasion_literature", 3]]], "all_evidence": [[205319, 213928, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235599, null, null, null]]], "all_evidence": [[235599, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239015, null, null, null]]], "all_evidence": [[239015, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164184, null, null, null]]], "all_evidence": [[164184, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63053, null, null, null]]], "all_evidence": [[63053, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175957, 188928, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[175957, 188928, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30172, null, null, null]]], "all_evidence": [[30172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202657, 211858, "TakePart", 0], [202657, 211858, "Participant_Media", 0]], [[205515, 214088, "TakePart", 0], [205515, 214088, "Participant_Media", 0]], [[207957, 216138, "TakePart", 0], [207957, 216138, "Participant_Media", 0]], [[315793, 305056, "TakePart", 0], [315793, 305056, "Participant_Media", 0]], [[316779, 305902, "TakePart", 0], [316779, 305902, "Participant_Media", 0]]], "all_evidence": [[202657, 211858, "TakePart", 0], [202657, 211858, "Participant_Media", 0], [205515, 214088, "TakePart", 0], [205515, 214088, "Participant_Media", 0], [207957, 216138, "TakePart", 0], [207957, 216138, "Participant_Media", 0], [315793, 305056, "TakePart", 0], [315793, 305056, "Participant_Media", 0], [316779, 305902, "TakePart", 0], [316779, 305902, "Participant_Media", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195908, null, null, null]]], "all_evidence": [[195908, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40197, 48365, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[40197, 48365, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247515, 247804, "Stadium_Arcadium", 1]], [[247515, 247805, "Stadium_Arcadium", 3]], [[247515, 247806, "Stadium_Arcadium", 4]]], "all_evidence": [[247515, 247804, "Stadium_Arcadium", 1], [247515, 247805, "Stadium_Arcadium", 3], [247515, 247806, "Stadium_Arcadium", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213166, null, null, null]]], "all_evidence": [[213166, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13034, null, null, null], [13035, null, null, null], [13036, null, null, null], [13037, null, null, null], [13041, null, null, null]]], "all_evidence": [[13034, null, null, null], [13035, null, null, null], [13036, null, null, null], [13037, null, null, null], [13041, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205327, 213934, "Invasion_literature", 3]]], "all_evidence": [[205327, 213934, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282334, 276534, "Jack_Falahee", 0]], [[284308, 278148, "Jack_Falahee", 0]], [[285253, 278919, "Jack_Falahee", 0]], [[330461, 317026, "Jack_Falahee", 0]], [[331642, 318137, "Jack_Falahee", 0]]], "all_evidence": [[282334, 276534, "Jack_Falahee", 0], [284308, 278148, "Jack_Falahee", 0], [285253, 278919, "Jack_Falahee", 0], [330461, 317026, "Jack_Falahee", 0], [331642, 318137, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151017, null, null, null]]], "all_evidence": [[151017, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80069, 91832, "In_the_End", 1]], [[80084, 91861, "In_the_End", 1]]], "all_evidence": [[80069, 91832, "In_the_End", 1], [80084, 91861, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260883, 259220, "Capsicum_chinense", 0]]], "all_evidence": [[260883, 259220, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244429, 245440, "Samwell_Tarly", 0]]], "all_evidence": [[244429, 245440, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180048, 192567, "Harold_Macmillan", 0]]], "all_evidence": [[180048, 192567, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88646, null, null, null]]], "all_evidence": [[88646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182686, 194871, "Penibaetic_System", 0]]], "all_evidence": [[182686, 194871, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90520, null, null, null]]], "all_evidence": [[90520, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292030, 284865, "CONCACAF_Champions_League", 0]], [[338903, 323971, "CONCACAF_Champions_League", 0]]], "all_evidence": [[292030, 284865, "CONCACAF_Champions_League", 0], [338903, 323971, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296194, null, null, null], [297778, null, null, null], [299920, null, null, null], [342548, null, null, null], [342570, null, null, null], [342582, null, null, null]]], "all_evidence": [[296194, null, null, null], [297778, null, null, null], [299920, null, null, null], [342548, null, null, null], [342570, null, null, null], [342582, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269597, null, null, null]]], "all_evidence": [[269597, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[284613, 278387, "Derek_Hough", 5]], [[284613, 278388, "Derek_Hough", 6]], [[330840, 317374, "Derek_Hough", 5]], [[330840, 317375, "Derek_Hough", 6]], [[331965, 318394, "Derek_Hough", 5]]], "all_evidence": [[284613, 278387, "Derek_Hough", 5], [284613, 278388, "Derek_Hough", 6], [330840, 317374, "Derek_Hough", 5], [330840, 317375, "Derek_Hough", 6], [331965, 318394, "Derek_Hough", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227055, null, null, null]]], "all_evidence": [[227055, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84544, 96736, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[84544, 96736, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24958, 30821, "Trollhunters", 0], [24958, 30821, "Guillermo_del_Toro", 0]]], "all_evidence": [[24958, 30821, "Trollhunters", 0], [24958, 30821, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21100, 25904, "Duff_McKagan", 0]]], "all_evidence": [[21100, 25904, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127036, null, null, null]]], "all_evidence": [[127036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117383, 131303, "Reign_Over_Me", 0]]], "all_evidence": [[117383, 131303, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268084, null, null, null]]], "all_evidence": [[268084, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19119, 23445, "Indian_Institute_of_Management_Bangalore", 6]]], "all_evidence": [[19119, 23445, "Indian_Institute_of_Management_Bangalore", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172226, null, null, null], [172229, null, null, null]]], "all_evidence": [[172226, null, null, null], [172229, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39461, 47548, "Philomena_-LRB-film-RRB-", 9]]], "all_evidence": [[39461, 47548, "Philomena_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132797, 147706, "2016_Tour_de_France", 2], [132797, 147706, "2016_Tour_de_France", 0]]], "all_evidence": [[132797, 147706, "2016_Tour_de_France", 2], [132797, 147706, "2016_Tour_de_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292171, null, null, null], [294174, null, null, null], [339294, null, null, null], [339309, null, null, null]]], "all_evidence": [[292171, null, null, null], [294174, null, null, null], [339294, null, null, null], [339309, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228770, null, null, null]]], "all_evidence": [[228770, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19649, 24145, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]], "all_evidence": [[19649, 24145, "A_River_Runs_Through_It_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110142, null, null, null]]], "all_evidence": [[110142, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38612, null, null, null]]], "all_evidence": [[38612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118360, 132196, "James_VI_and_I", 11]]], "all_evidence": [[118360, 132196, "James_VI_and_I", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145476, 160472, "Homo_sapiens", 3]]], "all_evidence": [[145476, 160472, "Homo_sapiens", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204128, null, null, null], [206536, null, null, null], [315569, null, null, null], [315571, null, null, null], [315592, null, null, null]]], "all_evidence": [[204128, null, null, null], [206536, null, null, null], [315569, null, null, null], [315571, null, null, null], [315592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235577, null, null, null]]], "all_evidence": [[235577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109475, 123110, "Raees_-LRB-film-RRB-", 1], [109475, 123110, "Mahira_Khan", 0]]], "all_evidence": [[109475, 123110, "Raees_-LRB-film-RRB-", 1], [109475, 123110, "Mahira_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21316, 26186, "John_Dolmayan", 0]]], "all_evidence": [[21316, 26186, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63977, 74680, "Sleipnir", 0]]], "all_evidence": [[63977, 74680, "Sleipnir", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218088, 224476, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218088, 224476, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264414, 261874, "Brubaker", 0]]], "all_evidence": [[264414, 261874, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78034, 89506, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[78034, 89506, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240833, 242439, "Glee.com", 1]]], "all_evidence": [[240833, 242439, "Glee.com", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157549, null, null, null]]], "all_evidence": [[157549, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238535, null, null, null]]], "all_evidence": [[238535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[278013, 272915, "Eddie_Guerrero", 10]], [[280081, 274638, "Eddie_Guerrero", 10]], [[324814, 312687, "Eddie_Guerrero", 10]]], "all_evidence": [[278013, 272915, "Eddie_Guerrero", 10], [280081, 274638, "Eddie_Guerrero", 10], [324814, 312687, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109830, 123421, "Aaron_Burr", 9]]], "all_evidence": [[109830, 123421, "Aaron_Burr", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227784, null, null, null]]], "all_evidence": [[227784, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194118, 204525, "Rick_Yune", 1]]], "all_evidence": [[194118, 204525, "Rick_Yune", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147845, null, null, null]]], "all_evidence": [[147845, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19457, null, null, null]]], "all_evidence": [[19457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161009, 175476, "West_Virginia", 1]]], "all_evidence": [[161009, 175476, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31404, 38119, "Riverdale_-LRB-2017_TV_series-RRB-", 0]], [[31404, 38120, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[31404, 38119, "Riverdale_-LRB-2017_TV_series-RRB-", 0], [31404, 38120, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70063, 80947, "Garden_State_-LRB-film-RRB-", 6]]], "all_evidence": [[70063, 80947, "Garden_State_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226470, null, null, null]]], "all_evidence": [[226470, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290678, null, null, null], [333788, null, null, null], [333791, null, null, null]]], "all_evidence": [[290678, null, null, null], [333788, null, null, null], [333791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93354, 106306, "Charles_Manson", 0]]], "all_evidence": [[93354, 106306, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19031, 23330, "Luis_Fonsi", 0]]], "all_evidence": [[19031, 23330, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268075, null, null, null]]], "all_evidence": [[268075, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162703, null, null, null]]], "all_evidence": [[162703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145876, null, null, null]]], "all_evidence": [[145876, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189881, null, null, null]]], "all_evidence": [[189881, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108081, 121595, "Wildfang", 1]]], "all_evidence": [[108081, 121595, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152045, 166792, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[152045, 166792, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33674, 40835, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[33674, 40835, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90989, 103665, "Chile", 20]]], "all_evidence": [[90989, 103665, "Chile", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131635, 146432, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[131635, 146432, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123371, 137826, "Eddie_Guerrero", 10]]], "all_evidence": [[123371, 137826, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201868, 211223, "Artpop", 13]]], "all_evidence": [[201868, 211223, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259463, 258036, "Libya", 2]]], "all_evidence": [[259463, 258036, "Libya", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124054, null, null, null]]], "all_evidence": [[124054, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142905, 158027, "Danger_UXB", 0]]], "all_evidence": [[142905, 158027, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97243, null, null, null]]], "all_evidence": [[97243, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140863, 155999, "Ingushetia", 5]]], "all_evidence": [[140863, 155999, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154872, 169619, "Muscarinic_acetylcholine_receptor", 0], [154872, 169619, "DNA", 0]]], "all_evidence": [[154872, 169619, "Muscarinic_acetylcholine_receptor", 0], [154872, 169619, "DNA", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230153, null, null, null]]], "all_evidence": [[230153, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47595, 56801, "Brazzers", 0]], [[47603, 56809, "Brazzers", 0]]], "all_evidence": [[47595, 56801, "Brazzers", 0], [47603, 56809, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63513, 74259, "Penguin_Books", 0]]], "all_evidence": [[63513, 74259, "Penguin_Books", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55911, 66014, "Bethany_Hamilton", 0]]], "all_evidence": [[55911, 66014, "Bethany_Hamilton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31882, null, null, null]]], "all_evidence": [[31882, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78689, 90241, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[78689, 90241, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258712, 257475, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258712, 257475, "John_Grisham", 0]]], "all_evidence": [[258712, 257475, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258712, 257475, "John_Grisham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239925, 241604, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239925, 241604, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134970, 149858, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[134970, 149858, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86761, 99222, "Garden_State_-LRB-film-RRB-", 6]]], "all_evidence": [[86761, 99222, "Garden_State_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114128, null, null, null]]], "all_evidence": [[114128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140048, 155055, "Robert_Palmer_-LRB-writer-RRB-", 1]], [[140048, 155056, "Robert_Palmer_-LRB-writer-RRB-", 2]]], "all_evidence": [[140048, 155055, "Robert_Palmer_-LRB-writer-RRB-", 1], [140048, 155056, "Robert_Palmer_-LRB-writer-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199466, 209143, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199466, 209143, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269551, null, null, null]]], "all_evidence": [[269551, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175088, 188145, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[175088, 188145, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47876, 57150, "Trevor_Griffiths", 0]]], "all_evidence": [[47876, 57150, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142418, null, null, null], [142422, null, null, null]]], "all_evidence": [[142418, null, null, null], [142422, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178616, null, null, null]]], "all_evidence": [[178616, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272455, 268148, "Island_Records", 1]]], "all_evidence": [[272455, 268148, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246611, 247088, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246611, 247088, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13351, 16693, "Veeru_Devgan", 0]], [[13351, 16694, "Veeru_Devgan", 2]], [[22596, 27858, "Veeru_Devgan", 0]], [[100046, 113267, "Veeru_Devgan", 0]], [[299232, 290608, "Veeru_Devgan", 0]], [[299232, 290609, "Veeru_Devgan", 2]]], "all_evidence": [[13351, 16693, "Veeru_Devgan", 0], [13351, 16694, "Veeru_Devgan", 2], [22596, 27858, "Veeru_Devgan", 0], [100046, 113267, "Veeru_Devgan", 0], [299232, 290608, "Veeru_Devgan", 0], [299232, 290609, "Veeru_Devgan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259454, 258027, "Libya", 0], [259454, 258027, "North_Africa", 0]]], "all_evidence": [[259454, 258027, "Libya", 0], [259454, 258027, "North_Africa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233067, 236067, "Saturn", 0]]], "all_evidence": [[233067, 236067, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274748, 269983, "James_Earl_Jones", 4]], [[274772, 270011, "James_Earl_Jones", 4]], [[274772, 270012, "James_Earl_Jones", 7]], [[274772, 270013, "James_Earl_Jones", 12]], [[276877, 271897, "James_Earl_Jones", 4]], [[323794, 311977, "James_Earl_Jones", 4]], [[323794, 311978, "James_Earl_Jones", 7]], [[325215, 312965, "James_Earl_Jones", 4]]], "all_evidence": [[274748, 269983, "James_Earl_Jones", 4], [274772, 270011, "James_Earl_Jones", 4], [274772, 270012, "James_Earl_Jones", 7], [274772, 270013, "James_Earl_Jones", 12], [276877, 271897, "James_Earl_Jones", 4], [323794, 311977, "James_Earl_Jones", 4], [323794, 311978, "James_Earl_Jones", 7], [325215, 312965, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237491, 239698, "North_Vietnam", 0]]], "all_evidence": [[237491, 239698, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268071, null, null, null]]], "all_evidence": [[268071, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279206, null, null, null], [280768, null, null, null], [281012, null, null, null], [328690, null, null, null]]], "all_evidence": [[279206, null, null, null], [280768, null, null, null], [281012, null, null, null], [328690, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49043, 58381, "Colombiana", 0], [49043, 58381, "Olivier_Megaton", 0]]], "all_evidence": [[49043, 58381, "Colombiana", 0], [49043, 58381, "Olivier_Megaton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143886, 158968, "Anushka_Sharma", 7]]], "all_evidence": [[143886, 158968, "Anushka_Sharma", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129275, 144036, "West_Virginia", 1]]], "all_evidence": [[129275, 144036, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104968, 118390, "Noah_Cyrus", 4]]], "all_evidence": [[104968, 118390, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240822, 242431, "Glee.com", 1]]], "all_evidence": [[240822, 242431, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194766, 205130, "Manmohan_Singh", 0]], [[194766, 205131, "Manmohan_Singh", 1]], [[194766, 205132, "Manmohan_Singh", 22]], [[194766, 205133, "Manmohan_Singh", 24]]], "all_evidence": [[194766, 205130, "Manmohan_Singh", 0], [194766, 205131, "Manmohan_Singh", 1], [194766, 205132, "Manmohan_Singh", 22], [194766, 205133, "Manmohan_Singh", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87673, 100185, "AMGTV", 0]]], "all_evidence": [[87673, 100185, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29166, 35589, "English_people", 6]]], "all_evidence": [[29166, 35589, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74529, 85766, "Moonlight_-LRB-2016_film-RRB-", 6], [74529, 85766, "Telluride_Film_Festival", 0]]], "all_evidence": [[74529, 85766, "Moonlight_-LRB-2016_film-RRB-", 6], [74529, 85766, "Telluride_Film_Festival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122006, 136293, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[122006, 136293, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154158, null, null, null], [154160, null, null, null]]], "all_evidence": [[154158, null, null, null], [154160, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171284, 184775, "Justine_Bateman", 0]]], "all_evidence": [[171284, 184775, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179209, 191748, "Kerplunk_-LRB-album-RRB-", 0], [179209, 191748, "Lookout_Records", 1]], [[179209, 191749, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[179209, 191748, "Kerplunk_-LRB-album-RRB-", 0], [179209, 191748, "Lookout_Records", 1], [179209, 191749, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228762, 232880, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228762, 232881, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]]], "all_evidence": [[228762, 232880, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228762, 232881, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231445, 234948, "Diwali", 0]], [[231445, 234949, "Diwali", 2]], [[231445, 234950, "Diwali", 4]]], "all_evidence": [[231445, 234948, "Diwali", 0], [231445, 234949, "Diwali", 2], [231445, 234950, "Diwali", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67633, 78461, "Sayyeshaa", 0]], [[67633, 78462, "Sayyeshaa", 1]]], "all_evidence": [[67633, 78461, "Sayyeshaa", 0], [67633, 78462, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170764, 184341, "Hot_Right_Now", 0]]], "all_evidence": [[170764, 184341, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116860, null, null, null]]], "all_evidence": [[116860, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221645, null, null, null]]], "all_evidence": [[221645, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114241, null, null, null]]], "all_evidence": [[114241, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137675, null, null, null]]], "all_evidence": [[137675, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227028, null, null, null]]], "all_evidence": [[227028, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161746, 176168, "Nicholas_Brody", 1]]], "all_evidence": [[161746, 176168, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209588, 217383, "Swordfish_-LRB-film-RRB-", 1], [209588, 217383, "Security_hacker", 0]], [[209591, 217386, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209588, 217383, "Swordfish_-LRB-film-RRB-", 1], [209588, 217383, "Security_hacker", 0], [209591, 217386, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144233, null, null, null]]], "all_evidence": [[144233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38279, 46218, "Faroe_Islands", 9]]], "all_evidence": [[38279, 46218, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102156, null, null, null]]], "all_evidence": [[102156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68139, 79018, "Soyuz_-LRB-spacecraft-RRB-", 0], [68139, 79018, "Spacecraft", 0]]], "all_evidence": [[68139, 79018, "Soyuz_-LRB-spacecraft-RRB-", 0], [68139, 79018, "Spacecraft", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179246, null, null, null]]], "all_evidence": [[179246, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255989, 255296, "Weekly_Idol", 1]]], "all_evidence": [[255989, 255296, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210884, 218541, "WGBH-TV", 0]]], "all_evidence": [[210884, 218541, "WGBH-TV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14088, 17612, "Sayyeshaa", 1]], [[14089, 17613, "Sayyeshaa", 1]], [[14091, 17614, "Sayyeshaa", 1]], [[14094, 17618, "Sayyeshaa", 1]]], "all_evidence": [[14088, 17612, "Sayyeshaa", 1], [14089, 17613, "Sayyeshaa", 1], [14091, 17614, "Sayyeshaa", 1], [14094, 17618, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203498, 212506, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0], [203498, 212506, "Patricia_Highsmith", 0]]], "all_evidence": [[203498, 212506, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0], [203498, 212506, "Patricia_Highsmith", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22844, null, null, null]]], "all_evidence": [[22844, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144919, 159925, "The_Daily_Show", 2]]], "all_evidence": [[144919, 159925, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53180, 63147, "Hot_Right_Now", 0]]], "all_evidence": [[53180, 63147, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211448, 219161, "Princess_Mononoke", 0], [211448, 219161, "Studio_Ghibli", 0]]], "all_evidence": [[211448, 219161, "Princess_Mononoke", 0], [211448, 219161, "Studio_Ghibli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50196, null, null, null]]], "all_evidence": [[50196, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49777, 59220, "Topman", 1]]], "all_evidence": [[49777, 59220, "Topman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48760, 58073, "Mohra", 4], [48760, 58073, "Filmfare", 0]]], "all_evidence": [[48760, 58073, "Mohra", 4], [48760, 58073, "Filmfare", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236586, 239019, "Regina_King", 0]], [[236586, 239020, "Regina_King", 1]], [[236586, 239021, "Regina_King", 2]], [[236586, 239022, "Regina_King", 3]], [[236586, 239023, "Regina_King", 4]], [[236586, 239024, "Regina_King", 7]], [[236594, 239029, "Regina_King", 0]], [[236594, 239030, "Regina_King", 1]], [[236594, 239031, "Regina_King", 2]], [[236594, 239032, "Regina_King", 3]], [[236594, 239033, "Regina_King", 4]], [[236594, 239034, "Regina_King", 7]]], "all_evidence": [[236586, 239019, "Regina_King", 0], [236586, 239020, "Regina_King", 1], [236586, 239021, "Regina_King", 2], [236586, 239022, "Regina_King", 3], [236586, 239023, "Regina_King", 4], [236586, 239024, "Regina_King", 7], [236594, 239029, "Regina_King", 0], [236594, 239030, "Regina_King", 1], [236594, 239031, "Regina_King", 2], [236594, 239032, "Regina_King", 3], [236594, 239033, "Regina_King", 4], [236594, 239034, "Regina_King", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131045, null, null, null]]], "all_evidence": [[131045, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37227, null, null, null]]], "all_evidence": [[37227, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67473, 78286, "Indian_Army", 0], [67473, 78286, "Army", 3], [67473, 78286, "Army", 0]], [[67473, 78287, "Indian_Army", 1], [67473, 78287, "Army", 3], [67473, 78287, "Army", 0]], [[67473, 78288, "Indian_Army", 3], [67473, 78288, "Army", 3], [67473, 78288, "Army", 0]], [[67473, 78289, "Indian_Army", 4], [67473, 78289, "Army", 3], [67473, 78289, "Army", 0]], [[67473, 78290, "Indian_Army", 7], [67473, 78290, "Army", 3], [67473, 78290, "Army", 0]], [[67473, 78291, "Indian_Army", 8], [67473, 78291, "Operation_Surya_Hope", 13]], [[67473, 78292, "Indian_Army", 15], [67473, 78292, "Army", 3], [67473, 78292, "Army", 0]], [[67473, 78293, "Indian_Army", 16], [67473, 78293, "Volunteer_military", 0]], [[67473, 78294, "Indian_Army", 17]]], "all_evidence": [[67473, 78286, "Indian_Army", 0], [67473, 78286, "Army", 3], [67473, 78286, "Army", 0], [67473, 78287, "Indian_Army", 1], [67473, 78287, "Army", 3], [67473, 78287, "Army", 0], [67473, 78288, "Indian_Army", 3], [67473, 78288, "Army", 3], [67473, 78288, "Army", 0], [67473, 78289, "Indian_Army", 4], [67473, 78289, "Army", 3], [67473, 78289, "Army", 0], [67473, 78290, "Indian_Army", 7], [67473, 78290, "Army", 3], [67473, 78290, "Army", 0], [67473, 78291, "Indian_Army", 8], [67473, 78291, "Operation_Surya_Hope", 13], [67473, 78292, "Indian_Army", 15], [67473, 78292, "Army", 3], [67473, 78292, "Army", 0], [67473, 78293, "Indian_Army", 16], [67473, 78293, "Volunteer_military", 0], [67473, 78294, "Indian_Army", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225927, 230503, "Roland_Emmerich", 3]], [[225928, 230504, "Roland_Emmerich", 3]], [[225933, 230506, "Roland_Emmerich", 3]]], "all_evidence": [[225927, 230503, "Roland_Emmerich", 3], [225928, 230504, "Roland_Emmerich", 3], [225933, 230506, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237503, 239707, "North_Vietnam", 0]]], "all_evidence": [[237503, 239707, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214248, 221325, "Kenneth_Lonergan", 0]]], "all_evidence": [[214248, 221325, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149288, 164269, "Life", 0]], [[149289, 164270, "Life", 0]], [[149291, 164271, "Life", 0]]], "all_evidence": [[149288, 164269, "Life", 0], [149289, 164270, "Life", 0], [149291, 164271, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212189, 219790, "Epistemology", 3], [212189, 219790, "Theory_of_justification", 0]], [[212189, 219791, "Epistemology", 4], [212189, 219791, "Theory_of_justification", 0]]], "all_evidence": [[212189, 219790, "Epistemology", 3], [212189, 219790, "Theory_of_justification", 0], [212189, 219791, "Epistemology", 4], [212189, 219791, "Theory_of_justification", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129077, 143858, "University_of_Illinois_at_Chicago", 0]]], "all_evidence": [[129077, 143858, "University_of_Illinois_at_Chicago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79851, 91578, "Hundred_Years'_War", 21]]], "all_evidence": [[79851, 91578, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98066, 111202, "Yale_University", 23]]], "all_evidence": [[98066, 111202, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119952, 134087, "A_Milli", 0]]], "all_evidence": [[119952, 134087, "A_Milli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62615, 73248, "Indian_Institute_of_Management_Bangalore", 5]]], "all_evidence": [[62615, 73248, "Indian_Institute_of_Management_Bangalore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276414, null, null, null], [326604, null, null, null], [328238, null, null, null]]], "all_evidence": [[276414, null, null, null], [326604, null, null, null], [328238, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170180, 183744, "Eva_Green", 1]]], "all_evidence": [[170180, 183744, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124008, 138346, "Advertising", 0]]], "all_evidence": [[124008, 138346, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159871, 174378, "Beaverton,_Oregon", 0]], [[159871, 174379, "Beaverton,_Oregon", 4]]], "all_evidence": [[159871, 174378, "Beaverton,_Oregon", 0], [159871, 174379, "Beaverton,_Oregon", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270748, 266754, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270748, 266754, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95251, 108253, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[95251, 108253, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170119, null, null, null]]], "all_evidence": [[170119, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38891, null, null, null]]], "all_evidence": [[38891, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267315, 264042, "Southampton_F.C.", 9]]], "all_evidence": [[267315, 264042, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141695, 156930, "Margaret_Thatcher", 8]]], "all_evidence": [[141695, 156930, "Margaret_Thatcher", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112292, 126115, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[112292, 126115, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76015, 87309, "The_Adventures_of_Pluto_Nash", 0], [76015, 87309, "Eddie_Murphy", 0]]], "all_evidence": [[76015, 87309, "The_Adventures_of_Pluto_Nash", 0], [76015, 87309, "Eddie_Murphy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257069, 256127, "Chagatai_language", 0]]], "all_evidence": [[257069, 256127, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129557, 144293, "Life", 0]]], "all_evidence": [[129557, 144293, "Life", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132145, null, null, null]]], "all_evidence": [[132145, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15567, 19393, "Advertising", 0]]], "all_evidence": [[15567, 19393, "Advertising", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210947, null, null, null]]], "all_evidence": [[210947, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178830, 191371, "Luis_Fonsi", 0]], [[178831, 191372, "Luis_Fonsi", 0]]], "all_evidence": [[178830, 191371, "Luis_Fonsi", 0], [178831, 191372, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114959, null, null, null]]], "all_evidence": [[114959, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57455, null, null, null]]], "all_evidence": [[57455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205315, 213925, "Invasion_literature", 3]]], "all_evidence": [[205315, 213925, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163421, null, null, null]]], "all_evidence": [[163421, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111398, null, null, null], [308286, null, null, null], [309719, null, null, null], [309721, null, null, null], [309722, null, null, null]]], "all_evidence": [[111398, null, null, null], [308286, null, null, null], [309719, null, null, null], [309721, null, null, null], [309722, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40405, null, null, null]]], "all_evidence": [[40405, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110122, 123749, "Harold_Macmillan", 0]]], "all_evidence": [[110122, 123749, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239338, null, null, null]]], "all_evidence": [[239338, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107586, null, null, null]]], "all_evidence": [[107586, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102215, 115499, "AMGTV", 0]], [[102215, 115500, "AMGTV", 4]]], "all_evidence": [[102215, 115499, "AMGTV", 0], [102215, 115500, "AMGTV", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149092, null, null, null]]], "all_evidence": [[149092, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142866, 158000, "Highway_to_Heaven", 0]]], "all_evidence": [[142866, 158000, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218298, 224609, "Eva_Mendes", 0]]], "all_evidence": [[218298, 224609, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89100, 101798, "Columbia_River", 21]]], "all_evidence": [[89100, 101798, "Columbia_River", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80844, 92689, "Columbia_River", 21]]], "all_evidence": [[80844, 92689, "Columbia_River", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169824, null, null, null]]], "all_evidence": [[169824, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67548, null, null, null]]], "all_evidence": [[67548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228169, 232417, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228169, 232417, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255453, 254911, "Private_Lives", 0], [255453, 254911, "Noe\u0308l_Coward", 0]]], "all_evidence": [[255453, 254911, "Private_Lives", 0], [255453, 254911, "Noe\u0308l_Coward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37450, 45370, "14th_Dalai_Lama", 10]]], "all_evidence": [[37450, 45370, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95707, 108750, "Sebastian_Stan", 1]]], "all_evidence": [[95707, 108750, "Sebastian_Stan", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144636, null, null, null]]], "all_evidence": [[144636, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282377, null, null, null], [284348, null, null, null], [284355, null, null, null], [330499, null, null, null]]], "all_evidence": [[282377, null, null, null], [284348, null, null, null], [284355, null, null, null], [330499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239246, 241166, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239246, 241166, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176582, 189521, "Margaret_Thatcher", 0]]], "all_evidence": [[176582, 189521, "Margaret_Thatcher", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198596, 208393, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198596, 208393, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46034, 54990, "Reign_Over_Me", 0]]], "all_evidence": [[46034, 54990, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228218, 232458, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]], [[228220, 232459, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228218, 232458, "Fortunes_of_War_-LRB-TV_series-RRB-", 1], [228220, 232459, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240380, null, null, null]]], "all_evidence": [[240380, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107872, null, null, null]]], "all_evidence": [[107872, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175710, null, null, null]]], "all_evidence": [[175710, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15331, null, null, null]]], "all_evidence": [[15331, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51034, null, null, null]]], "all_evidence": [[51034, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135132, 150044, "Peking_University", 0]]], "all_evidence": [[135132, 150044, "Peking_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38632, 46594, "Eddie_Guerrero", 10]]], "all_evidence": [[38632, 46594, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250354, null, null, null]]], "all_evidence": [[250354, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31969, 38803, "Hindu_Kush", 5]]], "all_evidence": [[31969, 38803, "Hindu_Kush", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259605, null, null, null]]], "all_evidence": [[259605, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150570, 165441, "Colosseum", 0]]], "all_evidence": [[150570, 165441, "Colosseum", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189527, null, null, null], [192535, null, null, null], [195469, null, null, null]]], "all_evidence": [[189527, null, null, null], [192535, null, null, null], [195469, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36131, 43675, "Trevor_Griffiths", 0], [36131, 43675, "Ancoats", 0]]], "all_evidence": [[36131, 43675, "Trevor_Griffiths", 0], [36131, 43675, "Ancoats", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163312, 177503, "Henry_II_of_France", 0]], [[163312, 177504, "Henry_II_of_France", 13]], [[163312, 177505, "Henry_II_of_France", 14], [163312, 177505, "Gabriel,_comte_de_Montgomery", 1]]], "all_evidence": [[163312, 177503, "Henry_II_of_France", 0], [163312, 177504, "Henry_II_of_France", 13], [163312, 177505, "Henry_II_of_France", 14], [163312, 177505, "Gabriel,_comte_de_Montgomery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104053, 117553, "Gin", 0]]], "all_evidence": [[104053, 117553, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78410, 89941, "Chaka_Khan", 4]]], "all_evidence": [[78410, 89941, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103980, 117485, "Chris_Kyle", 0]], [[103980, 117486, "Chris_Kyle", 8]]], "all_evidence": [[103980, 117485, "Chris_Kyle", 0], [103980, 117486, "Chris_Kyle", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159700, null, null, null]]], "all_evidence": [[159700, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163401, null, null, null]]], "all_evidence": [[163401, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269600, null, null, null]]], "all_evidence": [[269600, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117006, null, null, null]]], "all_evidence": [[117006, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182529, null, null, null]]], "all_evidence": [[182529, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86495, 98912, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[86495, 98912, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81514, 93268, "Sheryl_Lee", 7]]], "all_evidence": [[81514, 93268, "Sheryl_Lee", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109591, 123210, "The_Mighty_Ducks", 1]]], "all_evidence": [[109591, 123210, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198061, 208004, "Dave_Gibbons", 0]]], "all_evidence": [[198061, 208004, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160478, 174982, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[160478, 174982, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250987, 250958, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250987, 250958, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47316, 56442, "The_100_-LRB-TV_series-RRB-", 4], [47316, 56442, "The_100_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[47316, 56442, "The_100_-LRB-TV_series-RRB-", 4], [47316, 56442, "The_100_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229537, 233463, "Bea_Arthur", 0]], [[229538, 233464, "Bea_Arthur", 0]]], "all_evidence": [[229537, 233463, "Bea_Arthur", 0], [229538, 233464, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208047, 216196, "Franchising", 8]], [[208048, 216197, "Franchising", 8]]], "all_evidence": [[208047, 216196, "Franchising", 8], [208048, 216197, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95635, 108675, "Underdog_-LRB-film-RRB-", 1], [95635, 108675, "Underdog_-LRB-film-RRB-", 0]]], "all_evidence": [[95635, 108675, "Underdog_-LRB-film-RRB-", 1], [95635, 108675, "Underdog_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18210, null, null, null]]], "all_evidence": [[18210, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173263, 186525, "Bloods", 0]]], "all_evidence": [[173263, 186525, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25090, 30968, "Emma_Watson", 12]], [[25090, 30969, "Emma_Watson", 15]], [[25090, 30970, "Emma_Watson", 9], [25090, 30970, "The_Circle_-LRB-2017_film-RRB-", 1]], [[25090, 30971, "Emma_Watson", 16], [25090, 30971, "Emma_Watson", 15]], [[25090, 30972, "Emma_Watson", 8]], [[25090, 30973, "Emma_Watson", 7]], [[25090, 30974, "Emma_Watson", 6]], [[25090, 30975, "Emma_Watson", 3]]], "all_evidence": [[25090, 30968, "Emma_Watson", 12], [25090, 30969, "Emma_Watson", 15], [25090, 30970, "Emma_Watson", 9], [25090, 30970, "The_Circle_-LRB-2017_film-RRB-", 1], [25090, 30971, "Emma_Watson", 16], [25090, 30971, "Emma_Watson", 15], [25090, 30972, "Emma_Watson", 8], [25090, 30973, "Emma_Watson", 7], [25090, 30974, "Emma_Watson", 6], [25090, 30975, "Emma_Watson", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62832, null, null, null]]], "all_evidence": [[62832, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26376, 32413, "Shinji_Mikami", 2], [26376, 32413, "Dino_Crisis", 0]]], "all_evidence": [[26376, 32413, "Shinji_Mikami", 2], [26376, 32413, "Dino_Crisis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211405, 219118, "Don_Hall_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[211405, 219118, "Don_Hall_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216564, 223256, "Mani_Ratnam", 1]]], "all_evidence": [[216564, 223256, "Mani_Ratnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138531, 153595, "Liverpool", 13]]], "all_evidence": [[138531, 153595, "Liverpool", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146959, 161935, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[146959, 161935, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87790, 100316, "TV_Choice", 0]]], "all_evidence": [[87790, 100316, "TV_Choice", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215950, 222691, "Bradley_Fuller", 1]]], "all_evidence": [[215950, 222691, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206705, 215019, "Al_Jardine", 1], [206705, 215019, "Come_Go_with_Me", 0]]], "all_evidence": [[206705, 215019, "Al_Jardine", 1], [206705, 215019, "Come_Go_with_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65362, 76252, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[65362, 76252, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72239, 83250, "Bloods", 2]]], "all_evidence": [[72239, 83250, "Bloods", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76128, null, null, null]]], "all_evidence": [[76128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211387, 219107, "Don_Hall_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[211387, 219107, "Don_Hall_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69446, 80250, "Sebastian_Stan", 2]]], "all_evidence": [[69446, 80250, "Sebastian_Stan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253973, 253757, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253973, 253757, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24681, 30473, "State_of_Palestine", 1]]], "all_evidence": [[24681, 30473, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227228, null, null, null]]], "all_evidence": [[227228, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262074, 260124, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262074, 260124, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105236, 118657, "Due_Date", 2]], [[105239, 118660, "Due_Date", 2]]], "all_evidence": [[105236, 118657, "Due_Date", 2], [105239, 118660, "Due_Date", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60618, 71038, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[60618, 71038, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154687, null, null, null]]], "all_evidence": [[154687, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108939, 122649, "John_Krasinski", 0]], [[108939, 122650, "John_Krasinski", 1]], [[108939, 122651, "John_Krasinski", 5]], [[108939, 122652, "John_Krasinski", 6]], [[108939, 122653, "John_Krasinski", 2]]], "all_evidence": [[108939, 122649, "John_Krasinski", 0], [108939, 122650, "John_Krasinski", 1], [108939, 122651, "John_Krasinski", 5], [108939, 122652, "John_Krasinski", 6], [108939, 122653, "John_Krasinski", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95190, 108196, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[95190, 108196, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79322, 91000, "In_the_End", 6]]], "all_evidence": [[79322, 91000, "In_the_End", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217681, 224172, "Asylum_Records", 0]]], "all_evidence": [[217681, 224172, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33587, 40752, "Colombiana", 0]]], "all_evidence": [[33587, 40752, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[281748, 276065, "Speech_recognition", 2]], [[283822, 277757, "Speech_recognition", 2]], [[329403, 316205, "Speech_recognition", 2]], [[330925, 317424, "Speech_recognition", 11]]], "all_evidence": [[281748, 276065, "Speech_recognition", 2], [283822, 277757, "Speech_recognition", 2], [329403, 316205, "Speech_recognition", 2], [330925, 317424, "Speech_recognition", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134556, 149469, "Liverpool", 13]], [[136172, 151005, "Liverpool", 13]], [[309653, 299812, "Liverpool", 13]], [[310757, 300780, "Liverpool", 13]], [[310758, 300781, "Liverpool", 13]]], "all_evidence": [[134556, 149469, "Liverpool", 13], [136172, 151005, "Liverpool", 13], [309653, 299812, "Liverpool", 13], [310757, 300780, "Liverpool", 13], [310758, 300781, "Liverpool", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211396, null, null, null], [211397, null, null, null], [211407, null, null, null]]], "all_evidence": [[211396, null, null, null], [211397, null, null, null], [211407, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215817, null, null, null]]], "all_evidence": [[215817, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114166, 127979, "Bessie_Smith", 0]], [[114166, 127980, "Bessie_Smith", 1]], [[114166, 127981, "Bessie_Smith", 2]]], "all_evidence": [[114166, 127979, "Bessie_Smith", 0], [114166, 127980, "Bessie_Smith", 1], [114166, 127981, "Bessie_Smith", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227046, null, null, null]]], "all_evidence": [[227046, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32453, 39431, "Reign_Over_Me", 0]]], "all_evidence": [[32453, 39431, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33496, 40654, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[33496, 40654, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198855, null, null, null]]], "all_evidence": [[198855, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246595, null, null, null]]], "all_evidence": [[246595, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41858, 50349, "Reign_Over_Me", 0]], [[41858, 50350, "Reign_Over_Me", 4]], [[41858, 50351, "Reign_Over_Me", 5]], [[44469, 53139, "Reign_Over_Me", 0]], [[46682, 55693, "Reign_Over_Me", 0]], [[46682, 55694, "Reign_Over_Me", 4]]], "all_evidence": [[41858, 50349, "Reign_Over_Me", 0], [41858, 50350, "Reign_Over_Me", 4], [41858, 50351, "Reign_Over_Me", 5], [44469, 53139, "Reign_Over_Me", 0], [46682, 55693, "Reign_Over_Me", 0], [46682, 55694, "Reign_Over_Me", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132019, 146864, "Harold_Macmillan", 0]]], "all_evidence": [[132019, 146864, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39679, 47757, "CONCACAF_Champions_League", 0]], [[39679, 47758, "CONCACAF_Champions_League", 9]]], "all_evidence": [[39679, 47757, "CONCACAF_Champions_League", 0], [39679, 47758, "CONCACAF_Champions_League", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223168, null, null, null], [226828, null, null, null], [229632, null, null, null]]], "all_evidence": [[223168, null, null, null], [226828, null, null, null], [229632, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213174, null, null, null]]], "all_evidence": [[213174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179441, 192002, "Floppy_disk", 0]]], "all_evidence": [[179441, 192002, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175932, 188892, "Arizona", 0]], [[175932, 188893, "Arizona", 1], [175932, 188893, "Mountain_States", 6]], [[175932, 188894, "Arizona", 2], [175932, 188894, "List_of_U.S._states_and_territories_by_area", 0]], [[175932, 188895, "Arizona", 3], [175932, 188895, "Phoenix,_Arizona", 0]], [[175932, 188896, "Arizona", 4], [175932, 188896, "Four_Corners", 0]], [[175932, 188897, "Arizona", 5], [175932, 188897, "California", 0], [175932, 188897, "Colorado", 0], [175932, 188897, "Mexico", 0], [175932, 188897, "Nevada", 0]], [[175932, 188898, "Arizona", 9], [175932, 188898, "Contiguous_United_States", 0]], [[175932, 188899, "Arizona", 12]], [[175932, 188900, "Arizona", 15], [175932, 188900, "Southern_Arizona", 0]], [[175932, 188901, "Arizona", 16], [175932, 188901, "Northern_Arizona", 0]]], "all_evidence": [[175932, 188892, "Arizona", 0], [175932, 188893, "Arizona", 1], [175932, 188893, "Mountain_States", 6], [175932, 188894, "Arizona", 2], [175932, 188894, "List_of_U.S._states_and_territories_by_area", 0], [175932, 188895, "Arizona", 3], [175932, 188895, "Phoenix,_Arizona", 0], [175932, 188896, "Arizona", 4], [175932, 188896, "Four_Corners", 0], [175932, 188897, "Arizona", 5], [175932, 188897, "California", 0], [175932, 188897, "Colorado", 0], [175932, 188897, "Mexico", 0], [175932, 188897, "Nevada", 0], [175932, 188898, "Arizona", 9], [175932, 188898, "Contiguous_United_States", 0], [175932, 188899, "Arizona", 12], [175932, 188900, "Arizona", 15], [175932, 188900, "Southern_Arizona", 0], [175932, 188901, "Arizona", 16], [175932, 188901, "Northern_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236643, 239079, "Marcus_Bentley", 0]]], "all_evidence": [[236643, 239079, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54208, 64199, "Viola_Davis", 6]]], "all_evidence": [[54208, 64199, "Viola_Davis", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109546, 123164, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[109546, 123164, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25726, 31650, "The_dress", 7]]], "all_evidence": [[25726, 31650, "The_dress", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94725, null, null, null]]], "all_evidence": [[94725, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231471, null, null, null]]], "all_evidence": [[231471, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179878, 192429, "Make_It_or_Break_It", 0]]], "all_evidence": [[179878, 192429, "Make_It_or_Break_It", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37650, 45577, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[37650, 45577, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237977, 240144, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237977, 240144, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268458, 265038, "Michaela_Watkins", 0]]], "all_evidence": [[268458, 265038, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130417, 145190, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[130417, 145190, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61581, 72091, "Harold_Macmillan", 0]], [[61581, 72092, "Harold_Macmillan", 31]], [[61586, 72097, "Harold_Macmillan", 0]]], "all_evidence": [[61581, 72091, "Harold_Macmillan", 0], [61581, 72092, "Harold_Macmillan", 31], [61586, 72097, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53112, 63066, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[53112, 63066, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113780, 127651, "Fargo_-LRB-season_2-RRB-", 6]], [[117182, 131079, "Fargo_-LRB-season_2-RRB-", 6]], [[119795, 133925, "Fargo_-LRB-season_2-RRB-", 6]], [[308538, 298900, "Fargo_-LRB-season_2-RRB-", 6]], [[310151, 300221, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[113780, 127651, "Fargo_-LRB-season_2-RRB-", 6], [117182, 131079, "Fargo_-LRB-season_2-RRB-", 6], [119795, 133925, "Fargo_-LRB-season_2-RRB-", 6], [308538, 298900, "Fargo_-LRB-season_2-RRB-", 6], [310151, 300221, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42342, 50949, "Fist_of_Legend", 2]]], "all_evidence": [[42342, 50949, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62478, 73102, "Seohyun", 0]]], "all_evidence": [[62478, 73102, "Seohyun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190464, 201480, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190464, 201480, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90308, 103057, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[90308, 103057, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238980, null, null, null]]], "all_evidence": [[238980, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203718, 212684, "Aunt_May", 0]], [[203718, 212685, "Aunt_May", 1]]], "all_evidence": [[203718, 212684, "Aunt_May", 0], [203718, 212685, "Aunt_May", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25756, null, null, null], [27143, null, null, null], [301660, null, null, null], [302966, null, null, null], [302968, null, null, null]]], "all_evidence": [[25756, null, null, null], [27143, null, null, null], [301660, null, null, null], [302966, null, null, null], [302968, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67926, null, null, null]]], "all_evidence": [[67926, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173419, 186677, "Bee_Gees", 6]]], "all_evidence": [[173419, 186677, "Bee_Gees", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101067, 114322, "Carlos_Santana", 0]], [[101067, 114323, "Carlos_Santana", 2], [101067, 114323, "Santana_-LRB-band-RRB-", 0]], [[101069, 114325, "Carlos_Santana", 0]], [[101069, 114326, "Carlos_Santana", 1]]], "all_evidence": [[101067, 114322, "Carlos_Santana", 0], [101067, 114323, "Carlos_Santana", 2], [101067, 114323, "Santana_-LRB-band-RRB-", 0], [101069, 114325, "Carlos_Santana", 0], [101069, 114326, "Carlos_Santana", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271166, 267102, "Giada_at_Home", 1]]], "all_evidence": [[271166, 267102, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250991, null, null, null]]], "all_evidence": [[250991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65644, 76515, "Kerplunk_-LRB-album-RRB-", 0]], [[65644, 76516, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[65644, 76515, "Kerplunk_-LRB-album-RRB-", 0], [65644, 76516, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186389, 198207, "Robert_Lopez", 1]]], "all_evidence": [[186389, 198207, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80189, 91976, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[80189, 91976, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184383, null, null, null]]], "all_evidence": [[184383, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194822, null, null, null]]], "all_evidence": [[194822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234913, 237701, "Tijuana", 0]], [[234916, 237704, "Tijuana", 0]]], "all_evidence": [[234913, 237701, "Tijuana", 0], [234916, 237704, "Tijuana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140493, null, null, null]]], "all_evidence": [[140493, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121550, 135823, "Ann_Richards", 0]], [[121550, 135824, "Ann_Richards", 2]], [[121550, 135825, "Ann_Richards", 3]]], "all_evidence": [[121550, 135823, "Ann_Richards", 0], [121550, 135824, "Ann_Richards", 2], [121550, 135825, "Ann_Richards", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65278, 76151, "Wilhelmina_Slater", 0]]], "all_evidence": [[65278, 76151, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223650, 228613, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223650, 228613, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142011, 157261, "Gin", 0]], [[143977, 159058, "Gin", 0]], [[146991, 161992, "Gin", 0]], [[311048, 301065, "Gin", 0], [311048, 301065, "Juniper_berry", 0]], [[312750, 302511, "Gin", 0]], [[312768, 302522, "Gin", 0]]], "all_evidence": [[142011, 157261, "Gin", 0], [143977, 159058, "Gin", 0], [146991, 161992, "Gin", 0], [311048, 301065, "Gin", 0], [311048, 301065, "Juniper_berry", 0], [312750, 302511, "Gin", 0], [312768, 302522, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192732, 203450, "Cadet_Kelly", 0]], [[192732, 203451, "Cadet_Kelly", 1]]], "all_evidence": [[192732, 203450, "Cadet_Kelly", 0], [192732, 203451, "Cadet_Kelly", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269558, null, null, null], [269564, null, null, null]]], "all_evidence": [[269558, null, null, null], [269564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73960, 85193, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]], "all_evidence": [[73960, 85193, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250996, 250965, "Brick_-LRB-film-RRB-", 0]], [[250999, 250967, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250996, 250965, "Brick_-LRB-film-RRB-", 0], [250999, 250967, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229395, 233327, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]], "all_evidence": [[229395, 233327, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51559, null, null, null]]], "all_evidence": [[51559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76054, null, null, null]]], "all_evidence": [[76054, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44349, 53007, "Marco_Polo", 11]]], "all_evidence": [[44349, 53007, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186390, 198208, "Robert_Lopez", 1]]], "all_evidence": [[186390, 198208, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200465, 209970, "Sancho_Panza", 0]]], "all_evidence": [[200465, 209970, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11631, null, null, null]]], "all_evidence": [[11631, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235586, 238199, "Natural_Born_Killers", 5]]], "all_evidence": [[235586, 238199, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199490, null, null, null]]], "all_evidence": [[199490, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189992, null, null, null]]], "all_evidence": [[189992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100697, 113995, "Angelsberg", 0]]], "all_evidence": [[100697, 113995, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106167, 119592, "Michelin_Guide", 0]]], "all_evidence": [[106167, 119592, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156723, 171330, "Damon_Albarn", 4]], [[156723, 171331, "Damon_Albarn", 6], [156723, 171331, "Modern_Life_Is_Rubbish", 0]], [[156723, 171332, "Damon_Albarn", 8], [156723, 171332, "13_-LRB-Blur_album-RRB-", 0]], [[156723, 171333, "Damon_Albarn", 11], [156723, 171333, "Gorillaz", 8]], [[156723, 171334, "Damon_Albarn", 12]], [[156723, 171335, "Damon_Albarn", 17]]], "all_evidence": [[156723, 171330, "Damon_Albarn", 4], [156723, 171331, "Damon_Albarn", 6], [156723, 171331, "Modern_Life_Is_Rubbish", 0], [156723, 171332, "Damon_Albarn", 8], [156723, 171332, "13_-LRB-Blur_album-RRB-", 0], [156723, 171333, "Damon_Albarn", 11], [156723, 171333, "Gorillaz", 8], [156723, 171334, "Damon_Albarn", 12], [156723, 171335, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100962, 114214, "Same_Old_Love", 0]], [[100962, 114215, "Same_Old_Love", 5]], [[100962, 114216, "Same_Old_Love", 9]], [[100962, 114217, "Same_Old_Love", 13]], [[100962, 114218, "Same_Old_Love", 12]]], "all_evidence": [[100962, 114214, "Same_Old_Love", 0], [100962, 114215, "Same_Old_Love", 5], [100962, 114216, "Same_Old_Love", 9], [100962, 114217, "Same_Old_Love", 13], [100962, 114218, "Same_Old_Love", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160569, 175077, "Global_warming", 13], [160569, 175077, "Retreat_of_glaciers_since_1850", 7]]], "all_evidence": [[160569, 175077, "Global_warming", 13], [160569, 175077, "Retreat_of_glaciers_since_1850", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112066, null, null, null]]], "all_evidence": [[112066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82160, 93938, "Harvard_University", 11]]], "all_evidence": [[82160, 93938, "Harvard_University", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283693, null, null, null]]], "all_evidence": [[283693, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66138, null, null, null]]], "all_evidence": [[66138, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183983, null, null, null]]], "all_evidence": [[183983, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62502, 73124, "Ann_Richards", 0]]], "all_evidence": [[62502, 73124, "Ann_Richards", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42637, null, null, null]]], "all_evidence": [[42637, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227796, 232158, "Tilda_Swinton", 0]]], "all_evidence": [[227796, 232158, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238553, null, null, null]]], "all_evidence": [[238553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179279, 191827, "Taran_Killam", 0]], [[179279, 191828, "Taran_Killam", 1]], [[179279, 191829, "Taran_Killam", 2]], [[179279, 191830, "Taran_Killam", 5]]], "all_evidence": [[179279, 191827, "Taran_Killam", 0], [179279, 191828, "Taran_Killam", 1], [179279, 191829, "Taran_Killam", 2], [179279, 191830, "Taran_Killam", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102293, 115573, "Scotty_Moore", 0]]], "all_evidence": [[102293, 115573, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40123, 48272, "Rupert_Murdoch", 13]]], "all_evidence": [[40123, 48272, "Rupert_Murdoch", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69612, 80444, "Trollhunters", 3]], [[69612, 80445, "Trollhunters", 4]]], "all_evidence": [[69612, 80444, "Trollhunters", 3], [69612, 80445, "Trollhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97982, 111117, "Aristotle", 2]], [[97982, 111118, "Aristotle", 4]]], "all_evidence": [[97982, 111117, "Aristotle", 2], [97982, 111118, "Aristotle", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43413, 52058, "Henry_VIII_-LRB-TV_serial-RRB-", 5]]], "all_evidence": [[43413, 52058, "Henry_VIII_-LRB-TV_serial-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218311, 224624, "Eva_Mendes", 0]]], "all_evidence": [[218311, 224624, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177224, null, null, null]]], "all_evidence": [[177224, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253956, 253746, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253956, 253746, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132005, 146855, "Angelsberg", 0]]], "all_evidence": [[132005, 146855, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217291, 223911, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217291, 223911, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205317, null, null, null]]], "all_evidence": [[205317, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39692, null, null, null]]], "all_evidence": [[39692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234010, 236903, "Muscarinic_acetylcholine_receptor", 0]], [[236805, 239180, "Muscarinic_acetylcholine_receptor", 0]], [[318688, 307540, "Muscarinic_acetylcholine_receptor", 0]], [[318689, 307541, "Muscarinic_acetylcholine_receptor", 0]], [[318690, 307542, "Muscarinic_acetylcholine_receptor", 0]], [[318694, 307545, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[234010, 236903, "Muscarinic_acetylcholine_receptor", 0], [236805, 239180, "Muscarinic_acetylcholine_receptor", 0], [318688, 307540, "Muscarinic_acetylcholine_receptor", 0], [318689, 307541, "Muscarinic_acetylcholine_receptor", 0], [318690, 307542, "Muscarinic_acetylcholine_receptor", 0], [318694, 307545, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69780, null, null, null]]], "all_evidence": [[69780, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156322, 170927, "Camden,_New_Jersey", 0]]], "all_evidence": [[156322, 170927, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13131, 16426, "Colin_Kaepernick", 5]], [[13133, 16428, "Colin_Kaepernick", 5]]], "all_evidence": [[13131, 16426, "Colin_Kaepernick", 5], [13133, 16428, "Colin_Kaepernick", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255987, 255294, "Weekly_Idol", 1], [255987, 255294, "Weekly_Idol", 0]]], "all_evidence": [[255987, 255294, "Weekly_Idol", 1], [255987, 255294, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170615, 184156, "Yara_Shahidi", 0]]], "all_evidence": [[170615, 184156, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31141, 37825, "Eva_Green", 1]]], "all_evidence": [[31141, 37825, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245433, 246245, "Mel_B", 5]]], "all_evidence": [[245433, 246245, "Mel_B", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56162, 66320, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[56162, 66320, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213734, 220891, "Finding_Dory", 1]]], "all_evidence": [[213734, 220891, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83176, 95115, "I_Kissed_a_Girl", 0]]], "all_evidence": [[83176, 95115, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145724, 160734, "Stanley_Williams", 0]]], "all_evidence": [[145724, 160734, "Stanley_Williams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291503, 284423, "Camden,_New_Jersey", 0]], [[291503, 284424, "Camden,_New_Jersey", 2]], [[291503, 284425, "Camden,_New_Jersey", 4]], [[291503, 284426, "Camden,_New_Jersey", 6]], [[293586, 286068, "Camden,_New_Jersey", 2]], [[337652, 323019, "Camden,_New_Jersey", 0]], [[337665, 323029, "Camden,_New_Jersey", 0]]], "all_evidence": [[291503, 284423, "Camden,_New_Jersey", 0], [291503, 284424, "Camden,_New_Jersey", 2], [291503, 284425, "Camden,_New_Jersey", 4], [291503, 284426, "Camden,_New_Jersey", 6], [293586, 286068, "Camden,_New_Jersey", 2], [337652, 323019, "Camden,_New_Jersey", 0], [337665, 323029, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28628, 34976, "Anushka_Sharma", 2]], [[28628, 34977, "Anushka_Sharma", 7]]], "all_evidence": [[28628, 34976, "Anushka_Sharma", 2], [28628, 34977, "Anushka_Sharma", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57449, 67657, "Carlos_Santana", 0], [57449, 67657, "Santana_-LRB-band-RRB-", 0]]], "all_evidence": [[57449, 67657, "Carlos_Santana", 0], [57449, 67657, "Santana_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99343, null, null, null]]], "all_evidence": [[99343, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145334, 160326, "Bethany_Hamilton", 2], [145334, 160326, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[145334, 160326, "Bethany_Hamilton", 2], [145334, 160326, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272435, 268131, "Island_Records", 1]]], "all_evidence": [[272435, 268131, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122528, 136827, "Mike_Huckabee", 0]]], "all_evidence": [[122528, 136827, "Mike_Huckabee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255584, null, null, null]]], "all_evidence": [[255584, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51802, 61638, "Colombiana", 0]]], "all_evidence": [[51802, 61638, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155692, null, null, null]]], "all_evidence": [[155692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164189, 178439, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[164189, 178439, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241684, 243207, "Rio_-LRB-2011_film-RRB-", 20]], [[241685, 243208, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241684, 243207, "Rio_-LRB-2011_film-RRB-", 20], [241685, 243208, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109041, 122743, "Michael_B._Jordan", 0]]], "all_evidence": [[109041, 122743, "Michael_B._Jordan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240805, 242417, "Glee.com", 1]]], "all_evidence": [[240805, 242417, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25001, 30871, "Harris_Jayaraj", 0]]], "all_evidence": [[25001, 30871, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208600, null, null, null]]], "all_evidence": [[208600, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218102, null, null, null]]], "all_evidence": [[218102, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17505, null, null, null]]], "all_evidence": [[17505, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89286, 101981, "Greek_language", 14]]], "all_evidence": [[89286, 101981, "Greek_language", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227210, 231613, "Kim_Jong-il", 16]], [[227211, 231614, "Kim_Jong-il", 16]]], "all_evidence": [[227210, 231613, "Kim_Jong-il", 16], [227211, 231614, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116229, 130147, "Steve_Wozniak", 0]]], "all_evidence": [[116229, 130147, "Steve_Wozniak", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31065, 37732, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[31065, 37732, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76804, null, null, null]]], "all_evidence": [[76804, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286974, null, null, null], [289087, null, null, null], [290762, null, null, null], [334882, null, null, null], [334884, null, null, null]]], "all_evidence": [[286974, null, null, null], [289087, null, null, null], [290762, null, null, null], [334882, null, null, null], [334884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90717, 103436, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[90717, 103436, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231199, 234722, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231199, 234722, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191489, 202335, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191489, 202335, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33660, 40821, "Lost_-LRB-TV_series-RRB-", 0]], [[35629, 43182, "Lost_-LRB-TV_series-RRB-", 0]], [[37573, 45511, "Lost_-LRB-TV_series-RRB-", 0]], [[301886, 292979, "Lost_-LRB-TV_series-RRB-", 0]], [[303336, 294307, "Lost_-LRB-TV_series-RRB-", 0]], [[303338, 294308, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[33660, 40821, "Lost_-LRB-TV_series-RRB-", 0], [35629, 43182, "Lost_-LRB-TV_series-RRB-", 0], [37573, 45511, "Lost_-LRB-TV_series-RRB-", 0], [301886, 292979, "Lost_-LRB-TV_series-RRB-", 0], [303336, 294307, "Lost_-LRB-TV_series-RRB-", 0], [303338, 294308, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260871, 259212, "Capsicum_chinense", 0]]], "all_evidence": [[260871, 259212, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214301, 221381, "Ernest_Medina", 2]], [[214301, 221382, "Ernest_Medina", 3]]], "all_evidence": [[214301, 221381, "Ernest_Medina", 2], [214301, 221382, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135305, null, null, null]]], "all_evidence": [[135305, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172738, 186004, "Margaret_Thatcher", 0]], [[172738, 186005, "Margaret_Thatcher", 1]], [[172738, 186006, "Margaret_Thatcher", 2]], [[172738, 186007, "Margaret_Thatcher", 3]], [[172738, 186008, "Margaret_Thatcher", 6]], [[172738, 186009, "Margaret_Thatcher", 7]], [[172738, 186010, "Margaret_Thatcher", 8]], [[172738, 186011, "Margaret_Thatcher", 9]], [[172738, 186012, "Margaret_Thatcher", 12]], [[172738, 186013, "Margaret_Thatcher", 18]], [[172738, 186014, "Margaret_Thatcher", 14]], [[172738, 186015, "Margaret_Thatcher", 13]], [[172738, 186016, "Margaret_Thatcher", 25]], [[172738, 186017, "Margaret_Thatcher", 21]], [[172738, 186018, "Margaret_Thatcher", 20]]], "all_evidence": [[172738, 186004, "Margaret_Thatcher", 0], [172738, 186005, "Margaret_Thatcher", 1], [172738, 186006, "Margaret_Thatcher", 2], [172738, 186007, "Margaret_Thatcher", 3], [172738, 186008, "Margaret_Thatcher", 6], [172738, 186009, "Margaret_Thatcher", 7], [172738, 186010, "Margaret_Thatcher", 8], [172738, 186011, "Margaret_Thatcher", 9], [172738, 186012, "Margaret_Thatcher", 12], [172738, 186013, "Margaret_Thatcher", 18], [172738, 186014, "Margaret_Thatcher", 14], [172738, 186015, "Margaret_Thatcher", 13], [172738, 186016, "Margaret_Thatcher", 25], [172738, 186017, "Margaret_Thatcher", 21], [172738, 186018, "Margaret_Thatcher", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180323, 192834, "Shadowhunters", 4]], [[182076, 194354, "Shadowhunters", 4]], [[182267, 194528, "Shadowhunters", 4]], [[314193, 303619, "Shadowhunters", 4]], [[315979, 305190, "Shadowhunters", 4]]], "all_evidence": [[180323, 192834, "Shadowhunters", 4], [182076, 194354, "Shadowhunters", 4], [182267, 194528, "Shadowhunters", 4], [314193, 303619, "Shadowhunters", 4], [315979, 305190, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49985, 59493, "Hindu_Kush", 0]]], "all_evidence": [[49985, 59493, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186373, 198196, "Robert_Lopez", 1]]], "all_evidence": [[186373, 198196, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55794, null, null, null]]], "all_evidence": [[55794, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107657, null, null, null]]], "all_evidence": [[107657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117312, 131213, "Hot_Right_Now", 0]]], "all_evidence": [[117312, 131213, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243015, 244303, "St._Anger", 0]]], "all_evidence": [[243015, 244303, "St._Anger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171306, 184792, "Fist_of_Legend", 2]], [[171307, 184793, "Fist_of_Legend", 2]], [[173441, 186695, "Fist_of_Legend", 2]], [[312685, 302460, "Fist_of_Legend", 2]], [[313735, 303272, "Fist_of_Legend", 2]]], "all_evidence": [[171306, 184792, "Fist_of_Legend", 2], [171307, 184793, "Fist_of_Legend", 2], [173441, 186695, "Fist_of_Legend", 2], [312685, 302460, "Fist_of_Legend", 2], [313735, 303272, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208633, 216637, "Wentworth_Miller", 2]], [[208633, 216638, "Wentworth_Miller", 0]]], "all_evidence": [[208633, 216637, "Wentworth_Miller", 2], [208633, 216638, "Wentworth_Miller", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105411, null, null, null]]], "all_evidence": [[105411, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254357, 254050, "DJ_Quik", 0]]], "all_evidence": [[254357, 254050, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33951, null, null, null]]], "all_evidence": [[33951, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198850, 208558, "The_King_and_I", 1]]], "all_evidence": [[198850, 208558, "The_King_and_I", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44605, 53287, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]]], "all_evidence": [[44605, 53287, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237487, 239694, "North_Vietnam", 0]]], "all_evidence": [[237487, 239694, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20332, null, null, null], [21844, null, null, null], [301451, null, null, null], [304155, null, null, null], [304215, null, null, null]]], "all_evidence": [[20332, null, null, null], [21844, null, null, null], [301451, null, null, null], [304155, null, null, null], [304215, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262152, 260201, "Bullitt", 0]], [[262152, 260202, "Bullitt", 9]], [[262152, 260203, "Bullitt", 8]]], "all_evidence": [[262152, 260201, "Bullitt", 0], [262152, 260202, "Bullitt", 9], [262152, 260203, "Bullitt", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107921, 121407, "John_Deighton", 15]]], "all_evidence": [[107921, 121407, "John_Deighton", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172528, null, null, null]]], "all_evidence": [[172528, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141850, 157100, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[141850, 157100, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180543, null, null, null]]], "all_evidence": [[180543, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171283, 184774, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]], "all_evidence": [[171283, 184774, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29332, 35795, "Qui-Gon_Jinn", 0]]], "all_evidence": [[29332, 35795, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30294, 36892, "Wildfang", 1]]], "all_evidence": [[30294, 36892, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124496, 138843, "San_Diego_Comic-Con", 1]]], "all_evidence": [[124496, 138843, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136956, 151786, "Wildfang", 0]]], "all_evidence": [[136956, 151786, "Wildfang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215810, 222588, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215810, 222588, "Holly_Hunter", 0]]], "all_evidence": [[215810, 222588, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215810, 222588, "Holly_Hunter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218543, 224805, "Diana,_Princess_of_Wales", 0]]], "all_evidence": [[218543, 224805, "Diana,_Princess_of_Wales", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231458, null, null, null]]], "all_evidence": [[231458, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173141, null, null, null]]], "all_evidence": [[173141, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17963, 22118, "YouTube", 15]]], "all_evidence": [[17963, 22118, "YouTube", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203010, null, null, null]]], "all_evidence": [[203010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66198, 77033, "Bee_Gees", 2]]], "all_evidence": [[66198, 77033, "Bee_Gees", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159247, 173832, "Augustus", 10]]], "all_evidence": [[159247, 173832, "Augustus", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159979, null, null, null]]], "all_evidence": [[159979, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163437, 177678, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[163437, 177678, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66158, 76992, "Dakota_Fanning", 0]]], "all_evidence": [[66158, 76992, "Dakota_Fanning", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101660, 114915, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[101660, 114915, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55396, 65454, "Brazzers", 0]]], "all_evidence": [[55396, 65454, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149683, 164640, "Saxony", 0]], [[149683, 164641, "Saxony", 1]], [[149683, 164642, "Saxony", 4]], [[149683, 164643, "Saxony", 7]], [[149683, 164644, "Saxony", 8]], [[149683, 164645, "Saxony", 11]]], "all_evidence": [[149683, 164640, "Saxony", 0], [149683, 164641, "Saxony", 1], [149683, 164642, "Saxony", 4], [149683, 164643, "Saxony", 7], [149683, 164644, "Saxony", 8], [149683, 164645, "Saxony", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152383, 167183, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[152383, 167183, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182293, null, null, null]]], "all_evidence": [[182293, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191682, 202499, "Anne_Rice", 0]]], "all_evidence": [[191682, 202499, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206692, 215010, "Al_Jardine", 1], [206692, 215010, "Come_Go_with_Me", 0]]], "all_evidence": [[206692, 215010, "Al_Jardine", 1], [206692, 215010, "Come_Go_with_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173809, null, null, null]]], "all_evidence": [[173809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172848, 186100, "Luis_Fonsi", 0]]], "all_evidence": [[172848, 186100, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213684, 220864, "Finding_Dory", 1]]], "all_evidence": [[213684, 220864, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198846, null, null, null]]], "all_evidence": [[198846, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210235, 218026, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 24], [210235, 218026, "So_You_Think_You_Can_Dance", 0]], [[210235, 218027, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 18], [210235, 218027, "So_You_Think_You_Can_Dance_-LRB-U.S._season_10-RRB-", 0]], [[210235, 218028, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 4], [210235, 218028, "Cat_Deeley", 5]], [[210235, 218029, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 1], [210235, 218029, "Nigel_Lythgoe", 1]], [[210235, 218030, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]], "all_evidence": [[210235, 218026, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 24], [210235, 218026, "So_You_Think_You_Can_Dance", 0], [210235, 218027, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 18], [210235, 218027, "So_You_Think_You_Can_Dance_-LRB-U.S._season_10-RRB-", 0], [210235, 218028, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 4], [210235, 218028, "Cat_Deeley", 5], [210235, 218029, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 1], [210235, 218029, "Nigel_Lythgoe", 1], [210235, 218030, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40101, 48241, "Villa_Park", 2]], [[40101, 48242, "Villa_Park", 3]], [[40101, 48243, "Villa_Park", 11]], [[40101, 48244, "Villa_Park", 14]], [[40101, 48245, "Villa_Park", 12]], [[40101, 48246, "Villa_Park", 13]]], "all_evidence": [[40101, 48241, "Villa_Park", 2], [40101, 48242, "Villa_Park", 3], [40101, 48243, "Villa_Park", 11], [40101, 48244, "Villa_Park", 14], [40101, 48245, "Villa_Park", 12], [40101, 48246, "Villa_Park", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35191, 42679, "Osamu_Tezuka", 2]]], "all_evidence": [[35191, 42679, "Osamu_Tezuka", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176698, 189636, "Kerplunk_-LRB-album-RRB-", 0]]], "all_evidence": [[176698, 189636, "Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124460, null, null, null]]], "all_evidence": [[124460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106143, 119548, "John_Deighton", 24]]], "all_evidence": [[106143, 119548, "John_Deighton", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48040, null, null, null]]], "all_evidence": [[48040, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61566, null, null, null]]], "all_evidence": [[61566, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73151, 84358, "Washington_Wizards", 12]]], "all_evidence": [[73151, 84358, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18586, 22814, "Randy_Savage", 4]]], "all_evidence": [[18586, 22814, "Randy_Savage", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197396, 207441, "Lalla_Ward", 0]]], "all_evidence": [[197396, 207441, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253943, 253737, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253943, 253737, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208615, 216611, "Wentworth_Miller", 2]]], "all_evidence": [[208615, 216611, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52693, 62655, "X-Men-COLON-_Apocalypse", 6]], [[56071, 66177, "X-Men-COLON-_Apocalypse", 6]], [[58519, 68821, "X-Men-COLON-_Apocalypse", 6]], [[302810, 293795, "X-Men-COLON-_Apocalypse", 6]], [[305016, 295825, "X-Men-COLON-_Apocalypse", 6]]], "all_evidence": [[52693, 62655, "X-Men-COLON-_Apocalypse", 6], [56071, 66177, "X-Men-COLON-_Apocalypse", 6], [58519, 68821, "X-Men-COLON-_Apocalypse", 6], [302810, 293795, "X-Men-COLON-_Apocalypse", 6], [305016, 295825, "X-Men-COLON-_Apocalypse", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84840, 97063, "I_Kissed_a_Girl", 0]]], "all_evidence": [[84840, 97063, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158672, 173298, "Stanley_Williams", 0]], [[158672, 173299, "Stanley_Williams", 5]], [[158672, 173300, "Stanley_Williams", 4]]], "all_evidence": [[158672, 173298, "Stanley_Williams", 0], [158672, 173299, "Stanley_Williams", 5], [158672, 173300, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180254, 192784, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[180254, 192784, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279757, null, null, null], [281461, null, null, null], [328179, null, null, null], [328182, null, null, null]]], "all_evidence": [[279757, null, null, null], [281461, null, null, null], [328179, null, null, null], [328182, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262043, null, null, null], [264190, null, null, null], [321504, null, null, null], [321507, null, null, null], [321508, null, null, null]]], "all_evidence": [[262043, null, null, null], [264190, null, null, null], [321504, null, null, null], [321507, null, null, null], [321508, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30138, 36698, "Rupert_Murdoch", 13]]], "all_evidence": [[30138, 36698, "Rupert_Murdoch", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218409, 224702, "The_Hurt_Locker", 0]]], "all_evidence": [[218409, 224702, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56597, 66806, "Veeru_Devgan", 0]]], "all_evidence": [[56597, 66806, "Veeru_Devgan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119965, 134108, "Hedda_Gabler", 1]]], "all_evidence": [[119965, 134108, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23633, null, null, null], [299570, null, null, null], [299571, null, null, null]]], "all_evidence": [[23633, null, null, null], [299570, null, null, null], [299571, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116497, null, null, null]]], "all_evidence": [[116497, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79760, null, null, null]]], "all_evidence": [[79760, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191481, null, null, null]]], "all_evidence": [[191481, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213745, null, null, null]]], "all_evidence": [[213745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194721, 205093, "Middle-earth", 0]]], "all_evidence": [[194721, 205093, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260654, 258997, "Valencia", 0]], [[260658, 258998, "Valencia", 0]]], "all_evidence": [[260654, 258997, "Valencia", 0], [260658, 258998, "Valencia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176451, null, null, null]]], "all_evidence": [[176451, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58913, null, null, null]]], "all_evidence": [[58913, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67256, 78063, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[67256, 78063, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246622, null, null, null]]], "all_evidence": [[246622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176073, 189038, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[176073, 189038, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121872, 136162, "CONCACAF_Champions_League", 0]], [[121876, 136166, "CONCACAF_Champions_League", 0]]], "all_evidence": [[121872, 136162, "CONCACAF_Champions_League", 0], [121876, 136166, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85986, null, null, null]]], "all_evidence": [[85986, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214303, 221385, "Ernest_Medina", 3]]], "all_evidence": [[214303, 221385, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135033, 149947, "English_people", 6]]], "all_evidence": [[135033, 149947, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218154, 224518, "Bermuda_Triangle", 0]]], "all_evidence": [[218154, 224518, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62652, null, null, null]]], "all_evidence": [[62652, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153806, 168659, "Kuching", 0]], [[153806, 168660, "Kuching", 2]]], "all_evidence": [[153806, 168659, "Kuching", 0], [153806, 168660, "Kuching", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37731, 45663, "Battle_of_France", 20]], [[37731, 45664, "Battle_of_France", 1]]], "all_evidence": [[37731, 45663, "Battle_of_France", 20], [37731, 45664, "Battle_of_France", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81390, 93174, "Tatum_O'Neal", 6]]], "all_evidence": [[81390, 93174, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259615, 258178, "French_Resistance", 6]]], "all_evidence": [[259615, 258178, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39330, 47367, "Flaked", 0]]], "all_evidence": [[39330, 47367, "Flaked", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93070, null, null, null]]], "all_evidence": [[93070, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243726, null, null, null]]], "all_evidence": [[243726, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181791, null, null, null]]], "all_evidence": [[181791, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132482, null, null, null]]], "all_evidence": [[132482, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216443, null, null, null], [216444, null, null, null], [216447, null, null, null]]], "all_evidence": [[216443, null, null, null], [216444, null, null, null], [216447, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82655, 94474, "Brazzers", 0]]], "all_evidence": [[82655, 94474, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171584, 185062, "Justine_Bateman", 0]], [[171585, 185063, "Justine_Bateman", 0]], [[171586, 185064, "Justine_Bateman", 0]]], "all_evidence": [[171584, 185062, "Justine_Bateman", 0], [171585, 185063, "Justine_Bateman", 0], [171586, 185064, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15494, null, null, null]]], "all_evidence": [[15494, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237971, null, null, null]]], "all_evidence": [[237971, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26753, null, null, null]]], "all_evidence": [[26753, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94281, 107282, "Humphrey_Bogart", 11]], [[94281, 107283, "Humphrey_Bogart", 15]], [[94281, 107284, "Humphrey_Bogart", 16]]], "all_evidence": [[94281, 107282, "Humphrey_Bogart", 11], [94281, 107283, "Humphrey_Bogart", 15], [94281, 107284, "Humphrey_Bogart", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12925, 16124, "Miranda_Otto", 1]], [[12927, 16126, "Miranda_Otto", 1]], [[18740, 22974, "Miranda_Otto", 1]], [[21077, 25878, "Miranda_Otto", 1]], [[278724, 273440, "Miranda_Otto", 1]], [[299159, 290532, "Miranda_Otto", 1]], [[301228, 292349, "Miranda_Otto", 1]]], "all_evidence": [[12925, 16124, "Miranda_Otto", 1], [12927, 16126, "Miranda_Otto", 1], [18740, 22974, "Miranda_Otto", 1], [21077, 25878, "Miranda_Otto", 1], [278724, 273440, "Miranda_Otto", 1], [299159, 290532, "Miranda_Otto", 1], [301228, 292349, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135209, null, null, null]]], "all_evidence": [[135209, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248551, 248709, "Tie_Your_Mother_Down", 1]], [[248551, 248710, "Tie_Your_Mother_Down", 2]]], "all_evidence": [[248551, 248709, "Tie_Your_Mother_Down", 1], [248551, 248710, "Tie_Your_Mother_Down", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196789, 206875, "Mike_Huckabee", 0], [196789, 206875, "Minister_-LRB-Christianity-RRB-", 0]], [[196789, 206876, "Mike_Huckabee", 7]], [[315136, 304421, "Mike_Huckabee", 0]], [[315137, 304422, "Mike_Huckabee", 0]], [[315137, 304423, "Mike_Huckabee", 1]], [[315137, 304424, "Mike_Huckabee", 2]], [[315144, 304430, "Mike_Huckabee", 0]], [[315144, 304431, "Mike_Huckabee", 8]], [[315144, 304432, "Mike_Huckabee", 7]], [[315144, 304433, "Mike_Huckabee", 6]], [[315144, 304434, "Mike_Huckabee", 5]]], "all_evidence": [[196789, 206875, "Mike_Huckabee", 0], [196789, 206875, "Minister_-LRB-Christianity-RRB-", 0], [196789, 206876, "Mike_Huckabee", 7], [315136, 304421, "Mike_Huckabee", 0], [315137, 304422, "Mike_Huckabee", 0], [315137, 304423, "Mike_Huckabee", 1], [315137, 304424, "Mike_Huckabee", 2], [315144, 304430, "Mike_Huckabee", 0], [315144, 304431, "Mike_Huckabee", 8], [315144, 304432, "Mike_Huckabee", 7], [315144, 304433, "Mike_Huckabee", 6], [315144, 304434, "Mike_Huckabee", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180165, 192700, "Magic_Johnson", 0]]], "all_evidence": [[180165, 192700, "Magic_Johnson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100691, null, null, null]]], "all_evidence": [[100691, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94924, null, null, null]]], "all_evidence": [[94924, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92174, 104949, "Marvel_vs._Capcom-COLON-_Infinite", 0]]], "all_evidence": [[92174, 104949, "Marvel_vs._Capcom-COLON-_Infinite", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177900, null, null, null]]], "all_evidence": [[177900, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164962, null, null, null]]], "all_evidence": [[164962, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84608, null, null, null]]], "all_evidence": [[84608, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148222, 163228, "T2_Trainspotting", 0]]], "all_evidence": [[148222, 163228, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58690, 68990, "Ron_Weasley", 0]]], "all_evidence": [[58690, 68990, "Ron_Weasley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71651, 82636, "Colombiana", 0]]], "all_evidence": [[71651, 82636, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52283, 62250, "Liverpool", 0], [52283, 62250, "North_West_England", 2]], [[52283, 62251, "Liverpool", 1]]], "all_evidence": [[52283, 62250, "Liverpool", 0], [52283, 62250, "North_West_England", 2], [52283, 62251, "Liverpool", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245448, 246257, "Mel_B", 5]]], "all_evidence": [[245448, 246257, "Mel_B", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90944, null, null, null]]], "all_evidence": [[90944, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144219, null, null, null]]], "all_evidence": [[144219, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86162, 98506, "Folklore", 1]]], "all_evidence": [[86162, 98506, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83084, 95001, "Men_in_Black_II", 0]]], "all_evidence": [[83084, 95001, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144062, 159136, "Hedda_Gabler", 1]]], "all_evidence": [[144062, 159136, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116955, null, null, null]]], "all_evidence": [[116955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43697, 52334, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]], [[43697, 52335, "The_Dark_Tower_-LRB-2017_film-RRB-", 1]], [[43697, 52336, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[43697, 52334, "The_Dark_Tower_-LRB-2017_film-RRB-", 0], [43697, 52335, "The_Dark_Tower_-LRB-2017_film-RRB-", 1], [43697, 52336, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245087, 246002, "Endometrial_cancer", 27]], [[245087, 246003, "Endometrial_cancer", 26]], [[245093, 246007, "Endometrial_cancer", 27], [245093, 246007, "Endometrial_cancer", 26]]], "all_evidence": [[245087, 246002, "Endometrial_cancer", 27], [245087, 246003, "Endometrial_cancer", 26], [245093, 246007, "Endometrial_cancer", 27], [245093, 246007, "Endometrial_cancer", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253946, null, null, null]]], "all_evidence": [[253946, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212198, null, null, null], [212202, null, null, null]]], "all_evidence": [[212198, null, null, null], [212202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226510, 231057, "Captain_America's_shield", 1]]], "all_evidence": [[226510, 231057, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217670, 224162, "Asylum_Records", 0]]], "all_evidence": [[217670, 224162, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71892, 82875, "Indian_Army", 16], [71892, 82875, "Volunteer_military", 0]]], "all_evidence": [[71892, 82875, "Indian_Army", 16], [71892, 82875, "Volunteer_military", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162515, 176793, "Stan_Beeman", 0]], [[162516, 176794, "Stan_Beeman", 0]]], "all_evidence": [[162515, 176793, "Stan_Beeman", 0], [162516, 176794, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112420, 126262, "Joe_Walsh", 24]]], "all_evidence": [[112420, 126262, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42575, null, null, null]]], "all_evidence": [[42575, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270422, null, null, null], [323167, null, null, null], [323298, null, null, null]]], "all_evidence": [[270422, null, null, null], [323167, null, null, null], [323298, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71293, null, null, null]]], "all_evidence": [[71293, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26932, 33060, "Daggering", 2]]], "all_evidence": [[26932, 33060, "Daggering", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209581, 217378, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[209581, 217378, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46071, 55029, "Chile", 20]]], "all_evidence": [[46071, 55029, "Chile", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245094, 246008, "Endometrial_cancer", 26]]], "all_evidence": [[245094, 246008, "Endometrial_cancer", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153228, 167993, "Awkward_Black_Girl", 0]]], "all_evidence": [[153228, 167993, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17012, 21074, "Brian_Michael_Bendis", 12]]], "all_evidence": [[17012, 21074, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207688, 215908, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207688, 215908, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93539, 106491, "Bruce_Shand", 0]]], "all_evidence": [[93539, 106491, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229626, 233531, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]], "all_evidence": [[229626, 233531, "Graffiti_-LRB-Chris_Brown_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213717, 220876, "Finding_Dory", 1]]], "all_evidence": [[213717, 220876, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67254, 78062, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[67254, 78062, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39522, 47604, "Billboard_Dad", 0]]], "all_evidence": [[39522, 47604, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176935, null, null, null]]], "all_evidence": [[176935, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53497, null, null, null]]], "all_evidence": [[53497, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99377, null, null, null]]], "all_evidence": [[99377, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290239, 283276, "Angela_Bassett", 6]], [[291584, 284493, "Angela_Bassett", 6]], [[293693, 286137, "Angela_Bassett", 6]], [[337977, 323295, "Angela_Bassett", 6]], [[337981, 323298, "Angela_Bassett", 6]], [[337983, 323299, "Angela_Bassett", 6]], [[337984, 323300, "Angela_Bassett", 6]]], "all_evidence": [[290239, 283276, "Angela_Bassett", 6], [291584, 284493, "Angela_Bassett", 6], [293693, 286137, "Angela_Bassett", 6], [337977, 323295, "Angela_Bassett", 6], [337981, 323298, "Angela_Bassett", 6], [337983, 323299, "Angela_Bassett", 6], [337984, 323300, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238512, null, null, null]]], "all_evidence": [[238512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255476, 254928, "Private_Lives", 0]], [[255477, 254929, "Private_Lives", 0]]], "all_evidence": [[255476, 254928, "Private_Lives", 0], [255477, 254929, "Private_Lives", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170965, 184509, "Battle_of_France", 0]]], "all_evidence": [[170965, 184509, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243708, 244880, "Palo_Alto,_California", 0]]], "all_evidence": [[243708, 244880, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103609, 117055, "South_African_Communist_Party", 2], [103609, 117055, "Congress_of_South_African_Trade_Unions", 0], [103609, 117055, "Tripartite_Alliance", 0], [103609, 117055, "African_National_Congress", 0]]], "all_evidence": [[103609, 117055, "South_African_Communist_Party", 2], [103609, 117055, "Congress_of_South_African_Trade_Unions", 0], [103609, 117055, "Tripartite_Alliance", 0], [103609, 117055, "African_National_Congress", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212188, 219789, "Epistemology", 3]]], "all_evidence": [[212188, 219789, "Epistemology", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117480, 131391, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]], "all_evidence": [[117480, 131391, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184892, null, null, null], [184899, null, null, null]]], "all_evidence": [[184892, null, null, null], [184899, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232794, null, null, null]]], "all_evidence": [[232794, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116901, 130770, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[116901, 130770, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234951, 237729, "Tijuana", 0]], [[234952, 237730, "Tijuana", 0]]], "all_evidence": [[234951, 237729, "Tijuana", 0], [234952, 237730, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268452, 265033, "Michaela_Watkins", 0]], [[268481, 265060, "Michaela_Watkins", 1], [268481, 265060, "Casual_-LRB-TV_series-RRB-", 0]], [[268481, 265061, "Michaela_Watkins", 0]], [[268481, 265062, "Michaela_Watkins", 2], [268481, 265062, "Enlightened_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[268452, 265033, "Michaela_Watkins", 0], [268481, 265060, "Michaela_Watkins", 1], [268481, 265060, "Casual_-LRB-TV_series-RRB-", 0], [268481, 265061, "Michaela_Watkins", 0], [268481, 265062, "Michaela_Watkins", 2], [268481, 265062, "Enlightened_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118122, null, null, null]]], "all_evidence": [[118122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210953, 218621, "Mogadishu", 0]], [[210953, 218622, "Mogadishu", 1]], [[210953, 218623, "Mogadishu", 5]], [[210953, 218624, "Mogadishu", 7]], [[210953, 218625, "Mogadishu", 9]]], "all_evidence": [[210953, 218621, "Mogadishu", 0], [210953, 218622, "Mogadishu", 1], [210953, 218623, "Mogadishu", 5], [210953, 218624, "Mogadishu", 7], [210953, 218625, "Mogadishu", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227027, null, null, null]]], "all_evidence": [[227027, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286116, null, null, null], [287847, null, null, null], [288476, null, null, null], [332863, null, null, null], [334020, null, null, null]]], "all_evidence": [[286116, null, null, null], [287847, null, null, null], [288476, null, null, null], [332863, null, null, null], [334020, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257330, null, null, null]]], "all_evidence": [[257330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189843, null, null, null], [195812, null, null, null], [314936, null, null, null], [314937, null, null, null]]], "all_evidence": [[189843, null, null, null], [195812, null, null, null], [314936, null, null, null], [314937, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125283, null, null, null]]], "all_evidence": [[125283, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162923, 177154, "Ludwig_van_Beethoven", 1]]], "all_evidence": [[162923, 177154, "Ludwig_van_Beethoven", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69526, 80348, "Hindu_Kush", 0]]], "all_evidence": [[69526, 80348, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286456, null, null, null], [288206, null, null, null], [334468, null, null, null]]], "all_evidence": [[286456, null, null, null], [288206, null, null, null], [334468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159904, 174411, "Rage_Against_the_Machine", 20]]], "all_evidence": [[159904, 174411, "Rage_Against_the_Machine", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112048, 125847, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]], "all_evidence": [[112048, 125847, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68247, 79125, "The_Cincinnati_Kid", 6]]], "all_evidence": [[68247, 79125, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117493, 131399, "Saw_-LRB-franchise-RRB-", 14], [117493, 131399, "Saw_II", 0]]], "all_evidence": [[117493, 131399, "Saw_-LRB-franchise-RRB-", 14], [117493, 131399, "Saw_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34710, 42089, "Wales", 16], [34710, 42089, "South_Wales_Coalfield", 0]], [[34710, 42090, "Wales", 17], [34710, 42090, "South_Wales", 2]]], "all_evidence": [[34710, 42089, "Wales", 16], [34710, 42089, "South_Wales_Coalfield", 0], [34710, 42090, "Wales", 17], [34710, 42090, "South_Wales", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20619, 25251, "Kendall_Jenner", 0]], [[20619, 25252, "Kendall_Jenner", 1]], [[20619, 25253, "Kendall_Jenner", 6]]], "all_evidence": [[20619, 25251, "Kendall_Jenner", 0], [20619, 25252, "Kendall_Jenner", 1], [20619, 25253, "Kendall_Jenner", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193408, 203927, "Don_Bradman", 1]], [[193408, 203928, "Don_Bradman", 5]], [[193408, 203929, "Don_Bradman", 20]]], "all_evidence": [[193408, 203927, "Don_Bradman", 1], [193408, 203928, "Don_Bradman", 5], [193408, 203929, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193467, 203968, "Larry_Wilmore", 0]]], "all_evidence": [[193467, 203968, "Larry_Wilmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200743, 210214, "Earl_Scruggs", 0]], [[200743, 210215, "Earl_Scruggs", 6]]], "all_evidence": [[200743, 210214, "Earl_Scruggs", 0], [200743, 210215, "Earl_Scruggs", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33906, 41107, "Monster", 0]], [[33906, 41108, "Monster", 5]], [[33906, 41109, "Monster", 9]], [[33906, 41110, "Monster", 13]]], "all_evidence": [[33906, 41107, "Monster", 0], [33906, 41108, "Monster", 5], [33906, 41109, "Monster", 9], [33906, 41110, "Monster", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223825, null, null, null]]], "all_evidence": [[223825, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43181, 51816, "David_Packouz", 0]]], "all_evidence": [[43181, 51816, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192600, 203323, "Make_It_or_Break_It", 8]], [[314889, 304186, "Make_It_or_Break_It", 8]], [[314895, 304188, "Make_It_or_Break_It", 8]]], "all_evidence": [[192600, 203323, "Make_It_or_Break_It", 8], [314889, 304186, "Make_It_or_Break_It", 8], [314895, 304188, "Make_It_or_Break_It", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71170, 82104, "Francis_I_of_France", 0]]], "all_evidence": [[71170, 82104, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144694, 159715, "Yale_University", 23]]], "all_evidence": [[144694, 159715, "Yale_University", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191285, null, null, null], [315108, null, null, null]]], "all_evidence": [[191285, null, null, null], [315108, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257110, 256157, "Homer_Hickam", 2]]], "all_evidence": [[257110, 256157, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203719, null, null, null]]], "all_evidence": [[203719, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80619, 92459, "Flaked", 0]]], "all_evidence": [[80619, 92459, "Flaked", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64948, null, null, null]]], "all_evidence": [[64948, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254106, 253859, "Gray_Matter_Interactive", 0]]], "all_evidence": [[254106, 253859, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213709, null, null, null]]], "all_evidence": [[213709, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268456, null, null, null]]], "all_evidence": [[268456, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211468, null, null, null]]], "all_evidence": [[211468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226524, 231066, "Captain_America's_shield", 1]]], "all_evidence": [[226524, 231066, "Captain_America's_shield", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173916, 187093, "Trollhunters", 0]]], "all_evidence": [[173916, 187093, "Trollhunters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63037, null, null, null]]], "all_evidence": [[63037, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20248, 24791, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[20248, 24791, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94776, 107746, "Eva_Green", 1], [94776, 107746, "The_Dreamers_-LRB-film-RRB-", 0]]], "all_evidence": [[94776, 107746, "Eva_Green", 1], [94776, 107746, "The_Dreamers_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19312, 23713, "Mike_Huckabee", 0]]], "all_evidence": [[19312, 23713, "Mike_Huckabee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161772, 176195, "Michigan", 2]]], "all_evidence": [[161772, 176195, "Michigan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88971, null, null, null]]], "all_evidence": [[88971, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238554, 240556, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238554, 240556, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19449, null, null, null]]], "all_evidence": [[19449, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144006, 159086, "Brazzers", 0]]], "all_evidence": [[144006, 159086, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12050, null, null, null]]], "all_evidence": [[12050, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183993, 195969, "Dan_O'Bannon", 0]]], "all_evidence": [[183993, 195969, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111957, null, null, null]]], "all_evidence": [[111957, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203708, 212677, "Aunt_May", 10], [203708, 212677, "Captain_America-COLON-_Civil_War", 0], [203708, 212677, "Spider-Man_-LRB-1977_film-RRB-", 0]]], "all_evidence": [[203708, 212677, "Aunt_May", 10], [203708, 212677, "Captain_America-COLON-_Civil_War", 0], [203708, 212677, "Spider-Man_-LRB-1977_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87107, null, null, null]]], "all_evidence": [[87107, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32742, 39806, "Janelle_Mona\u0301e", 0], [32742, 39806, "Atlantic_Records", 2]]], "all_evidence": [[32742, 39806, "Janelle_Mona\u0301e", 0], [32742, 39806, "Atlantic_Records", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194703, 205076, "Middle-earth", 0]]], "all_evidence": [[194703, 205076, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124160, 138505, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[124160, 138505, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192720, 203425, "Cadet_Kelly", 0]]], "all_evidence": [[192720, 203425, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223834, 228760, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223834, 228760, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210868, 218531, "WGBH-TV", 0]], [[210869, 218532, "WGBH-TV", 0]]], "all_evidence": [[210868, 218531, "WGBH-TV", 0], [210869, 218532, "WGBH-TV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272427, 268127, "Island_Records", 0]]], "all_evidence": [[272427, 268127, "Island_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101617, 114858, "Jamie_Murray", 1]]], "all_evidence": [[101617, 114858, "Jamie_Murray", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[273645, null, null, null]]], "all_evidence": [[273645, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87488, 99962, "Paul_Nicholls_-LRB-actor-RRB-", 0]]], "all_evidence": [[87488, 99962, "Paul_Nicholls_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151943, 166710, "Marvel_vs._Capcom-COLON-_Infinite", 6], [151943, 166710, "Microsoft_Windows", 0], [151943, 166710, "PlayStation_4", 0], [151943, 166710, "Xbox_One", 0]]], "all_evidence": [[151943, 166710, "Marvel_vs._Capcom-COLON-_Infinite", 6], [151943, 166710, "Microsoft_Windows", 0], [151943, 166710, "PlayStation_4", 0], [151943, 166710, "Xbox_One", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190785, 201734, "Alice_Cooper", 0]]], "all_evidence": [[190785, 201734, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55612, 65638, "Knocked_Up", 0]]], "all_evidence": [[55612, 65638, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52916, 62846, "Prowler_-LRB-comics-RRB-", 0]], [[52916, 62847, "Prowler_-LRB-comics-RRB-", 1], [52916, 62847, "The_Amazing_Spider-Man", 0]]], "all_evidence": [[52916, 62846, "Prowler_-LRB-comics-RRB-", 0], [52916, 62847, "Prowler_-LRB-comics-RRB-", 1], [52916, 62847, "The_Amazing_Spider-Man", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135228, 150148, "Alexandra_Daddario", 0]]], "all_evidence": [[135228, 150148, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31648, 38392, "Columbia_River", 21]]], "all_evidence": [[31648, 38392, "Columbia_River", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164720, 178929, "Emma_Watson", 0]]], "all_evidence": [[164720, 178929, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270519, null, null, null]]], "all_evidence": [[270519, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91589, null, null, null]]], "all_evidence": [[91589, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147552, null, null, null]]], "all_evidence": [[147552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58079, 68303, "Sora_-LRB-Kingdom_Hearts-RRB-", 5]], [[58079, 68304, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]], "all_evidence": [[58079, 68303, "Sora_-LRB-Kingdom_Hearts-RRB-", 5], [58079, 68304, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214800, 221793, "Premam", 0]], [[214802, 221795, "Premam", 0]]], "all_evidence": [[214800, 221793, "Premam", 0], [214802, 221795, "Premam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155216, 169911, "Knocked_Up", 0]]], "all_evidence": [[155216, 169911, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225917, null, null, null]]], "all_evidence": [[225917, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258702, null, null, null]]], "all_evidence": [[258702, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260898, 259233, "Capsicum_chinense", 0]]], "all_evidence": [[260898, 259233, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257091, 256138, "Homer_Hickam", 2]]], "all_evidence": [[257091, 256138, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87756, 100267, "Britt_Robertson", 15]]], "all_evidence": [[87756, 100267, "Britt_Robertson", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157168, 171722, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[157168, 171722, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15761, 19618, "Ashley_Graham_-LRB-model-RRB-", 6]]], "all_evidence": [[15761, 19618, "Ashley_Graham_-LRB-model-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259462, 258034, "Libya", 0]], [[259462, 258035, "Libya", 2]]], "all_evidence": [[259462, 258034, "Libya", 0], [259462, 258035, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260727, 259052, "Valencia", 2], [260727, 259052, "Village", 0]]], "all_evidence": [[260727, 259052, "Valencia", 2], [260727, 259052, "Village", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143108, null, null, null]]], "all_evidence": [[143108, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246271, 246817, "Easy_A", 0]], [[246272, 246818, "Easy_A", 0]]], "all_evidence": [[246271, 246817, "Easy_A", 0], [246272, 246818, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177097, 190013, "Brazzers", 0]]], "all_evidence": [[177097, 190013, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199927, null, null, null]]], "all_evidence": [[199927, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237014, null, null, null]]], "all_evidence": [[237014, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99952, null, null, null]]], "all_evidence": [[99952, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102305, null, null, null]]], "all_evidence": [[102305, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71466, 82426, "Michelin_Guide", 0]]], "all_evidence": [[71466, 82426, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28746, 35082, "Tim_McGraw", 13]]], "all_evidence": [[28746, 35082, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274503, null, null, null], [322664, null, null, null]]], "all_evidence": [[274503, null, null, null], [322664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122095, 136386, "Guillermo_del_Toro", 0]]], "all_evidence": [[122095, 136386, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27859, 34143, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[27859, 34143, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152513, null, null, null], [152516, null, null, null]]], "all_evidence": [[152513, null, null, null], [152516, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167005, 180834, "Ed_Wood_-LRB-film-RRB-", 0]], [[167005, 180835, "Ed_Wood_-LRB-film-RRB-", 1]], [[167005, 180836, "Ed_Wood_-LRB-film-RRB-", 5]], [[167005, 180837, "Ed_Wood_-LRB-film-RRB-", 6]], [[167005, 180838, "Ed_Wood_-LRB-film-RRB-", 10]], [[167005, 180839, "Ed_Wood_-LRB-film-RRB-", 11]], [[167005, 180840, "Ed_Wood_-LRB-film-RRB-", 12]], [[167005, 180841, "Ed_Wood_-LRB-film-RRB-", 13], [167005, 180841, "Academy_Award_for_Best_Makeup_and_Hairstyling", 1], [167005, 180841, "Academy_Award_for_Best_Supporting_Actor", 1]]], "all_evidence": [[167005, 180834, "Ed_Wood_-LRB-film-RRB-", 0], [167005, 180835, "Ed_Wood_-LRB-film-RRB-", 1], [167005, 180836, "Ed_Wood_-LRB-film-RRB-", 5], [167005, 180837, "Ed_Wood_-LRB-film-RRB-", 6], [167005, 180838, "Ed_Wood_-LRB-film-RRB-", 10], [167005, 180839, "Ed_Wood_-LRB-film-RRB-", 11], [167005, 180840, "Ed_Wood_-LRB-film-RRB-", 12], [167005, 180841, "Ed_Wood_-LRB-film-RRB-", 13], [167005, 180841, "Academy_Award_for_Best_Makeup_and_Hairstyling", 1], [167005, 180841, "Academy_Award_for_Best_Supporting_Actor", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167781, null, null, null]]], "all_evidence": [[167781, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17718, null, null, null]]], "all_evidence": [[17718, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137752, 152685, "United_Nations_Charter", 0]], [[139949, 154969, "United_Nations_Charter", 1]], [[140528, 155603, "United_Nations_Charter", 0], [140528, 155603, "United_Nations_Charter", 1]], [[310177, 300242, "United_Nations_Charter", 0], [310177, 300242, "United_Nations_Charter", 1]], [[312467, 302261, "United_Nations_Charter", 0], [312467, 302261, "United_Nations_Charter", 1]], [[312484, 302286, "United_Nations_Charter", 0]], [[312484, 302287, "United_Nations_Charter", 1]]], "all_evidence": [[137752, 152685, "United_Nations_Charter", 0], [139949, 154969, "United_Nations_Charter", 1], [140528, 155603, "United_Nations_Charter", 0], [140528, 155603, "United_Nations_Charter", 1], [310177, 300242, "United_Nations_Charter", 0], [310177, 300242, "United_Nations_Charter", 1], [312467, 302261, "United_Nations_Charter", 0], [312467, 302261, "United_Nations_Charter", 1], [312484, 302286, "United_Nations_Charter", 0], [312484, 302287, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208081, null, null, null]]], "all_evidence": [[208081, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131944, 146787, "Beaverton,_Oregon", 1]]], "all_evidence": [[131944, 146787, "Beaverton,_Oregon", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147667, null, null, null]]], "all_evidence": [[147667, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199471, 209148, "The_Beach_-LRB-film-RRB-", 0], [199471, 209148, "Adventure_film", 0], [199471, 209148, "Drama_-LRB-film_and_television-RRB-", 0]]], "all_evidence": [[199471, 209148, "The_Beach_-LRB-film-RRB-", 0], [199471, 209148, "Adventure_film", 0], [199471, 209148, "Drama_-LRB-film_and_television-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105148, 118573, "Sora_-LRB-Kingdom_Hearts-RRB-", 4], [105148, 118573, "Donald_Duck", 0], [105148, 118573, "Goofy", 0]]], "all_evidence": [[105148, 118573, "Sora_-LRB-Kingdom_Hearts-RRB-", 4], [105148, 118573, "Donald_Duck", 0], [105148, 118573, "Goofy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15583, 19413, "Indian_Institute_of_Management_Bangalore", 5]], [[16296, 20198, "Indian_Institute_of_Management_Bangalore", 5]], [[17806, 21960, "Indian_Institute_of_Management_Bangalore", 5]], [[301329, 292455, "Indian_Institute_of_Management_Bangalore", 5]], [[302280, 293312, "Indian_Institute_of_Management_Bangalore", 5]]], "all_evidence": [[15583, 19413, "Indian_Institute_of_Management_Bangalore", 5], [16296, 20198, "Indian_Institute_of_Management_Bangalore", 5], [17806, 21960, "Indian_Institute_of_Management_Bangalore", 5], [301329, 292455, "Indian_Institute_of_Management_Bangalore", 5], [302280, 293312, "Indian_Institute_of_Management_Bangalore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115518, 129385, "Peking_University", 1], [115518, 129385, "Boston_Latin_School", 1]]], "all_evidence": [[115518, 129385, "Peking_University", 1], [115518, 129385, "Boston_Latin_School", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100608, 113904, "House_-LRB-TV_series-RRB-", 0]], [[100608, 113905, "House_-LRB-TV_series-RRB-", 23]], [[106553, 119963, "House_-LRB-TV_series-RRB-", 0]], [[307922, 298388, "House_-LRB-TV_series-RRB-", 0]], [[307922, 298389, "House_-LRB-TV_series-RRB-", 23]], [[309181, 299444, "House_-LRB-TV_series-RRB-", 0]], [[309183, 299445, "House_-LRB-TV_series-RRB-", 0]], [[309192, 299451, "House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[100608, 113904, "House_-LRB-TV_series-RRB-", 0], [100608, 113905, "House_-LRB-TV_series-RRB-", 23], [106553, 119963, "House_-LRB-TV_series-RRB-", 0], [307922, 298388, "House_-LRB-TV_series-RRB-", 0], [307922, 298389, "House_-LRB-TV_series-RRB-", 23], [309181, 299444, "House_-LRB-TV_series-RRB-", 0], [309183, 299445, "House_-LRB-TV_series-RRB-", 0], [309192, 299451, "House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219134, 225234, "The_Sterile_Cuckoo", 3], [219134, 225234, "The_Sterile_Cuckoo_-LRB-novel-RRB-", 0]]], "all_evidence": [[219134, 225234, "The_Sterile_Cuckoo", 3], [219134, 225234, "The_Sterile_Cuckoo_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84229, 96355, "In_the_End", 1]], [[86788, 99244, "In_the_End", 1]], [[86788, 99245, "In_the_End", 16]], [[88814, 101446, "In_the_End", 1], [88814, 101446, "Hybrid_Theory", 9]], [[306224, 296952, "In_the_End", 1]], [[307422, 297929, "In_the_End", 1]], [[307423, 297930, "In_the_End", 1]]], "all_evidence": [[84229, 96355, "In_the_End", 1], [86788, 99244, "In_the_End", 1], [86788, 99245, "In_the_End", 16], [88814, 101446, "In_the_End", 1], [88814, 101446, "Hybrid_Theory", 9], [306224, 296952, "In_the_End", 1], [307422, 297929, "In_the_End", 1], [307423, 297930, "In_the_End", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170084, null, null, null]]], "all_evidence": [[170084, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22709, 28017, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[22709, 28017, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127184, 141715, "Prescott,_Arizona", 0]]], "all_evidence": [[127184, 141715, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221282, 226926, "Yandex", 9]]], "all_evidence": [[221282, 226926, "Yandex", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32307, 39272, "You_Belong_with_Me", 20]]], "all_evidence": [[32307, 39272, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93081, 105989, "Camden,_New_Jersey", 0]], [[93081, 105990, "Camden,_New_Jersey", 2]], [[93081, 105991, "Camden,_New_Jersey", 3]], [[93081, 105992, "Camden,_New_Jersey", 4]], [[93081, 105993, "Camden,_New_Jersey", 5]], [[93081, 105994, "Camden,_New_Jersey", 50]]], "all_evidence": [[93081, 105989, "Camden,_New_Jersey", 0], [93081, 105990, "Camden,_New_Jersey", 2], [93081, 105991, "Camden,_New_Jersey", 3], [93081, 105992, "Camden,_New_Jersey", 4], [93081, 105993, "Camden,_New_Jersey", 5], [93081, 105994, "Camden,_New_Jersey", 50]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126043, 140446, "Awkward_Black_Girl", 0]], [[126043, 140447, "Awkward_Black_Girl", 1]], [[126043, 140448, "Awkward_Black_Girl", 6]]], "all_evidence": [[126043, 140446, "Awkward_Black_Girl", 0], [126043, 140447, "Awkward_Black_Girl", 1], [126043, 140448, "Awkward_Black_Girl", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37670, 45595, "Harold_Macmillan", 0]], [[37670, 45596, "Harold_Macmillan", 7]], [[37670, 45597, "Harold_Macmillan", 11]], [[37670, 45598, "Harold_Macmillan", 12]]], "all_evidence": [[37670, 45595, "Harold_Macmillan", 0], [37670, 45596, "Harold_Macmillan", 7], [37670, 45597, "Harold_Macmillan", 11], [37670, 45598, "Harold_Macmillan", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257326, null, null, null]]], "all_evidence": [[257326, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167349, 181187, "Eric_Church", 0]], [[167349, 181188, "Eric_Church", 1], [167349, 181188, "Capitol_Records_Nashville", 0]], [[167349, 181189, "Eric_Church", 5], [167349, 181189, "Carolina_-LRB-Eric_Church_album-RRB-", 0]], [[167349, 181190, "Eric_Church", 2], [167349, 181190, "Sinners_Like_Me", 0], [167349, 181190, "Two_Pink_Lines", 0]], [[167349, 181191, "Eric_Church", 8], [167349, 181191, "The_Outsiders_-LRB-Eric_Church_album-RRB-", 0]], [[167349, 181192, "Eric_Church", 7]], [[167349, 181193, "Eric_Church", 6], [167349, 181193, "Chief_-LRB-album-RRB-", 0]], [[167349, 181194, "Eric_Church", 9], [167349, 181194, "Give_Me_Back_My_Hometown", 0]], [[167349, 181195, "Eric_Church", 10], [167349, 181195, "Talladega_-LRB-song-RRB-", 0]], [[167349, 181196, "Eric_Church", 11], [167349, 181196, "Raise_'Em_Up", 0]], [[167349, 181197, "Eric_Church", 12], [167349, 181197, "Mr._Misunderstood", 0]]], "all_evidence": [[167349, 181187, "Eric_Church", 0], [167349, 181188, "Eric_Church", 1], [167349, 181188, "Capitol_Records_Nashville", 0], [167349, 181189, "Eric_Church", 5], [167349, 181189, "Carolina_-LRB-Eric_Church_album-RRB-", 0], [167349, 181190, "Eric_Church", 2], [167349, 181190, "Sinners_Like_Me", 0], [167349, 181190, "Two_Pink_Lines", 0], [167349, 181191, "Eric_Church", 8], [167349, 181191, "The_Outsiders_-LRB-Eric_Church_album-RRB-", 0], [167349, 181192, "Eric_Church", 7], [167349, 181193, "Eric_Church", 6], [167349, 181193, "Chief_-LRB-album-RRB-", 0], [167349, 181194, "Eric_Church", 9], [167349, 181194, "Give_Me_Back_My_Hometown", 0], [167349, 181195, "Eric_Church", 10], [167349, 181195, "Talladega_-LRB-song-RRB-", 0], [167349, 181196, "Eric_Church", 11], [167349, 181196, "Raise_'Em_Up", 0], [167349, 181197, "Eric_Church", 12], [167349, 181197, "Mr._Misunderstood", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43410, 52055, "The_Cincinnati_Kid", 6]]], "all_evidence": [[43410, 52055, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161842, null, null, null]]], "all_evidence": [[161842, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232812, 235908, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232812, 235908, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97628, 110776, "A_View_to_a_Kill", 0]], [[97628, 110777, "A_View_to_a_Kill", 5]], [[97628, 110778, "A_View_to_a_Kill", 1]]], "all_evidence": [[97628, 110776, "A_View_to_a_Kill", 0], [97628, 110777, "A_View_to_a_Kill", 5], [97628, 110778, "A_View_to_a_Kill", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108392, null, null, null], [108399, null, null, null]]], "all_evidence": [[108392, null, null, null], [108399, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182706, 194888, "Penibaetic_System", 0]]], "all_evidence": [[182706, 194888, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80361, null, null, null]]], "all_evidence": [[80361, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123308, null, null, null]]], "all_evidence": [[123308, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223687, 228632, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223687, 228632, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216105, 222819, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216105, 222819, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97372, null, null, null]]], "all_evidence": [[97372, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145243, null, null, null]]], "all_evidence": [[145243, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105160, null, null, null]]], "all_evidence": [[105160, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[195885, 206023, "Larry_Wilmore", 0], [195885, 206023, "Gemini_-LRB-astrology-RRB-", 1]]], "all_evidence": [[195885, 206023, "Larry_Wilmore", 0], [195885, 206023, "Gemini_-LRB-astrology-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154055, 168855, "Wish_Upon", 0]]], "all_evidence": [[154055, 168855, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239007, 240956, "Despicable_Me_2", 0]], [[239007, 240957, "Despicable_Me_2", 9]], [[239007, 240958, "Despicable_Me_2", 11]]], "all_evidence": [[239007, 240956, "Despicable_Me_2", 0], [239007, 240957, "Despicable_Me_2", 9], [239007, 240958, "Despicable_Me_2", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171866, 185332, "Shadowhunters", 5]], [[171868, 185334, "Shadowhunters", 5]]], "all_evidence": [[171866, 185332, "Shadowhunters", 5], [171868, 185334, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169532, null, null, null]]], "all_evidence": [[169532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186409, 198224, "Robert_Lopez", 1]]], "all_evidence": [[186409, 198224, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134905, 149797, "Duane_Chapman", 0]]], "all_evidence": [[134905, 149797, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240809, null, null, null]]], "all_evidence": [[240809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272415, 268120, "Island_Records", 1]], [[272416, 268121, "Island_Records", 1]]], "all_evidence": [[272415, 268120, "Island_Records", 1], [272416, 268121, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70988, 81880, "Joe_Rogan", 0]], [[70988, 81881, "Joe_Rogan", 7]]], "all_evidence": [[70988, 81880, "Joe_Rogan", 0], [70988, 81881, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18530, 22730, "Robert_Palmer_-LRB-writer-RRB-", 0]]], "all_evidence": [[18530, 22730, "Robert_Palmer_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257108, null, null, null]]], "all_evidence": [[257108, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216091, null, null, null]]], "all_evidence": [[216091, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215856, null, null, null]]], "all_evidence": [[215856, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13818, 17311, "Janelle_Mona\u0301e", 0]], [[14525, 18134, "Janelle_Mona\u0301e", 0]], [[15023, 18684, "Janelle_Mona\u0301e", 0]], [[20395, 24983, "Janelle_Mona\u0301e", 0]], [[299306, 290677, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[13818, 17311, "Janelle_Mona\u0301e", 0], [14525, 18134, "Janelle_Mona\u0301e", 0], [15023, 18684, "Janelle_Mona\u0301e", 0], [20395, 24983, "Janelle_Mona\u0301e", 0], [299306, 290677, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198601, 208398, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198601, 208398, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286684, 280148, "Rhythm_Nation", 23]], [[288857, 282059, "Rhythm_Nation", 23]], [[333656, 319877, "Rhythm_Nation", 23]], [[333657, 319878, "Rhythm_Nation", 23]]], "all_evidence": [[286684, 280148, "Rhythm_Nation", 23], [288857, 282059, "Rhythm_Nation", 23], [333656, 319877, "Rhythm_Nation", 23], [333657, 319878, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21128, null, null, null]]], "all_evidence": [[21128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49017, 58358, "John_Krasinski", 1]]], "all_evidence": [[49017, 58358, "John_Krasinski", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49360, 58692, "Blue_Jasmine", 1]]], "all_evidence": [[49360, 58692, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140357, 155384, "Global_warming", 13]]], "all_evidence": [[140357, 155384, "Global_warming", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172119, 185501, "Kendall_Jenner", 0]]], "all_evidence": [[172119, 185501, "Kendall_Jenner", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89371, 102069, "Vietnam", 1]]], "all_evidence": [[89371, 102069, "Vietnam", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206503, null, null, null]]], "all_evidence": [[206503, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81480, null, null, null]]], "all_evidence": [[81480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237496, 239702, "North_Vietnam", 0]]], "all_evidence": [[237496, 239702, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62312, 72906, "Peking_University", 1]], [[62312, 72907, "Peking_University", 0]]], "all_evidence": [[62312, 72906, "Peking_University", 1], [62312, 72907, "Peking_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51541, 61305, "Aleister_Crowley", 0]]], "all_evidence": [[51541, 61305, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193478, null, null, null]]], "all_evidence": [[193478, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225672, 230286, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225672, 230286, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127742, 142397, "Paramore", 0]]], "all_evidence": [[127742, 142397, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[252354, null, null, null]]], "all_evidence": [[252354, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28550, null, null, null]]], "all_evidence": [[28550, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24808, 30641, "Knocked_Up", 4]], [[121011, 135303, "Knocked_Up", 4]], [[299737, 291140, "Knocked_Up", 4]]], "all_evidence": [[24808, 30641, "Knocked_Up", 4], [121011, 135303, "Knocked_Up", 4], [299737, 291140, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82730, 94584, "Kelly_Preston", 3]]], "all_evidence": [[82730, 94584, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82551, 94343, "James_Earl_Jones", 4]]], "all_evidence": [[82551, 94343, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30498, 37102, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[30498, 37102, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210337, null, null, null]]], "all_evidence": [[210337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177472, 190265, "Off_the_Wall", 0]]], "all_evidence": [[177472, 190265, "Off_the_Wall", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166513, null, null, null]]], "all_evidence": [[166513, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58085, 68309, "EA_Black_Box", 0]]], "all_evidence": [[58085, 68309, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40085, null, null, null]]], "all_evidence": [[40085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26808, 32901, "Arizona", 0]], [[26808, 32902, "Arizona", 21]]], "all_evidence": [[26808, 32901, "Arizona", 0], [26808, 32902, "Arizona", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16420, null, null, null]]], "all_evidence": [[16420, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218095, null, null, null]]], "all_evidence": [[218095, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128563, null, null, null]]], "all_evidence": [[128563, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221280, 226924, "Yandex", 9]]], "all_evidence": [[221280, 226924, "Yandex", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174139, null, null, null], [174140, null, null, null]]], "all_evidence": [[174139, null, null, null], [174140, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89601, null, null, null]]], "all_evidence": [[89601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101995, null, null, null], [103093, null, null, null], [307152, null, null, null], [307838, null, null, null]]], "all_evidence": [[101995, null, null, null], [103093, null, null, null], [307152, null, null, null], [307838, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156037, null, null, null]]], "all_evidence": [[156037, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296491, null, null, null], [298079, null, null, null], [298082, null, null, null], [343234, null, null, null], [343472, null, null, null]]], "all_evidence": [[296491, null, null, null], [298079, null, null, null], [298082, null, null, null], [343234, null, null, null], [343472, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228151, 232402, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228151, 232402, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168601, null, null, null]]], "all_evidence": [[168601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57806, null, null, null]]], "all_evidence": [[57806, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167657, null, null, null]]], "all_evidence": [[167657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70323, 81192, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[70323, 81192, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116311, null, null, null]]], "all_evidence": [[116311, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194720, 205092, "Middle-earth", 0]]], "all_evidence": [[194720, 205092, "Middle-earth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75230, null, null, null]]], "all_evidence": [[75230, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256011, 255310, "Weekly_Idol", 1], [256011, 255310, "Defconn", 0], [256011, 255310, "Jeong_Hyeong-don", 0], [256011, 255310, "Weekly_Idol", 0]]], "all_evidence": [[256011, 255310, "Weekly_Idol", 1], [256011, 255310, "Defconn", 0], [256011, 255310, "Jeong_Hyeong-don", 0], [256011, 255310, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95979, 109048, "Croatia", 28]]], "all_evidence": [[95979, 109048, "Croatia", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167516, 181318, "Nicholas_Brody", 1]]], "all_evidence": [[167516, 181318, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24795, 30626, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[24795, 30627, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 1]]], "all_evidence": [[24795, 30626, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [24795, 30627, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255995, 255300, "Weekly_Idol", 1]]], "all_evidence": [[255995, 255300, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208620, 216630, "Wentworth_Miller", 2]]], "all_evidence": [[208620, 216630, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258710, 257474, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258710, 257474, "The_Pelican_Brief", 0]]], "all_evidence": [[258710, 257474, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258710, 257474, "The_Pelican_Brief", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166166, 180098, "Hundred_Years'_War", 21]]], "all_evidence": [[166166, 180098, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11555, 14519, "The_100_-LRB-TV_series-RRB-", 0], [11555, 14519, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[11555, 14519, "The_100_-LRB-TV_series-RRB-", 0], [11555, 14519, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134468, 149355, "Sean_Penn", 5]]], "all_evidence": [[134468, 149355, "Sean_Penn", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243133, null, null, null]]], "all_evidence": [[243133, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253945, 253738, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253945, 253738, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155648, null, null, null]]], "all_evidence": [[155648, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99157, 112266, "Yale_University", 23]]], "all_evidence": [[99157, 112266, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175623, 188615, "The_Godfather_Part_II", 7]]], "all_evidence": [[175623, 188615, "The_Godfather_Part_II", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194808, null, null, null]]], "all_evidence": [[194808, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115483, null, null, null], [118067, null, null, null], [308376, null, null, null], [309838, null, null, null]]], "all_evidence": [[115483, null, null, null], [118067, null, null, null], [308376, null, null, null], [309838, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88665, 101297, "Quran", 0]]], "all_evidence": [[88665, 101297, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241669, 243193, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241669, 243193, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248549, 248708, "In_a_Lonely_Place", 1]]], "all_evidence": [[248549, 248708, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104352, 117776, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[104352, 117776, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104542, null, null, null]]], "all_evidence": [[104542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53734, 63735, "Kendall_Jenner", 6]]], "all_evidence": [[53734, 63735, "Kendall_Jenner", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125197, 139540, "Game_of_Thrones_-LRB-season_7-RRB-", 11]], [[125198, 139541, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]], "all_evidence": [[125197, 139540, "Game_of_Thrones_-LRB-season_7-RRB-", 11], [125198, 139541, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141744, null, null, null]]], "all_evidence": [[141744, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240832, 242438, "Glee.com", 1]], [[240840, 242441, "Glee.com", 1]]], "all_evidence": [[240832, 242438, "Glee.com", 1], [240840, 242441, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141802, 157052, "Eric_Church", 0]]], "all_evidence": [[141802, 157052, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114519, 128282, "Hot_Right_Now", 0]]], "all_evidence": [[114519, 128282, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161629, 176060, "Melancholia_-LRB-2011_film-RRB-", 0], [161629, 176060, "Lars_von_Trier", 0]]], "all_evidence": [[161629, 176060, "Melancholia_-LRB-2011_film-RRB-", 0], [161629, 176060, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24099, 29825, "Taran_Killam", 0]]], "all_evidence": [[24099, 29825, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174219, 187432, "San_Diego_Comic-Con", 1]]], "all_evidence": [[174219, 187432, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227216, 231617, "Kim_Jong-il", 0]], [[227216, 231618, "Kim_Jong-il", 15]], [[227216, 231619, "Kim_Jong-il", 16]]], "all_evidence": [[227216, 231617, "Kim_Jong-il", 0], [227216, 231618, "Kim_Jong-il", 15], [227216, 231619, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30355, 36948, "Taylor_Lautner", 10]]], "all_evidence": [[30355, 36948, "Taylor_Lautner", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279305, null, null, null], [279359, null, null, null], [280828, null, null, null], [327558, null, null, null], [328725, null, null, null]]], "all_evidence": [[279305, null, null, null], [279359, null, null, null], [280828, null, null, null], [327558, null, null, null], [328725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241686, 243209, "Rio_-LRB-2011_film-RRB-", 20], [241686, 243209, "Rio_2", 0], [241686, 243209, "Rio_2", 1], [241686, 243209, "Rio_2", 3]], [[241718, 243236, "Rio_-LRB-2011_film-RRB-", 20], [241718, 243236, "Rio_2", 0]]], "all_evidence": [[241686, 243209, "Rio_-LRB-2011_film-RRB-", 20], [241686, 243209, "Rio_2", 0], [241686, 243209, "Rio_2", 1], [241686, 243209, "Rio_2", 3], [241718, 243236, "Rio_-LRB-2011_film-RRB-", 20], [241718, 243236, "Rio_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49790, 59234, "Prescott,_Arizona", 14], [49790, 59234, "Yavapai-Prescott_Tribe", 0]]], "all_evidence": [[49790, 59234, "Prescott,_Arizona", 14], [49790, 59234, "Yavapai-Prescott_Tribe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239902, 241587, "Goosebumps_-LRB-film-RRB-", 1]], [[239911, 241594, "Goosebumps_-LRB-film-RRB-", 0]]], "all_evidence": [[239902, 241587, "Goosebumps_-LRB-film-RRB-", 1], [239911, 241594, "Goosebumps_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248570, 248727, "In_a_Lonely_Place", 1]], [[248572, 248729, "In_a_Lonely_Place", 0]]], "all_evidence": [[248570, 248727, "In_a_Lonely_Place", 1], [248572, 248729, "In_a_Lonely_Place", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262072, 260122, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262072, 260122, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76133, null, null, null]]], "all_evidence": [[76133, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89407, 102102, "Paul_Nicholls_-LRB-actor-RRB-", 0]], [[89407, 102103, "Paul_Nicholls_-LRB-actor-RRB-", 1], [89407, 102103, "EastEnders", 0]]], "all_evidence": [[89407, 102102, "Paul_Nicholls_-LRB-actor-RRB-", 0], [89407, 102103, "Paul_Nicholls_-LRB-actor-RRB-", 1], [89407, 102103, "EastEnders", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70527, null, null, null]]], "all_evidence": [[70527, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75544, 86805, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[75544, 86805, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194793, 205157, "Manmohan_Singh", 1]]], "all_evidence": [[194793, 205157, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250357, 250367, "The_Closer", 0]], [[250357, 250368, "The_Closer", 8]]], "all_evidence": [[250357, 250367, "The_Closer", 0], [250357, 250368, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26011, 31940, "Speech_recognition", 2]], [[300691, 291811, "Speech_recognition", 2], [300691, 291811, "Linguistics", 0]]], "all_evidence": [[26011, 31940, "Speech_recognition", 2], [300691, 291811, "Speech_recognition", 2], [300691, 291811, "Linguistics", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206510, 214853, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[206510, 214853, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297085, null, null, null], [300851, null, null, null], [344701, null, null, null]]], "all_evidence": [[297085, null, null, null], [300851, null, null, null], [344701, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227209, 231612, "Kim_Jong-il", 16]]], "all_evidence": [[227209, 231612, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39256, 47290, "Alexandra_Daddario", 0]]], "all_evidence": [[39256, 47290, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69943, 80815, "James_Jones_-LRB-basketball_player-RRB-", 16]]], "all_evidence": [[69943, 80815, "James_Jones_-LRB-basketball_player-RRB-", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259616, null, null, null]]], "all_evidence": [[259616, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23104, 28449, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[23104, 28449, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119772, 133900, "Starrcade", 14]], [[119772, 133901, "Starrcade", 15]]], "all_evidence": [[119772, 133900, "Starrcade", 14], [119772, 133901, "Starrcade", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118511, 132362, "Hot_Right_Now", 0]]], "all_evidence": [[118511, 132362, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218427, null, null, null]]], "all_evidence": [[218427, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203225, null, null, null]]], "all_evidence": [[203225, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172879, null, null, null]]], "all_evidence": [[172879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206498, 214843, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]], "all_evidence": [[206498, 214843, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236602, 239042, "Regina_King", 0]], [[236602, 239043, "Regina_King", 1]], [[236602, 239044, "Regina_King", 2]], [[236602, 239045, "Regina_King", 3]], [[236602, 239046, "Regina_King", 4]], [[236602, 239047, "Regina_King", 7]]], "all_evidence": [[236602, 239042, "Regina_King", 0], [236602, 239043, "Regina_King", 1], [236602, 239044, "Regina_King", 2], [236602, 239045, "Regina_King", 3], [236602, 239046, "Regina_King", 4], [236602, 239047, "Regina_King", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191660, 202480, "Anne_Rice", 0]]], "all_evidence": [[191660, 202480, "Anne_Rice", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170446, 184018, "Caroline_Kennedy", 0]], [[170446, 184019, "Caroline_Kennedy", 17]]], "all_evidence": [[170446, 184018, "Caroline_Kennedy", 0], [170446, 184019, "Caroline_Kennedy", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140876, 156013, "Eva_Green", 1]]], "all_evidence": [[140876, 156013, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105084, 118494, "Ann_Richards", 0]], [[105084, 118495, "Ann_Richards", 2]]], "all_evidence": [[105084, 118494, "Ann_Richards", 0], [105084, 118495, "Ann_Richards", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77433, null, null, null]]], "all_evidence": [[77433, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85295, null, null, null]]], "all_evidence": [[85295, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239357, null, null, null]]], "all_evidence": [[239357, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162342, null, null, null]]], "all_evidence": [[162342, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52838, 62785, "First_inauguration_of_Bill_Clinton", 0], [52838, 62785, "United_States_presidential_inauguration", 0], [52838, 62785, "United_States_presidential_inauguration", 3]]], "all_evidence": [[52838, 62785, "First_inauguration_of_Bill_Clinton", 0], [52838, 62785, "United_States_presidential_inauguration", 0], [52838, 62785, "United_States_presidential_inauguration", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160133, 174644, "Aaron_Burr", 0]], [[160133, 174645, "Aaron_Burr", 1]]], "all_evidence": [[160133, 174644, "Aaron_Burr", 0], [160133, 174645, "Aaron_Burr", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239268, 241179, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239269, 241180, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239270, 241181, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239268, 241179, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239269, 241180, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239270, 241181, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137990, 152961, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[137990, 152961, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110662, 124320, "A_Milli", 0]], [[110662, 124321, "A_Milli", 1]]], "all_evidence": [[110662, 124320, "A_Milli", 0], [110662, 124321, "A_Milli", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253962, null, null, null], [253963, null, null, null]]], "all_evidence": [[253962, null, null, null], [253963, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21766, null, null, null]]], "all_evidence": [[21766, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117941, 131813, "Camden,_New_Jersey", 0]]], "all_evidence": [[117941, 131813, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155929, null, null, null], [155930, null, null, null]]], "all_evidence": [[155929, null, null, null], [155930, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263292, 261000, "John_Dolmayan", 0]], [[263292, 261001, "John_Dolmayan", 1]], [[263292, 261002, "John_Dolmayan", 2]], [[263292, 261003, "John_Dolmayan", 3]], [[263292, 261004, "John_Dolmayan", 4]], [[265597, 262755, "John_Dolmayan", 0]], [[265597, 262756, "John_Dolmayan", 1]], [[265597, 262757, "John_Dolmayan", 2]], [[265597, 262758, "John_Dolmayan", 4]], [[266731, 263625, "John_Dolmayan", 0]], [[322914, 311165, "John_Dolmayan", 1]], [[322914, 311166, "John_Dolmayan", 2]], [[322914, 311167, "John_Dolmayan", 3]], [[322929, 311190, "John_Dolmayan", 0]], [[322929, 311191, "John_Dolmayan", 1]], [[322929, 311192, "John_Dolmayan", 2]], [[322929, 311193, "John_Dolmayan", 3]], [[322929, 311194, "John_Dolmayan", 4]]], "all_evidence": [[263292, 261000, "John_Dolmayan", 0], [263292, 261001, "John_Dolmayan", 1], [263292, 261002, "John_Dolmayan", 2], [263292, 261003, "John_Dolmayan", 3], [263292, 261004, "John_Dolmayan", 4], [265597, 262755, "John_Dolmayan", 0], [265597, 262756, "John_Dolmayan", 1], [265597, 262757, "John_Dolmayan", 2], [265597, 262758, "John_Dolmayan", 4], [266731, 263625, "John_Dolmayan", 0], [322914, 311165, "John_Dolmayan", 1], [322914, 311166, "John_Dolmayan", 2], [322914, 311167, "John_Dolmayan", 3], [322929, 311190, "John_Dolmayan", 0], [322929, 311191, "John_Dolmayan", 1], [322929, 311192, "John_Dolmayan", 2], [322929, 311193, "John_Dolmayan", 3], [322929, 311194, "John_Dolmayan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29218, null, null, null]]], "all_evidence": [[29218, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177556, 190332, "Mick_Thomson", 1]]], "all_evidence": [[177556, 190332, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206709, 215023, "Al_Jardine", 0]], [[206709, 215024, "Al_Jardine", 1]]], "all_evidence": [[206709, 215023, "Al_Jardine", 0], [206709, 215024, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62113, null, null, null]]], "all_evidence": [[62113, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176145, null, null, null]]], "all_evidence": [[176145, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106473, 119893, "Chrysler_Building", 1]]], "all_evidence": [[106473, 119893, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186085, null, null, null]]], "all_evidence": [[186085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208092, 216221, "Osamu_Tezuka", 6]], [[208107, 216242, "Osamu_Tezuka", 6], [208107, 216242, "Drawing", 0]]], "all_evidence": [[208092, 216221, "Osamu_Tezuka", 6], [208107, 216242, "Osamu_Tezuka", 6], [208107, 216242, "Drawing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127642, 142235, "Taylor_Lautner", 4]], [[127643, 142236, "Taylor_Lautner", 4]], [[127644, 142237, "Taylor_Lautner", 4]], [[127645, 142238, "Taylor_Lautner", 4]], [[127646, 142239, "Taylor_Lautner", 4]]], "all_evidence": [[127642, 142235, "Taylor_Lautner", 4], [127643, 142236, "Taylor_Lautner", 4], [127644, 142237, "Taylor_Lautner", 4], [127645, 142238, "Taylor_Lautner", 4], [127646, 142239, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38538, null, null, null]]], "all_evidence": [[38538, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269571, 265867, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269571, 265867, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51663, 61444, "Osamu_Tezuka", 2]]], "all_evidence": [[51663, 61444, "Osamu_Tezuka", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61580, null, null, null]]], "all_evidence": [[61580, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153195, 167947, "Miranda_Otto", 1]]], "all_evidence": [[153195, 167947, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216058, null, null, null]]], "all_evidence": [[216058, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231993, null, null, null]]], "all_evidence": [[231993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52616, 62575, "Noah_Cyrus", 4]]], "all_evidence": [[52616, 62575, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210330, null, null, null]]], "all_evidence": [[210330, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218110, 224490, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218110, 224490, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211995, 219598, "Saturn_Corporation", 0]]], "all_evidence": [[211995, 219598, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218029, null, null, null]]], "all_evidence": [[218029, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33810, null, null, null]]], "all_evidence": [[33810, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70581, 81484, "Daggering", 3]]], "all_evidence": [[70581, 81484, "Daggering", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132717, 147635, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[132717, 147635, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251507, null, null, null]]], "all_evidence": [[251507, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153925, 168749, "Duane_Chapman", 0]], [[153926, 168750, "Duane_Chapman", 0]]], "all_evidence": [[153925, 168749, "Duane_Chapman", 0], [153926, 168750, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237953, null, null, null]]], "all_evidence": [[237953, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228821, 232929, "Albert_S._Ruddy", 0]]], "all_evidence": [[228821, 232929, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[276915, 271927, "The_Road_to_El_Dorado", 0]], [[278760, 273472, "The_Road_to_El_Dorado", 0]], [[278762, 273476, "The_Road_to_El_Dorado", 0]], [[326808, 314208, "The_Road_to_El_Dorado", 0]], [[326808, 314209, "The_Road_to_El_Dorado", 1]], [[326808, 314210, "The_Road_to_El_Dorado", 2]], [[326808, 314211, "The_Road_to_El_Dorado", 8]], [[328333, 315396, "The_Road_to_El_Dorado", 0]], [[328333, 315397, "The_Road_to_El_Dorado", 2]], [[328333, 315398, "The_Road_to_El_Dorado", 3]], [[328333, 315399, "The_Road_to_El_Dorado", 1]], [[328333, 315400, "The_Road_to_El_Dorado", 6]], [[328333, 315401, "The_Road_to_El_Dorado", 8]]], "all_evidence": [[276915, 271927, "The_Road_to_El_Dorado", 0], [278760, 273472, "The_Road_to_El_Dorado", 0], [278762, 273476, "The_Road_to_El_Dorado", 0], [326808, 314208, "The_Road_to_El_Dorado", 0], [326808, 314209, "The_Road_to_El_Dorado", 1], [326808, 314210, "The_Road_to_El_Dorado", 2], [326808, 314211, "The_Road_to_El_Dorado", 8], [328333, 315396, "The_Road_to_El_Dorado", 0], [328333, 315397, "The_Road_to_El_Dorado", 2], [328333, 315398, "The_Road_to_El_Dorado", 3], [328333, 315399, "The_Road_to_El_Dorado", 1], [328333, 315400, "The_Road_to_El_Dorado", 6], [328333, 315401, "The_Road_to_El_Dorado", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114580, null, null, null]]], "all_evidence": [[114580, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279590, 274220, "The_Bahamas", 0]], [[279590, 274221, "The_Bahamas", 1]], [[279590, 274222, "The_Bahamas", 2]], [[279590, 274223, "The_Bahamas", 4]], [[279590, 274224, "The_Bahamas", 7]], [[279590, 274225, "The_Bahamas", 10]], [[279590, 274226, "The_Bahamas", 13]], [[279590, 274227, "The_Bahamas", 14]], [[279590, 274228, "The_Bahamas", 15]], [[279590, 274229, "The_Bahamas", 16]], [[279590, 274230, "The_Bahamas", 17]], [[279590, 274231, "The_Bahamas", 18]], [[279590, 274232, "The_Bahamas", 3]], [[283472, 277485, "The_Bahamas", 0]], [[327949, 315117, "The_Bahamas", 0]], [[327949, 315118, "The_Bahamas", 1]], [[328924, 315866, "The_Bahamas", 0]]], "all_evidence": [[279590, 274220, "The_Bahamas", 0], [279590, 274221, "The_Bahamas", 1], [279590, 274222, "The_Bahamas", 2], [279590, 274223, "The_Bahamas", 4], [279590, 274224, "The_Bahamas", 7], [279590, 274225, "The_Bahamas", 10], [279590, 274226, "The_Bahamas", 13], [279590, 274227, "The_Bahamas", 14], [279590, 274228, "The_Bahamas", 15], [279590, 274229, "The_Bahamas", 16], [279590, 274230, "The_Bahamas", 17], [279590, 274231, "The_Bahamas", 18], [279590, 274232, "The_Bahamas", 3], [283472, 277485, "The_Bahamas", 0], [327949, 315117, "The_Bahamas", 0], [327949, 315118, "The_Bahamas", 1], [328924, 315866, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208036, null, null, null]]], "all_evidence": [[208036, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94896, null, null, null]]], "all_evidence": [[94896, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205339, null, null, null]]], "all_evidence": [[205339, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85016, 97296, "Shawn_Carlson", 0]]], "all_evidence": [[85016, 97296, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39933, 48045, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[39933, 48045, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85325, 97625, "Heart", 18]]], "all_evidence": [[85325, 97625, "Heart", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275938, null, null, null], [278226, null, null, null], [325120, null, null, null], [326184, null, null, null], [327902, null, null, null]]], "all_evidence": [[275938, null, null, null], [278226, null, null, null], [325120, null, null, null], [326184, null, null, null], [327902, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225929, null, null, null]]], "all_evidence": [[225929, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227642, 231983, "Happiness_in_Slavery", 0]]], "all_evidence": [[227642, 231983, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136957, null, null, null]]], "all_evidence": [[136957, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148077, 163064, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]], "all_evidence": [[148077, 163064, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190458, null, null, null]]], "all_evidence": [[190458, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211424, null, null, null]]], "all_evidence": [[211424, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189997, null, null, null]]], "all_evidence": [[189997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159161, 173760, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[159161, 173760, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223818, 228750, "Keith_Urban_-LRB-1999_album-RRB-", 0], [223818, 228750, "Capitol_Records_Nashville", 0]]], "all_evidence": [[223818, 228750, "Keith_Urban_-LRB-1999_album-RRB-", 0], [223818, 228750, "Capitol_Records_Nashville", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156026, 170684, "L.A._Reid", 1]]], "all_evidence": [[156026, 170684, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241399, null, null, null]]], "all_evidence": [[241399, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248557, 248714, "In_a_Lonely_Place", 0]], [[248557, 248715, "In_a_Lonely_Place", 1]], [[248557, 248716, "In_a_Lonely_Place", 11]], [[248557, 248717, "In_a_Lonely_Place", 12]]], "all_evidence": [[248557, 248714, "In_a_Lonely_Place", 0], [248557, 248715, "In_a_Lonely_Place", 1], [248557, 248716, "In_a_Lonely_Place", 11], [248557, 248717, "In_a_Lonely_Place", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130337, null, null, null]]], "all_evidence": [[130337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231167, 234703, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231167, 234703, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132151, null, null, null]]], "all_evidence": [[132151, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257318, 256346, "Calcaneal_spur", 1]], [[257318, 256347, "Calcaneal_spur", 16]]], "all_evidence": [[257318, 256346, "Calcaneal_spur", 1], [257318, 256347, "Calcaneal_spur", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103749, 117231, "Billie_Joe_Armstrong", 1], [103749, 117231, "Green_Day", 0]], [[103749, 117232, "Billie_Joe_Armstrong", 0], [103749, 117232, "Green_Day", 0]], [[103749, 117233, "Billie_Joe_Armstrong", 6], [103749, 117233, "Green_Day", 0]], [[103749, 117234, "Billie_Joe_Armstrong", 7], [103749, 117234, "Green_Day", 0]]], "all_evidence": [[103749, 117231, "Billie_Joe_Armstrong", 1], [103749, 117231, "Green_Day", 0], [103749, 117232, "Billie_Joe_Armstrong", 0], [103749, 117232, "Green_Day", 0], [103749, 117233, "Billie_Joe_Armstrong", 6], [103749, 117233, "Green_Day", 0], [103749, 117234, "Billie_Joe_Armstrong", 7], [103749, 117234, "Green_Day", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142726, 157876, "Billboard_Dad", 0]]], "all_evidence": [[142726, 157876, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185575, null, null, null]]], "all_evidence": [[185575, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213164, null, null, null]]], "all_evidence": [[213164, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139184, 154242, "Taran_Killam", 0]]], "all_evidence": [[139184, 154242, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166527, null, null, null]]], "all_evidence": [[166527, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158454, 173078, "Lemmy", 2]]], "all_evidence": [[158454, 173078, "Lemmy", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24580, 30354, "Despacito", 12]], [[69614, 80447, "Despacito", 12]], [[299662, 291077, "Despacito", 12]]], "all_evidence": [[24580, 30354, "Despacito", 12], [69614, 80447, "Despacito", 12], [299662, 291077, "Despacito", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255981, 255291, "Weekly_Idol", 1]]], "all_evidence": [[255981, 255291, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59464, 69874, "Make_It_or_Break_It", 9]]], "all_evidence": [[59464, 69874, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126841, 141288, "Bloods", 1], [126841, 141288, "Bloods", 0]]], "all_evidence": [[126841, 141288, "Bloods", 1], [126841, 141288, "Bloods", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66779, null, null, null]]], "all_evidence": [[66779, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87629, 100141, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[87629, 100141, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268488, 265070, "Michaela_Watkins", 0]]], "all_evidence": [[268488, 265070, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207978, 216151, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[207978, 216151, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58048, null, null, null]]], "all_evidence": [[58048, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88553, null, null, null]]], "all_evidence": [[88553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76097, 87399, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]], "all_evidence": [[76097, 87399, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51115, 60851, "Ashton_Kutcher", 2]], [[51115, 60852, "Ashton_Kutcher", 4]], [[51115, 60853, "Ashton_Kutcher", 8]]], "all_evidence": [[51115, 60851, "Ashton_Kutcher", 2], [51115, 60852, "Ashton_Kutcher", 4], [51115, 60853, "Ashton_Kutcher", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214319, 221403, "Ernest_Medina", 1]], [[214319, 221404, "Ernest_Medina", 3]]], "all_evidence": [[214319, 221403, "Ernest_Medina", 1], [214319, 221404, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141388, 156563, "L.A._Reid", 1]]], "all_evidence": [[141388, 156563, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166672, null, null, null]]], "all_evidence": [[166672, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108474, 122080, "Uranium-235", 6], [108474, 122080, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[108474, 122080, "Uranium-235", 6], [108474, 122080, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72169, 83179, "Homo_sapiens", 3]]], "all_evidence": [[72169, 83179, "Homo_sapiens", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65522, 76394, "Armenian_Genocide", 0]]], "all_evidence": [[65522, 76394, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108439, null, null, null]]], "all_evidence": [[108439, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26730, 32812, "Pharrell_Williams", 4]]], "all_evidence": [[26730, 32812, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135732, 150583, "Advertising", 0]], [[135733, 150584, "Advertising", 0]], [[135733, 150585, "Advertising", 3]]], "all_evidence": [[135732, 150583, "Advertising", 0], [135733, 150584, "Advertising", 0], [135733, 150585, "Advertising", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213159, 220495, "Tata_Motors", 13]], [[213160, 220496, "Tata_Motors", 13]]], "all_evidence": [[213159, 220495, "Tata_Motors", 13], [213160, 220496, "Tata_Motors", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198598, 208395, "Selena_Gomez_&_the_Scene", 3]], [[198599, 208396, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198598, 208395, "Selena_Gomez_&_the_Scene", 3], [198599, 208396, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67061, null, null, null]]], "all_evidence": [[67061, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267298, 264024, "Southampton_F.C.", 9]]], "all_evidence": [[267298, 264024, "Southampton_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218416, 224708, "The_Hurt_Locker", 0]]], "all_evidence": [[218416, 224708, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179838, null, null, null], [181479, null, null, null], [314082, null, null, null], [315889, null, null, null], [315892, null, null, null]]], "all_evidence": [[179838, null, null, null], [181479, null, null, null], [314082, null, null, null], [315889, null, null, null], [315892, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251916, 251692, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251916, 251692, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65934, null, null, null]]], "all_evidence": [[65934, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70644, 81536, "Aaron_Burr", 1]]], "all_evidence": [[70644, 81536, "Aaron_Burr", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232787, null, null, null], [232795, null, null, null]]], "all_evidence": [[232787, null, null, null], [232795, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60672, 71109, "James_VI_and_I", 11]]], "all_evidence": [[60672, 71109, "James_VI_and_I", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163933, null, null, null]]], "all_evidence": [[163933, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208602, 216601, "Wentworth_Miller", 2]]], "all_evidence": [[208602, 216601, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67198, null, null, null]]], "all_evidence": [[67198, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239002, 240951, "Despicable_Me_2", 1]], [[239003, 240952, "Despicable_Me_2", 1]]], "all_evidence": [[239002, 240951, "Despicable_Me_2", 1], [239003, 240952, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240845, 242446, "Down_with_Love", 0]]], "all_evidence": [[240845, 242446, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33623, null, null, null]]], "all_evidence": [[33623, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263236, 260965, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263236, 260965, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102924, 116209, "Henry_VIII_-LRB-TV_serial-RRB-", 8], [102924, 116209, "Sean_Bean", 0]]], "all_evidence": [[102924, 116209, "Henry_VIII_-LRB-TV_serial-RRB-", 8], [102924, 116209, "Sean_Bean", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121442, 135730, "Aaron_Burr", 4]]], "all_evidence": [[121442, 135730, "Aaron_Burr", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163836, null, null, null]]], "all_evidence": [[163836, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17092, 21174, "Noel_Fisher", 1]]], "all_evidence": [[17092, 21174, "Noel_Fisher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62577, null, null, null], [62637, null, null, null]]], "all_evidence": [[62577, null, null, null], [62637, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[312592, null, null, null]]], "all_evidence": [[312592, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227640, 231982, "Happiness_in_Slavery", 0], [227640, 231982, "Broken_-LRB-EP-RRB-", 0]]], "all_evidence": [[227640, 231982, "Happiness_in_Slavery", 0], [227640, 231982, "Broken_-LRB-EP-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25490, 31421, "Sheryl_Lee", 7]], [[300042, 291343, "Sheryl_Lee", 7]]], "all_evidence": [[25490, 31421, "Sheryl_Lee", 7], [300042, 291343, "Sheryl_Lee", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53973, 63961, "Janet_Leigh", 10]], [[53973, 63962, "Janet_Leigh", 12]], [[53973, 63963, "Janet_Leigh", 16]], [[53973, 63964, "Janet_Leigh", 2]]], "all_evidence": [[53973, 63961, "Janet_Leigh", 10], [53973, 63962, "Janet_Leigh", 12], [53973, 63963, "Janet_Leigh", 16], [53973, 63964, "Janet_Leigh", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34115, 41373, "Trollhunters", 0]]], "all_evidence": [[34115, 41373, "Trollhunters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160457, null, null, null]]], "all_evidence": [[160457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82778, 94637, "Rabies", 0]]], "all_evidence": [[82778, 94637, "Rabies", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121831, null, null, null]]], "all_evidence": [[121831, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76377, 87668, "Civilization_IV", 12]]], "all_evidence": [[76377, 87668, "Civilization_IV", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138470, null, null, null]]], "all_evidence": [[138470, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297432, null, null, null], [297434, null, null, null], [341855, null, null, null], [341861, null, null, null]]], "all_evidence": [[297432, null, null, null], [297434, null, null, null], [341855, null, null, null], [341861, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88527, null, null, null]]], "all_evidence": [[88527, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237940, null, null, null]]], "all_evidence": [[237940, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272408, null, null, null]]], "all_evidence": [[272408, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22728, 28032, "Camden,_New_Jersey", 40]], [[22728, 28033, "Camden,_New_Jersey", 31]]], "all_evidence": [[22728, 28032, "Camden,_New_Jersey", 40], [22728, 28033, "Camden,_New_Jersey", 31]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211436, null, null, null]]], "all_evidence": [[211436, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152581, 167369, "Heart", 19]], [[152624, 167398, "Heart", 19]]], "all_evidence": [[152581, 167369, "Heart", 19], [152624, 167398, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122123, 136413, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[122123, 136413, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99212, null, null, null]]], "all_evidence": [[99212, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26586, 32634, "Garden_State_-LRB-film-RRB-", 5], [26586, 32634, "Garden_State_-LRB-film-RRB-", 6]]], "all_evidence": [[26586, 32634, "Garden_State_-LRB-film-RRB-", 5], [26586, 32634, "Garden_State_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218097, 224482, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218097, 224482, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194107, 204515, "Rick_Yune", 2]]], "all_evidence": [[194107, 204515, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175784, 188758, "Emma_Watson", 0]]], "all_evidence": [[175784, 188758, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88658, 101289, "Faroe_Islands", 11]]], "all_evidence": [[88658, 101289, "Faroe_Islands", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141211, 156420, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[141211, 156420, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295513, null, null, null], [297206, null, null, null], [341034, null, null, null], [341044, null, null, null]]], "all_evidence": [[295513, null, null, null], [297206, null, null, null], [341034, null, null, null], [341044, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190790, 201737, "Alice_Cooper", 0]]], "all_evidence": [[190790, 201737, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12527, 15670, "Riddick_-LRB-character-RRB-", 0]], [[12527, 15671, "Riddick_-LRB-character-RRB-", 1], [12527, 15671, "Riddick_-LRB-film-RRB-", 0]]], "all_evidence": [[12527, 15670, "Riddick_-LRB-character-RRB-", 0], [12527, 15671, "Riddick_-LRB-character-RRB-", 1], [12527, 15671, "Riddick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241271, 242812, "Cretaceous", 8]]], "all_evidence": [[241271, 242812, "Cretaceous", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286248, null, null, null], [287997, null, null, null], [288543, null, null, null], [334130, null, null, null], [334131, null, null, null]]], "all_evidence": [[286248, null, null, null], [287997, null, null, null], [288543, null, null, null], [334130, null, null, null], [334131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200740, 210211, "Earl_Scruggs", 0]]], "all_evidence": [[200740, 210211, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49846, 59312, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[49846, 59312, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49951, 59452, "Hindu_Kush", 0]]], "all_evidence": [[49951, 59452, "Hindu_Kush", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70393, 81257, "Awkward_Black_Girl", 1]]], "all_evidence": [[70393, 81257, "Awkward_Black_Girl", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241698, 243219, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241698, 243219, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286993, null, null, null], [286994, null, null, null], [289139, null, null, null], [335184, null, null, null], [335185, null, null, null], [335188, null, null, null]]], "all_evidence": [[286993, null, null, null], [286994, null, null, null], [289139, null, null, null], [335184, null, null, null], [335185, null, null, null], [335188, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251512, null, null, null]]], "all_evidence": [[251512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40310, 48489, "Uranium-235", 6], [40310, 48489, "Arthur_Jeffrey_Dempster", 0]], [[43383, 52029, "Uranium-235", 6], [43383, 52029, "Arthur_Jeffrey_Dempster", 0]], [[302088, 293147, "Uranium-235", 6], [302088, 293147, "Arthur_Jeffrey_Dempster", 0]], [[303669, 294603, "Uranium-235", 6], [303669, 294603, "Arthur_Jeffrey_Dempster", 0]], [[304615, 295422, "Uranium-235", 6], [304615, 295422, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[40310, 48489, "Uranium-235", 6], [40310, 48489, "Arthur_Jeffrey_Dempster", 0], [43383, 52029, "Uranium-235", 6], [43383, 52029, "Arthur_Jeffrey_Dempster", 0], [302088, 293147, "Uranium-235", 6], [302088, 293147, "Arthur_Jeffrey_Dempster", 0], [303669, 294603, "Uranium-235", 6], [303669, 294603, "Arthur_Jeffrey_Dempster", 0], [304615, 295422, "Uranium-235", 6], [304615, 295422, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190009, 201160, "Philip_Glass", 9]]], "all_evidence": [[190009, 201160, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100899, 114163, "Washington_Wizards", 12]]], "all_evidence": [[100899, 114163, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42376, 50987, "In_the_End", 1]]], "all_evidence": [[42376, 50987, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256012, 255311, "Weekly_Idol", 1]]], "all_evidence": [[256012, 255311, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239904, 241589, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239904, 241589, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58474, null, null, null]]], "all_evidence": [[58474, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29474, 35943, "Reign_Over_Me", 0]], [[29474, 35944, "Reign_Over_Me", 4]], [[29474, 35945, "Reign_Over_Me", 5]]], "all_evidence": [[29474, 35943, "Reign_Over_Me", 0], [29474, 35944, "Reign_Over_Me", 4], [29474, 35945, "Reign_Over_Me", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85326, 97626, "David_Packouz", 0]]], "all_evidence": [[85326, 97626, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18482, 22673, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[18482, 22673, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214277, null, null, null]]], "all_evidence": [[214277, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93816, null, null, null]]], "all_evidence": [[93816, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168409, null, null, null]]], "all_evidence": [[168409, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137861, null, null, null]]], "all_evidence": [[137861, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209764, 217555, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209764, 217555, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81596, null, null, null]]], "all_evidence": [[81596, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42097, null, null, null]]], "all_evidence": [[42097, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198036, null, null, null]]], "all_evidence": [[198036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44501, 53168, "Justine_Bateman", 0]]], "all_evidence": [[44501, 53168, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105713, 119137, "West_Virginia", 1]]], "all_evidence": [[105713, 119137, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197259, 207337, "Smriti_Mandhana", 0]]], "all_evidence": [[197259, 207337, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228459, null, null, null]]], "all_evidence": [[228459, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32590, 39610, "Hindu_Kush", 0], [32590, 39610, "Afghanistan", 0], [32590, 39610, "Pakistan", 0]], [[32590, 39611, "Hindu_Kush", 2], [32590, 39611, "Indus_River", 0], [32590, 39611, "Amu_Darya", 0]], [[32590, 39612, "Hindu_Kush", 5], [32590, 39612, "Pakistan", 0]], [[32590, 39613, "Hindu_Kush", 6], [32590, 39613, "Pamir_Mountains", 0]], [[32590, 39614, "Hindu_Kush", 7], [32590, 39614, "Karakoram", 2]], [[32590, 39615, "Hindu_Kush", 12]], [[32590, 39616, "Hindu_Kush", 14], [32590, 39616, "Indian_subcontinent", 0], [32590, 39616, "Afghanistan", 0]]], "all_evidence": [[32590, 39610, "Hindu_Kush", 0], [32590, 39610, "Afghanistan", 0], [32590, 39610, "Pakistan", 0], [32590, 39611, "Hindu_Kush", 2], [32590, 39611, "Indus_River", 0], [32590, 39611, "Amu_Darya", 0], [32590, 39612, "Hindu_Kush", 5], [32590, 39612, "Pakistan", 0], [32590, 39613, "Hindu_Kush", 6], [32590, 39613, "Pamir_Mountains", 0], [32590, 39614, "Hindu_Kush", 7], [32590, 39614, "Karakoram", 2], [32590, 39615, "Hindu_Kush", 12], [32590, 39616, "Hindu_Kush", 14], [32590, 39616, "Indian_subcontinent", 0], [32590, 39616, "Afghanistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202986, 212113, "Christian_Gottlob_Neefe", 0]]], "all_evidence": [[202986, 212113, "Christian_Gottlob_Neefe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201841, 211200, "Artpop", 13]]], "all_evidence": [[201841, 211200, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70382, 81249, "Hundred_Years'_War", 0], [70382, 81249, "American_Civil_War", 0]]], "all_evidence": [[70382, 81249, "Hundred_Years'_War", 0], [70382, 81249, "American_Civil_War", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105633, null, null, null]]], "all_evidence": [[105633, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50709, 60326, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[50709, 60326, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109490, null, null, null]]], "all_evidence": [[109490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214312, 221395, "Ernest_Medina", 2]], [[214313, 221396, "Ernest_Medina", 2]], [[214313, 221397, "Ernest_Medina", 3]]], "all_evidence": [[214312, 221395, "Ernest_Medina", 2], [214313, 221396, "Ernest_Medina", 2], [214313, 221397, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50424, null, null, null]]], "all_evidence": [[50424, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268463, 265043, "Michaela_Watkins", 0], [268463, 265043, "Michaela_Watkins", 1], [268463, 265043, "Michaela_Watkins", 2]]], "all_evidence": [[268463, 265043, "Michaela_Watkins", 0], [268463, 265043, "Michaela_Watkins", 1], [268463, 265043, "Michaela_Watkins", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80896, 92755, "Philomena_-LRB-film-RRB-", 9]]], "all_evidence": [[80896, 92755, "Philomena_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17110, null, null, null], [18775, null, null, null], [301423, null, null, null], [302466, null, null, null], [304141, null, null, null], [304487, null, null, null]]], "all_evidence": [[17110, null, null, null], [18775, null, null, null], [301423, null, null, null], [302466, null, null, null], [304141, null, null, null], [304487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213761, 220913, "Southpaw_-LRB-film-RRB-", 0]], [[213761, 220914, "Southpaw_-LRB-film-RRB-", 1]], [[213761, 220915, "Southpaw_-LRB-film-RRB-", 2]], [[213761, 220916, "Southpaw_-LRB-film-RRB-", 5]], [[213761, 220917, "Southpaw_-LRB-film-RRB-", 6]]], "all_evidence": [[213761, 220913, "Southpaw_-LRB-film-RRB-", 0], [213761, 220914, "Southpaw_-LRB-film-RRB-", 1], [213761, 220915, "Southpaw_-LRB-film-RRB-", 2], [213761, 220916, "Southpaw_-LRB-film-RRB-", 5], [213761, 220917, "Southpaw_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260904, 259236, "Capsicum_chinense", 0], [260904, 259236, "Capsicum", 0], [260904, 259236, "Chili_pepper", 0]]], "all_evidence": [[260904, 259236, "Capsicum_chinense", 0], [260904, 259236, "Capsicum", 0], [260904, 259236, "Chili_pepper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197238, 207317, "Smriti_Mandhana", 0]]], "all_evidence": [[197238, 207317, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41655, null, null, null]]], "all_evidence": [[41655, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227144, null, null, null]]], "all_evidence": [[227144, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74602, 85830, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[74602, 85830, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148620, 163655, "Uranium-235", 6], [148620, 163655, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[148620, 163655, "Uranium-235", 6], [148620, 163655, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13421, 16784, "Microbiologist", 14]]], "all_evidence": [[13421, 16784, "Microbiologist", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296849, null, null, null], [300543, null, null, null]]], "all_evidence": [[296849, null, null, null], [300543, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74250, 85473, "Flaked", 0]], [[74272, 85498, "Flaked", 0]]], "all_evidence": [[74250, 85473, "Flaked", 0], [74272, 85498, "Flaked", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165754, 179748, "Jennifer_Lopez", 9]]], "all_evidence": [[165754, 179748, "Jennifer_Lopez", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103769, 117258, "Stan_Beeman", 0]]], "all_evidence": [[103769, 117258, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140079, 155084, "Raees_-LRB-film-RRB-", 1]]], "all_evidence": [[140079, 155084, "Raees_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13406, null, null, null]]], "all_evidence": [[13406, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116286, null, null, null]]], "all_evidence": [[116286, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72677, 83731, "Match_Point", 2]]], "all_evidence": [[72677, 83731, "Match_Point", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65462, null, null, null]]], "all_evidence": [[65462, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70275, 81150, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[70275, 81150, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239209, 241131, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239210, 241132, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239209, 241131, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239210, 241132, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209776, 217572, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209776, 217572, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129946, 144653, "Shadowhunters", 5]]], "all_evidence": [[129946, 144653, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112089, 125893, "Victoria_Palace_Theatre", 0], [112089, 125893, "Victoria,_London", 0]], [[115633, 129506, "Victoria_Palace_Theatre", 0], [115633, 129506, "Victoria,_London", 0]], [[118270, 132110, "Victoria_Palace_Theatre", 0], [118270, 132110, "Victoria,_London", 0]], [[308369, 298756, "Victoria_Palace_Theatre", 0], [308369, 298756, "London_Victoria_station", 1]]], "all_evidence": [[112089, 125893, "Victoria_Palace_Theatre", 0], [112089, 125893, "Victoria,_London", 0], [115633, 129506, "Victoria_Palace_Theatre", 0], [115633, 129506, "Victoria,_London", 0], [118270, 132110, "Victoria_Palace_Theatre", 0], [118270, 132110, "Victoria,_London", 0], [308369, 298756, "Victoria_Palace_Theatre", 0], [308369, 298756, "London_Victoria_station", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147887, null, null, null], [147889, null, null, null]]], "all_evidence": [[147887, null, null, null], [147889, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213691, null, null, null]]], "all_evidence": [[213691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31909, 38715, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[31909, 38715, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79477, 91192, "Basildon", 13]]], "all_evidence": [[79477, 91192, "Basildon", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162119, 176458, "John_Dolmayan", 0]]], "all_evidence": [[162119, 176458, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184394, 196291, "Christa_McAuliffe", 9]]], "all_evidence": [[184394, 196291, "Christa_McAuliffe", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282113, 276351, "Henry_II_of_France", 13]], [[284128, 277999, "Henry_II_of_France", 13]], [[285114, 278827, "Henry_II_of_France", 13]], [[329988, 316663, "Henry_II_of_France", 13]], [[331323, 317820, "Henry_II_of_France", 13]]], "all_evidence": [[282113, 276351, "Henry_II_of_France", 13], [284128, 277999, "Henry_II_of_France", 13], [285114, 278827, "Henry_II_of_France", 13], [329988, 316663, "Henry_II_of_France", 13], [331323, 317820, "Henry_II_of_France", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74776, null, null, null]]], "all_evidence": [[74776, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105886, null, null, null]]], "all_evidence": [[105886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269557, 265857, "Bongwater_-LRB-film-RRB-", 1], [269557, 265857, "Michael_Hornburg", 0]]], "all_evidence": [[269557, 265857, "Bongwater_-LRB-film-RRB-", 1], [269557, 265857, "Michael_Hornburg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[252361, null, null, null]]], "all_evidence": [[252361, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186110, null, null, null]]], "all_evidence": [[186110, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274092, null, null, null], [276488, null, null, null], [322216, null, null, null]]], "all_evidence": [[274092, null, null, null], [276488, null, null, null], [322216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237566, 239779, "Live_Through_This", 0]]], "all_evidence": [[237566, 239779, "Live_Through_This", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251765, null, null, null]]], "all_evidence": [[251765, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66583, null, null, null]]], "all_evidence": [[66583, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132616, 147518, "Rob_Sheridan", 0], [132616, 147518, "Graphic_designer", 0]]], "all_evidence": [[132616, 147518, "Rob_Sheridan", 0], [132616, 147518, "Graphic_designer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227020, null, null, null]]], "all_evidence": [[227020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101879, 115128, "The_Bassoon_King", 0]]], "all_evidence": [[101879, 115128, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23975, null, null, null]]], "all_evidence": [[23975, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69968, 80852, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[69968, 80852, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42602, null, null, null]]], "all_evidence": [[42602, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236645, null, null, null]]], "all_evidence": [[236645, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160461, 174972, "Sikkim", 4]]], "all_evidence": [[160461, 174972, "Sikkim", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61110, null, null, null]]], "all_evidence": [[61110, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241266, null, null, null]]], "all_evidence": [[241266, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63470, null, null, null]]], "all_evidence": [[63470, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57801, 68046, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[57801, 68046, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12425, 15536, "Saw_-LRB-franchise-RRB-", 14], [12425, 15536, "Saw_II", 0]], [[17019, 21078, "Saw_-LRB-franchise-RRB-", 14], [17019, 21078, "Saw_II", 0]], [[17019, 21079, "Saw_-LRB-franchise-RRB-", 15], [17019, 21079, "Jigsaw_-LRB-Saw-RRB-", 1]], [[19767, 24299, "Saw_-LRB-franchise-RRB-", 14]], [[19767, 24300, "Saw_-LRB-franchise-RRB-", 16]], [[19767, 24301, "Saw_-LRB-franchise-RRB-", 13], [19767, 24301, "Jigsaw_-LRB-Saw-RRB-", 1]], [[19767, 24302, "Saw_-LRB-franchise-RRB-", 15], [19767, 24302, "List_of_Saw_characters", 2]], [[94463, 107462, "Saw_-LRB-franchise-RRB-", 14], [94463, 107462, "Saw_II", 0]], [[299004, 290379, "Saw_-LRB-franchise-RRB-", 14]]], "all_evidence": [[12425, 15536, "Saw_-LRB-franchise-RRB-", 14], [12425, 15536, "Saw_II", 0], [17019, 21078, "Saw_-LRB-franchise-RRB-", 14], [17019, 21078, "Saw_II", 0], [17019, 21079, "Saw_-LRB-franchise-RRB-", 15], [17019, 21079, "Jigsaw_-LRB-Saw-RRB-", 1], [19767, 24299, "Saw_-LRB-franchise-RRB-", 14], [19767, 24300, "Saw_-LRB-franchise-RRB-", 16], [19767, 24301, "Saw_-LRB-franchise-RRB-", 13], [19767, 24301, "Jigsaw_-LRB-Saw-RRB-", 1], [19767, 24302, "Saw_-LRB-franchise-RRB-", 15], [19767, 24302, "List_of_Saw_characters", 2], [94463, 107462, "Saw_-LRB-franchise-RRB-", 14], [94463, 107462, "Saw_II", 0], [299004, 290379, "Saw_-LRB-franchise-RRB-", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254348, null, null, null]]], "all_evidence": [[254348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262051, 260101, "Raabta_-LRB-song-RRB-", 0]], [[262051, 260102, "Raabta_-LRB-song-RRB-", 1]], [[262051, 260103, "Raabta_-LRB-song-RRB-", 2]], [[262051, 260104, "Raabta_-LRB-song-RRB-", 5]]], "all_evidence": [[262051, 260101, "Raabta_-LRB-song-RRB-", 0], [262051, 260102, "Raabta_-LRB-song-RRB-", 1], [262051, 260103, "Raabta_-LRB-song-RRB-", 2], [262051, 260104, "Raabta_-LRB-song-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27503, 33688, "Heavy_metal_music", 0]]], "all_evidence": [[27503, 33688, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74240, null, null, null], [74247, null, null, null]]], "all_evidence": [[74240, null, null, null], [74247, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159542, null, null, null]]], "all_evidence": [[159542, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26680, null, null, null]]], "all_evidence": [[26680, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93208, null, null, null]]], "all_evidence": [[93208, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262059, 260111, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262059, 260111, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71798, 82795, "A_Milli", 0], [71798, 82795, "Lil_Wayne", 0]]], "all_evidence": [[71798, 82795, "A_Milli", 0], [71798, 82795, "Lil_Wayne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216093, 222802, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216093, 222802, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149083, 164115, "Noah_Cyrus", 4]]], "all_evidence": [[149083, 164115, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58089, null, null, null]]], "all_evidence": [[58089, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95703, 108748, "Tim_Roth", 0]]], "all_evidence": [[95703, 108748, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239352, 241235, "Lockheed_Martin", 4], [239352, 241235, "Marillyn_Hewson", 0]], [[239353, 241236, "Lockheed_Martin", 4], [239353, 241236, "Marillyn_Hewson", 0]]], "all_evidence": [[239352, 241235, "Lockheed_Martin", 4], [239352, 241235, "Marillyn_Hewson", 0], [239353, 241236, "Lockheed_Martin", 4], [239353, 241236, "Marillyn_Hewson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200469, 209973, "Sancho_Panza", 0]]], "all_evidence": [[200469, 209973, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95307, 108327, "The_Adventures_of_Pluto_Nash", 1], [95307, 108327, "Luis_Guzma\u0301n", 0]]], "all_evidence": [[95307, 108327, "The_Adventures_of_Pluto_Nash", 1], [95307, 108327, "Luis_Guzma\u0301n", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120384, 134606, "Wish_Upon", 0]]], "all_evidence": [[120384, 134606, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231976, null, null, null]]], "all_evidence": [[231976, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48528, null, null, null]]], "all_evidence": [[48528, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208029, 216183, "Franchising", 8]], [[208033, 216187, "Franchising", 8]]], "all_evidence": [[208029, 216183, "Franchising", 8], [208033, 216187, "Franchising", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193501, null, null, null]]], "all_evidence": [[193501, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266604, null, null, null]]], "all_evidence": [[266604, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101648, 114895, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[101648, 114895, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104522, 117941, "Juventus_F.C.", 1], [104522, 117941, "Juventus_Stadium", 0]]], "all_evidence": [[104522, 117941, "Juventus_F.C.", 1], [104522, 117941, "Juventus_Stadium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153534, 168358, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]], "all_evidence": [[153534, 168358, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31276, 37990, "The_Concert_for_Bangladesh", 13]]], "all_evidence": [[31276, 37990, "The_Concert_for_Bangladesh", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266464, 263444, "Ludwig_van_Beethoven", 5], [266464, 263444, "Bonn", 0], [266464, 263444, "Saint_Petersburg", 0]]], "all_evidence": [[266464, 263444, "Ludwig_van_Beethoven", 5], [266464, 263444, "Bonn", 0], [266464, 263444, "Saint_Petersburg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72473, null, null, null]]], "all_evidence": [[72473, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143526, 158641, "X-Men-COLON-_Apocalypse", 6]]], "all_evidence": [[143526, 158641, "X-Men-COLON-_Apocalypse", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189998, 201150, "Philip_Glass", 9]]], "all_evidence": [[189998, 201150, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66025, 76879, "Janet_Leigh", 0]], [[66025, 76880, "Janet_Leigh", 12]]], "all_evidence": [[66025, 76879, "Janet_Leigh", 0], [66025, 76880, "Janet_Leigh", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151525, 166282, "Janet_Leigh", 0]]], "all_evidence": [[151525, 166282, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243127, null, null, null]]], "all_evidence": [[243127, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63034, 73731, "Angelsberg", 0], [63034, 73731, "Luxembourg", 0]]], "all_evidence": [[63034, 73731, "Angelsberg", 0], [63034, 73731, "Luxembourg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225662, 230279, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225663, 230280, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225664, 230281, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225662, 230279, "Ian_Brennan_-LRB-writer-RRB-", 0], [225663, 230280, "Ian_Brennan_-LRB-writer-RRB-", 0], [225664, 230281, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52563, 62529, "Uranium-235", 6], [52563, 62529, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[52563, 62529, "Uranium-235", 6], [52563, 62529, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177081, 190003, "Kellyanne_Conway", 12]]], "all_evidence": [[177081, 190003, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198052, 207996, "Dave_Gibbons", 0]]], "all_evidence": [[198052, 207996, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121567, 135835, "Shane_Black", 0]]], "all_evidence": [[121567, 135835, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72966, null, null, null]]], "all_evidence": [[72966, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118068, 131927, "Stephen_Hillenburg", 4]]], "all_evidence": [[118068, 131927, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75368, 86629, "PacSun", 5]]], "all_evidence": [[75368, 86629, "PacSun", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216451, 223129, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216451, 223129, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138600, 153682, "Michigan", 0]], [[138600, 153683, "Michigan", 2]], [[138600, 153684, "Michigan", 4]], [[138600, 153685, "Michigan", 5]], [[138600, 153686, "Michigan", 8]], [[138600, 153687, "Michigan", 9]], [[138600, 153688, "Michigan", 10], [138600, 153688, "Lake_Michigan", 5]], [[138600, 153689, "Michigan", 11], [138600, 153689, "Mackinac_Bridge", 0]], [[138600, 153690, "Michigan", 22]], [[138600, 153691, "Michigan", 25]], [[138600, 153692, "Michigan", 26], [138600, 153692, "Upper_Peninsula_of_Michigan", 0]]], "all_evidence": [[138600, 153682, "Michigan", 0], [138600, 153683, "Michigan", 2], [138600, 153684, "Michigan", 4], [138600, 153685, "Michigan", 5], [138600, 153686, "Michigan", 8], [138600, 153687, "Michigan", 9], [138600, 153688, "Michigan", 10], [138600, 153688, "Lake_Michigan", 5], [138600, 153689, "Michigan", 11], [138600, 153689, "Mackinac_Bridge", 0], [138600, 153690, "Michigan", 22], [138600, 153691, "Michigan", 25], [138600, 153692, "Michigan", 26], [138600, 153692, "Upper_Peninsula_of_Michigan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193398, 203921, "Don_Bradman", 20]]], "all_evidence": [[193398, 203921, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222944, 228049, "Marjorie_Gross", 0]]], "all_evidence": [[222944, 228049, "Marjorie_Gross", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178015, null, null, null]]], "all_evidence": [[178015, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170481, null, null, null]]], "all_evidence": [[170481, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146584, null, null, null]]], "all_evidence": [[146584, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52089, 61984, "Flaked", 2]]], "all_evidence": [[52089, 61984, "Flaked", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211413, 219125, "Don_Hall_-LRB-filmmaker-RRB-", 0]], [[211413, 219126, "Don_Hall_-LRB-filmmaker-RRB-", 1]]], "all_evidence": [[211413, 219125, "Don_Hall_-LRB-filmmaker-RRB-", 0], [211413, 219126, "Don_Hall_-LRB-filmmaker-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297770, null, null, null], [343236, null, null, null]]], "all_evidence": [[297770, null, null, null], [343236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262164, 260212, "Bullitt", 0]]], "all_evidence": [[262164, 260212, "Bullitt", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219117, 225221, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219117, 225221, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66570, 77387, "House_-LRB-TV_series-RRB-", 8]], [[66570, 77388, "House_-LRB-TV_series-RRB-", 9]], [[66570, 77389, "House_-LRB-TV_series-RRB-", 10]]], "all_evidence": [[66570, 77387, "House_-LRB-TV_series-RRB-", 8], [66570, 77388, "House_-LRB-TV_series-RRB-", 9], [66570, 77389, "House_-LRB-TV_series-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168734, 182445, "Due_Date", 0]], [[168734, 182446, "Due_Date", 1]], [[168734, 182447, "Due_Date", 2]]], "all_evidence": [[168734, 182445, "Due_Date", 0], [168734, 182446, "Due_Date", 1], [168734, 182447, "Due_Date", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105277, null, null, null], [110205, null, null, null], [308119, null, null, null]]], "all_evidence": [[105277, null, null, null], [110205, null, null, null], [308119, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112831, 126666, "Reign_Over_Me", 0]]], "all_evidence": [[112831, 126666, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47903, 57205, "Shane_McMahon", 10]]], "all_evidence": [[47903, 57205, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79759, null, null, null]]], "all_evidence": [[79759, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35512, 43040, "Indian_Institute_of_Management_Bangalore", 6]]], "all_evidence": [[35512, 43040, "Indian_Institute_of_Management_Bangalore", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137122, null, null, null]]], "all_evidence": [[137122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129510, 144252, "Aaron_Burr", 9], [129510, 144252, "Burr\u2013Hamilton_duel", 0]]], "all_evidence": [[129510, 144252, "Aaron_Burr", 9], [129510, 144252, "Burr\u2013Hamilton_duel", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227763, 232112, "Tilda_Swinton", 0]]], "all_evidence": [[227763, 232112, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255556, null, null, null]]], "all_evidence": [[255556, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165011, null, null, null]]], "all_evidence": [[165011, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35933, 43485, "Rob_Sheridan", 0]]], "all_evidence": [[35933, 43485, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114482, 128244, "Global_warming", 13]]], "all_evidence": [[114482, 128244, "Global_warming", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21562, 26516, "Armenian_Genocide", 0]]], "all_evidence": [[21562, 26516, "Armenian_Genocide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260890, 259226, "Capsicum_chinense", 0]]], "all_evidence": [[260890, 259226, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184981, 196820, "Kesha", 0]]], "all_evidence": [[184981, 196820, "Kesha", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92427, null, null, null]]], "all_evidence": [[92427, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275786, 270886, "New_York_Knicks", 0]], [[275786, 270887, "New_York_Knicks", 1]], [[275786, 270888, "New_York_Knicks", 3]], [[275786, 270889, "New_York_Knicks", 4]], [[275786, 270890, "New_York_Knicks", 5]], [[275786, 270891, "New_York_Knicks", 8], [275786, 270891, "Joe_Lapchick", 3]], [[275786, 270892, "New_York_Knicks", 9], [275786, 270892, "NBA_Finals", 0]], [[275786, 270893, "New_York_Knicks", 11], [275786, 270893, "Red_Holzman", 1]], [[275786, 270894, "New_York_Knicks", 12], [275786, 270894, "1969\u201370_NBA_season", 0]], [[275786, 270895, "New_York_Knicks", 13], [275786, 270895, "NBA_Finals", 0]], [[275786, 270896, "New_York_Knicks", 16], [275786, 270896, "Bulls\u2013Knicks_rivalry", 0]], [[275786, 270897, "New_York_Knicks", 17], [275786, 270897, "Pat_Riley", 0]], [[275786, 270898, "New_York_Knicks", 18]], [[275786, 270899, "New_York_Knicks", 22], [275786, 270899, "Indiana_Pacers", 0]], [[275786, 270900, "New_York_Knicks", 23]], [[280111, 274666, "New_York_Knicks", 0]], [[280111, 274668, "New_York_Knicks", 1]], [[324899, 312736, "New_York_Knicks", 0]], [[324899, 312737, "New_York_Knicks", 1]]], "all_evidence": [[275786, 270886, "New_York_Knicks", 0], [275786, 270887, "New_York_Knicks", 1], [275786, 270888, "New_York_Knicks", 3], [275786, 270889, "New_York_Knicks", 4], [275786, 270890, "New_York_Knicks", 5], [275786, 270891, "New_York_Knicks", 8], [275786, 270891, "Joe_Lapchick", 3], [275786, 270892, "New_York_Knicks", 9], [275786, 270892, "NBA_Finals", 0], [275786, 270893, "New_York_Knicks", 11], [275786, 270893, "Red_Holzman", 1], [275786, 270894, "New_York_Knicks", 12], [275786, 270894, "1969\u201370_NBA_season", 0], [275786, 270895, "New_York_Knicks", 13], [275786, 270895, "NBA_Finals", 0], [275786, 270896, "New_York_Knicks", 16], [275786, 270896, "Bulls\u2013Knicks_rivalry", 0], [275786, 270897, "New_York_Knicks", 17], [275786, 270897, "Pat_Riley", 0], [275786, 270898, "New_York_Knicks", 18], [275786, 270899, "New_York_Knicks", 22], [275786, 270899, "Indiana_Pacers", 0], [275786, 270900, "New_York_Knicks", 23], [280111, 274666, "New_York_Knicks", 0], [280111, 274668, "New_York_Knicks", 1], [324899, 312736, "New_York_Knicks", 0], [324899, 312737, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145536, 160548, "Yara_Shahidi", 0]]], "all_evidence": [[145536, 160548, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41813, 50291, "Bad_Romance", 12]]], "all_evidence": [[41813, 50291, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121833, 136134, "History_of_Earth", 25]]], "all_evidence": [[121833, 136134, "History_of_Earth", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146939, 161904, "CONCACAF_Champions_League", 0]], [[146940, 161905, "CONCACAF_Champions_League", 0]]], "all_evidence": [[146939, 161904, "CONCACAF_Champions_League", 0], [146940, 161905, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203339, 212379, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203339, 212379, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66435, 77281, "Daag_-LRB-1973_film-RRB-", 0]], [[66435, 77282, "Daag_-LRB-1973_film-RRB-", 8]]], "all_evidence": [[66435, 77281, "Daag_-LRB-1973_film-RRB-", 0], [66435, 77282, "Daag_-LRB-1973_film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296163, 288097, "Veeru_Devgan", 0]], [[297742, 289346, "Veeru_Devgan", 0]], [[299871, 291209, "Veeru_Devgan", 0]], [[342415, 326449, "Veeru_Devgan", 0]], [[342422, 326453, "Veeru_Devgan", 0]]], "all_evidence": [[296163, 288097, "Veeru_Devgan", 0], [297742, 289346, "Veeru_Devgan", 0], [299871, 291209, "Veeru_Devgan", 0], [342415, 326449, "Veeru_Devgan", 0], [342422, 326453, "Veeru_Devgan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198630, null, null, null]]], "all_evidence": [[198630, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129149, null, null, null]]], "all_evidence": [[129149, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98658, 111734, "Sleipnir", 0]]], "all_evidence": [[98658, 111734, "Sleipnir", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172916, null, null, null]]], "all_evidence": [[172916, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15502, null, null, null]]], "all_evidence": [[15502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38362, 46312, "Aristotle", 2]]], "all_evidence": [[38362, 46312, "Aristotle", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240379, null, null, null]]], "all_evidence": [[240379, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55808, 65889, "Knocked_Up", 0]], [[55808, 65890, "Knocked_Up", 4]]], "all_evidence": [[55808, 65889, "Knocked_Up", 0], [55808, 65890, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117686, 131568, "Steve_Wozniak", 5]]], "all_evidence": [[117686, 131568, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243706, 244878, "Palo_Alto,_California", 0]]], "all_evidence": [[243706, 244878, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41570, 49984, "Hindu_Kush", 5]]], "all_evidence": [[41570, 49984, "Hindu_Kush", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94761, 107734, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[94761, 107734, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106442, 119860, "Kelly_Preston", 1]]], "all_evidence": [[106442, 119860, "Kelly_Preston", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22722, 28027, "Derek_Hough", 6]]], "all_evidence": [[22722, 28027, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227014, 231447, "Barry_Van_Dyke", 1]]], "all_evidence": [[227014, 231447, "Barry_Van_Dyke", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91922, 104714, "Carlos_Santana", 0]]], "all_evidence": [[91922, 104714, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104835, null, null, null]]], "all_evidence": [[104835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17261, 21361, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[17261, 21361, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131178, 145929, "Janet_Leigh", 0]], [[309185, 299446, "Janet_Leigh", 0]], [[310668, 300712, "Janet_Leigh", 0]], [[312251, 302083, "Janet_Leigh", 0]]], "all_evidence": [[131178, 145929, "Janet_Leigh", 0], [309185, 299446, "Janet_Leigh", 0], [310668, 300712, "Janet_Leigh", 0], [312251, 302083, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276108, null, null, null], [276132, null, null, null], [278397, null, null, null], [325464, null, null, null], [326284, null, null, null]]], "all_evidence": [[276108, null, null, null], [276132, null, null, null], [278397, null, null, null], [325464, null, null, null], [326284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16705, 20709, "Wildfang", 0]]], "all_evidence": [[16705, 20709, "Wildfang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25770, 31707, "Speech_recognition", 2]]], "all_evidence": [[25770, 31707, "Speech_recognition", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13808, 17294, "Jenna_Jameson", 0]], [[13808, 17295, "Jenna_Jameson", 12]]], "all_evidence": [[13808, 17294, "Jenna_Jameson", 0], [13808, 17295, "Jenna_Jameson", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234931, null, null, null]]], "all_evidence": [[234931, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201111, 210562, "The_Endless_River", 0]]], "all_evidence": [[201111, 210562, "The_Endless_River", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69746, 80623, "Underdog_-LRB-film-RRB-", 1], [69746, 80623, "Jason_Lee_-LRB-actor-RRB-", 0]]], "all_evidence": [[69746, 80623, "Underdog_-LRB-film-RRB-", 1], [69746, 80623, "Jason_Lee_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[281668, 276018, "Battle_of_France", 0]], [[281668, 276019, "Battle_of_France", 1]], [[281668, 276020, "Battle_of_France", 2]], [[281681, 276030, "Battle_of_France", 0]]], "all_evidence": [[281668, 276018, "Battle_of_France", 0], [281668, 276019, "Battle_of_France", 1], [281668, 276020, "Battle_of_France", 2], [281681, 276030, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44383, 53049, "Croatia", 29]], [[44383, 53050, "Croatia", 31]]], "all_evidence": [[44383, 53049, "Croatia", 29], [44383, 53050, "Croatia", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46608, 55603, "Human_brain", 10]]], "all_evidence": [[46608, 55603, "Human_brain", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33927, 41139, "Damon_Albarn", 17]]], "all_evidence": [[33927, 41139, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15790, 19652, "State_of_Palestine", 0]]], "all_evidence": [[15790, 19652, "State_of_Palestine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55728, null, null, null]]], "all_evidence": [[55728, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27440, 33623, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[27440, 33623, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180397, null, null, null]]], "all_evidence": [[180397, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177210, 190085, "CONCACAF_Champions_League", 0]]], "all_evidence": [[177210, 190085, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113682, 127548, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [113682, 127548, "Ray_Winstone", 0]]], "all_evidence": [[113682, 127548, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [113682, 127548, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72533, null, null, null]]], "all_evidence": [[72533, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260703, null, null, null]]], "all_evidence": [[260703, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292710, 285431, "Alexandra_Daddario", 0]], [[292710, 285432, "Alexandra_Daddario", 1]], [[292710, 285433, "Alexandra_Daddario", 2]], [[295303, 287435, "Alexandra_Daddario", 0]], [[295306, 287436, "Alexandra_Daddario", 0]], [[295306, 287437, "Alexandra_Daddario", 1]], [[295306, 287438, "Alexandra_Daddario", 2]], [[295331, 287452, "Alexandra_Daddario", 0]], [[295331, 287453, "Alexandra_Daddario", 1], [295331, 287453, "San_Andreas_-LRB-film-RRB-", 0]], [[295331, 287454, "Alexandra_Daddario", 2], [295331, 287454, "Hall_Pass", 0]], [[340661, 325283, "Alexandra_Daddario", 0]], [[340662, 325284, "Alexandra_Daddario", 0]], [[340664, 325285, "Alexandra_Daddario", 0]]], "all_evidence": [[292710, 285431, "Alexandra_Daddario", 0], [292710, 285432, "Alexandra_Daddario", 1], [292710, 285433, "Alexandra_Daddario", 2], [295303, 287435, "Alexandra_Daddario", 0], [295306, 287436, "Alexandra_Daddario", 0], [295306, 287437, "Alexandra_Daddario", 1], [295306, 287438, "Alexandra_Daddario", 2], [295331, 287452, "Alexandra_Daddario", 0], [295331, 287453, "Alexandra_Daddario", 1], [295331, 287453, "San_Andreas_-LRB-film-RRB-", 0], [295331, 287454, "Alexandra_Daddario", 2], [295331, 287454, "Hall_Pass", 0], [340661, 325283, "Alexandra_Daddario", 0], [340662, 325284, "Alexandra_Daddario", 0], [340664, 325285, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176245, 189197, "Advertising", 0]]], "all_evidence": [[176245, 189197, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33726, 40893, "History_of_Earth", 1], [33726, 40893, "Natural_science", 9]]], "all_evidence": [[33726, 40893, "History_of_Earth", 1], [33726, 40893, "Natural_science", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227047, null, null, null]]], "all_evidence": [[227047, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153879, null, null, null]]], "all_evidence": [[153879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113192, 127074, "Always_-LRB-1989_film-RRB-", 0], [113192, 127074, "Audrey_Hepburn", 0]]], "all_evidence": [[113192, 127074, "Always_-LRB-1989_film-RRB-", 0], [113192, 127074, "Audrey_Hepburn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228480, 232657, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228480, 232657, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70774, 81648, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]], "all_evidence": [[70774, 81648, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227639, 231981, "Happiness_in_Slavery", 0]]], "all_evidence": [[227639, 231981, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172863, 186113, "Billboard_Dad", 0]]], "all_evidence": [[172863, 186113, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39168, 47164, "T2_Trainspotting", 0]]], "all_evidence": [[39168, 47164, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217701, 224188, "Asylum_Records", 0]]], "all_evidence": [[217701, 224188, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140671, 155832, "Michelin_Guide", 0]]], "all_evidence": [[140671, 155832, "Michelin_Guide", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141698, 156932, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[141698, 156932, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66639, null, null, null]]], "all_evidence": [[66639, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228155, 232406, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228155, 232406, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103095, 116421, "Reign_Over_Me", 0]], [[103095, 116422, "Reign_Over_Me", 1], [103095, 116422, "Don_Cheadle", 3]]], "all_evidence": [[103095, 116421, "Reign_Over_Me", 0], [103095, 116422, "Reign_Over_Me", 1], [103095, 116422, "Don_Cheadle", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16066, 19937, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[16066, 19937, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100882, 114144, "Eric_Church", 0]]], "all_evidence": [[100882, 114144, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58453, 68735, "Joe_Walsh", 24]]], "all_evidence": [[58453, 68735, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205363, null, null, null]]], "all_evidence": [[205363, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98900, 112003, "Bad_Romance", 12]]], "all_evidence": [[98900, 112003, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247525, 247814, "Stadium_Arcadium", 6]]], "all_evidence": [[247525, 247814, "Stadium_Arcadium", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56729, 66947, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[56729, 66947, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33208, 40289, "Hourglass_-LRB-James_Taylor_album-RRB-", 0]], [[33210, 40290, "Hourglass_-LRB-James_Taylor_album-RRB-", 0]]], "all_evidence": [[33208, 40289, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [33210, 40290, "Hourglass_-LRB-James_Taylor_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174446, 187656, "TV_Choice", 1]]], "all_evidence": [[174446, 187656, "TV_Choice", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132680, null, null, null]]], "all_evidence": [[132680, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180385, 192883, "Joe_Rogan", 7]]], "all_evidence": [[180385, 192883, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225838, 230412, "Love_the_Way_You_Lie", 17]]], "all_evidence": [[225838, 230412, "Love_the_Way_You_Lie", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154052, 168853, "Prescott,_Arizona", 0]], [[154054, 168854, "Prescott,_Arizona", 0]]], "all_evidence": [[154052, 168853, "Prescott,_Arizona", 0], [154054, 168854, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110000, 123624, "Guillermo_del_Toro", 0]]], "all_evidence": [[110000, 123624, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107709, 121197, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[107709, 121197, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78233, null, null, null]]], "all_evidence": [[78233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[298124, 289678, "Christa_McAuliffe", 4]], [[300255, 291519, "Christa_McAuliffe", 4]], [[343289, 327111, "Christa_McAuliffe", 4]], [[343308, 327131, "Christa_McAuliffe", 0]]], "all_evidence": [[298124, 289678, "Christa_McAuliffe", 4], [300255, 291519, "Christa_McAuliffe", 4], [343289, 327111, "Christa_McAuliffe", 4], [343308, 327131, "Christa_McAuliffe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120312, 134532, "Tiber_Oil_Field", 1]], [[120313, 134533, "Tiber_Oil_Field", 1]]], "all_evidence": [[120312, 134532, "Tiber_Oil_Field", 1], [120313, 134533, "Tiber_Oil_Field", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227790, null, null, null]]], "all_evidence": [[227790, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96869, 110021, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[96869, 110021, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239225, null, null, null]]], "all_evidence": [[239225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235705, 238276, "Tom_DeLonge", 4]]], "all_evidence": [[235705, 238276, "Tom_DeLonge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131189, 145945, "Pene\u0301lope_Cruz", 12], [131189, 145945, "L'Ore\u0301al", 0], [131189, 145945, "L'Ore\u0301al", 1]], [[133293, 148162, "Pene\u0301lope_Cruz", 12]], [[309186, 299447, "Pene\u0301lope_Cruz", 12]], [[309187, 299448, "Pene\u0301lope_Cruz", 12], [309187, 299448, "L'Ore\u0301al", 0]], [[310677, 300719, "Pene\u0301lope_Cruz", 12], [310677, 300719, "L'Ore\u0301al", 0]]], "all_evidence": [[131189, 145945, "Pene\u0301lope_Cruz", 12], [131189, 145945, "L'Ore\u0301al", 0], [131189, 145945, "L'Ore\u0301al", 1], [133293, 148162, "Pene\u0301lope_Cruz", 12], [309186, 299447, "Pene\u0301lope_Cruz", 12], [309187, 299448, "Pene\u0301lope_Cruz", 12], [309187, 299448, "L'Ore\u0301al", 0], [310677, 300719, "Pene\u0301lope_Cruz", 12], [310677, 300719, "L'Ore\u0301al", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75233, null, null, null]]], "all_evidence": [[75233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79794, 91526, "Billie_Joe_Armstrong", 0]], [[79794, 91527, "Billie_Joe_Armstrong", 4]]], "all_evidence": [[79794, 91526, "Billie_Joe_Armstrong", 0], [79794, 91527, "Billie_Joe_Armstrong", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91345, 104049, "Nuuk", 1], [91345, 104049, "Naalakkersuisut", 0]]], "all_evidence": [[91345, 104049, "Nuuk", 1], [91345, 104049, "Naalakkersuisut", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41074, null, null, null]]], "all_evidence": [[41074, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270513, null, null, null], [270514, null, null, null]]], "all_evidence": [[270513, null, null, null], [270514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227662, 232003, "Happiness_in_Slavery", 0]], [[227662, 232004, "Happiness_in_Slavery", 1]], [[227662, 232005, "Happiness_in_Slavery", 2]], [[227662, 232006, "Happiness_in_Slavery", 5]], [[227662, 232007, "Happiness_in_Slavery", 6]], [[227662, 232008, "Happiness_in_Slavery", 9]]], "all_evidence": [[227662, 232003, "Happiness_in_Slavery", 0], [227662, 232004, "Happiness_in_Slavery", 1], [227662, 232005, "Happiness_in_Slavery", 2], [227662, 232006, "Happiness_in_Slavery", 5], [227662, 232007, "Happiness_in_Slavery", 6], [227662, 232008, "Happiness_in_Slavery", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84788, 97017, "Horse", 2]]], "all_evidence": [[84788, 97017, "Horse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224046, 228925, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]], [[318198, 307162, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]], "all_evidence": [[224046, 228925, "No_Country_for_Old_Men_-LRB-film-RRB-", 8], [318198, 307162, "No_Country_for_Old_Men_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35856, 43409, "Luis_Fonsi", 0]]], "all_evidence": [[35856, 43409, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228487, null, null, null]]], "all_evidence": [[228487, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143719, null, null, null]]], "all_evidence": [[143719, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189731, 200954, "Polar_bear", 7]]], "all_evidence": [[189731, 200954, "Polar_bear", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133972, null, null, null]]], "all_evidence": [[133972, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127496, null, null, null]]], "all_evidence": [[127496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207676, 215898, "Steve_Ditko", 0]]], "all_evidence": [[207676, 215898, "Steve_Ditko", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94817, 107782, "Hedda_Gabler", 1]], [[94820, 107785, "Hedda_Gabler", 1]]], "all_evidence": [[94817, 107782, "Hedda_Gabler", 1], [94820, 107785, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65830, 76693, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[65830, 76693, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230163, 233897, "Frozen_-LRB-2013_film-RRB-", 13]], [[230170, 233914, "Frozen_-LRB-2013_film-RRB-", 13]]], "all_evidence": [[230163, 233897, "Frozen_-LRB-2013_film-RRB-", 13], [230170, 233914, "Frozen_-LRB-2013_film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126544, 140940, "L.A._Reid", 1], [126544, 140940, "Arista_Records", 1], [126544, 140940, "Sony_Music", 0]]], "all_evidence": [[126544, 140940, "L.A._Reid", 1], [126544, 140940, "Arista_Records", 1], [126544, 140940, "Sony_Music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78267, 89790, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]]], "all_evidence": [[78267, 89790, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224113, 228976, "Appropriation_-LRB-art-RRB-", 1]], [[227786, 232156, "Appropriation_-LRB-art-RRB-", 1]], [[230511, 234163, "Appropriation_-LRB-art-RRB-", 1]], [[318213, 307171, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[224113, 228976, "Appropriation_-LRB-art-RRB-", 1], [227786, 232156, "Appropriation_-LRB-art-RRB-", 1], [230511, 234163, "Appropriation_-LRB-art-RRB-", 1], [318213, 307171, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46370, null, null, null]]], "all_evidence": [[46370, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228206, 232449, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228206, 232449, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207683, 215904, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207683, 215904, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162114, null, null, null]]], "all_evidence": [[162114, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11197, null, null, null]]], "all_evidence": [[11197, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164576, 178813, "Bhagat_Singh", 0]], [[164577, 178814, "Bhagat_Singh", 0]]], "all_evidence": [[164576, 178813, "Bhagat_Singh", 0], [164577, 178814, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113762, null, null, null]]], "all_evidence": [[113762, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107078, 120452, "TV_Choice", 1]]], "all_evidence": [[107078, 120452, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167508, 181313, "State_of_Palestine", 1], [167508, 181313, "West_Bank", 0]]], "all_evidence": [[167508, 181313, "State_of_Palestine", 1], [167508, 181313, "West_Bank", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88607, null, null, null], [88608, null, null, null]]], "all_evidence": [[88607, null, null, null], [88608, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45334, 54110, "The_Good_Wife", 0]]], "all_evidence": [[45334, 54110, "The_Good_Wife", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268479, null, null, null]]], "all_evidence": [[268479, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14196, 17744, "Ashton_Kutcher", 4]], [[14197, 17745, "Ashton_Kutcher", 2]], [[14197, 17746, "Ashton_Kutcher", 4]], [[14197, 17747, "Ashton_Kutcher", 8]]], "all_evidence": [[14196, 17744, "Ashton_Kutcher", 4], [14197, 17745, "Ashton_Kutcher", 2], [14197, 17746, "Ashton_Kutcher", 4], [14197, 17747, "Ashton_Kutcher", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82709, 94562, "Bloods", 0]]], "all_evidence": [[82709, 94562, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153081, 167829, "John_Deighton", 24]]], "all_evidence": [[153081, 167829, "John_Deighton", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190747, null, null, null]]], "all_evidence": [[190747, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213178, null, null, null]]], "all_evidence": [[213178, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142664, 157816, "Crips", 9]]], "all_evidence": [[142664, 157816, "Crips", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105591, 119039, "Reign_Over_Me", 1]]], "all_evidence": [[105591, 119039, "Reign_Over_Me", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79576, null, null, null]]], "all_evidence": [[79576, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259726, 258279, "Hanford_Site", 23], [259726, 258279, "LIGO", 0]]], "all_evidence": [[259726, 258279, "Hanford_Site", 23], [259726, 258279, "LIGO", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296018, 287979, "Jens_Stoltenberg", 4]], [[297522, 289159, "Jens_Stoltenberg", 4]], [[297621, 289256, "Jens_Stoltenberg", 1], [297621, 289256, "List_of_NATO_Secretaries_General", 7]], [[297621, 289257, "Jens_Stoltenberg", 4]]], "all_evidence": [[296018, 287979, "Jens_Stoltenberg", 4], [297522, 289159, "Jens_Stoltenberg", 4], [297621, 289256, "Jens_Stoltenberg", 1], [297621, 289256, "List_of_NATO_Secretaries_General", 7], [297621, 289257, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53953, 63943, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[53953, 63943, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210329, null, null, null]]], "all_evidence": [[210329, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95094, 108090, "James_Jones_-LRB-basketball_player-RRB-", 17]], [[95096, 108095, "James_Jones_-LRB-basketball_player-RRB-", 17]]], "all_evidence": [[95094, 108090, "James_Jones_-LRB-basketball_player-RRB-", 17], [95096, 108095, "James_Jones_-LRB-basketball_player-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153714, 168570, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[153714, 168570, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227625, 231973, "Happiness_in_Slavery", 0]]], "all_evidence": [[227625, 231973, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78319, null, null, null]]], "all_evidence": [[78319, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84064, null, null, null]]], "all_evidence": [[84064, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73826, null, null, null]]], "all_evidence": [[73826, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143118, null, null, null]]], "all_evidence": [[143118, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54190, 64184, "Victoria_Palace_Theatre", 0], [54190, 64184, "Victoria,_London", 0]], [[54268, 64267, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[54190, 64184, "Victoria_Palace_Theatre", 0], [54190, 64184, "Victoria,_London", 0], [54268, 64267, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168305, 182057, "Shane_McMahon", 0]]], "all_evidence": [[168305, 182057, "Shane_McMahon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203340, 212380, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203340, 212380, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171334, 184815, "Noah_Cyrus", 4]]], "all_evidence": [[171334, 184815, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[300895, 291989, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[344873, 328324, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[344874, 328325, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[344876, 328327, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[344917, 328360, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[300895, 291989, "Tom_Baker_-LRB-English_actor-RRB-", 15], [344873, 328324, "Tom_Baker_-LRB-English_actor-RRB-", 15], [344874, 328325, "Tom_Baker_-LRB-English_actor-RRB-", 15], [344876, 328327, "Tom_Baker_-LRB-English_actor-RRB-", 15], [344917, 328360, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196622, null, null, null]]], "all_evidence": [[196622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282815, 276946, "Tenacious_D", 0]], [[284731, 278470, "Tenacious_D", 0]], [[331061, 317548, "Tenacious_D", 0]], [[332127, 318519, "Tenacious_D", 0]]], "all_evidence": [[282815, 276946, "Tenacious_D", 0], [284731, 278470, "Tenacious_D", 0], [331061, 317548, "Tenacious_D", 0], [332127, 318519, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80056, 91817, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]], "all_evidence": [[80056, 91817, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102035, 115302, "DNA_-LRB-Little_Mix_album-RRB-", 0]]], "all_evidence": [[102035, 115302, "DNA_-LRB-Little_Mix_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194480, 204858, "Drake_Bell", 18]]], "all_evidence": [[194480, 204858, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112594, null, null, null]]], "all_evidence": [[112594, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142500, null, null, null]]], "all_evidence": [[142500, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108116, null, null, null]]], "all_evidence": [[108116, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198838, 208549, "The_King_and_I", 1], [198838, 208549, "Margaret_Landon", 0]]], "all_evidence": [[198838, 208549, "The_King_and_I", 1], [198838, 208549, "Margaret_Landon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119916, 134046, "Nestor_Carbonell", 1]]], "all_evidence": [[119916, 134046, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218425, null, null, null]]], "all_evidence": [[218425, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96326, 109478, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[96326, 109478, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287624, null, null, null], [332539, null, null, null]]], "all_evidence": [[287624, null, null, null], [332539, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18818, 23055, "Human_trafficking", 0]], [[18818, 23056, "Human_trafficking", 7]], [[18818, 23057, "Human_trafficking", 9]], [[21125, 25945, "Human_trafficking", 0]], [[21125, 25946, "Human_trafficking", 7]], [[21125, 25947, "Human_trafficking", 9]], [[23524, 28993, "Human_trafficking", 0]], [[23524, 28994, "Human_trafficking", 9]], [[23524, 28995, "Human_trafficking", 7]], [[299177, 290541, "Human_trafficking", 0]], [[301272, 292392, "Human_trafficking", 0]]], "all_evidence": [[18818, 23055, "Human_trafficking", 0], [18818, 23056, "Human_trafficking", 7], [18818, 23057, "Human_trafficking", 9], [21125, 25945, "Human_trafficking", 0], [21125, 25946, "Human_trafficking", 7], [21125, 25947, "Human_trafficking", 9], [23524, 28993, "Human_trafficking", 0], [23524, 28994, "Human_trafficking", 9], [23524, 28995, "Human_trafficking", 7], [299177, 290541, "Human_trafficking", 0], [301272, 292392, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79400, null, null, null]]], "all_evidence": [[79400, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103115, 116432, "CONCACAF_Champions_League", 9]], [[103115, 116433, "CONCACAF_Champions_League", 0]]], "all_evidence": [[103115, 116432, "CONCACAF_Champions_League", 9], [103115, 116433, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28686, null, null, null]]], "all_evidence": [[28686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117503, 131414, "Humphrey_Bogart", 16]], [[117517, 131424, "Humphrey_Bogart", 16]]], "all_evidence": [[117503, 131414, "Humphrey_Bogart", 16], [117517, 131424, "Humphrey_Bogart", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154500, null, null, null]]], "all_evidence": [[154500, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16721, 20721, "Tiber_Oil_Field", 0], [16721, 20721, "Keathley_Canyon", 0]]], "all_evidence": [[16721, 20721, "Tiber_Oil_Field", 0], [16721, 20721, "Keathley_Canyon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176574, 189518, "Danger_UXB", 0]]], "all_evidence": [[176574, 189518, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12337, null, null, null], [12373, null, null, null], [15709, null, null, null], [298971, null, null, null], [298975, null, null, null], [301023, null, null, null], [313615, null, null, null], [344592, null, null, null]]], "all_evidence": [[12337, null, null, null], [12373, null, null, null], [15709, null, null, null], [298971, null, null, null], [298975, null, null, null], [301023, null, null, null], [313615, null, null, null], [344592, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77424, 88881, "Riddick_-LRB-character-RRB-", 0], [77424, 88881, "The_Chronicles_of_Riddick", 0]], [[77424, 88882, "Riddick_-LRB-character-RRB-", 1], [77424, 88882, "Riddick_-LRB-film-RRB-", 0]], [[77424, 88883, "Riddick_-LRB-character-RRB-", 13], [77424, 88883, "Riddick_-LRB-film-RRB-", 0]]], "all_evidence": [[77424, 88881, "Riddick_-LRB-character-RRB-", 0], [77424, 88881, "The_Chronicles_of_Riddick", 0], [77424, 88882, "Riddick_-LRB-character-RRB-", 1], [77424, 88882, "Riddick_-LRB-film-RRB-", 0], [77424, 88883, "Riddick_-LRB-character-RRB-", 13], [77424, 88883, "Riddick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45613, 54474, "Terry_Crews", 9]]], "all_evidence": [[45613, 54474, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110772, null, null, null]]], "all_evidence": [[110772, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82002, 93786, "Damon_Albarn", 4], [82002, 93786, "Leisure_-LRB-album-RRB-", 0]]], "all_evidence": [[82002, 93786, "Damon_Albarn", 4], [82002, 93786, "Leisure_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60516, 70949, "Sheryl_Lee", 7], [60516, 70949, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[60516, 70949, "Sheryl_Lee", 7], [60516, 70949, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239632, null, null, null]]], "all_evidence": [[239632, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232799, null, null, null]]], "all_evidence": [[232799, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39420, 47458, "Highway_to_Heaven", 0]]], "all_evidence": [[39420, 47458, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69117, null, null, null]]], "all_evidence": [[69117, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224199, null, null, null], [227884, null, null, null], [319879, null, null, null]]], "all_evidence": [[224199, null, null, null], [227884, null, null, null], [319879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238566, 240573, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238566, 240573, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129487, null, null, null]]], "all_evidence": [[129487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197405, 207451, "Lalla_Ward", 0]], [[197405, 207452, "Lalla_Ward", 1]]], "all_evidence": [[197405, 207451, "Lalla_Ward", 0], [197405, 207452, "Lalla_Ward", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163898, null, null, null]]], "all_evidence": [[163898, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85924, 98224, "No_Country_for_Old_Men_-LRB-film-RRB-", 0]]], "all_evidence": [[85924, 98224, "No_Country_for_Old_Men_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205336, null, null, null]]], "all_evidence": [[205336, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35576, null, null, null]]], "all_evidence": [[35576, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122189, 136478, "Trevor_Griffiths", 0]]], "all_evidence": [[122189, 136478, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218108, 224489, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218108, 224489, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121132, null, null, null]]], "all_evidence": [[121132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240261, 241909, "The_Sugarland_Express", 3]]], "all_evidence": [[240261, 241909, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33249, 40328, "Underdog_-LRB-film-RRB-", 1], [33249, 40328, "Jim_Belushi", 0], [33249, 40328, "Peter_Dinklage", 0], [33249, 40328, "Patrick_Warburton", 0], [33249, 40328, "John_Slattery", 0], [33249, 40328, "Jason_Lee_-LRB-actor-RRB-", 0], [33249, 40328, "Brad_Garrett", 0], [33249, 40328, "Amy_Adams", 0]]], "all_evidence": [[33249, 40328, "Underdog_-LRB-film-RRB-", 1], [33249, 40328, "Jim_Belushi", 0], [33249, 40328, "Peter_Dinklage", 0], [33249, 40328, "Patrick_Warburton", 0], [33249, 40328, "John_Slattery", 0], [33249, 40328, "Jason_Lee_-LRB-actor-RRB-", 0], [33249, 40328, "Brad_Garrett", 0], [33249, 40328, "Amy_Adams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239089, 241029, "Shane_McMahon", 0]], [[239089, 241030, "Shane_McMahon", 5], [239089, 241030, "WWE", 0]], [[239089, 241031, "Shane_McMahon", 6], [239089, 241031, "WWE", 0]], [[245415, 246233, "Shane_McMahon", 0]], [[319157, 307930, "Shane_McMahon", 1]], [[319157, 307931, "Shane_McMahon", 4]], [[319157, 307932, "Shane_McMahon", 6]], [[320370, 308976, "Shane_McMahon", 0]], [[320370, 308977, "Shane_McMahon", 1], [320370, 308977, "WWE_SmackDown", 10]], [[320370, 308978, "Shane_McMahon", 5]], [[320370, 308979, "Shane_McMahon", 7]], [[320370, 308980, "Shane_McMahon", 13]]], "all_evidence": [[239089, 241029, "Shane_McMahon", 0], [239089, 241030, "Shane_McMahon", 5], [239089, 241030, "WWE", 0], [239089, 241031, "Shane_McMahon", 6], [239089, 241031, "WWE", 0], [245415, 246233, "Shane_McMahon", 0], [319157, 307930, "Shane_McMahon", 1], [319157, 307931, "Shane_McMahon", 4], [319157, 307932, "Shane_McMahon", 6], [320370, 308976, "Shane_McMahon", 0], [320370, 308977, "Shane_McMahon", 1], [320370, 308977, "WWE_SmackDown", 10], [320370, 308978, "Shane_McMahon", 5], [320370, 308979, "Shane_McMahon", 7], [320370, 308980, "Shane_McMahon", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170492, null, null, null]]], "all_evidence": [[170492, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64847, 75706, "Derek_Hough", 6], [64847, 75706, "Make_Your_Move_-LRB-film-RRB-", 0]], [[66687, 77510, "Derek_Hough", 6], [66687, 77510, "Make_Your_Move_-LRB-film-RRB-", 0]], [[305403, 296226, "Derek_Hough", 6], [305403, 296226, "Make_Your_Move_-LRB-film-RRB-", 0]]], "all_evidence": [[64847, 75706, "Derek_Hough", 6], [64847, 75706, "Make_Your_Move_-LRB-film-RRB-", 0], [66687, 77510, "Derek_Hough", 6], [66687, 77510, "Make_Your_Move_-LRB-film-RRB-", 0], [305403, 296226, "Derek_Hough", 6], [305403, 296226, "Make_Your_Move_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263254, null, null, null]]], "all_evidence": [[263254, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145183, null, null, null]]], "all_evidence": [[145183, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13181, 16484, "Beaverton,_Oregon", 0]]], "all_evidence": [[13181, 16484, "Beaverton,_Oregon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232786, 235894, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232786, 235894, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178610, 191186, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[178610, 191186, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112698, 126540, "Arizona", 0]]], "all_evidence": [[112698, 126540, "Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148939, 163971, "Pharrell_Williams", 4]]], "all_evidence": [[148939, 163971, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168418, 182169, "Rage_Against_the_Machine", 10]]], "all_evidence": [[168418, 182169, "Rage_Against_the_Machine", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52533, 62501, "Underdog_-LRB-film-RRB-", 1], [52533, 62501, "Frederik_Du_Chau", 0]]], "all_evidence": [[52533, 62501, "Underdog_-LRB-film-RRB-", 1], [52533, 62501, "Frederik_Du_Chau", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54014, 63999, "Danny_Brown", 0]]], "all_evidence": [[54014, 63999, "Danny_Brown", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165911, null, null, null]]], "all_evidence": [[165911, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136227, 151046, "Stan_Beeman", 0]]], "all_evidence": [[136227, 151046, "Stan_Beeman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211395, null, null, null]]], "all_evidence": [[211395, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193469, null, null, null]]], "all_evidence": [[193469, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148145, null, null, null]]], "all_evidence": [[148145, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95012, null, null, null]]], "all_evidence": [[95012, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40764, 49021, "Harris_Jayaraj", 0], [40764, 49021, "Chennai", 0]]], "all_evidence": [[40764, 49021, "Harris_Jayaraj", 0], [40764, 49021, "Chennai", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229531, 233457, "Bea_Arthur", 0]], [[229532, 233458, "Bea_Arthur", 0]]], "all_evidence": [[229531, 233457, "Bea_Arthur", 0], [229532, 233458, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191992, null, null, null]]], "all_evidence": [[191992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100362, 113647, "Ludwig_van_Beethoven", 1]]], "all_evidence": [[100362, 113647, "Ludwig_van_Beethoven", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216112, 222826, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216112, 222826, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167736, 181499, "Veeru_Devgan", 0]]], "all_evidence": [[167736, 181499, "Veeru_Devgan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182701, 194884, "Penibaetic_System", 0]]], "all_evidence": [[182701, 194884, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164219, 178460, "Tenacious_D", 0]], [[164219, 178461, "Tenacious_D", 1]]], "all_evidence": [[164219, 178460, "Tenacious_D", 0], [164219, 178461, "Tenacious_D", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97409, 110566, "Caroline_Kennedy", 0]], [[97409, 110567, "Caroline_Kennedy", 17]]], "all_evidence": [[97409, 110566, "Caroline_Kennedy", 0], [97409, 110567, "Caroline_Kennedy", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166539, 180361, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[166539, 180361, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25703, 31634, "Uranium-235", 6], [25703, 31634, "Arthur_Jeffrey_Dempster", 0]], [[300488, 291683, "Uranium-235", 6], [300488, 291683, "Arthur_Jeffrey_Dempster", 0]], [[300493, 291684, "Uranium-235", 6], [300493, 291684, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[25703, 31634, "Uranium-235", 6], [25703, 31634, "Arthur_Jeffrey_Dempster", 0], [300488, 291683, "Uranium-235", 6], [300488, 291683, "Arthur_Jeffrey_Dempster", 0], [300493, 291684, "Uranium-235", 6], [300493, 291684, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228491, null, null, null], [228492, null, null, null]]], "all_evidence": [[228491, null, null, null], [228492, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210302, 218073, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210302, 218073, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179123, null, null, null]]], "all_evidence": [[179123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84043, 96168, "Bad_Romance", 0]]], "all_evidence": [[84043, 96168, "Bad_Romance", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259609, 258170, "French_Resistance", 6]]], "all_evidence": [[259609, 258170, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230040, 233799, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230040, 233799, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97038, 110188, "Columbia_River", 4], [97038, 110188, "Drainage_basin", 0]]], "all_evidence": [[97038, 110188, "Columbia_River", 4], [97038, 110188, "Drainage_basin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116680, 130576, "Croatia", 28]]], "all_evidence": [[116680, 130576, "Croatia", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41359, 49714, "Bloods", 1]]], "all_evidence": [[41359, 49714, "Bloods", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54031, 64014, "Thomas_Jefferson", 10]]], "all_evidence": [[54031, 64014, "Thomas_Jefferson", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132547, null, null, null]]], "all_evidence": [[132547, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50645, 60216, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[50645, 60216, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236654, 239083, "Marcus_Bentley", 0]], [[236662, 239089, "Marcus_Bentley", 0]], [[236662, 239090, "Marcus_Bentley", 3]]], "all_evidence": [[236654, 239083, "Marcus_Bentley", 0], [236662, 239089, "Marcus_Bentley", 0], [236662, 239090, "Marcus_Bentley", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254351, null, null, null]]], "all_evidence": [[254351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168111, 181880, "Fist_of_Legend", 2]]], "all_evidence": [[168111, 181880, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243696, null, null, null]]], "all_evidence": [[243696, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145896, 160911, "Trollhunters", 0]]], "all_evidence": [[145896, 160911, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203336, 212377, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203336, 212377, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158663, 173293, "West_Virginia", 1]]], "all_evidence": [[158663, 173293, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213699, null, null, null]]], "all_evidence": [[213699, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100577, null, null, null]]], "all_evidence": [[100577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210374, 218152, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210374, 218152, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259459, 258031, "Libya", 2]], [[259460, 258032, "Libya", 2]]], "all_evidence": [[259459, 258031, "Libya", 2], [259460, 258032, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228152, 232403, "Larry_the_Cable_Guy", 14]], [[228153, 232404, "Larry_the_Cable_Guy", 14]]], "all_evidence": [[228152, 232403, "Larry_the_Cable_Guy", 14], [228153, 232404, "Larry_the_Cable_Guy", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162551, 176830, "Colombiana", 0]], [[162552, 176831, "Colombiana", 0]]], "all_evidence": [[162551, 176830, "Colombiana", 0], [162552, 176831, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177650, 190405, "Starrcade", 0]]], "all_evidence": [[177650, 190405, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52569, 62537, "Stephen_Hillenburg", 4]]], "all_evidence": [[52569, 62537, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66909, null, null, null]]], "all_evidence": [[66909, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160020, 174523, "Crips", 3]]], "all_evidence": [[160020, 174523, "Crips", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33470, 40623, "YouTube", 15]]], "all_evidence": [[33470, 40623, "YouTube", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215803, null, null, null]]], "all_evidence": [[215803, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214799, 221792, "Premam", 0]]], "all_evidence": [[214799, 221792, "Premam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22416, 27620, "Melancholia_-LRB-2011_film-RRB-", 0], [22416, 27620, "Lars_von_Trier", 0]]], "all_evidence": [[22416, 27620, "Melancholia_-LRB-2011_film-RRB-", 0], [22416, 27620, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184002, null, null, null]]], "all_evidence": [[184002, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127820, 142513, "Aaron_Burr", 9]]], "all_evidence": [[127820, 142513, "Aaron_Burr", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143934, 159014, "John_Krasinski", 0]]], "all_evidence": [[143934, 159014, "John_Krasinski", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131783, 146637, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[131783, 146637, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36135, null, null, null]]], "all_evidence": [[36135, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297087, null, null, null], [298766, null, null, null], [300849, null, null, null], [344703, null, null, null], [344708, null, null, null]]], "all_evidence": [[297087, null, null, null], [298766, null, null, null], [300849, null, null, null], [344703, null, null, null], [344708, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163433, null, null, null]]], "all_evidence": [[163433, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90903, 103599, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[90903, 103599, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213152, null, null, null]]], "all_evidence": [[213152, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150130, null, null, null]]], "all_evidence": [[150130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206859, 215139, "Invasion_literature", 0]]], "all_evidence": [[206859, 215139, "Invasion_literature", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226469, null, null, null]]], "all_evidence": [[226469, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203226, null, null, null]]], "all_evidence": [[203226, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133502, null, null, null]]], "all_evidence": [[133502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181762, 194009, "Seohyun", 0]]], "all_evidence": [[181762, 194009, "Seohyun", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282979, null, null, null], [284872, null, null, null], [285639, null, null, null], [331414, null, null, null], [332242, null, null, null]]], "all_evidence": [[282979, null, null, null], [284872, null, null, null], [285639, null, null, null], [331414, null, null, null], [332242, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145062, 160069, "Stephen_Hillenburg", 4]]], "all_evidence": [[145062, 160069, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269611, null, null, null]]], "all_evidence": [[269611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101709, 114965, "Angelsberg", 0]]], "all_evidence": [[101709, 114965, "Angelsberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239524, null, null, null], [243280, null, null, null], [245870, null, null, null], [320400, null, null, null]]], "all_evidence": [[239524, null, null, null], [243280, null, null, null], [245870, null, null, null], [320400, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81488, 93246, "Aristotle", 2]]], "all_evidence": [[81488, 93246, "Aristotle", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248555, null, null, null]]], "all_evidence": [[248555, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166517, null, null, null]]], "all_evidence": [[166517, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163069, 177279, "Duff_McKagan", 0]], [[163069, 177280, "Duff_McKagan", 1]]], "all_evidence": [[163069, 177279, "Duff_McKagan", 0], [163069, 177280, "Duff_McKagan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28077, 34374, "Penguin_Books", 2]]], "all_evidence": [[28077, 34374, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271140, 267082, "Giada_at_Home", 1]]], "all_evidence": [[271140, 267082, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123034, 137309, "Despacito", 12]]], "all_evidence": [[123034, 137309, "Despacito", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243139, null, null, null]]], "all_evidence": [[243139, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154913, 169641, "Danger_UXB", 0]]], "all_evidence": [[154913, 169641, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48465, 57788, "Terry_Crews", 9]]], "all_evidence": [[48465, 57788, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258695, null, null, null]]], "all_evidence": [[258695, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259731, null, null, null]]], "all_evidence": [[259731, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89732, 102430, "Qui-Gon_Jinn", 0]]], "all_evidence": [[89732, 102430, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100818, null, null, null]]], "all_evidence": [[100818, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20622, 25261, "Kendall_Jenner", 0]], [[20622, 25262, "Kendall_Jenner", 1]], [[20622, 25263, "Kendall_Jenner", 4]], [[20622, 25264, "Kendall_Jenner", 5]]], "all_evidence": [[20622, 25261, "Kendall_Jenner", 0], [20622, 25262, "Kendall_Jenner", 1], [20622, 25263, "Kendall_Jenner", 4], [20622, 25264, "Kendall_Jenner", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78945, 90537, "Duane_Chapman", 0]]], "all_evidence": [[78945, 90537, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40709, 48969, "Pearl_Jam", 0]]], "all_evidence": [[40709, 48969, "Pearl_Jam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179874, 192425, "Bessie_Smith", 0]]], "all_evidence": [[179874, 192425, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150252, 165176, "Wilhelmina_Slater", 0]], [[150252, 165177, "Wilhelmina_Slater", 1]]], "all_evidence": [[150252, 165176, "Wilhelmina_Slater", 0], [150252, 165177, "Wilhelmina_Slater", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194816, null, null, null]]], "all_evidence": [[194816, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97182, null, null, null]]], "all_evidence": [[97182, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119738, 133853, "Jens_Stoltenberg", 4]]], "all_evidence": [[119738, 133853, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17554, null, null, null]]], "all_evidence": [[17554, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72895, 83997, "Mud_-LRB-2012_film-RRB-", 1], [72895, 83997, "Matthew_McConaughey", 0], [72895, 83997, "Jacob_Lofland", 0], [72895, 83997, "Sam_Shepard", 0], [72895, 83997, "Reese_Witherspoon", 0]]], "all_evidence": [[72895, 83997, "Mud_-LRB-2012_film-RRB-", 1], [72895, 83997, "Matthew_McConaughey", 0], [72895, 83997, "Jacob_Lofland", 0], [72895, 83997, "Sam_Shepard", 0], [72895, 83997, "Reese_Witherspoon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178005, null, null, null]]], "all_evidence": [[178005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119668, 133752, "YouTube", 15]]], "all_evidence": [[119668, 133752, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156060, 170699, "14th_Dalai_Lama", 10]]], "all_evidence": [[156060, 170699, "14th_Dalai_Lama", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198050, 207994, "Dave_Gibbons", 0]]], "all_evidence": [[198050, 207994, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146470, 161433, "How_to_Train_Your_Dragon_2", 11]], [[146471, 161434, "How_to_Train_Your_Dragon_2", 11]]], "all_evidence": [[146470, 161433, "How_to_Train_Your_Dragon_2", 11], [146471, 161434, "How_to_Train_Your_Dragon_2", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79929, 91672, "Reign_Over_Me", 1]]], "all_evidence": [[79929, 91672, "Reign_Over_Me", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276747, null, null, null], [277534, null, null, null], [322535, null, null, null], [322536, null, null, null], [323614, null, null, null], [323618, null, null, null]]], "all_evidence": [[276747, null, null, null], [277534, null, null, null], [322535, null, null, null], [322536, null, null, null], [323614, null, null, null], [323618, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53351, 63329, "Shane_McMahon", 10]]], "all_evidence": [[53351, 63329, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43523, 52181, "Terry_Crews", 9]]], "all_evidence": [[43523, 52181, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158721, 173356, "Joe_Rogan", 0]]], "all_evidence": [[158721, 173356, "Joe_Rogan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225640, 230265, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225641, 230266, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225640, 230265, "Ian_Brennan_-LRB-writer-RRB-", 0], [225641, 230266, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203699, 212670, "Aunt_May", 0]], [[203699, 212671, "Aunt_May", 1]]], "all_evidence": [[203699, 212670, "Aunt_May", 0], [203699, 212671, "Aunt_May", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160366, 174884, "Hush_-LRB-2016_film-RRB-", 2]], [[162047, 176415, "Hush_-LRB-2016_film-RRB-", 2]], [[163241, 177458, "Hush_-LRB-2016_film-RRB-", 2], [163241, 177458, "Hush_-LRB-2016_film-RRB-", 0]], [[312030, 301917, "Hush_-LRB-2016_film-RRB-", 2]], [[312032, 301919, "Hush_-LRB-2016_film-RRB-", 2]], [[312033, 301920, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[160366, 174884, "Hush_-LRB-2016_film-RRB-", 2], [162047, 176415, "Hush_-LRB-2016_film-RRB-", 2], [163241, 177458, "Hush_-LRB-2016_film-RRB-", 2], [163241, 177458, "Hush_-LRB-2016_film-RRB-", 0], [312030, 301917, "Hush_-LRB-2016_film-RRB-", 2], [312032, 301919, "Hush_-LRB-2016_film-RRB-", 2], [312033, 301920, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14182, 17731, "Byron_Howard", 2], [14182, 17731, "Golden_Globe_Award", 0]], [[14187, 17736, "Byron_Howard", 2], [14187, 17736, "Golden_Globe_Award", 0], [14187, 17736, "Tangled", 0], [14187, 17736, "Zootopia", 0]], [[14189, 17738, "Byron_Howard", 2]]], "all_evidence": [[14182, 17731, "Byron_Howard", 2], [14182, 17731, "Golden_Globe_Award", 0], [14187, 17736, "Byron_Howard", 2], [14187, 17736, "Golden_Globe_Award", 0], [14187, 17736, "Tangled", 0], [14187, 17736, "Zootopia", 0], [14189, 17738, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250978, null, null, null]]], "all_evidence": [[250978, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149609, 164580, "Gal_Gadot", 4]], [[149649, 164609, "Gal_Gadot", 4]]], "all_evidence": [[149609, 164580, "Gal_Gadot", 4], [149649, 164609, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268476, null, null, null]]], "all_evidence": [[268476, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88749, 101386, "Miranda_Otto", 1]]], "all_evidence": [[88749, 101386, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248530, 248687, "Tie_Your_Mother_Down", 2]], [[248534, 248691, "Tie_Your_Mother_Down", 2]]], "all_evidence": [[248530, 248687, "Tie_Your_Mother_Down", 2], [248534, 248691, "Tie_Your_Mother_Down", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218318, 224632, "Eva_Mendes", 0]]], "all_evidence": [[218318, 224632, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23333, null, null, null], [24482, null, null, null]]], "all_evidence": [[23333, null, null, null], [24482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47601, 56807, "Brazzers", 0]]], "all_evidence": [[47601, 56807, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25357, 31274, "Horse", 2]]], "all_evidence": [[25357, 31274, "Horse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46006, 54965, "Augustus", 42]]], "all_evidence": [[46006, 54965, "Augustus", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234504, 237366, "Boyhood_-LRB-film-RRB-", 2]]], "all_evidence": [[234504, 237366, "Boyhood_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122955, null, null, null]]], "all_evidence": [[122955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137989, 152960, "Johnny_Galecki", 1]]], "all_evidence": [[137989, 152960, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248706, 248804, "Scotty_Moore", 0]], [[250859, 250826, "Scotty_Moore", 0]], [[250859, 250827, "Scotty_Moore", 4]], [[319576, 308307, "Scotty_Moore", 0]], [[319576, 308308, "Scotty_Moore", 5]], [[320695, 309249, "Scotty_Moore", 0]], [[320701, 309253, "Scotty_Moore", 0]], [[320716, 309275, "Scotty_Moore", 0]]], "all_evidence": [[248706, 248804, "Scotty_Moore", 0], [250859, 250826, "Scotty_Moore", 0], [250859, 250827, "Scotty_Moore", 4], [319576, 308307, "Scotty_Moore", 0], [319576, 308308, "Scotty_Moore", 5], [320695, 309249, "Scotty_Moore", 0], [320701, 309253, "Scotty_Moore", 0], [320716, 309275, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31845, 38655, "Match_Point", 0]]], "all_evidence": [[31845, 38655, "Match_Point", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183432, 195431, "Guatemala", 16]]], "all_evidence": [[183432, 195431, "Guatemala", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121709, null, null, null]]], "all_evidence": [[121709, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255467, null, null, null]]], "all_evidence": [[255467, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115849, 129730, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[115849, 129730, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136736, 151562, "James_Jones_-LRB-basketball_player-RRB-", 17]]], "all_evidence": [[136736, 151562, "James_Jones_-LRB-basketball_player-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228479, 232656, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228479, 232656, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145409, 160403, "Angela_Bassett", 6]], [[145424, 160417, "Angela_Bassett", 6], [145424, 160417, "Yale_School_of_Drama", 0]]], "all_evidence": [[145409, 160403, "Angela_Bassett", 6], [145424, 160417, "Angela_Bassett", 6], [145424, 160417, "Yale_School_of_Drama", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242998, null, null, null]]], "all_evidence": [[242998, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170149, null, null, null]]], "all_evidence": [[170149, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241259, 242798, "Cretaceous", 0]], [[241259, 242799, "Cretaceous", 8]], [[241259, 242800, "Cretaceous", 9]]], "all_evidence": [[241259, 242798, "Cretaceous", 0], [241259, 242799, "Cretaceous", 8], [241259, 242800, "Cretaceous", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81026, 92874, "Floppy_disk", 0]]], "all_evidence": [[81026, 92874, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124617, 138952, "The_Cincinnati_Kid", 6], [124617, 138952, "Norman_Jewison", 0]], [[124618, 138953, "The_Cincinnati_Kid", 6], [124618, 138953, "Norman_Jewison", 0]], [[124619, 138954, "The_Cincinnati_Kid", 6], [124619, 138954, "Norman_Jewison", 0]], [[124620, 138955, "The_Cincinnati_Kid", 6], [124620, 138955, "Norman_Jewison", 0]], [[124621, 138956, "The_Cincinnati_Kid", 6], [124621, 138956, "Norman_Jewison", 0]], [[124622, 138957, "The_Cincinnati_Kid", 6], [124622, 138957, "Norman_Jewison", 0]], [[124623, 138958, "The_Cincinnati_Kid", 6], [124623, 138958, "Norman_Jewison", 0]], [[124624, 138959, "The_Cincinnati_Kid", 6], [124624, 138959, "Norman_Jewison", 0]]], "all_evidence": [[124617, 138952, "The_Cincinnati_Kid", 6], [124617, 138952, "Norman_Jewison", 0], [124618, 138953, "The_Cincinnati_Kid", 6], [124618, 138953, "Norman_Jewison", 0], [124619, 138954, "The_Cincinnati_Kid", 6], [124619, 138954, "Norman_Jewison", 0], [124620, 138955, "The_Cincinnati_Kid", 6], [124620, 138955, "Norman_Jewison", 0], [124621, 138956, "The_Cincinnati_Kid", 6], [124621, 138956, "Norman_Jewison", 0], [124622, 138957, "The_Cincinnati_Kid", 6], [124622, 138957, "Norman_Jewison", 0], [124623, 138958, "The_Cincinnati_Kid", 6], [124623, 138958, "Norman_Jewison", 0], [124624, 138959, "The_Cincinnati_Kid", 6], [124624, 138959, "Norman_Jewison", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86602, null, null, null]]], "all_evidence": [[86602, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260882, 259219, "Capsicum_chinense", 0]]], "all_evidence": [[260882, 259219, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56519, null, null, null]]], "all_evidence": [[56519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45339, 54114, "English_people", 6]], [[45339, 54115, "English_people", 12]]], "all_evidence": [[45339, 54114, "English_people", 6], [45339, 54115, "English_people", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228472, null, null, null]]], "all_evidence": [[228472, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219112, null, null, null]]], "all_evidence": [[219112, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236105, null, null, null]]], "all_evidence": [[236105, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113793, 127667, "University_of_Mississippi", 4]]], "all_evidence": [[113793, 127667, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222941, 228048, "Marjorie_Gross", 1]]], "all_evidence": [[222941, 228048, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268487, null, null, null]]], "all_evidence": [[268487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188612, 200067, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188612, 200067, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45157, 53902, "Kuching", 0]]], "all_evidence": [[45157, 53902, "Kuching", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144737, null, null, null]]], "all_evidence": [[144737, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27653, 33872, "Murda_Beatz", 0]]], "all_evidence": [[27653, 33872, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183441, 195440, "Guatemala", 16]]], "all_evidence": [[183441, 195440, "Guatemala", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216150, 222860, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216150, 222860, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237571, 239785, "Dakota_Fanning", 1]], [[237571, 239786, "Dakota_Fanning", 2]], [[237571, 239787, "Dakota_Fanning", 5]], [[237571, 239788, "Dakota_Fanning", 6]]], "all_evidence": [[237571, 239785, "Dakota_Fanning", 1], [237571, 239786, "Dakota_Fanning", 2], [237571, 239787, "Dakota_Fanning", 5], [237571, 239788, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292194, 285028, "Tenacious_D", 0]], [[292194, 285029, "Tenacious_D", 1], [292194, 285029, "Jack_Black", 0], [292194, 285029, "Kyle_Gass", 0]], [[294150, 286500, "Tenacious_D", 0]], [[294802, 287013, "Tenacious_D", 0]], [[339246, 324260, "Tenacious_D", 0]], [[339259, 324266, "Tenacious_D", 0]], [[339262, 324269, "Tenacious_D", 0], [339262, 324269, "California", 0]]], "all_evidence": [[292194, 285028, "Tenacious_D", 0], [292194, 285029, "Tenacious_D", 1], [292194, 285029, "Jack_Black", 0], [292194, 285029, "Kyle_Gass", 0], [294150, 286500, "Tenacious_D", 0], [294802, 287013, "Tenacious_D", 0], [339246, 324260, "Tenacious_D", 0], [339259, 324266, "Tenacious_D", 0], [339262, 324269, "Tenacious_D", 0], [339262, 324269, "California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101937, 115177, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[101937, 115177, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140908, 156061, "NRG_Recording_Studios", 0]]], "all_evidence": [[140908, 156061, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44073, 52715, "Prowler_-LRB-comics-RRB-", 0]]], "all_evidence": [[44073, 52715, "Prowler_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234291, null, null, null], [237075, null, null, null], [318753, null, null, null], [320153, null, null, null]]], "all_evidence": [[234291, null, null, null], [237075, null, null, null], [318753, null, null, null], [320153, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45726, null, null, null]]], "all_evidence": [[45726, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208017, null, null, null]]], "all_evidence": [[208017, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223842, null, null, null]]], "all_evidence": [[223842, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191692, null, null, null]]], "all_evidence": [[191692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128027, 142735, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[128027, 142735, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147240, 162242, "YouTube", 15], [147240, 162242, "Alexa_Internet", 0]]], "all_evidence": [[147240, 162242, "YouTube", 15], [147240, 162242, "Alexa_Internet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114582, 128332, "Fred_Armisen", 0]]], "all_evidence": [[114582, 128332, "Fred_Armisen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51024, 60759, "University_of_Mississippi", 4]], [[51028, 60763, "University_of_Mississippi", 4]]], "all_evidence": [[51024, 60759, "University_of_Mississippi", 4], [51028, 60763, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162039, 176411, "The_Godfather_Part_II", 7]]], "all_evidence": [[162039, 176411, "The_Godfather_Part_II", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246626, 247099, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246626, 247099, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241256, 242797, "Cretaceous", 8]]], "all_evidence": [[241256, 242797, "Cretaceous", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61335, 71850, "2016_Tour_de_France", 2]]], "all_evidence": [[61335, 71850, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185037, 196860, "Edgar_Wright", 0], [185037, 196860, "Gemini_-LRB-astrology-RRB-", 1]]], "all_evidence": [[185037, 196860, "Edgar_Wright", 0], [185037, 196860, "Gemini_-LRB-astrology-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164639, 178861, "Saxony", 4]]], "all_evidence": [[164639, 178861, "Saxony", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287873, null, null, null], [289498, null, null, null], [291010, null, null, null], [336274, null, null, null], [336276, null, null, null], [336277, null, null, null], [336279, null, null, null], [336288, null, null, null]]], "all_evidence": [[287873, null, null, null], [289498, null, null, null], [291010, null, null, null], [336274, null, null, null], [336276, null, null, null], [336277, null, null, null], [336279, null, null, null], [336288, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194119, 204526, "Rick_Yune", 2]]], "all_evidence": [[194119, 204526, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89952, null, null, null]]], "all_evidence": [[89952, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107225, null, null, null]]], "all_evidence": [[107225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236633, 239073, "Marcus_Bentley", 0]]], "all_evidence": [[236633, 239073, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194710, 205081, "Middle-earth", 0]], [[194710, 205082, "Middle-earth", 4]], [[194710, 205083, "Middle-earth", 2]]], "all_evidence": [[194710, 205081, "Middle-earth", 0], [194710, 205082, "Middle-earth", 4], [194710, 205083, "Middle-earth", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126869, null, null, null]]], "all_evidence": [[126869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180236, 192773, "The_Bahamas", 0], [180236, 192773, "Archipelagic_state", 0]], [[180236, 192774, "The_Bahamas", 10], [180236, 192774, "Eleuthera", 0]], [[182014, 194300, "The_Bahamas", 0], [182014, 194300, "Archipelagic_state", 0]], [[182195, 194465, "The_Bahamas", 0], [182195, 194465, "Archipelagic_state", 0]], [[314183, 303607, "The_Bahamas", 0], [314183, 303607, "Archipelagic_state", 0]], [[314185, 303608, "The_Bahamas", 0], [314185, 303608, "Archipelagic_state", 0]], [[314191, 303615, "The_Bahamas", 0]]], "all_evidence": [[180236, 192773, "The_Bahamas", 0], [180236, 192773, "Archipelagic_state", 0], [180236, 192774, "The_Bahamas", 10], [180236, 192774, "Eleuthera", 0], [182014, 194300, "The_Bahamas", 0], [182014, 194300, "Archipelagic_state", 0], [182195, 194465, "The_Bahamas", 0], [182195, 194465, "Archipelagic_state", 0], [314183, 303607, "The_Bahamas", 0], [314183, 303607, "Archipelagic_state", 0], [314185, 303608, "The_Bahamas", 0], [314185, 303608, "Archipelagic_state", 0], [314191, 303615, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154789, null, null, null]]], "all_evidence": [[154789, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223634, 228603, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223634, 228603, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31423, 38135, "Duane_Chapman", 0]]], "all_evidence": [[31423, 38135, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227654, 231998, "Happiness_in_Slavery", 0]]], "all_evidence": [[227654, 231998, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213723, 220883, "Finding_Dory", 1], [213723, 220883, "Andrew_Stanton", 0]]], "all_evidence": [[213723, 220883, "Finding_Dory", 1], [213723, 220883, "Andrew_Stanton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218086, 224474, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218086, 224474, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93481, 106435, "Harvard_University", 15]]], "all_evidence": [[93481, 106435, "Harvard_University", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142921, 158037, "Qui-Gon_Jinn", 0]]], "all_evidence": [[142921, 158037, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95808, 108866, "Daggering", 0]]], "all_evidence": [[95808, 108866, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198013, 207956, "Syracuse,_New_York", 2]]], "all_evidence": [[198013, 207956, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82612, 94410, "Philomena_-LRB-film-RRB-", 9]]], "all_evidence": [[82612, 94410, "Philomena_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233039, null, null, null]]], "all_evidence": [[233039, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28396, 34705, "James_Earl_Jones", 4]]], "all_evidence": [[28396, 34705, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228486, 232662, "Stripes_-LRB-film-RRB-", 0], [228486, 232662, "Bill_Murray", 0], [228486, 232662, "Harold_Ramis", 0], [228486, 232662, "John_Candy", 0], [228486, 232662, "P._J._Soles", 0], [228486, 232662, "Sean_Young", 0], [228486, 232662, "Warren_Oates", 0]], [[228486, 232663, "Stripes_-LRB-film-RRB-", 1], [228486, 232663, "Conrad_Dunn", 0], [228486, 232663, "John_Diehl", 0], [228486, 232663, "John_Larroquette", 0], [228486, 232663, "Judge_Reinhold", 0]], [[228486, 232664, "Stripes_-LRB-film-RRB-", 2], [228486, 232664, "Bill_Paxton", 0], [228486, 232664, "Dave_Thomas_-LRB-actor-RRB-", 0], [228486, 232664, "Joe_Flaherty", 0], [228486, 232664, "Timothy_Busfield", 0]]], "all_evidence": [[228486, 232662, "Stripes_-LRB-film-RRB-", 0], [228486, 232662, "Bill_Murray", 0], [228486, 232662, "Harold_Ramis", 0], [228486, 232662, "John_Candy", 0], [228486, 232662, "P._J._Soles", 0], [228486, 232662, "Sean_Young", 0], [228486, 232662, "Warren_Oates", 0], [228486, 232663, "Stripes_-LRB-film-RRB-", 1], [228486, 232663, "Conrad_Dunn", 0], [228486, 232663, "John_Diehl", 0], [228486, 232663, "John_Larroquette", 0], [228486, 232663, "Judge_Reinhold", 0], [228486, 232664, "Stripes_-LRB-film-RRB-", 2], [228486, 232664, "Bill_Paxton", 0], [228486, 232664, "Dave_Thomas_-LRB-actor-RRB-", 0], [228486, 232664, "Joe_Flaherty", 0], [228486, 232664, "Timothy_Busfield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237970, 240131, "Tamerlan_Tsarnaev", 8]], [[237970, 240132, "Tamerlan_Tsarnaev", 9]]], "all_evidence": [[237970, 240131, "Tamerlan_Tsarnaev", 8], [237970, 240132, "Tamerlan_Tsarnaev", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92667, 105474, "YouTube", 15]]], "all_evidence": [[92667, 105474, "YouTube", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116377, 130272, "Bethany_Hamilton", 0]], [[116386, 130279, "Bethany_Hamilton", 0]], [[116386, 130280, "Bethany_Hamilton", 2], [116386, 130280, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[116377, 130272, "Bethany_Hamilton", 0], [116386, 130279, "Bethany_Hamilton", 0], [116386, 130280, "Bethany_Hamilton", 2], [116386, 130280, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238529, 240527, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]], "all_evidence": [[238529, 240527, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191909, null, null, null]]], "all_evidence": [[191909, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234295, 237206, "Starrcade", 0]], [[240672, 242253, "Starrcade", 0]], [[318762, 307596, "Starrcade", 0]]], "all_evidence": [[234295, 237206, "Starrcade", 0], [240672, 242253, "Starrcade", 0], [318762, 307596, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106053, 119413, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[106053, 119413, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246628, null, null, null]]], "all_evidence": [[246628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49590, 58971, "Taran_Killam", 0]], [[49590, 58972, "Taran_Killam", 1]], [[49590, 58973, "Taran_Killam", 2]], [[49590, 58974, "Taran_Killam", 5]]], "all_evidence": [[49590, 58971, "Taran_Killam", 0], [49590, 58972, "Taran_Killam", 1], [49590, 58973, "Taran_Killam", 2], [49590, 58974, "Taran_Killam", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236989, 239318, "Varsity_Blues_-LRB-film-RRB-", 5]]], "all_evidence": [[236989, 239318, "Varsity_Blues_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211590, 219257, "Forceps", 0]], [[211591, 219258, "Forceps", 0]], [[211595, 219260, "Forceps", 0]]], "all_evidence": [[211590, 219257, "Forceps", 0], [211591, 219258, "Forceps", 0], [211595, 219260, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226473, 231034, "Eighth_Doctor", 0], [226473, 231034, "BBC", 1]]], "all_evidence": [[226473, 231034, "Eighth_Doctor", 0], [226473, 231034, "BBC", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80159, 91957, "NRG_Recording_Studios", 0], [80159, 91957, "Jay_Baumgardner", 0]]], "all_evidence": [[80159, 91957, "NRG_Recording_Studios", 0], [80159, 91957, "Jay_Baumgardner", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239342, null, null, null], [239368, null, null, null]]], "all_evidence": [[239342, null, null, null], [239368, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241683, 243206, "Rio_-LRB-2011_film-RRB-", 20], [241683, 243206, "Rio_2", 0]], [[241722, 243239, "Rio_-LRB-2011_film-RRB-", 20], [241722, 243239, "Rio_2", 0]]], "all_evidence": [[241683, 243206, "Rio_-LRB-2011_film-RRB-", 20], [241683, 243206, "Rio_2", 0], [241722, 243239, "Rio_-LRB-2011_film-RRB-", 20], [241722, 243239, "Rio_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203329, 212371, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203329, 212371, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138533, 153596, "Nuuk", 4]]], "all_evidence": [[138533, 153596, "Nuuk", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258720, null, null, null], [258721, null, null, null], [258723, null, null, null]]], "all_evidence": [[258720, null, null, null], [258721, null, null, null], [258723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78509, 90041, "Michigan", 2]]], "all_evidence": [[78509, 90041, "Michigan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154053, null, null, null]]], "all_evidence": [[154053, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258725, null, null, null]]], "all_evidence": [[258725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232017, 235305, "Simo\u0301n_Boli\u0301var", 0]], [[232018, 235306, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232017, 235305, "Simo\u0301n_Boli\u0301var", 0], [232018, 235306, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86370, 98774, "A_Milli", 0]], [[86370, 98775, "A_Milli", 1], [86370, 98775, "Tha_Carter_III", 0]]], "all_evidence": [[86370, 98774, "A_Milli", 0], [86370, 98775, "A_Milli", 1], [86370, 98775, "Tha_Carter_III", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190748, null, null, null]]], "all_evidence": [[190748, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188622, 200074, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188622, 200074, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235605, 238211, "Natural_Born_Killers", 0]]], "all_evidence": [[235605, 238211, "Natural_Born_Killers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214271, 221352, "Kenneth_Lonergan", 0], [214271, 221352, "Kenneth_Lonergan", 1]]], "all_evidence": [[214271, 221352, "Kenneth_Lonergan", 0], [214271, 221352, "Kenneth_Lonergan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198058, 208001, "Dave_Gibbons", 0]]], "all_evidence": [[198058, 208001, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39275, null, null, null]]], "all_evidence": [[39275, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40388, 48589, "Rupert_Murdoch", 3]]], "all_evidence": [[40388, 48589, "Rupert_Murdoch", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79888, 91624, "Henry_VIII_-LRB-TV_serial-RRB-", 5]]], "all_evidence": [[79888, 91624, "Henry_VIII_-LRB-TV_serial-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213731, 220889, "Finding_Dory", 1]]], "all_evidence": [[213731, 220889, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199081, 208765, "Matteo_Renzi", 0]]], "all_evidence": [[199081, 208765, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218174, null, null, null]]], "all_evidence": [[218174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154839, 169589, "Kesha", 0]], [[154839, 169590, "Kesha", 13]]], "all_evidence": [[154839, 169589, "Kesha", 0], [154839, 169590, "Kesha", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68505, 79373, "Eric_Church", 0]]], "all_evidence": [[68505, 79373, "Eric_Church", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107366, null, null, null]]], "all_evidence": [[107366, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195165, 205491, "James_Jones_-LRB-basketball_player-RRB-", 16]], [[199989, 209620, "James_Jones_-LRB-basketball_player-RRB-", 16]], [[315374, 304639, "James_Jones_-LRB-basketball_player-RRB-", 16]], [[315375, 304640, "James_Jones_-LRB-basketball_player-RRB-", 16]]], "all_evidence": [[195165, 205491, "James_Jones_-LRB-basketball_player-RRB-", 16], [199989, 209620, "James_Jones_-LRB-basketball_player-RRB-", 16], [315374, 304639, "James_Jones_-LRB-basketball_player-RRB-", 16], [315375, 304640, "James_Jones_-LRB-basketball_player-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12676, 15824, "Tottenham_Hotspur_F.C.", 0]], [[12676, 15825, "Tottenham_Hotspur_F.C.", 7]], [[12704, 15853, "Tottenham_Hotspur_F.C.", 0]]], "all_evidence": [[12676, 15824, "Tottenham_Hotspur_F.C.", 0], [12676, 15825, "Tottenham_Hotspur_F.C.", 7], [12704, 15853, "Tottenham_Hotspur_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190776, null, null, null]]], "all_evidence": [[190776, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84546, null, null, null]]], "all_evidence": [[84546, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83374, 95343, "Hush_-LRB-2016_film-RRB-", 2]], [[83375, 95344, "Hush_-LRB-2016_film-RRB-", 2], [83375, 95344, "Hush_-LRB-2016_film-RRB-", 0]], [[83381, 95347, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[83374, 95343, "Hush_-LRB-2016_film-RRB-", 2], [83375, 95344, "Hush_-LRB-2016_film-RRB-", 2], [83375, 95344, "Hush_-LRB-2016_film-RRB-", 0], [83381, 95347, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61291, 71808, "Veeru_Devgan", 0]], [[61291, 71809, "Veeru_Devgan", 1], [61291, 71809, "Amritsar", 0]]], "all_evidence": [[61291, 71808, "Veeru_Devgan", 0], [61291, 71809, "Veeru_Devgan", 1], [61291, 71809, "Amritsar", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144708, null, null, null]]], "all_evidence": [[144708, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154831, null, null, null]]], "all_evidence": [[154831, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157881, 172482, "TV_Choice", 1]], [[157881, 172483, "TV_Choice", 0]]], "all_evidence": [[157881, 172482, "TV_Choice", 1], [157881, 172483, "TV_Choice", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248521, null, null, null]]], "all_evidence": [[248521, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229539, 233465, "Bea_Arthur", 0]], [[229540, 233466, "Bea_Arthur", 0]]], "all_evidence": [[229539, 233465, "Bea_Arthur", 0], [229540, 233466, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201139, 210593, "The_Endless_River", 0], [201139, 210593, "Pink_Floyd", 5]]], "all_evidence": [[201139, 210593, "The_Endless_River", 0], [201139, 210593, "Pink_Floyd", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72181, 83194, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[72181, 83194, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208024, null, null, null]]], "all_evidence": [[208024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282451, 276630, "Jennifer_Lopez", 9]], [[284422, 278253, "Jennifer_Lopez", 9]], [[330610, 317213, "Jennifer_Lopez", 9]], [[330611, 317214, "Jennifer_Lopez", 9]], [[331739, 318212, "Jennifer_Lopez", 9]]], "all_evidence": [[282451, 276630, "Jennifer_Lopez", 9], [284422, 278253, "Jennifer_Lopez", 9], [330610, 317213, "Jennifer_Lopez", 9], [330611, 317214, "Jennifer_Lopez", 9], [331739, 318212, "Jennifer_Lopez", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89411, 102107, "Pene\u0301lope_Cruz", 12]], [[89416, 102111, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[89411, 102107, "Pene\u0301lope_Cruz", 12], [89416, 102111, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160818, null, null, null]]], "all_evidence": [[160818, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196629, 206740, "Michael_Vick", 0]], [[196629, 206741, "Michael_Vick", 1]], [[196629, 206742, "Michael_Vick", 2]], [[196629, 206743, "Michael_Vick", 8]], [[196629, 206744, "Michael_Vick", 11]], [[196629, 206745, "Michael_Vick", 12]], [[196629, 206746, "Michael_Vick", 13]]], "all_evidence": [[196629, 206740, "Michael_Vick", 0], [196629, 206741, "Michael_Vick", 1], [196629, 206742, "Michael_Vick", 2], [196629, 206743, "Michael_Vick", 8], [196629, 206744, "Michael_Vick", 11], [196629, 206745, "Michael_Vick", 12], [196629, 206746, "Michael_Vick", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110822, null, null, null]]], "all_evidence": [[110822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214282, 221364, "Kenneth_Lonergan", 1]], [[214282, 221365, "Kenneth_Lonergan", 2]], [[214282, 221366, "Kenneth_Lonergan", 3]]], "all_evidence": [[214282, 221364, "Kenneth_Lonergan", 1], [214282, 221365, "Kenneth_Lonergan", 2], [214282, 221366, "Kenneth_Lonergan", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193486, null, null, null]]], "all_evidence": [[193486, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22067, null, null, null]]], "all_evidence": [[22067, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52779, null, null, null]]], "all_evidence": [[52779, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171714, null, null, null]]], "all_evidence": [[171714, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112745, null, null, null]]], "all_evidence": [[112745, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228173, null, null, null]]], "all_evidence": [[228173, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251710, 251518, "Mary-Kate_and_Ashley_Olsen", 0]], [[251713, 251524, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251710, 251518, "Mary-Kate_and_Ashley_Olsen", 0], [251713, 251524, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287025, null, null, null], [287032, null, null, null], [289120, null, null, null], [334969, null, null, null], [334975, null, null, null]]], "all_evidence": [[287025, null, null, null], [287032, null, null, null], [289120, null, null, null], [334969, null, null, null], [334975, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185427, null, null, null]]], "all_evidence": [[185427, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101493, null, null, null]]], "all_evidence": [[101493, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148141, 163108, "Camden,_New_Jersey", 0]]], "all_evidence": [[148141, 163108, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16220, null, null, null]]], "all_evidence": [[16220, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150764, 165605, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[150764, 165605, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145297, null, null, null]]], "all_evidence": [[145297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167360, 181207, "Always_-LRB-1989_film-RRB-", 0], [167360, 181207, "Steven_Spielberg", 0]]], "all_evidence": [[167360, 181207, "Always_-LRB-1989_film-RRB-", 0], [167360, 181207, "Steven_Spielberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100897, 114161, "Washington_Wizards", 12]]], "all_evidence": [[100897, 114161, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217682, 224173, "Asylum_Records", 0]]], "all_evidence": [[217682, 224173, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58291, 68547, "Despacito", 12], [58291, 68547, "Vi\u0301ctor_Manuelle", 0]], [[58291, 68548, "Despacito", 13]]], "all_evidence": [[58291, 68547, "Despacito", 12], [58291, 68547, "Vi\u0301ctor_Manuelle", 0], [58291, 68548, "Despacito", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126198, 140580, "Harold_Macmillan", 0]], [[126198, 140582, "Harold_Macmillan", 1], [126198, 140582, "Supermac_-LRB-cartoon-RRB-", 4]], [[126198, 140584, "Harold_Macmillan", 7]], [[126198, 140585, "Harold_Macmillan", 8]], [[126198, 140586, "Harold_Macmillan", 11]], [[126198, 140587, "Harold_Macmillan", 12]], [[126198, 140588, "Harold_Macmillan", 15]], [[126198, 140591, "Harold_Macmillan", 16]], [[126198, 140592, "Harold_Macmillan", 17]], [[126198, 140593, "Harold_Macmillan", 18], [126198, 140593, "United_Kingdom_general_election,_1959", 1]], [[126198, 140594, "Harold_Macmillan", 21]], [[126198, 140595, "Harold_Macmillan", 22]], [[126198, 140596, "Harold_Macmillan", 23]], [[126198, 140597, "Harold_Macmillan", 26]], [[126198, 140598, "Harold_Macmillan", 27]], [[126198, 140599, "Harold_Macmillan", 31]]], "all_evidence": [[126198, 140580, "Harold_Macmillan", 0], [126198, 140582, "Harold_Macmillan", 1], [126198, 140582, "Supermac_-LRB-cartoon-RRB-", 4], [126198, 140584, "Harold_Macmillan", 7], [126198, 140585, "Harold_Macmillan", 8], [126198, 140586, "Harold_Macmillan", 11], [126198, 140587, "Harold_Macmillan", 12], [126198, 140588, "Harold_Macmillan", 15], [126198, 140591, "Harold_Macmillan", 16], [126198, 140592, "Harold_Macmillan", 17], [126198, 140593, "Harold_Macmillan", 18], [126198, 140593, "United_Kingdom_general_election,_1959", 1], [126198, 140594, "Harold_Macmillan", 21], [126198, 140595, "Harold_Macmillan", 22], [126198, 140596, "Harold_Macmillan", 23], [126198, 140597, "Harold_Macmillan", 26], [126198, 140598, "Harold_Macmillan", 27], [126198, 140599, "Harold_Macmillan", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17217, 21310, "West_Ham_United_F.C.", 0]]], "all_evidence": [[17217, 21310, "West_Ham_United_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250375, 250380, "The_Closer", 8]]], "all_evidence": [[250375, 250380, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111894, 125714, "Liam_Neeson", 11], [111894, 125714, "British_Academy_of_Film_and_Television_Arts", 0]]], "all_evidence": [[111894, 125714, "Liam_Neeson", 11], [111894, 125714, "British_Academy_of_Film_and_Television_Arts", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117999, null, null, null]]], "all_evidence": [[117999, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137548, null, null, null]]], "all_evidence": [[137548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151548, 166301, "Black_Canary", 0]]], "all_evidence": [[151548, 166301, "Black_Canary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193510, 204003, "Larry_Wilmore", 0]], [[193510, 204004, "Larry_Wilmore", 1], [193510, 204004, "The_Daily_Show", 2], [193510, 204004, "The_Nightly_Show_with_Larry_Wilmore", 0]]], "all_evidence": [[193510, 204003, "Larry_Wilmore", 0], [193510, 204004, "Larry_Wilmore", 1], [193510, 204004, "The_Daily_Show", 2], [193510, 204004, "The_Nightly_Show_with_Larry_Wilmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83236, 95177, "Tottenham_Hotspur_F.C.", 7]]], "all_evidence": [[83236, 95177, "Tottenham_Hotspur_F.C.", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257107, 256155, "Homer_Hickam", 2]]], "all_evidence": [[257107, 256155, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117100, 130992, "Garden_State_-LRB-film-RRB-", 6], [117100, 130992, "Sundance_Film_Festival", 0]]], "all_evidence": [[117100, 130992, "Garden_State_-LRB-film-RRB-", 6], [117100, 130992, "Sundance_Film_Festival", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127831, null, null, null]]], "all_evidence": [[127831, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126705, 141137, "Harris_Jayaraj", 0]]], "all_evidence": [[126705, 141137, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23982, null, null, null]]], "all_evidence": [[23982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229447, 233374, "Eighth_Doctor", 0]]], "all_evidence": [[229447, 233374, "Eighth_Doctor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206695, 215012, "Al_Jardine", 0], [206695, 215012, "Al_Jardine", 1]]], "all_evidence": [[206695, 215012, "Al_Jardine", 0], [206695, 215012, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158565, 173218, "The_Mod_Squad", 0]]], "all_evidence": [[158565, 173218, "The_Mod_Squad", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141672, null, null, null]]], "all_evidence": [[141672, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109095, 122795, "Luke_Cage", 0]], [[109095, 122796, "Luke_Cage", 2]]], "all_evidence": [[109095, 122795, "Luke_Cage", 0], [109095, 122796, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201127, 210577, "The_Endless_River", 0], [201127, 210577, "Pink_Floyd", 0]]], "all_evidence": [[201127, 210577, "The_Endless_River", 0], [201127, 210577, "Pink_Floyd", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257066, 256123, "Chagatai_language", 1]], [[257066, 256124, "Chagatai_language", 0]]], "all_evidence": [[257066, 256123, "Chagatai_language", 1], [257066, 256124, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62524, 73144, "Yale_University", 23]]], "all_evidence": [[62524, 73144, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177234, 190097, "Humphrey_Bogart", 16]]], "all_evidence": [[177234, 190097, "Humphrey_Bogart", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137203, 152034, "Randy_Savage", 4]]], "all_evidence": [[137203, 152034, "Randy_Savage", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274131, 269443, "Wildfang", 1]], [[276509, 271585, "Wildfang", 1]], [[277423, 272339, "Wildfang", 1]], [[322217, 310576, "Wildfang", 1]], [[323432, 311670, "Wildfang", 1], [323432, 311670, "Wildfang", 0]]], "all_evidence": [[274131, 269443, "Wildfang", 1], [276509, 271585, "Wildfang", 1], [277423, 272339, "Wildfang", 1], [322217, 310576, "Wildfang", 1], [323432, 311670, "Wildfang", 1], [323432, 311670, "Wildfang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120273, 134469, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[120273, 134469, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164361, 178643, "Reign_Over_Me", 0]]], "all_evidence": [[164361, 178643, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18731, 22966, "Noel_Fisher", 1]]], "all_evidence": [[18731, 22966, "Noel_Fisher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225655, null, null, null]]], "all_evidence": [[225655, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[291443, 284366, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[337857, 323183, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[337919, 323244, "Recovery_-LRB-Eminem_album-RRB-", 6]]], "all_evidence": [[291443, 284366, "Recovery_-LRB-Eminem_album-RRB-", 6], [337857, 323183, "Recovery_-LRB-Eminem_album-RRB-", 6], [337919, 323244, "Recovery_-LRB-Eminem_album-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[254359, 254052, "DJ_Quik", 0]]], "all_evidence": [[254359, 254052, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56348, null, null, null]]], "all_evidence": [[56348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201857, 211215, "Artpop", 13]]], "all_evidence": [[201857, 211215, "Artpop", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155342, null, null, null]]], "all_evidence": [[155342, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87821, 100342, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[87821, 100343, "Kleshas_-LRB-Buddhism-RRB-", 1]], [[87821, 100344, "Kleshas_-LRB-Buddhism-RRB-", 2]]], "all_evidence": [[87821, 100342, "Kleshas_-LRB-Buddhism-RRB-", 0], [87821, 100343, "Kleshas_-LRB-Buddhism-RRB-", 1], [87821, 100344, "Kleshas_-LRB-Buddhism-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67781, 78626, "West_Virginia", 1]]], "all_evidence": [[67781, 78626, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109128, 122824, "Fist_of_Legend", 2]]], "all_evidence": [[109128, 122824, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136687, 151503, "Hush_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[136687, 151503, "Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167224, 181049, "San_Diego_Comic-Con", 1]]], "all_evidence": [[167224, 181049, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239636, 241405, "Polynesian_languages", 6]]], "all_evidence": [[239636, 241405, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71385, 82333, "Ashley_Graham_-LRB-model-RRB-", 1]], [[71385, 82334, "Ashley_Graham_-LRB-model-RRB-", 4]], [[71385, 82335, "Ashley_Graham_-LRB-model-RRB-", 6]]], "all_evidence": [[71385, 82333, "Ashley_Graham_-LRB-model-RRB-", 1], [71385, 82334, "Ashley_Graham_-LRB-model-RRB-", 4], [71385, 82335, "Ashley_Graham_-LRB-model-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142645, 157800, "Homo_sapiens", 3]]], "all_evidence": [[142645, 157800, "Homo_sapiens", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166437, 180275, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[166437, 180275, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292247, 285078, "Rob_Sheridan", 0]], [[294252, 286584, "Rob_Sheridan", 0]], [[294895, 287111, "Rob_Sheridan", 0]], [[339877, 324710, "Rob_Sheridan", 0]], [[339974, 324775, "Rob_Sheridan", 0]]], "all_evidence": [[292247, 285078, "Rob_Sheridan", 0], [294252, 286584, "Rob_Sheridan", 0], [294895, 287111, "Rob_Sheridan", 0], [339877, 324710, "Rob_Sheridan", 0], [339974, 324775, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132872, 147779, "Tim_McGraw", 13], [132872, 147779, "Sandra_Bullock", 0]]], "all_evidence": [[132872, 147779, "Tim_McGraw", 13], [132872, 147779, "Sandra_Bullock", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115942, 129816, "Indian_Army", 16]]], "all_evidence": [[115942, 129816, "Indian_Army", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137282, 152122, "Harvard_University", 0]]], "all_evidence": [[137282, 152122, "Harvard_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205329, 213936, "Invasion_literature", 3]]], "all_evidence": [[205329, 213936, "Invasion_literature", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141572, 156805, "White_House_Press_Secretary", 0]], [[143564, 158683, "White_House_Press_Secretary", 0]], [[310980, 301002, "White_House_Press_Secretary", 0]], [[310981, 301003, "White_House_Press_Secretary", 0]], [[310986, 301014, "White_House_Press_Secretary", 0]], [[310987, 301015, "White_House_Press_Secretary", 0]]], "all_evidence": [[141572, 156805, "White_House_Press_Secretary", 0], [143564, 158683, "White_House_Press_Secretary", 0], [310980, 301002, "White_House_Press_Secretary", 0], [310981, 301003, "White_House_Press_Secretary", 0], [310986, 301014, "White_House_Press_Secretary", 0], [310987, 301015, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126928, null, null, null]]], "all_evidence": [[126928, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157964, null, null, null]]], "all_evidence": [[157964, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66658, null, null, null]]], "all_evidence": [[66658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149520, 164484, "Blade_Runner_2049", 1]]], "all_evidence": [[149520, 164484, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251684, 251503, "Mary-Kate_and_Ashley_Olsen", 0]], [[251685, 251504, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251684, 251503, "Mary-Kate_and_Ashley_Olsen", 0], [251685, 251504, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241692, 243214, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241692, 243214, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191461, 202319, "Roswell_-LRB-TV_series-RRB-", 0]], [[191468, 202324, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191461, 202319, "Roswell_-LRB-TV_series-RRB-", 0], [191468, 202324, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20849, 25547, "Eric_Church", 0], [20849, 25547, "Eric_Church", 1], [20849, 25547, "Eric_Church", 2], [20849, 25547, "Eric_Church", 5], [20849, 25547, "Eric_Church", 6], [20849, 25547, "Eric_Church", 7], [20849, 25547, "Eric_Church", 11], [20849, 25547, "Eric_Church", 12]]], "all_evidence": [[20849, 25547, "Eric_Church", 0], [20849, 25547, "Eric_Church", 1], [20849, 25547, "Eric_Church", 2], [20849, 25547, "Eric_Church", 5], [20849, 25547, "Eric_Church", 6], [20849, 25547, "Eric_Church", 7], [20849, 25547, "Eric_Church", 11], [20849, 25547, "Eric_Church", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60940, 71398, "Mary_of_Teck", 12]]], "all_evidence": [[60940, 71398, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71081, null, null, null]]], "all_evidence": [[71081, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199495, null, null, null]]], "all_evidence": [[199495, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192748, null, null, null]]], "all_evidence": [[192748, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231999, 235293, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231999, 235293, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30716, null, null, null]]], "all_evidence": [[30716, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245241, 246105, "Efraim_Diveroli", 6]]], "all_evidence": [[245241, 246105, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86695, 99169, "Angela_Bassett", 6]]], "all_evidence": [[86695, 99169, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19439, null, null, null]]], "all_evidence": [[19439, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15787, 19645, "Alexandra_Daddario", 0]], [[15787, 19646, "Alexandra_Daddario", 2]], [[15787, 19647, "Alexandra_Daddario", 1]]], "all_evidence": [[15787, 19645, "Alexandra_Daddario", 0], [15787, 19646, "Alexandra_Daddario", 2], [15787, 19647, "Alexandra_Daddario", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11149, null, null, null]]], "all_evidence": [[11149, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37926, 45840, "Sean_Penn", 5]], [[37936, 45847, "Sean_Penn", 5], [37936, 45847, "State_of_Grace_-LRB-film-RRB-", 0]], [[37936, 45848, "Sean_Penn", 6], [37936, 45848, "Dead_Man_Walking_-LRB-film-RRB-", 0]]], "all_evidence": [[37926, 45840, "Sean_Penn", 5], [37936, 45847, "Sean_Penn", 5], [37936, 45847, "State_of_Grace_-LRB-film-RRB-", 0], [37936, 45848, "Sean_Penn", 6], [37936, 45848, "Dead_Man_Walking_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241377, null, null, null], [241379, null, null, null]]], "all_evidence": [[241377, null, null, null], [241379, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191457, null, null, null]]], "all_evidence": [[191457, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55879, null, null, null]]], "all_evidence": [[55879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59875, 70279, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[59875, 70279, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132664, null, null, null]]], "all_evidence": [[132664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213181, 220507, "Tata_Motors", 13]]], "all_evidence": [[213181, 220507, "Tata_Motors", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149120, null, null, null]]], "all_evidence": [[149120, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240259, 241908, "The_Sugarland_Express", 3]]], "all_evidence": [[240259, 241908, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241255, null, null, null]]], "all_evidence": [[241255, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255466, null, null, null]]], "all_evidence": [[255466, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178369, null, null, null], [178903, null, null, null], [313169, null, null, null], [313965, null, null, null]]], "all_evidence": [[178369, null, null, null], [178903, null, null, null], [313169, null, null, null], [313965, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63510, 74256, "Veeru_Devgan", 0]], [[63510, 74257, "Veeru_Devgan", 1], [63510, 74257, "Amritsar", 0]]], "all_evidence": [[63510, 74256, "Veeru_Devgan", 0], [63510, 74257, "Veeru_Devgan", 1], [63510, 74257, "Amritsar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85030, 97316, "Life", 0]], [[87573, 100057, "Life", 0]], [[90270, 103024, "Life", 0]], [[306358, 297049, "Life", 0]]], "all_evidence": [[85030, 97316, "Life", 0], [87573, 100057, "Life", 0], [90270, 103024, "Life", 0], [306358, 297049, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80916, 92771, "Highway_to_Heaven", 0]]], "all_evidence": [[80916, 92771, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58606, null, null, null], [58653, null, null, null]]], "all_evidence": [[58606, null, null, null], [58653, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256007, null, null, null], [256022, null, null, null]]], "all_evidence": [[256007, null, null, null], [256022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216087, 222798, "CHiPs_-LRB-film-RRB-", 0]], [[216088, 222799, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216087, 222798, "CHiPs_-LRB-film-RRB-", 0], [216088, 222799, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41209, null, null, null]]], "all_evidence": [[41209, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150189, null, null, null]]], "all_evidence": [[150189, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152445, 167240, "Janet_Leigh", 0]]], "all_evidence": [[152445, 167240, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274253, 269570, "The_Adventures_of_Pluto_Nash", 0]], [[274254, 269571, "The_Adventures_of_Pluto_Nash", 0]], [[274255, 269572, "The_Adventures_of_Pluto_Nash", 0]], [[274255, 269573, "The_Adventures_of_Pluto_Nash", 2]], [[322349, 310700, "The_Adventures_of_Pluto_Nash", 2]], [[323504, 311728, "The_Adventures_of_Pluto_Nash", 0]], [[323504, 311729, "The_Adventures_of_Pluto_Nash", 2]]], "all_evidence": [[274253, 269570, "The_Adventures_of_Pluto_Nash", 0], [274254, 269571, "The_Adventures_of_Pluto_Nash", 0], [274255, 269572, "The_Adventures_of_Pluto_Nash", 0], [274255, 269573, "The_Adventures_of_Pluto_Nash", 2], [322349, 310700, "The_Adventures_of_Pluto_Nash", 2], [323504, 311728, "The_Adventures_of_Pluto_Nash", 0], [323504, 311729, "The_Adventures_of_Pluto_Nash", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123907, 138253, "The_Good_Wife", 0]], [[123907, 138254, "The_Good_Wife", 9]]], "all_evidence": [[123907, 138253, "The_Good_Wife", 0], [123907, 138254, "The_Good_Wife", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54304, 64299, "The_Adventures_of_Pluto_Nash", 0], [54304, 64299, "Eddie_Murphy", 0]], [[54304, 64300, "The_Adventures_of_Pluto_Nash", 1], [54304, 64300, "John_Cleese", 0], [54304, 64300, "Jay_Mohr", 0], [54304, 64300, "Joe_Pantoliano", 0], [54304, 64300, "Peter_Boyle", 0], [54304, 64300, "Rosario_Dawson", 0], [54304, 64300, "Randy_Quaid", 0], [54304, 64300, "Luis_Guzma\u0301n", 0], [54304, 64300, "James_Rebhorn", 0], [54304, 64300, "Pam_Grier", 0]]], "all_evidence": [[54304, 64299, "The_Adventures_of_Pluto_Nash", 0], [54304, 64299, "Eddie_Murphy", 0], [54304, 64300, "The_Adventures_of_Pluto_Nash", 1], [54304, 64300, "John_Cleese", 0], [54304, 64300, "Jay_Mohr", 0], [54304, 64300, "Joe_Pantoliano", 0], [54304, 64300, "Peter_Boyle", 0], [54304, 64300, "Rosario_Dawson", 0], [54304, 64300, "Randy_Quaid", 0], [54304, 64300, "Luis_Guzma\u0301n", 0], [54304, 64300, "James_Rebhorn", 0], [54304, 64300, "Pam_Grier", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172975, 186211, "Shane_Black", 0]]], "all_evidence": [[172975, 186211, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143292, null, null, null]]], "all_evidence": [[143292, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124367, 138723, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[124367, 138723, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182708, 194889, "Penibaetic_System", 0]]], "all_evidence": [[182708, 194889, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51961, 61809, "Tim_Roth", 0]]], "all_evidence": [[51961, 61809, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175391, null, null, null]]], "all_evidence": [[175391, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199056, 208738, "Matteo_Renzi", 0]]], "all_evidence": [[199056, 208738, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[335163, 321042, "Blue_Jasmine", 1]]], "all_evidence": [[335163, 321042, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214315, 221398, "Ernest_Medina", 2], [214315, 221398, "My_Lai_Massacre", 0]], [[214315, 221399, "Ernest_Medina", 3]]], "all_evidence": [[214315, 221398, "Ernest_Medina", 2], [214315, 221398, "My_Lai_Massacre", 0], [214315, 221399, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37421, 45333, "2016_Tour_de_France", 2]]], "all_evidence": [[37421, 45333, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154483, null, null, null]]], "all_evidence": [[154483, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251674, 251494, "Mary-Kate_and_Ashley_Olsen", 0]], [[251679, 251499, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251674, 251494, "Mary-Kate_and_Ashley_Olsen", 0], [251679, 251499, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174767, 187901, "Knocked_Up", 0]]], "all_evidence": [[174767, 187901, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96415, 109575, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[96415, 109575, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75301, 86555, "Omar_Khadr", 0]]], "all_evidence": [[75301, 86555, "Omar_Khadr", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66042, 76894, "The_Good_Wife", 0]], [[66042, 76895, "The_Good_Wife", 6]], [[66042, 76896, "The_Good_Wife", 13]]], "all_evidence": [[66042, 76894, "The_Good_Wife", 0], [66042, 76895, "The_Good_Wife", 6], [66042, 76896, "The_Good_Wife", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98022, 111157, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[98022, 111157, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38097, 46020, "Aparshakti_Khurana", 2]]], "all_evidence": [[38097, 46020, "Aparshakti_Khurana", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131764, 146608, "Stanley_Williams", 0]], [[131765, 146609, "Stanley_Williams", 0]], [[131765, 146610, "Stanley_Williams", 4]]], "all_evidence": [[131764, 146608, "Stanley_Williams", 0], [131765, 146609, "Stanley_Williams", 0], [131765, 146610, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121760, 136055, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[121760, 136055, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250332, 250351, "The_Closer", 8]]], "all_evidence": [[250332, 250351, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[321964, 310298, "Charles_Manson", 0]], [[323242, 311442, "Charles_Manson", 0]], [[323320, 311519, "Charles_Manson", 0]]], "all_evidence": [[321964, 310298, "Charles_Manson", 0], [323242, 311442, "Charles_Manson", 0], [323320, 311519, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257086, null, null, null]]], "all_evidence": [[257086, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231198, 234721, "Marnie_-LRB-film-RRB-", 0], [231198, 234721, "Alfred_Hitchcock", 0], [231198, 234721, "Alfred_Hitchcock", 1], [231198, 234721, "Alfred_Hitchcock", 6]]], "all_evidence": [[231198, 234721, "Marnie_-LRB-film-RRB-", 0], [231198, 234721, "Alfred_Hitchcock", 0], [231198, 234721, "Alfred_Hitchcock", 1], [231198, 234721, "Alfred_Hitchcock", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270823, null, null, null]]], "all_evidence": [[270823, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51147, null, null, null]]], "all_evidence": [[51147, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210323, null, null, null]]], "all_evidence": [[210323, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79566, 91303, "Nicholas_Brody", 1]]], "all_evidence": [[79566, 91303, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53299, null, null, null]]], "all_evidence": [[53299, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121212, 135500, "Guillermo_del_Toro", 0]], [[121212, 135501, "Guillermo_del_Toro", 1]], [[121212, 135502, "Guillermo_del_Toro", 4]], [[121212, 135503, "Guillermo_del_Toro", 11]]], "all_evidence": [[121212, 135500, "Guillermo_del_Toro", 0], [121212, 135501, "Guillermo_del_Toro", 1], [121212, 135502, "Guillermo_del_Toro", 4], [121212, 135503, "Guillermo_del_Toro", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275411, 270549, "Brian_Michael_Bendis", 12]], [[277260, 272197, "Brian_Michael_Bendis", 12]], [[277767, 272722, "Brian_Michael_Bendis", 12]], [[324443, 312417, "Brian_Michael_Bendis", 12]]], "all_evidence": [[275411, 270549, "Brian_Michael_Bendis", 12], [277260, 272197, "Brian_Michael_Bendis", 12], [277767, 272722, "Brian_Michael_Bendis", 12], [324443, 312417, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76474, null, null, null]]], "all_evidence": [[76474, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227049, null, null, null]]], "all_evidence": [[227049, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106586, null, null, null]]], "all_evidence": [[106586, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46015, 54972, "Advertising", 0]]], "all_evidence": [[46015, 54972, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194726, 205107, "Middle-earth", 0]], [[194748, 205118, "Middle-earth", 0]]], "all_evidence": [[194726, 205107, "Middle-earth", 0], [194748, 205118, "Middle-earth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162134, null, null, null]]], "all_evidence": [[162134, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27596, 33799, "Terry_Crews", 9], [27596, 33799, "Los_Angeles_Rams", 14]]], "all_evidence": [[27596, 33799, "Terry_Crews", 9], [27596, 33799, "Los_Angeles_Rams", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225492, 230134, "The_Millers", 1]], [[225493, 230135, "The_Millers", 1]]], "all_evidence": [[225492, 230134, "The_Millers", 1], [225493, 230135, "The_Millers", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69201, 79968, "Jennifer_Lopez", 4]]], "all_evidence": [[69201, 79968, "Jennifer_Lopez", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227638, 231980, "Happiness_in_Slavery", 0]]], "all_evidence": [[227638, 231980, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223624, 228594, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223624, 228594, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188639, 200091, "Veeram_-LRB-2014_film-RRB-", 0]], [[188639, 200092, "Veeram_-LRB-2014_film-RRB-", 2]], [[188639, 200093, "Veeram_-LRB-2014_film-RRB-", 3]]], "all_evidence": [[188639, 200091, "Veeram_-LRB-2014_film-RRB-", 0], [188639, 200092, "Veeram_-LRB-2014_film-RRB-", 2], [188639, 200093, "Veeram_-LRB-2014_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159375, 173928, "Edmund_H._North", 0]]], "all_evidence": [[159375, 173928, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15250, null, null, null]]], "all_evidence": [[15250, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189994, 201149, "Philip_Glass", 9]]], "all_evidence": [[189994, 201149, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255985, 255292, "Weekly_Idol", 1], [255985, 255292, "Weekly_Idol", 0]]], "all_evidence": [[255985, 255292, "Weekly_Idol", 1], [255985, 255292, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78580, null, null, null]]], "all_evidence": [[78580, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76479, 87772, "Men_in_Black_II", 0], [76479, 87772, "Will_Smith", 0]]], "all_evidence": [[76479, 87772, "Men_in_Black_II", 0], [76479, 87772, "Will_Smith", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238516, null, null, null]]], "all_evidence": [[238516, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194481, null, null, null], [194482, null, null, null]]], "all_evidence": [[194481, null, null, null], [194482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36238, 43779, "Morse_code", 18]]], "all_evidence": [[36238, 43779, "Morse_code", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228735, 232846, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1]]], "all_evidence": [[228735, 232846, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237543, 239739, "North_Vietnam", 0]]], "all_evidence": [[237543, 239739, "North_Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171317, null, null, null]]], "all_evidence": [[171317, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239629, null, null, null]]], "all_evidence": [[239629, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47082, null, null, null]]], "all_evidence": [[47082, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157033, null, null, null], [159023, null, null, null], [311838, null, null, null], [311839, null, null, null], [311857, null, null, null], [311858, null, null, null]]], "all_evidence": [[157033, null, null, null], [159023, null, null, null], [311838, null, null, null], [311839, null, null, null], [311857, null, null, null], [311858, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199918, null, null, null]]], "all_evidence": [[199918, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248563, 248721, "In_a_Lonely_Place", 1]], [[248567, 248724, "In_a_Lonely_Place", 1]]], "all_evidence": [[248563, 248721, "In_a_Lonely_Place", 1], [248567, 248724, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113988, 127819, "Riddick_-LRB-character-RRB-", 0], [113988, 127819, "Riddick_-LRB-film-RRB-", 0]]], "all_evidence": [[113988, 127819, "Riddick_-LRB-character-RRB-", 0], [113988, 127819, "Riddick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100918, 114176, "Due_Date", 2]]], "all_evidence": [[100918, 114176, "Due_Date", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243698, 244867, "Palo_Alto,_California", 0]]], "all_evidence": [[243698, 244867, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88891, 101521, "Edison_Machine_Works", 0]], [[88892, 101522, "Edison_Machine_Works", 0]]], "all_evidence": [[88891, 101521, "Edison_Machine_Works", 0], [88892, 101522, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92960, 105839, "How_to_Train_Your_Dragon_2", 11]]], "all_evidence": [[92960, 105839, "How_to_Train_Your_Dragon_2", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70266, null, null, null]]], "all_evidence": [[70266, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146877, 161852, "Leonard_Nimoy", 10]]], "all_evidence": [[146877, 161852, "Leonard_Nimoy", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200926, 210401, "AMGTV", 0]], [[203738, 212698, "AMGTV", 0]], [[206173, 214604, "AMGTV", 0]], [[315511, 304764, "AMGTV", 0]], [[315512, 304765, "AMGTV", 0]]], "all_evidence": [[200926, 210401, "AMGTV", 0], [203738, 212698, "AMGTV", 0], [206173, 214604, "AMGTV", 0], [315511, 304764, "AMGTV", 0], [315512, 304765, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14176, 17722, "Byron_Howard", 2]]], "all_evidence": [[14176, 17722, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186129, 198035, "Baz_Luhrmann", 2]]], "all_evidence": [[186129, 198035, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113642, null, null, null]]], "all_evidence": [[113642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237575, 239790, "Dakota_Fanning", 6]]], "all_evidence": [[237575, 239790, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286384, 279837, "Kellogg's", 6]], [[288123, 281406, "Kellogg's", 6]], [[288616, 281836, "Kellogg's", 6]], [[333255, 319474, "Kellogg's", 6]], [[333259, 319476, "Kellogg's", 6]]], "all_evidence": [[286384, 279837, "Kellogg's", 6], [288123, 281406, "Kellogg's", 6], [288616, 281836, "Kellogg's", 6], [333255, 319474, "Kellogg's", 6], [333259, 319476, "Kellogg's", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29721, 36224, "Gordon_Ramsay", 11]]], "all_evidence": [[29721, 36224, "Gordon_Ramsay", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34461, 41791, "Quran", 0]], [[34483, 41837, "Quran", 0]], [[34483, 41838, "Quran", 2], [34483, 41838, "Ayah", 1]], [[34483, 41839, "Quran", 25], [34483, 41839, "Ayah", 1]], [[34483, 41840, "Quran", 26], [34483, 41840, "Ramadan", 1]]], "all_evidence": [[34461, 41791, "Quran", 0], [34483, 41837, "Quran", 0], [34483, 41838, "Quran", 2], [34483, 41838, "Ayah", 1], [34483, 41839, "Quran", 25], [34483, 41839, "Ayah", 1], [34483, 41840, "Quran", 26], [34483, 41840, "Ramadan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178613, 191187, "Tenacious_D", 0], [178613, 191187, "Double_act", 0]]], "all_evidence": [[178613, 191187, "Tenacious_D", 0], [178613, 191187, "Double_act", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68583, 79445, "Folklore", 0], [68583, 79445, "Folklore", 1]]], "all_evidence": [[68583, 79445, "Folklore", 0], [68583, 79445, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79947, 91691, "Angela_Bassett", 9]], [[79947, 91692, "Angela_Bassett", 13]], [[79947, 91693, "Angela_Bassett", 14], [79947, 91693, "American_Horror_Story-COLON-_Freak_Show", 1]], [[79947, 91694, "Angela_Bassett", 15]], [[79947, 91695, "Angela_Bassett", 16]]], "all_evidence": [[79947, 91691, "Angela_Bassett", 9], [79947, 91692, "Angela_Bassett", 13], [79947, 91693, "Angela_Bassett", 14], [79947, 91693, "American_Horror_Story-COLON-_Freak_Show", 1], [79947, 91694, "Angela_Bassett", 15], [79947, 91695, "Angela_Bassett", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29688, 36194, "Rage_Against_the_Machine", 20]]], "all_evidence": [[29688, 36194, "Rage_Against_the_Machine", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260878, null, null, null]]], "all_evidence": [[260878, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104499, null, null, null]]], "all_evidence": [[104499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158186, 172827, "Men_in_Black_II", 0]]], "all_evidence": [[158186, 172827, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156796, null, null, null]]], "all_evidence": [[156796, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131841, 146692, "Psych", 2]]], "all_evidence": [[131841, 146692, "Psych", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164931, 179120, "Colosseum", 13]]], "all_evidence": [[164931, 179120, "Colosseum", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78809, 90382, "Match_Point", 2]]], "all_evidence": [[78809, 90382, "Match_Point", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201849, 211206, "Artpop", 13]]], "all_evidence": [[201849, 211206, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191496, 202342, "Roswell_-LRB-TV_series-RRB-", 0]], [[191499, 202344, "Roswell_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[191496, 202342, "Roswell_-LRB-TV_series-RRB-", 0], [191499, 202344, "Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165545, null, null, null], [165549, null, null, null]]], "all_evidence": [[165545, null, null, null], [165549, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236588, 239025, "Regina_King", 4]]], "all_evidence": [[236588, 239025, "Regina_King", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156473, 171094, "Murda_Beatz", 0]]], "all_evidence": [[156473, 171094, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150463, null, null, null]]], "all_evidence": [[150463, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181620, 193873, "Blue_Jasmine", 0]]], "all_evidence": [[181620, 193873, "Blue_Jasmine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142623, 157787, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[142623, 157787, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172631, 185906, "Psych", 2]], [[172631, 185907, "Psych", 3]]], "all_evidence": [[172631, 185906, "Psych", 2], [172631, 185907, "Psych", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191698, 202511, "Anne_Rice", 7], [191698, 202511, "Anne_Rice", 5]]], "all_evidence": [[191698, 202511, "Anne_Rice", 7], [191698, 202511, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250973, 250938, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250973, 250938, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39374, 47402, "The_Cincinnati_Kid", 0]]], "all_evidence": [[39374, 47402, "The_Cincinnati_Kid", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85192, 97475, "Soul_Food_-LRB-film-RRB-", 0]]], "all_evidence": [[85192, 97475, "Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97923, null, null, null]]], "all_evidence": [[97923, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170606, null, null, null]]], "all_evidence": [[170606, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159112, null, null, null]]], "all_evidence": [[159112, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188618, 200072, "Veeram_-LRB-2014_film-RRB-", 3]]], "all_evidence": [[188618, 200072, "Veeram_-LRB-2014_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109358, 123020, "The_Bahamas", 0], [109358, 123020, "Archipelagic_state", 0]], [[109358, 123021, "The_Bahamas", 1]], [[109358, 123022, "The_Bahamas", 2], [109358, 123022, "Nassau,_Bahamas", 0]], [[109358, 123023, "The_Bahamas", 3]], [[109358, 123024, "The_Bahamas", 4], [109358, 123024, "Royal_Bahamas_Defence_Force", 0]], [[109358, 123025, "The_Bahamas", 7]], [[109358, 123026, "The_Bahamas", 8], [109358, 123026, "Lucayan_people", 0]]], "all_evidence": [[109358, 123020, "The_Bahamas", 0], [109358, 123020, "Archipelagic_state", 0], [109358, 123021, "The_Bahamas", 1], [109358, 123022, "The_Bahamas", 2], [109358, 123022, "Nassau,_Bahamas", 0], [109358, 123023, "The_Bahamas", 3], [109358, 123024, "The_Bahamas", 4], [109358, 123024, "Royal_Bahamas_Defence_Force", 0], [109358, 123025, "The_Bahamas", 7], [109358, 123026, "The_Bahamas", 8], [109358, 123026, "Lucayan_people", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250356, 250366, "The_Closer", 8]]], "all_evidence": [[250356, 250366, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292864, 285550, "Reign_Over_Me", 4]], [[292864, 285551, "Reign_Over_Me", 0]], [[292866, 285552, "Reign_Over_Me", 0]], [[295452, 287567, "Reign_Over_Me", 0]], [[295452, 287568, "Reign_Over_Me", 4]], [[295455, 287571, "Reign_Over_Me", 0]], [[295455, 287572, "Reign_Over_Me", 4]], [[295455, 287573, "Reign_Over_Me", 5]], [[340936, 325441, "Reign_Over_Me", 4]], [[340936, 325442, "Reign_Over_Me", 5]]], "all_evidence": [[292864, 285550, "Reign_Over_Me", 4], [292864, 285551, "Reign_Over_Me", 0], [292866, 285552, "Reign_Over_Me", 0], [295452, 287567, "Reign_Over_Me", 0], [295452, 287568, "Reign_Over_Me", 4], [295455, 287571, "Reign_Over_Me", 0], [295455, 287572, "Reign_Over_Me", 4], [295455, 287573, "Reign_Over_Me", 5], [340936, 325441, "Reign_Over_Me", 4], [340936, 325442, "Reign_Over_Me", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286990, 280456, "Ripon_College_-LRB-Wisconsin-RRB-", 2]], [[286990, 280457, "Ripon_College_-LRB-Wisconsin-RRB-", 3]], [[286990, 280458, "Ripon_College_-LRB-Wisconsin-RRB-", 1]], [[286991, 280459, "Ripon_College_-LRB-Wisconsin-RRB-", 2]], [[286991, 280460, "Ripon_College_-LRB-Wisconsin-RRB-", 3]], [[286991, 280461, "Ripon_College_-LRB-Wisconsin-RRB-", 1]], [[289091, 282260, "Ripon_College_-LRB-Wisconsin-RRB-", 1]], [[334915, 320850, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]], "all_evidence": [[286990, 280456, "Ripon_College_-LRB-Wisconsin-RRB-", 2], [286990, 280457, "Ripon_College_-LRB-Wisconsin-RRB-", 3], [286990, 280458, "Ripon_College_-LRB-Wisconsin-RRB-", 1], [286991, 280459, "Ripon_College_-LRB-Wisconsin-RRB-", 2], [286991, 280460, "Ripon_College_-LRB-Wisconsin-RRB-", 3], [286991, 280461, "Ripon_College_-LRB-Wisconsin-RRB-", 1], [289091, 282260, "Ripon_College_-LRB-Wisconsin-RRB-", 1], [334915, 320850, "Ripon_College_-LRB-Wisconsin-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203695, 212667, "Aunt_May", 9]]], "all_evidence": [[203695, 212667, "Aunt_May", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231992, 235291, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231992, 235291, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262071, 260120, "Raabta_-LRB-song-RRB-", 0]], [[262071, 260121, "Raabta_-LRB-song-RRB-", 5]]], "all_evidence": [[262071, 260120, "Raabta_-LRB-song-RRB-", 0], [262071, 260121, "Raabta_-LRB-song-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156914, null, null, null]]], "all_evidence": [[156914, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43392, 52036, "Greek_language", 14]]], "all_evidence": [[43392, 52036, "Greek_language", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228715, null, null, null]]], "all_evidence": [[228715, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160380, null, null, null]]], "all_evidence": [[160380, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147513, null, null, null]]], "all_evidence": [[147513, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66066, null, null, null]]], "all_evidence": [[66066, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236634, null, null, null], [236636, null, null, null]]], "all_evidence": [[236634, null, null, null], [236636, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47633, 56851, "San_Diego_Comic-Con", 1]]], "all_evidence": [[47633, 56851, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106749, 120138, "David_Packouz", 0]]], "all_evidence": [[106749, 120138, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94823, 107789, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[94823, 107789, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240262, null, null, null]]], "all_evidence": [[240262, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43857, 52483, "Armenian_Genocide", 1], [43857, 52483, "Second_Constitutional_Era", 0], [43857, 52483, "Second_Constitutional_Era", 9]], [[43857, 52484, "Armenian_Genocide", 3], [43857, 52484, "Second_Constitutional_Era", 0], [43857, 52484, "Second_Constitutional_Era", 9], [43857, 52484, "World_War_I", 0]]], "all_evidence": [[43857, 52483, "Armenian_Genocide", 1], [43857, 52483, "Second_Constitutional_Era", 0], [43857, 52483, "Second_Constitutional_Era", 9], [43857, 52484, "Armenian_Genocide", 3], [43857, 52484, "Second_Constitutional_Era", 0], [43857, 52484, "Second_Constitutional_Era", 9], [43857, 52484, "World_War_I", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158930, 173575, "Luke_Cage", 6]], [[158930, 173576, "Luke_Cage", 8]], [[158930, 173577, "Luke_Cage", 12], [158930, 173577, "The_Defenders_-LRB-miniseries-RRB-", 0]], [[158936, 173584, "Luke_Cage", 6]], [[158936, 173585, "Luke_Cage", 8], [158936, 173585, "The_New_Avengers_-LRB-comics-RRB-", 0]]], "all_evidence": [[158930, 173575, "Luke_Cage", 6], [158930, 173576, "Luke_Cage", 8], [158930, 173577, "Luke_Cage", 12], [158930, 173577, "The_Defenders_-LRB-miniseries-RRB-", 0], [158936, 173584, "Luke_Cage", 6], [158936, 173585, "Luke_Cage", 8], [158936, 173585, "The_New_Avengers_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257094, 256141, "Homer_Hickam", 0]], [[257094, 256142, "Homer_Hickam", 1], [257094, 256142, "Memoir", 0]], [[257094, 256143, "Homer_Hickam", 2]]], "all_evidence": [[257094, 256141, "Homer_Hickam", 0], [257094, 256142, "Homer_Hickam", 1], [257094, 256142, "Memoir", 0], [257094, 256143, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85811, null, null, null]]], "all_evidence": [[85811, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105644, 119084, "Marco_Polo", 11]]], "all_evidence": [[105644, 119084, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122541, 136844, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[122541, 136844, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238522, null, null, null], [238531, null, null, null]]], "all_evidence": [[238522, null, null, null], [238531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108236, 121764, "James_VI_and_I", 10]]], "all_evidence": [[108236, 121764, "James_VI_and_I", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189763, 200982, "Polar_bear", 7]]], "all_evidence": [[189763, 200982, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95666, 108700, "Martin_Van_Buren", 1]], [[95666, 108701, "Martin_Van_Buren", 12]], [[95666, 108702, "Martin_Van_Buren", 14]]], "all_evidence": [[95666, 108700, "Martin_Van_Buren", 1], [95666, 108701, "Martin_Van_Buren", 12], [95666, 108702, "Martin_Van_Buren", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181220, 193477, "Margaret_Thatcher", 0]], [[181220, 193478, "Margaret_Thatcher", 1]], [[181220, 193479, "Margaret_Thatcher", 3]], [[181220, 193480, "Margaret_Thatcher", 6]], [[181220, 193481, "Margaret_Thatcher", 7]], [[181220, 193482, "Margaret_Thatcher", 8]], [[181220, 193483, "Margaret_Thatcher", 9]]], "all_evidence": [[181220, 193477, "Margaret_Thatcher", 0], [181220, 193478, "Margaret_Thatcher", 1], [181220, 193479, "Margaret_Thatcher", 3], [181220, 193480, "Margaret_Thatcher", 6], [181220, 193481, "Margaret_Thatcher", 7], [181220, 193482, "Margaret_Thatcher", 8], [181220, 193483, "Margaret_Thatcher", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76083, 87389, "Randy_Savage", 0]]], "all_evidence": [[76083, 87389, "Randy_Savage", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[283025, 277152, "The_Concert_for_Bangladesh", 12]]], "all_evidence": [[283025, 277152, "The_Concert_for_Bangladesh", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11682, 14664, "Sandra_Bullock", 0]], [[11682, 14665, "Sandra_Bullock", 11]], [[11682, 14666, "Sandra_Bullock", 9]], [[11682, 14667, "Sandra_Bullock", 5]], [[11682, 14668, "Sandra_Bullock", 4]]], "all_evidence": [[11682, 14664, "Sandra_Bullock", 0], [11682, 14665, "Sandra_Bullock", 11], [11682, 14666, "Sandra_Bullock", 9], [11682, 14667, "Sandra_Bullock", 5], [11682, 14668, "Sandra_Bullock", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30072, 36628, "Colin_Kaepernick", 5]]], "all_evidence": [[30072, 36628, "Colin_Kaepernick", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86827, 99279, "Topman", 1]]], "all_evidence": [[86827, 99279, "Topman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129393, 144145, "Stanley_Williams", 0]], [[129398, 144147, "Stanley_Williams", 5]], [[129398, 144148, "Stanley_Williams", 4]]], "all_evidence": [[129393, 144145, "Stanley_Williams", 0], [129398, 144147, "Stanley_Williams", 5], [129398, 144148, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144869, null, null, null]]], "all_evidence": [[144869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199123, 208798, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199123, 208798, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56058, null, null, null]]], "all_evidence": [[56058, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23052, null, null, null]]], "all_evidence": [[23052, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64946, null, null, null]]], "all_evidence": [[64946, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237595, null, null, null], [237612, null, null, null]]], "all_evidence": [[237595, null, null, null], [237612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207672, 215895, "Steve_Ditko", 3]]], "all_evidence": [[207672, 215895, "Steve_Ditko", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267349, null, null, null]]], "all_evidence": [[267349, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227218, 231621, "Kim_Jong-il", 16]]], "all_evidence": [[227218, 231621, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199483, 209157, "The_Beach_-LRB-film-RRB-", 0]], [[199483, 209158, "The_Beach_-LRB-film-RRB-", 1]], [[199483, 209159, "The_Beach_-LRB-film-RRB-", 2]]], "all_evidence": [[199483, 209157, "The_Beach_-LRB-film-RRB-", 0], [199483, 209158, "The_Beach_-LRB-film-RRB-", 1], [199483, 209159, "The_Beach_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239613, 241393, "Polynesian_languages", 6]]], "all_evidence": [[239613, 241393, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89658, 102343, "Bruce_Shand", 0]]], "all_evidence": [[89658, 102343, "Bruce_Shand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34340, 41660, "Wildfang", 1]]], "all_evidence": [[34340, 41660, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18179, 22332, "Eddie_Guerrero", 10]]], "all_evidence": [[18179, 22332, "Eddie_Guerrero", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67167, 77955, "The_Good_Wife", 0]], [[67167, 77956, "The_Good_Wife", 9]], [[67167, 77957, "The_Good_Wife", 12]]], "all_evidence": [[67167, 77955, "The_Good_Wife", 0], [67167, 77956, "The_Good_Wife", 9], [67167, 77957, "The_Good_Wife", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228467, 232648, "Stripes_-LRB-film-RRB-", 0]]], "all_evidence": [[228467, 232648, "Stripes_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19092, 23400, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[19092, 23400, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119744, 133856, "Damon_Albarn", 17]], [[119745, 133857, "Damon_Albarn", 17]], [[119746, 133858, "Damon_Albarn", 17]], [[119747, 133859, "Damon_Albarn", 17]], [[119748, 133860, "Damon_Albarn", 17]], [[119749, 133861, "Damon_Albarn", 17]], [[119750, 133862, "Damon_Albarn", 17]]], "all_evidence": [[119744, 133856, "Damon_Albarn", 17], [119745, 133857, "Damon_Albarn", 17], [119746, 133858, "Damon_Albarn", 17], [119747, 133859, "Damon_Albarn", 17], [119748, 133860, "Damon_Albarn", 17], [119749, 133861, "Damon_Albarn", 17], [119750, 133862, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295583, null, null, null], [297229, null, null, null]]], "all_evidence": [[295583, null, null, null], [297229, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106551, null, null, null]]], "all_evidence": [[106551, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28941, 35314, "I_Kissed_a_Girl", 0]]], "all_evidence": [[28941, 35314, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269592, null, null, null]]], "all_evidence": [[269592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174735, null, null, null]]], "all_evidence": [[174735, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62288, 72886, "Penguin_Books", 1]], [[64593, 75380, "Penguin_Books", 1]], [[66414, 77253, "Penguin_Books", 1]], [[303506, 294466, "Penguin_Books", 1]], [[305362, 296193, "Penguin_Books", 1], [305362, 296193, "Penguin_Books", 0]], [[305367, 296200, "Penguin_Books", 0], [305367, 296200, "Penguin_Books", 1]]], "all_evidence": [[62288, 72886, "Penguin_Books", 1], [64593, 75380, "Penguin_Books", 1], [66414, 77253, "Penguin_Books", 1], [303506, 294466, "Penguin_Books", 1], [305362, 296193, "Penguin_Books", 1], [305362, 296193, "Penguin_Books", 0], [305367, 296200, "Penguin_Books", 0], [305367, 296200, "Penguin_Books", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44825, 53516, "The_Godfather_Part_II", 7], [44825, 53516, "The_Godfather_Part_II", 0]]], "all_evidence": [[44825, 53516, "The_Godfather_Part_II", 7], [44825, 53516, "The_Godfather_Part_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63893, 74603, "Yara_Shahidi", 0]]], "all_evidence": [[63893, 74603, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[204784, 213483, "Make_It_or_Break_It", 0]], [[204784, 213484, "Make_It_or_Break_It", 3]], [[204784, 213485, "Make_It_or_Break_It", 4]], [[204784, 213486, "Make_It_or_Break_It", 5]], [[204784, 213487, "Make_It_or_Break_It", 6]], [[204784, 213488, "Make_It_or_Break_It", 7]], [[204784, 213489, "Make_It_or_Break_It", 8]], [[204784, 213490, "Make_It_or_Break_It", 9]], [[204784, 213491, "Make_It_or_Break_It", 12]], [[204784, 213492, "Make_It_or_Break_It", 15]], [[299150, 290520, "Make_It_or_Break_It", 0]]], "all_evidence": [[204784, 213483, "Make_It_or_Break_It", 0], [204784, 213484, "Make_It_or_Break_It", 3], [204784, 213485, "Make_It_or_Break_It", 4], [204784, 213486, "Make_It_or_Break_It", 5], [204784, 213487, "Make_It_or_Break_It", 6], [204784, 213488, "Make_It_or_Break_It", 7], [204784, 213489, "Make_It_or_Break_It", 8], [204784, 213490, "Make_It_or_Break_It", 9], [204784, 213491, "Make_It_or_Break_It", 12], [204784, 213492, "Make_It_or_Break_It", 15], [299150, 290520, "Make_It_or_Break_It", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17409, 21538, "Ed_Wood_-LRB-film-RRB-", 1]], [[17409, 21539, "Ed_Wood_-LRB-film-RRB-", 0]]], "all_evidence": [[17409, 21538, "Ed_Wood_-LRB-film-RRB-", 1], [17409, 21539, "Ed_Wood_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238999, 240949, "Despicable_Me_2", 1]]], "all_evidence": [[238999, 240949, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108470, 122076, "Marvel_vs._Capcom-COLON-_Infinite", 0]], [[108470, 122077, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[108470, 122078, "Marvel_vs._Capcom-COLON-_Infinite", 4], [108470, 122078, "Combo_-LRB-video_gaming-RRB-", 0]]], "all_evidence": [[108470, 122076, "Marvel_vs._Capcom-COLON-_Infinite", 0], [108470, 122077, "Marvel_vs._Capcom-COLON-_Infinite", 1], [108470, 122078, "Marvel_vs._Capcom-COLON-_Infinite", 4], [108470, 122078, "Combo_-LRB-video_gaming-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88706, 101325, "Tool_-LRB-band-RRB-", 0]], [[88706, 101326, "Tool_-LRB-band-RRB-", 1]], [[88706, 101327, "Tool_-LRB-band-RRB-", 2]], [[88706, 101329, "Tool_-LRB-band-RRB-", 6]], [[88706, 101332, "Tool_-LRB-band-RRB-", 7], [88706, 101332, "Lateralus", 0]], [[88706, 101333, "Tool_-LRB-band-RRB-", 10]], [[88706, 101334, "Tool_-LRB-band-RRB-", 11]]], "all_evidence": [[88706, 101325, "Tool_-LRB-band-RRB-", 0], [88706, 101326, "Tool_-LRB-band-RRB-", 1], [88706, 101327, "Tool_-LRB-band-RRB-", 2], [88706, 101329, "Tool_-LRB-band-RRB-", 6], [88706, 101332, "Tool_-LRB-band-RRB-", 7], [88706, 101332, "Lateralus", 0], [88706, 101333, "Tool_-LRB-band-RRB-", 10], [88706, 101334, "Tool_-LRB-band-RRB-", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179035, null, null, null], [179036, null, null, null]]], "all_evidence": [[179035, null, null, null], [179036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146821, 161796, "Wales", 16], [146821, 161796, "South_Wales_Coalfield", 0]], [[152424, 167220, "Wales", 16], [152424, 167220, "South_Wales_Coalfield", 0]], [[312981, 302689, "Wales", 16], [312981, 302689, "Mining_in_Wales", 4], [312981, 302689, "Mining_in_Wales", 5]]], "all_evidence": [[146821, 161796, "Wales", 16], [146821, 161796, "South_Wales_Coalfield", 0], [152424, 167220, "Wales", 16], [152424, 167220, "South_Wales_Coalfield", 0], [312981, 302689, "Wales", 16], [312981, 302689, "Mining_in_Wales", 4], [312981, 302689, "Mining_in_Wales", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58850, 69168, "Highway_to_Heaven", 0]], [[61559, 72073, "Highway_to_Heaven", 0]], [[63889, 74600, "Highway_to_Heaven", 0]], [[303428, 294395, "Highway_to_Heaven", 0]], [[305289, 296120, "Highway_to_Heaven", 0]]], "all_evidence": [[58850, 69168, "Highway_to_Heaven", 0], [61559, 72073, "Highway_to_Heaven", 0], [63889, 74600, "Highway_to_Heaven", 0], [303428, 294395, "Highway_to_Heaven", 0], [305289, 296120, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196595, 206695, "Michael_Vick", 0]]], "all_evidence": [[196595, 206695, "Michael_Vick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227033, 231460, "Barry_Van_Dyke", 0]]], "all_evidence": [[227033, 231460, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213738, 220894, "Finding_Dory", 1]]], "all_evidence": [[213738, 220894, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264420, 261878, "Brubaker", 0]], [[264421, 261879, "Brubaker", 0]]], "all_evidence": [[264420, 261878, "Brubaker", 0], [264421, 261879, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49466, 58816, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[49466, 58816, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130243, 145009, "Seohyun", 0]]], "all_evidence": [[130243, 145009, "Seohyun", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90776, null, null, null]]], "all_evidence": [[90776, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270533, 266558, "Jenna_Jameson", 3]]], "all_evidence": [[270533, 266558, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247518, 247807, "Stadium_Arcadium", 6], [247518, 247807, "John_Frusciante", 20]]], "all_evidence": [[247518, 247807, "Stadium_Arcadium", 6], [247518, 247807, "John_Frusciante", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136237, 151052, "Nestor_Carbonell", 1]], [[136237, 151053, "Nestor_Carbonell", 2]]], "all_evidence": [[136237, 151052, "Nestor_Carbonell", 1], [136237, 151053, "Nestor_Carbonell", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59763, null, null, null]]], "all_evidence": [[59763, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230061, null, null, null]]], "all_evidence": [[230061, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92735, 105601, "Indian_Army", 16]]], "all_evidence": [[92735, 105601, "Indian_Army", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103174, null, null, null]]], "all_evidence": [[103174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239600, 241382, "Polynesian_languages", 5]], [[239601, 241383, "Polynesian_languages", 5]], [[239602, 241384, "Polynesian_languages", 6]]], "all_evidence": [[239600, 241382, "Polynesian_languages", 5], [239601, 241383, "Polynesian_languages", 5], [239602, 241384, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272434, 268130, "Island_Records", 1]], [[272437, 268133, "Island_Records", 1]]], "all_evidence": [[272434, 268130, "Island_Records", 1], [272437, 268133, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158591, 173240, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[158591, 173240, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269605, 265888, "Richard_Dawkins", 16]]], "all_evidence": [[269605, 265888, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92540, 105302, "X-Men-COLON-_Apocalypse", 2], [92540, 105302, "X-Men-COLON-_Apocalypse", 1]]], "all_evidence": [[92540, 105302, "X-Men-COLON-_Apocalypse", 2], [92540, 105302, "X-Men-COLON-_Apocalypse", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223636, 228605, "Jean-Michel_Basquiat", 11]]], "all_evidence": [[223636, 228605, "Jean-Michel_Basquiat", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115450, 129303, "Caroline_Kennedy", 0]], [[115453, 129305, "Caroline_Kennedy", 0]]], "all_evidence": [[115450, 129303, "Caroline_Kennedy", 0], [115453, 129305, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18216, 22382, "Derek_Hough", 6]]], "all_evidence": [[18216, 22382, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90263, null, null, null]]], "all_evidence": [[90263, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52094, 61991, "Jennifer_Lopez", 10]]], "all_evidence": [[52094, 61991, "Jennifer_Lopez", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257314, null, null, null]]], "all_evidence": [[257314, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140821, 155948, "Blade_Runner_2049", 1]]], "all_evidence": [[140821, 155948, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243724, 244898, "Palo_Alto,_California", 0]]], "all_evidence": [[243724, 244898, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17502, 21655, "Sheryl_Lee", 7], [17502, 21655, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[17502, 21655, "Sheryl_Lee", 7], [17502, 21655, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211399, null, null, null]]], "all_evidence": [[211399, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85045, 97327, "Shane_McMahon", 10]]], "all_evidence": [[85045, 97327, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170685, null, null, null]]], "all_evidence": [[170685, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47744, null, null, null]]], "all_evidence": [[47744, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190761, 201722, "Alice_Cooper", 0]]], "all_evidence": [[190761, 201722, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53072, 63017, "Carlos_Santana", 0]]], "all_evidence": [[53072, 63017, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83755, null, null, null]]], "all_evidence": [[83755, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216076, 222791, "CHiPs_-LRB-film-RRB-", 0]], [[216077, 222792, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216076, 222791, "CHiPs_-LRB-film-RRB-", 0], [216077, 222792, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27560, 33746, "Blade_Runner_2049", 1], [27560, 33746, "Ryan_Gosling", 0]]], "all_evidence": [[27560, 33746, "Blade_Runner_2049", 1], [27560, 33746, "Ryan_Gosling", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104775, null, null, null]]], "all_evidence": [[104775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166862, 180665, "Veeru_Devgan", 0]]], "all_evidence": [[166862, 180665, "Veeru_Devgan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215841, null, null, null], [215843, null, null, null]]], "all_evidence": [[215841, null, null, null], [215843, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69435, 80236, "Aparshakti_Khurana", 0]], [[69435, 80237, "Aparshakti_Khurana", 2]]], "all_evidence": [[69435, 80236, "Aparshakti_Khurana", 0], [69435, 80237, "Aparshakti_Khurana", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190759, 201720, "Alice_Cooper", 0]], [[190771, 201729, "Alice_Cooper", 0]]], "all_evidence": [[190759, 201720, "Alice_Cooper", 0], [190771, 201729, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240269, 241913, "The_Sugarland_Express", 3]]], "all_evidence": [[240269, 241913, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104935, 118356, "Aaron_Burr", 9], [104935, 118356, "Alexander_Hamilton", 2]], [[104947, 118366, "Aaron_Burr", 9], [104947, 118366, "Alexander_Hamilton", 2]], [[104961, 118381, "Aaron_Burr", 9], [104961, 118381, "Alexander_Hamilton", 2]]], "all_evidence": [[104935, 118356, "Aaron_Burr", 9], [104935, 118356, "Alexander_Hamilton", 2], [104947, 118366, "Aaron_Burr", 9], [104947, 118366, "Alexander_Hamilton", 2], [104961, 118381, "Aaron_Burr", 9], [104961, 118381, "Alexander_Hamilton", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268457, null, null, null]]], "all_evidence": [[268457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143730, 158818, "Michael_B._Jordan", 0]]], "all_evidence": [[143730, 158818, "Michael_B._Jordan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93237, null, null, null]]], "all_evidence": [[93237, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126518, null, null, null], [308926, null, null, null], [310499, null, null, null], [310590, null, null, null]]], "all_evidence": [[126518, null, null, null], [308926, null, null, null], [310499, null, null, null], [310590, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240204, 241852, "Efraim_Diveroli", 0]], [[240204, 241853, "Efraim_Diveroli", 2]], [[240204, 241854, "Efraim_Diveroli", 3]], [[240204, 241855, "Efraim_Diveroli", 1]], [[246435, 246937, "Efraim_Diveroli", 0]], [[246435, 246938, "Efraim_Diveroli", 1]], [[319323, 308052, "Efraim_Diveroli", 0]], [[320482, 309056, "Efraim_Diveroli", 1]], [[320494, 309071, "Efraim_Diveroli", 0]], [[320494, 309072, "Efraim_Diveroli", 1]], [[320503, 309081, "Efraim_Diveroli", 0]], [[320503, 309082, "Efraim_Diveroli", 1], [320503, 309082, "Efraim_Diveroli", 2]], [[320506, 309085, "Efraim_Diveroli", 0]]], "all_evidence": [[240204, 241852, "Efraim_Diveroli", 0], [240204, 241853, "Efraim_Diveroli", 2], [240204, 241854, "Efraim_Diveroli", 3], [240204, 241855, "Efraim_Diveroli", 1], [246435, 246937, "Efraim_Diveroli", 0], [246435, 246938, "Efraim_Diveroli", 1], [319323, 308052, "Efraim_Diveroli", 0], [320482, 309056, "Efraim_Diveroli", 1], [320494, 309071, "Efraim_Diveroli", 0], [320494, 309072, "Efraim_Diveroli", 1], [320503, 309081, "Efraim_Diveroli", 0], [320503, 309082, "Efraim_Diveroli", 1], [320503, 309082, "Efraim_Diveroli", 2], [320506, 309085, "Efraim_Diveroli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239924, 241603, "Goosebumps_-LRB-film-RRB-", 1]], [[239934, 241613, "Goosebumps_-LRB-film-RRB-", 1]]], "all_evidence": [[239924, 241603, "Goosebumps_-LRB-film-RRB-", 1], [239934, 241613, "Goosebumps_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161768, 176192, "Janelle_Mona\u0301e", 0]], [[161768, 176193, "Janelle_Mona\u0301e", 15]]], "all_evidence": [[161768, 176192, "Janelle_Mona\u0301e", 0], [161768, 176193, "Janelle_Mona\u0301e", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94157, null, null, null]]], "all_evidence": [[94157, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205342, 213946, "Dub_music", 0]]], "all_evidence": [[205342, 213946, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200468, 209972, "Sancho_Panza", 0]]], "all_evidence": [[200468, 209972, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271138, 267080, "Giada_at_Home", 1], [271138, 267080, "Food_Network", 0]], [[271141, 267083, "Giada_at_Home", 1], [271141, 267083, "Food_Network", 0]]], "all_evidence": [[271138, 267080, "Giada_at_Home", 1], [271138, 267080, "Food_Network", 0], [271141, 267083, "Giada_at_Home", 1], [271141, 267083, "Food_Network", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60606, 71029, "Ingushetia", 5]]], "all_evidence": [[60606, 71029, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234497, 237361, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234497, 237361, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60726, null, null, null]]], "all_evidence": [[60726, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247522, 247811, "Stadium_Arcadium", 1]]], "all_evidence": [[247522, 247811, "Stadium_Arcadium", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84018, 96138, "Sikkim", 4]]], "all_evidence": [[84018, 96138, "Sikkim", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33718, null, null, null]]], "all_evidence": [[33718, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178966, 191505, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[178966, 191505, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245477, 246274, "Mel_B", 0]]], "all_evidence": [[245477, 246274, "Mel_B", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240254, 241907, "The_Sugarland_Express", 3]]], "all_evidence": [[240254, 241907, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76030, 87319, "TakePart", 0], [76030, 87319, "Participant_Media", 0]]], "all_evidence": [[76030, 87319, "TakePart", 0], [76030, 87319, "Participant_Media", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11817, 14824, "Jackpot_-LRB-2013_film-RRB-", 1]], [[11817, 14825, "Jackpot_-LRB-2013_film-RRB-", 2]]], "all_evidence": [[11817, 14824, "Jackpot_-LRB-2013_film-RRB-", 1], [11817, 14825, "Jackpot_-LRB-2013_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138033, 152988, "Augustus", 42]]], "all_evidence": [[138033, 152988, "Augustus", 42]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239336, null, null, null]]], "all_evidence": [[239336, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206699, 215014, "Al_Jardine", 1]]], "all_evidence": [[206699, 215014, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152311, 167101, "West_Ham_United_F.C.", 0]], [[152311, 167103, "West_Ham_United_F.C.", 1], [152311, 167103, "Premier_League", 0]], [[152311, 167105, "West_Ham_United_F.C.", 5], [152311, 167105, "Thames_Ironworks_F.C.", 0]], [[152311, 167106, "West_Ham_United_F.C.", 7], [152311, 167106, "English_Football_League", 0]], [[152311, 167107, "West_Ham_United_F.C.", 9], [152311, 167107, "English_Football_League", 0]], [[152311, 167108, "West_Ham_United_F.C.", 15]]], "all_evidence": [[152311, 167101, "West_Ham_United_F.C.", 0], [152311, 167103, "West_Ham_United_F.C.", 1], [152311, 167103, "Premier_League", 0], [152311, 167105, "West_Ham_United_F.C.", 5], [152311, 167105, "Thames_Ironworks_F.C.", 0], [152311, 167106, "West_Ham_United_F.C.", 7], [152311, 167106, "English_Football_League", 0], [152311, 167107, "West_Ham_United_F.C.", 9], [152311, 167107, "English_Football_League", 0], [152311, 167108, "West_Ham_United_F.C.", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18086, 22238, "Greek_language", 14]]], "all_evidence": [[18086, 22238, "Greek_language", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225657, null, null, null]]], "all_evidence": [[225657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271006, 266959, "New_Orleans_Pelicans", 1]], [[271018, 266972, "New_Orleans_Pelicans", 1], [271018, 266972, "Western_Conference_-LRB-NBA-RRB-", 0]]], "all_evidence": [[271006, 266959, "New_Orleans_Pelicans", 1], [271018, 266972, "New_Orleans_Pelicans", 1], [271018, 266972, "Western_Conference_-LRB-NBA-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174717, 187868, "Fidel_Castro", 20], [174717, 187868, "Rau\u0301l_Castro", 7]]], "all_evidence": [[174717, 187868, "Fidel_Castro", 20], [174717, 187868, "Rau\u0301l_Castro", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169449, null, null, null]]], "all_evidence": [[169449, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191741, 202542, "Anne_Rice", 5]]], "all_evidence": [[191741, 202542, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214249, null, null, null]]], "all_evidence": [[214249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44854, null, null, null]]], "all_evidence": [[44854, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193496, null, null, null]]], "all_evidence": [[193496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81507, 93264, "Brian_Michael_Bendis", 1]]], "all_evidence": [[81507, 93264, "Brian_Michael_Bendis", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242990, 244265, "St._Anger", 1]], [[242990, 244266, "St._Anger", 0]], [[242990, 244267, "St._Anger", 2]]], "all_evidence": [[242990, 244265, "St._Anger", 1], [242990, 244266, "St._Anger", 0], [242990, 244267, "St._Anger", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106785, 120180, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[106785, 120180, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138918, null, null, null]]], "all_evidence": [[138918, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90345, 103090, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[90345, 103090, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60978, null, null, null]]], "all_evidence": [[60978, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122987, null, null, null]]], "all_evidence": [[122987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76184, 87482, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[76184, 87482, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78721, null, null, null]]], "all_evidence": [[78721, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232785, 235893, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232785, 235893, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153503, null, null, null]]], "all_evidence": [[153503, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63989, 74698, "Peking_University", 0]], [[63989, 74699, "Peking_University", 1]]], "all_evidence": [[63989, 74698, "Peking_University", 0], [63989, 74699, "Peking_University", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109343, 123010, "Britt_Robertson", 0]]], "all_evidence": [[109343, 123010, "Britt_Robertson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201858, 211216, "Artpop", 13]]], "all_evidence": [[201858, 211216, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176139, 189106, "XHamster", 6]]], "all_evidence": [[176139, 189106, "XHamster", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99818, null, null, null]]], "all_evidence": [[99818, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26914, null, null, null]]], "all_evidence": [[26914, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43584, 52227, "Sikkim", 4]]], "all_evidence": [[43584, 52227, "Sikkim", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76303, 87603, "Topman", 0]]], "all_evidence": [[76303, 87603, "Topman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105921, 119294, "Despacito", 12]]], "all_evidence": [[105921, 119294, "Despacito", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107454, null, null, null]]], "all_evidence": [[107454, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160836, 175332, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[160836, 175333, "Recovery_-LRB-Eminem_album-RRB-", 6]]], "all_evidence": [[160836, 175332, "Recovery_-LRB-Eminem_album-RRB-", 0], [160836, 175333, "Recovery_-LRB-Eminem_album-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73922, 85152, "Anushka_Sharma", 1]], [[73922, 85153, "Anushka_Sharma", 6], [73922, 85153, "Rab_Ne_Bana_Di_Jodi", 0]], [[73922, 85154, "Anushka_Sharma", 7], [73922, 85154, "Band_Baaja_Baaraat", 1]], [[73922, 85155, "Anushka_Sharma", 8], [73922, 85155, "PK_-LRB-film-RRB-", 0]]], "all_evidence": [[73922, 85152, "Anushka_Sharma", 1], [73922, 85153, "Anushka_Sharma", 6], [73922, 85153, "Rab_Ne_Bana_Di_Jodi", 0], [73922, 85154, "Anushka_Sharma", 7], [73922, 85154, "Band_Baaja_Baaraat", 1], [73922, 85155, "Anushka_Sharma", 8], [73922, 85155, "PK_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75250, 86484, "The_Wallace_-LRB-poem-RRB-", 0]], [[75250, 86485, "The_Wallace_-LRB-poem-RRB-", 6], [75250, 86485, "Blind_Harry", 0], [75250, 86485, "Blind_Harry", 1]]], "all_evidence": [[75250, 86484, "The_Wallace_-LRB-poem-RRB-", 0], [75250, 86485, "The_Wallace_-LRB-poem-RRB-", 6], [75250, 86485, "Blind_Harry", 0], [75250, 86485, "Blind_Harry", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69454, 80256, "Aleister_Crowley", 0]]], "all_evidence": [[69454, 80256, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21914, 26907, "Shadowhunters", 4]]], "all_evidence": [[21914, 26907, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155231, 169923, "Shawn_Carlson", 0]]], "all_evidence": [[155231, 169923, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207887, 216075, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207887, 216075, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199474, 209150, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199474, 209150, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83535, null, null, null]]], "all_evidence": [[83535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213725, 220885, "Finding_Dory", 1]], [[213726, 220886, "Finding_Dory", 1]]], "all_evidence": [[213725, 220885, "Finding_Dory", 1], [213726, 220886, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166257, null, null, null]]], "all_evidence": [[166257, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12587, null, null, null], [12590, null, null, null], [12598, null, null, null], [12601, null, null, null]]], "all_evidence": [[12587, null, null, null], [12590, null, null, null], [12598, null, null, null], [12601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228712, null, null, null]]], "all_evidence": [[228712, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73843, 85076, "Taylor_Lautner", 5], [73843, 85076, "Danny_Phantom", 0]], [[73843, 85077, "Taylor_Lautner", 4]]], "all_evidence": [[73843, 85076, "Taylor_Lautner", 5], [73843, 85076, "Danny_Phantom", 0], [73843, 85077, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198833, 208545, "The_King_and_I", 1]]], "all_evidence": [[198833, 208545, "The_King_and_I", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208011, null, null, null], [208012, null, null, null]]], "all_evidence": [[208011, null, null, null], [208012, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259717, 258272, "Hanford_Site", 23], [259717, 258272, "Pacific_Northwest_National_Laboratory", 0]]], "all_evidence": [[259717, 258272, "Hanford_Site", 23], [259717, 258272, "Pacific_Northwest_National_Laboratory", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262061, 260113, "Raabta_-LRB-song-RRB-", 0]], [[262065, 260116, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262061, 260113, "Raabta_-LRB-song-RRB-", 0], [262065, 260116, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50710, null, null, null]]], "all_evidence": [[50710, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125163, 139510, "I_Kissed_a_Girl", 0]]], "all_evidence": [[125163, 139510, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54305, 64301, "Armenian_Genocide", 5]]], "all_evidence": [[54305, 64301, "Armenian_Genocide", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232019, 235307, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232019, 235307, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23733, null, null, null]]], "all_evidence": [[23733, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214244, null, null, null]]], "all_evidence": [[214244, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268419, 265004, "Danielle_Cormack", 0], [268419, 265004, "New_Zealand", 0]]], "all_evidence": [[268419, 265004, "Danielle_Cormack", 0], [268419, 265004, "New_Zealand", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[293680, 286131, "Nestor_Carbonell", 1]], [[337943, 323273, "Nestor_Carbonell", 1]], [[337979, 323297, "Nestor_Carbonell", 1]]], "all_evidence": [[293680, 286131, "Nestor_Carbonell", 1], [337943, 323273, "Nestor_Carbonell", 1], [337979, 323297, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260693, 259025, "Valencia", 0]], [[260694, 259026, "Valencia", 0]], [[260697, 259029, "Valencia", 0], [260697, 259029, "Spain", 0]], [[260722, 259047, "Valencia", 0]], [[260722, 259048, "Valencia", 16], [260722, 259048, "Valencia", 17]]], "all_evidence": [[260693, 259025, "Valencia", 0], [260694, 259026, "Valencia", 0], [260697, 259029, "Valencia", 0], [260697, 259029, "Spain", 0], [260722, 259047, "Valencia", 0], [260722, 259048, "Valencia", 16], [260722, 259048, "Valencia", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170783, null, null, null]]], "all_evidence": [[170783, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46153, null, null, null]]], "all_evidence": [[46153, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49352, 58687, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[49352, 58687, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251697, null, null, null]]], "all_evidence": [[251697, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64761, 75596, "Tremont_Street_Subway", 2]]], "all_evidence": [[64761, 75596, "Tremont_Street_Subway", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229533, 233459, "Bea_Arthur", 0]], [[229534, 233460, "Bea_Arthur", 0]]], "all_evidence": [[229533, 233459, "Bea_Arthur", 0], [229534, 233460, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96484, null, null, null]]], "all_evidence": [[96484, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162764, null, null, null]]], "all_evidence": [[162764, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200470, 209974, "Sancho_Panza", 0]]], "all_evidence": [[200470, 209974, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238976, null, null, null]]], "all_evidence": [[238976, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257053, 256114, "Chagatai_language", 0]]], "all_evidence": [[257053, 256114, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121102, null, null, null]]], "all_evidence": [[121102, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250984, 250947, "Brick_-LRB-film-RRB-", 0]], [[250993, 250961, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250984, 250947, "Brick_-LRB-film-RRB-", 0], [250993, 250961, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222206, 227587, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222206, 227587, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214337, null, null, null]]], "all_evidence": [[214337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121491, 135770, "Nuuk", 0]], [[308688, 299007, "Nuuk", 0]], [[310363, 300421, "Nuuk", 0]], [[310561, 300598, "Nuuk", 0]]], "all_evidence": [[121491, 135770, "Nuuk", 0], [308688, 299007, "Nuuk", 0], [310363, 300421, "Nuuk", 0], [310561, 300598, "Nuuk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86365, null, null, null]]], "all_evidence": [[86365, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75694, 86946, "The_Road_to_El_Dorado", 2]]], "all_evidence": [[75694, 86946, "The_Road_to_El_Dorado", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95122, null, null, null]]], "all_evidence": [[95122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15097, 18751, "In_the_End", 1], [15097, 18751, "Hybrid_Theory", 0]]], "all_evidence": [[15097, 18751, "In_the_End", 1], [15097, 18751, "Hybrid_Theory", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34323, 41636, "Charles_Manson", 0]], [[34323, 41637, "Charles_Manson", 1]]], "all_evidence": [[34323, 41636, "Charles_Manson", 0], [34323, 41637, "Charles_Manson", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105027, null, null, null]]], "all_evidence": [[105027, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255573, 255004, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255573, 255004, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43729, 52374, "Sean_Penn", 5]], [[43749, 52392, "Sean_Penn", 5]]], "all_evidence": [[43729, 52374, "Sean_Penn", 5], [43749, 52392, "Sean_Penn", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93240, 106176, "Janelle_Mona\u0301e", 0]], [[93248, 106179, "Janelle_Mona\u0301e", 0]], [[93248, 106180, "Janelle_Mona\u0301e", 1]], [[93248, 106181, "Janelle_Mona\u0301e", 4]], [[93248, 106182, "Janelle_Mona\u0301e", 6], [93248, 106182, "Tightrope_-LRB-Janelle_Mona\u0301e_song-RRB-", 0]], [[93248, 106183, "Janelle_Mona\u0301e", 10]], [[93248, 106184, "Janelle_Mona\u0301e", 11]], [[93248, 106185, "Janelle_Mona\u0301e", 12]], [[93248, 106186, "Janelle_Mona\u0301e", 13]], [[93248, 106187, "Janelle_Mona\u0301e", 14]], [[93248, 106188, "Janelle_Mona\u0301e", 15]]], "all_evidence": [[93240, 106176, "Janelle_Mona\u0301e", 0], [93248, 106179, "Janelle_Mona\u0301e", 0], [93248, 106180, "Janelle_Mona\u0301e", 1], [93248, 106181, "Janelle_Mona\u0301e", 4], [93248, 106182, "Janelle_Mona\u0301e", 6], [93248, 106182, "Tightrope_-LRB-Janelle_Mona\u0301e_song-RRB-", 0], [93248, 106183, "Janelle_Mona\u0301e", 10], [93248, 106184, "Janelle_Mona\u0301e", 11], [93248, 106185, "Janelle_Mona\u0301e", 12], [93248, 106186, "Janelle_Mona\u0301e", 13], [93248, 106187, "Janelle_Mona\u0301e", 14], [93248, 106188, "Janelle_Mona\u0301e", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167593, null, null, null]]], "all_evidence": [[167593, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24186, 29917, "Eric_Church", 0]]], "all_evidence": [[24186, 29917, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126157, 140553, "Hedda_Gabler", 1]]], "all_evidence": [[126157, 140553, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214307, 221390, "Ernest_Medina", 2]], [[214307, 221391, "Ernest_Medina", 3]]], "all_evidence": [[214307, 221390, "Ernest_Medina", 2], [214307, 221391, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87243, 99748, "Reign_Over_Me", 0]], [[87243, 99749, "Reign_Over_Me", 4], [87243, 99749, "Columbia_Pictures", 0]]], "all_evidence": [[87243, 99748, "Reign_Over_Me", 0], [87243, 99749, "Reign_Over_Me", 4], [87243, 99749, "Columbia_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91183, 103896, "Guillermo_del_Toro", 0]]], "all_evidence": [[91183, 103896, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226444, null, null, null]]], "all_evidence": [[226444, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198075, 208014, "Dave_Gibbons", 0]]], "all_evidence": [[198075, 208014, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257322, 256349, "Calcaneal_spur", 1]]], "all_evidence": [[257322, 256349, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251707, null, null, null]]], "all_evidence": [[251707, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101671, null, null, null]]], "all_evidence": [[101671, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174785, 187913, "Jose\u0301_Ferrer", 0]]], "all_evidence": [[174785, 187913, "Jose\u0301_Ferrer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58116, 68331, "Tim_McGraw", 13]]], "all_evidence": [[58116, 68331, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215933, 222682, "Bradley_Fuller", 1]], [[215934, 222683, "Bradley_Fuller", 1]]], "all_evidence": [[215933, 222682, "Bradley_Fuller", 1], [215934, 222683, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45648, 54503, "Rupert_Murdoch", 3]]], "all_evidence": [[45648, 54503, "Rupert_Murdoch", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135613, 150470, "Shinji_Mikami", 2]]], "all_evidence": [[135613, 150470, "Shinji_Mikami", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104676, 118094, "Dakota_Fanning", 0]]], "all_evidence": [[104676, 118094, "Dakota_Fanning", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140333, null, null, null], [140337, null, null, null]]], "all_evidence": [[140333, null, null, null], [140337, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289657, null, null, null], [291089, null, null, null], [293201, null, null, null], [336699, null, null, null], [336705, null, null, null], [336707, null, null, null]]], "all_evidence": [[289657, null, null, null], [291089, null, null, null], [293201, null, null, null], [336699, null, null, null], [336705, null, null, null], [336707, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241358, 242911, "Brad_Wilk", 4], [241358, 242911, "Greta_-LRB-band-RRB-", 0]]], "all_evidence": [[241358, 242911, "Brad_Wilk", 4], [241358, 242911, "Greta_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227009, 231444, "Barry_Van_Dyke", 0]], [[227010, 231445, "Barry_Van_Dyke", 0]]], "all_evidence": [[227009, 231444, "Barry_Van_Dyke", 0], [227010, 231445, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22560, 27804, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[22560, 27804, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112427, 126268, "Uranium-235", 6], [112427, 126268, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[112427, 126268, "Uranium-235", 6], [112427, 126268, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20763, null, null, null]]], "all_evidence": [[20763, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228776, 232894, "Albert_S._Ruddy", 0]], [[228782, 232900, "Albert_S._Ruddy", 0]]], "all_evidence": [[228776, 232894, "Albert_S._Ruddy", 0], [228782, 232900, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237565, null, null, null]]], "all_evidence": [[237565, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292815, 285505, "United_Nations_Charter", 1]], [[297160, 288837, "United_Nations_Charter", 1]], [[340840, 325372, "United_Nations_Charter", 1]], [[340843, 325376, "United_Nations_Charter", 1]]], "all_evidence": [[292815, 285505, "United_Nations_Charter", 1], [297160, 288837, "United_Nations_Charter", 1], [340840, 325372, "United_Nations_Charter", 1], [340843, 325376, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126161, 140559, "Taylor_Lautner", 4]]], "all_evidence": [[126161, 140559, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241387, null, null, null]]], "all_evidence": [[241387, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271151, 267091, "Giada_at_Home", 1]]], "all_evidence": [[271151, 267091, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13945, null, null, null], [14912, null, null, null], [15164, null, null, null]]], "all_evidence": [[13945, null, null, null], [14912, null, null, null], [15164, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237979, 240146, "Tamerlan_Tsarnaev", 8]], [[237979, 240147, "Tamerlan_Tsarnaev", 13]]], "all_evidence": [[237979, 240146, "Tamerlan_Tsarnaev", 8], [237979, 240147, "Tamerlan_Tsarnaev", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189751, 200971, "Polar_bear", 7]]], "all_evidence": [[189751, 200971, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228698, 232827, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228740, 232849, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228740, 232850, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228740, 232851, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228740, 232851, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0], [228740, 232851, "Happy_-LRB-Pharrell_Williams_song-RRB-", 1]]], "all_evidence": [[228698, 232827, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228740, 232849, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228740, 232850, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228740, 232851, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228740, 232851, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0], [228740, 232851, "Happy_-LRB-Pharrell_Williams_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243004, null, null, null]]], "all_evidence": [[243004, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143603, null, null, null]]], "all_evidence": [[143603, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126728, 141158, "Rob_Sheridan", 0]]], "all_evidence": [[126728, 141158, "Rob_Sheridan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92457, null, null, null]]], "all_evidence": [[92457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50715, 60330, "Henry_II_of_France", 15]]], "all_evidence": [[50715, 60330, "Henry_II_of_France", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259597, 258162, "French_Resistance", 6]]], "all_evidence": [[259597, 258162, "French_Resistance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[291559, 284479, "Penguin_Books", 2]], [[293676, 286127, "Penguin_Books", 2]], [[337932, 323261, "Penguin_Books", 2]], [[338561, 323672, "Penguin_Books", 2]], [[338630, 323725, "Penguin_Books", 2]]], "all_evidence": [[291559, 284479, "Penguin_Books", 2], [293676, 286127, "Penguin_Books", 2], [337932, 323261, "Penguin_Books", 2], [338561, 323672, "Penguin_Books", 2], [338630, 323725, "Penguin_Books", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289731, null, null, null], [291116, null, null, null], [293222, null, null, null], [337126, null, null, null]]], "all_evidence": [[289731, null, null, null], [291116, null, null, null], [293222, null, null, null], [337126, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251718, null, null, null]]], "all_evidence": [[251718, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170588, null, null, null]]], "all_evidence": [[170588, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211223, 218898, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]], "all_evidence": [[211223, 218898, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47790, 57054, "Chris_Kyle", 0]]], "all_evidence": [[47790, 57054, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138085, 153032, "Carlos_Santana", 0]]], "all_evidence": [[138085, 153032, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237948, 240112, "Tamerlan_Tsarnaev", 8]], [[237973, 240133, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237948, 240112, "Tamerlan_Tsarnaev", 8], [237973, 240133, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293057, null, null, null], [295654, null, null, null], [341992, null, null, null]]], "all_evidence": [[293057, null, null, null], [295654, null, null, null], [341992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190013, 201162, "Philip_Glass", 9]]], "all_evidence": [[190013, 201162, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103713, 117177, "In_the_End", 1]], [[103713, 117178, "In_the_End", 2]], [[103713, 117179, "In_the_End", 3], [103713, 117179, "One_Step_Closer_-LRB-Linkin_Park_song-RRB-", 0]]], "all_evidence": [[103713, 117177, "In_the_End", 1], [103713, 117178, "In_the_End", 2], [103713, 117179, "In_the_End", 3], [103713, 117179, "One_Step_Closer_-LRB-Linkin_Park_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95835, null, null, null]]], "all_evidence": [[95835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148340, 163360, "The_Bahamas", 3]], [[148340, 163361, "The_Bahamas", 22]]], "all_evidence": [[148340, 163360, "The_Bahamas", 3], [148340, 163361, "The_Bahamas", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105000, 118418, "Thomas_Jefferson", 10]]], "all_evidence": [[105000, 118418, "Thomas_Jefferson", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136498, null, null, null]]], "all_evidence": [[136498, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253564, null, null, null], [255304, null, null, null], [320025, null, null, null]]], "all_evidence": [[253564, null, null, null], [255304, null, null, null], [320025, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120106, null, null, null]]], "all_evidence": [[120106, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29500, 35977, "Connie_Nielsen", 2]]], "all_evidence": [[29500, 35977, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[271159, null, null, null]]], "all_evidence": [[271159, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41663, 50092, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[41663, 50092, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136402, null, null, null]]], "all_evidence": [[136402, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60846, 71309, "Lemmy", 2]]], "all_evidence": [[60846, 71309, "Lemmy", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[217703, null, null, null], [217709, null, null, null]]], "all_evidence": [[217703, null, null, null], [217709, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258073, 256955, "Monk", 0]]], "all_evidence": [[258073, 256955, "Monk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98453, null, null, null]]], "all_evidence": [[98453, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225666, null, null, null]]], "all_evidence": [[225666, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41127, 49456, "Chris_Kyle", 0]], [[41127, 49457, "Chris_Kyle", 8]]], "all_evidence": [[41127, 49456, "Chris_Kyle", 0], [41127, 49457, "Chris_Kyle", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193495, 203988, "Larry_Wilmore", 0]], [[193495, 203989, "Larry_Wilmore", 1]], [[193495, 203990, "Larry_Wilmore", 2]], [[193495, 203991, "Larry_Wilmore", 3]]], "all_evidence": [[193495, 203988, "Larry_Wilmore", 0], [193495, 203989, "Larry_Wilmore", 1], [193495, 203990, "Larry_Wilmore", 2], [193495, 203991, "Larry_Wilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155668, null, null, null]]], "all_evidence": [[155668, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104844, 118247, "Vietnam", 1]], [[104849, 118251, "Vietnam", 1]], [[104858, 118262, "Vietnam", 1]]], "all_evidence": [[104844, 118247, "Vietnam", 1], [104849, 118251, "Vietnam", 1], [104858, 118262, "Vietnam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211388, 219108, "Don_Hall_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[211388, 219108, "Don_Hall_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259716, 258271, "Hanford_Site", 23]]], "all_evidence": [[259716, 258271, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57167, null, null, null]]], "all_evidence": [[57167, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71572, null, null, null]]], "all_evidence": [[71572, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174576, 187751, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[174576, 187751, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183956, null, null, null]]], "all_evidence": [[183956, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199923, 209564, "Anne_Sullivan", 0]]], "all_evidence": [[199923, 209564, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253947, 253739, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253947, 253739, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148350, 163370, "Make_It_or_Break_It", 9]]], "all_evidence": [[148350, 163370, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230158, 233891, "Frozen_-LRB-2013_film-RRB-", 0]], [[230158, 233892, "Frozen_-LRB-2013_film-RRB-", 10]], [[230180, 233929, "Frozen_-LRB-2013_film-RRB-", 0]], [[230180, 233930, "Frozen_-LRB-2013_film-RRB-", 5]], [[230180, 233931, "Frozen_-LRB-2013_film-RRB-", 7]], [[230180, 233932, "Frozen_-LRB-2013_film-RRB-", 10]], [[230180, 233933, "Frozen_-LRB-2013_film-RRB-", 14]], [[230180, 233934, "Frozen_-LRB-2013_film-RRB-", 13]]], "all_evidence": [[230158, 233891, "Frozen_-LRB-2013_film-RRB-", 0], [230158, 233892, "Frozen_-LRB-2013_film-RRB-", 10], [230180, 233929, "Frozen_-LRB-2013_film-RRB-", 0], [230180, 233930, "Frozen_-LRB-2013_film-RRB-", 5], [230180, 233931, "Frozen_-LRB-2013_film-RRB-", 7], [230180, 233932, "Frozen_-LRB-2013_film-RRB-", 10], [230180, 233933, "Frozen_-LRB-2013_film-RRB-", 14], [230180, 233934, "Frozen_-LRB-2013_film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33886, 41083, "Harris_Jayaraj", 0]], [[35768, 43315, "Harris_Jayaraj", 0]], [[37723, 45655, "Harris_Jayaraj", 0]], [[301896, 292987, "Harris_Jayaraj", 0]], [[304332, 295144, "Harris_Jayaraj", 0]]], "all_evidence": [[33886, 41083, "Harris_Jayaraj", 0], [35768, 43315, "Harris_Jayaraj", 0], [37723, 45655, "Harris_Jayaraj", 0], [301896, 292987, "Harris_Jayaraj", 0], [304332, 295144, "Harris_Jayaraj", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155183, 169886, "Bones_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[155183, 169886, "Bones_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222210, 227593, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222210, 227593, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200768, null, null, null]]], "all_evidence": [[200768, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99416, 112522, "Harvard_University", 0]], [[99416, 112523, "Harvard_University", 6]], [[99416, 112524, "Harvard_University", 15]], [[99423, 112529, "Harvard_University", 0]]], "all_evidence": [[99416, 112522, "Harvard_University", 0], [99416, 112523, "Harvard_University", 6], [99416, 112524, "Harvard_University", 15], [99423, 112529, "Harvard_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260892, 259228, "Capsicum_chinense", 0], [260892, 259228, "Capsicum", 0], [260892, 259228, "Chili_pepper", 0]]], "all_evidence": [[260892, 259228, "Capsicum_chinense", 0], [260892, 259228, "Capsicum", 0], [260892, 259228, "Chili_pepper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275200, 270377, "T2_Trainspotting", 0], [275200, 270377, "Creative_work", 0]], [[277100, 272084, "T2_Trainspotting", 0]], [[277104, 272088, "T2_Trainspotting", 0]], [[324248, 312265, "T2_Trainspotting", 0]], [[324250, 312267, "T2_Trainspotting", 0]]], "all_evidence": [[275200, 270377, "T2_Trainspotting", 0], [275200, 270377, "Creative_work", 0], [277100, 272084, "T2_Trainspotting", 0], [277104, 272088, "T2_Trainspotting", 0], [324248, 312265, "T2_Trainspotting", 0], [324250, 312267, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251680, null, null, null]]], "all_evidence": [[251680, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21731, 26702, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]], "all_evidence": [[21731, 26702, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217281, 223906, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217281, 223906, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191681, 202498, "Anne_Rice", 5]]], "all_evidence": [[191681, 202498, "Anne_Rice", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213162, null, null, null]]], "all_evidence": [[213162, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197430, 207465, "Lalla_Ward", 0]]], "all_evidence": [[197430, 207465, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167002, 180830, "Always_-LRB-1989_film-RRB-", 0], [167002, 180830, "Audrey_Hepburn", 0]]], "all_evidence": [[167002, 180830, "Always_-LRB-1989_film-RRB-", 0], [167002, 180830, "Audrey_Hepburn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111593, 125369, "Horse", 2]]], "all_evidence": [[111593, 125369, "Horse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142526, 157704, "Johnny_Galecki", 1]]], "all_evidence": [[142526, 157704, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214272, 221353, "Kenneth_Lonergan", 0]]], "all_evidence": [[214272, 221353, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198076, null, null, null]]], "all_evidence": [[198076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114638, 128383, "Bhagat_Singh", 0]]], "all_evidence": [[114638, 128383, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81521, 93282, "AMGTV", 0]]], "all_evidence": [[81521, 93282, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71282, 82231, "Stanley_Williams", 5]]], "all_evidence": [[71282, 82231, "Stanley_Williams", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116209, 130127, "Billboard_Dad", 0], [116209, 130127, "Alan_Metter", 0], [116209, 130127, "Alan_Metter", 1]]], "all_evidence": [[116209, 130127, "Billboard_Dad", 0], [116209, 130127, "Alan_Metter", 0], [116209, 130127, "Alan_Metter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151646, null, null, null]]], "all_evidence": [[151646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57820, 68070, "Johnny_Galecki", 1]]], "all_evidence": [[57820, 68070, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184125, 196076, "Edgar_Wright", 0]], [[184126, 196077, "Edgar_Wright", 0]]], "all_evidence": [[184125, 196076, "Edgar_Wright", 0], [184126, 196077, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194756, 205124, "Manmohan_Singh", 0]]], "all_evidence": [[194756, 205124, "Manmohan_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216094, 222803, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216094, 222803, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235612, null, null, null]]], "all_evidence": [[235612, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227054, null, null, null]]], "all_evidence": [[227054, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177377, null, null, null]]], "all_evidence": [[177377, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120752, 135025, "English_people", 6]]], "all_evidence": [[120752, 135025, "English_people", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239316, null, null, null]]], "all_evidence": [[239316, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197240, 207318, "Smriti_Mandhana", 0]]], "all_evidence": [[197240, 207318, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43988, 52622, "Mount_Rushmore", 1]]], "all_evidence": [[43988, 52622, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219128, 225229, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219128, 225229, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95526, 108550, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[95526, 108550, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172326, 185666, "Aarhus", 0]]], "all_evidence": [[172326, 185666, "Aarhus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213702, null, null, null]]], "all_evidence": [[213702, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49681, null, null, null]]], "all_evidence": [[49681, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180573, null, null, null]]], "all_evidence": [[180573, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239265, null, null, null]]], "all_evidence": [[239265, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200451, 209956, "Sancho_Panza", 0]]], "all_evidence": [[200451, 209956, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229407, 233337, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1]]], "all_evidence": [[229407, 233337, "Graffiti_-LRB-Chris_Brown_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117250, null, null, null], [117266, null, null, null]]], "all_evidence": [[117250, null, null, null], [117266, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181851, 194121, "Justin_Chatwin", 7]]], "all_evidence": [[181851, 194121, "Justin_Chatwin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232784, 235892, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232784, 235892, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160425, null, null, null]]], "all_evidence": [[160425, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74773, 85988, "Ludwig_van_Beethoven", 1]]], "all_evidence": [[74773, 85988, "Ludwig_van_Beethoven", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127710, 142324, "Horse", 3]]], "all_evidence": [[127710, 142324, "Horse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255462, 254919, "Private_Lives", 0]]], "all_evidence": [[255462, 254919, "Private_Lives", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75000, 86227, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [75000, 86227, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[75000, 86227, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [75000, 86227, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178993, null, null, null]]], "all_evidence": [[178993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64852, 75710, "Aristotle", 2]]], "all_evidence": [[64852, 75710, "Aristotle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26070, 32053, "Chris_Kyle", 0]]], "all_evidence": [[26070, 32053, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155924, null, null, null]]], "all_evidence": [[155924, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80422, 92255, "Otto_I,_Holy_Roman_Emperor", 11]]], "all_evidence": [[80422, 92255, "Otto_I,_Holy_Roman_Emperor", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95310, 108331, "West_Virginia", 1]], [[95310, 108332, "West_Virginia", 12]]], "all_evidence": [[95310, 108331, "West_Virginia", 1], [95310, 108332, "West_Virginia", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221657, 227232, "Matthias_Corvinus", 31]]], "all_evidence": [[221657, 227232, "Matthias_Corvinus", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175207, 188225, "How_to_Train_Your_Dragon_2", 0]]], "all_evidence": [[175207, 188225, "How_to_Train_Your_Dragon_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183989, 195965, "Dan_O'Bannon", 0]]], "all_evidence": [[183989, 195965, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206512, 214855, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], [206512, 214855, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 0]]], "all_evidence": [[206512, 214855, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], [206512, 214855, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272407, null, null, null]]], "all_evidence": [[272407, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241416, null, null, null]]], "all_evidence": [[241416, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146989, 161960, "New_York_Knicks", 1]]], "all_evidence": [[146989, 161960, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25788, null, null, null]]], "all_evidence": [[25788, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270517, 266544, "Jenna_Jameson", 3]]], "all_evidence": [[270517, 266544, "Jenna_Jameson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46352, 55337, "Battle_of_France", 13]]], "all_evidence": [[46352, 55337, "Battle_of_France", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54146, 64145, "James_Earl_Jones", 4]]], "all_evidence": [[54146, 64145, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259578, 258151, "Andrew_Kevin_Walker", 0]], [[259578, 258152, "Andrew_Kevin_Walker", 1], [259578, 258152, "8mm_-LRB-film-RRB-", 0]], [[261313, 259479, "Andrew_Kevin_Walker", 0]], [[261313, 259480, "Andrew_Kevin_Walker", 1]], [[261598, 259658, "Andrew_Kevin_Walker", 0]], [[261598, 259659, "Andrew_Kevin_Walker", 1]], [[321402, 309890, "Andrew_Kevin_Walker", 0]], [[321402, 309891, "Andrew_Kevin_Walker", 1]], [[322537, 310847, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[259578, 258151, "Andrew_Kevin_Walker", 0], [259578, 258152, "Andrew_Kevin_Walker", 1], [259578, 258152, "8mm_-LRB-film-RRB-", 0], [261313, 259479, "Andrew_Kevin_Walker", 0], [261313, 259480, "Andrew_Kevin_Walker", 1], [261598, 259658, "Andrew_Kevin_Walker", 0], [261598, 259659, "Andrew_Kevin_Walker", 1], [321402, 309890, "Andrew_Kevin_Walker", 0], [321402, 309891, "Andrew_Kevin_Walker", 1], [322537, 310847, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225674, 230288, "Ian_Brennan_-LRB-writer-RRB-", 1]], [[225675, 230289, "Ian_Brennan_-LRB-writer-RRB-", 1]]], "all_evidence": [[225674, 230288, "Ian_Brennan_-LRB-writer-RRB-", 1], [225675, 230289, "Ian_Brennan_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60928, null, null, null]]], "all_evidence": [[60928, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38628, 46588, "The_Adventures_of_Pluto_Nash", 0]], [[38628, 46589, "The_Adventures_of_Pluto_Nash", 1]], [[38628, 46590, "The_Adventures_of_Pluto_Nash", 2]], [[38628, 46591, "The_Adventures_of_Pluto_Nash", 5]]], "all_evidence": [[38628, 46588, "The_Adventures_of_Pluto_Nash", 0], [38628, 46589, "The_Adventures_of_Pluto_Nash", 1], [38628, 46590, "The_Adventures_of_Pluto_Nash", 2], [38628, 46591, "The_Adventures_of_Pluto_Nash", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216450, null, null, null]]], "all_evidence": [[216450, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95330, null, null, null]]], "all_evidence": [[95330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286253, null, null, null], [286256, null, null, null], [288005, null, null, null], [333064, null, null, null], [333067, null, null, null], [333068, null, null, null]]], "all_evidence": [[286253, null, null, null], [286256, null, null, null], [288005, null, null, null], [333064, null, null, null], [333067, null, null, null], [333068, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244446, null, null, null]]], "all_evidence": [[244446, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155680, 170319, "Carlos_Santana", 0]]], "all_evidence": [[155680, 170319, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191471, null, null, null]]], "all_evidence": [[191471, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25213, 31094, "Taran_Killam", 0]]], "all_evidence": [[25213, 31094, "Taran_Killam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51717, null, null, null]]], "all_evidence": [[51717, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22500, null, null, null], [301483, null, null, null], [301484, null, null, null], [302530, null, null, null]]], "all_evidence": [[22500, null, null, null], [301483, null, null, null], [301484, null, null, null], [302530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61262, 71770, "Edison_Machine_Works", 0]]], "all_evidence": [[61262, 71770, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194114, null, null, null]]], "all_evidence": [[194114, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203223, 212298, "Fabian_Nicieza", 0]]], "all_evidence": [[203223, 212298, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279832, 274463, "NRG_Recording_Studios", 0]], [[328376, 315440, "NRG_Recording_Studios", 0]], [[328377, 315441, "NRG_Recording_Studios", 0]], [[328381, 315444, "NRG_Recording_Studios", 0]]], "all_evidence": [[279832, 274463, "NRG_Recording_Studios", 0], [328376, 315440, "NRG_Recording_Studios", 0], [328377, 315441, "NRG_Recording_Studios", 0], [328381, 315444, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194750, null, null, null]]], "all_evidence": [[194750, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264397, 261859, "Brubaker", 0]], [[264407, 261868, "Brubaker", 0]]], "all_evidence": [[264397, 261859, "Brubaker", 0], [264407, 261868, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245443, 246253, "Mel_B", 5]]], "all_evidence": [[245443, 246253, "Mel_B", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238998, null, null, null]]], "all_evidence": [[238998, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234943, 237723, "Tijuana", 0]]], "all_evidence": [[234943, 237723, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53775, 63771, "Francis_I_of_France", 0]]], "all_evidence": [[53775, 63771, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167197, null, null, null]]], "all_evidence": [[167197, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56923, 67160, "Neil_Diamond", 0]]], "all_evidence": [[56923, 67160, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205343, 213947, "Dub_music", 0]]], "all_evidence": [[205343, 213947, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214616, 221604, "Aleister_Crowley", 0]], [[218027, 224433, "Aleister_Crowley", 0]], [[219944, 225822, "Aleister_Crowley", 0]], [[317497, 306531, "Aleister_Crowley", 0]], [[317498, 306532, "Aleister_Crowley", 0]], [[317499, 306533, "Aleister_Crowley", 0]]], "all_evidence": [[214616, 221604, "Aleister_Crowley", 0], [218027, 224433, "Aleister_Crowley", 0], [219944, 225822, "Aleister_Crowley", 0], [317497, 306531, "Aleister_Crowley", 0], [317498, 306532, "Aleister_Crowley", 0], [317499, 306533, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164841, 179035, "Sebastian_Stan", 2]], [[166998, 180822, "Sebastian_Stan", 2]], [[169063, 182744, "Sebastian_Stan", 2]], [[312298, 302112, "Sebastian_Stan", 2]]], "all_evidence": [[164841, 179035, "Sebastian_Stan", 2], [166998, 180822, "Sebastian_Stan", 2], [169063, 182744, "Sebastian_Stan", 2], [312298, 302112, "Sebastian_Stan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273652, 269024, "Working_animal", 0]]], "all_evidence": [[273652, 269024, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73016, 84179, "The_Good_Wife", 0]]], "all_evidence": [[73016, 84179, "The_Good_Wife", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173365, null, null, null], [173366, null, null, null]]], "all_evidence": [[173365, null, null, null], [173366, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186131, null, null, null]]], "all_evidence": [[186131, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96875, null, null, null]]], "all_evidence": [[96875, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104179, 117646, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[104179, 117646, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86940, 99403, "Augustus", 42]]], "all_evidence": [[86940, 99403, "Augustus", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97909, 111052, "T2_Trainspotting", 0]]], "all_evidence": [[97909, 111052, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181695, 193939, "Shawn_Carlson", 0]]], "all_evidence": [[181695, 193939, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37853, null, null, null]]], "all_evidence": [[37853, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51891, 61728, "Ingushetia", 5]]], "all_evidence": [[51891, 61728, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35783, 43326, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[35783, 43326, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[300343, null, null, null], [343893, null, null, null], [343913, null, null, null], [343915, null, null, null]]], "all_evidence": [[300343, null, null, null], [343893, null, null, null], [343913, null, null, null], [343915, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179510, 192093, "The_Bahamas", 0], [179510, 192093, "Lucayan_Archipelago", 1]]], "all_evidence": [[179510, 192093, "The_Bahamas", 0], [179510, 192093, "Lucayan_Archipelago", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116661, 130555, "Ed_Wood_-LRB-film-RRB-", 1]]], "all_evidence": [[116661, 130555, "Ed_Wood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152111, null, null, null]]], "all_evidence": [[152111, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228768, 232884, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228768, 232885, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]], [[228768, 232886, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228768, 232886, "Happy_-LRB-Pharrell_Williams_song-RRB-", 1]], [[228768, 232887, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [228768, 232887, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 2]]], "all_evidence": [[228768, 232884, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228768, 232885, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2], [228768, 232886, "Girl_-LRB-Pharrell_Williams_album-RRB-", 9], [228768, 232886, "Happy_-LRB-Pharrell_Williams_song-RRB-", 1], [228768, 232887, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [228768, 232887, "Marilyn_Monroe_-LRB-Pharrell_Williams_song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259470, 258042, "Libya", 2]]], "all_evidence": [[259470, 258042, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107683, 121176, "Republic_of_Macedonia", 1], [107683, 121176, "Territorial_dispute", 0]]], "all_evidence": [[107683, 121176, "Republic_of_Macedonia", 1], [107683, 121176, "Territorial_dispute", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248948, 248983, "John_Dolmayan", 0]], [[248948, 248984, "John_Dolmayan", 1]], [[248948, 248985, "John_Dolmayan", 2]], [[248948, 248986, "John_Dolmayan", 3]], [[248948, 248987, "John_Dolmayan", 4]], [[251088, 251031, "John_Dolmayan", 0]], [[251088, 251032, "John_Dolmayan", 1]], [[251088, 251033, "John_Dolmayan", 2]], [[252471, 252252, "John_Dolmayan", 0]], [[252471, 252253, "John_Dolmayan", 1], [252471, 252253, "System_of_a_Down", 1]], [[252471, 252254, "John_Dolmayan", 2]], [[252471, 252255, "John_Dolmayan", 4]], [[319684, 308365, "John_Dolmayan", 0]], [[320730, 309282, "John_Dolmayan", 0]]], "all_evidence": [[248948, 248983, "John_Dolmayan", 0], [248948, 248984, "John_Dolmayan", 1], [248948, 248985, "John_Dolmayan", 2], [248948, 248986, "John_Dolmayan", 3], [248948, 248987, "John_Dolmayan", 4], [251088, 251031, "John_Dolmayan", 0], [251088, 251032, "John_Dolmayan", 1], [251088, 251033, "John_Dolmayan", 2], [252471, 252252, "John_Dolmayan", 0], [252471, 252253, "John_Dolmayan", 1], [252471, 252253, "System_of_a_Down", 1], [252471, 252254, "John_Dolmayan", 2], [252471, 252255, "John_Dolmayan", 4], [319684, 308365, "John_Dolmayan", 0], [320730, 309282, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176299, 189231, "Liverpool", 0]], [[176299, 189232, "Liverpool", 1]]], "all_evidence": [[176299, 189231, "Liverpool", 0], [176299, 189232, "Liverpool", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192742, 203460, "Cadet_Kelly", 0]]], "all_evidence": [[192742, 203460, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239261, 241177, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239261, 241177, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279921, 274527, "Jack_Falahee", 0]], [[281629, 275992, "Jack_Falahee", 1], [281629, 275992, "Mercy_Street_-LRB-TV_series-RRB-", 2], [281629, 275992, "Jack_Falahee", 0]], [[283741, 277692, "Jack_Falahee", 1], [283741, 277692, "Mercy_Street_-LRB-TV_series-RRB-", 2], [283741, 277692, "Mercy_Street_-LRB-TV_series-RRB-", 5]], [[328550, 315571, "Jack_Falahee", 0]], [[329234, 316100, "Jack_Falahee", 0], [329234, 316100, "Jack_Falahee", 1]], [[329237, 316102, "Jack_Falahee", 0]], [[329237, 316103, "Jack_Falahee", 1], [329237, 316103, "How_to_Get_Away_with_Murder", 0]]], "all_evidence": [[279921, 274527, "Jack_Falahee", 0], [281629, 275992, "Jack_Falahee", 1], [281629, 275992, "Mercy_Street_-LRB-TV_series-RRB-", 2], [281629, 275992, "Jack_Falahee", 0], [283741, 277692, "Jack_Falahee", 1], [283741, 277692, "Mercy_Street_-LRB-TV_series-RRB-", 2], [283741, 277692, "Mercy_Street_-LRB-TV_series-RRB-", 5], [328550, 315571, "Jack_Falahee", 0], [329234, 316100, "Jack_Falahee", 0], [329234, 316100, "Jack_Falahee", 1], [329237, 316102, "Jack_Falahee", 0], [329237, 316103, "Jack_Falahee", 1], [329237, 316103, "How_to_Get_Away_with_Murder", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55863, 65950, "Billboard_Dad", 0]]], "all_evidence": [[55863, 65950, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94013, null, null, null]]], "all_evidence": [[94013, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146249, 161228, "Paramore", 1]]], "all_evidence": [[146249, 161228, "Paramore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268486, null, null, null]]], "all_evidence": [[268486, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83737, 95744, "Aarhus", 1]]], "all_evidence": [[83737, 95744, "Aarhus", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126065, null, null, null]]], "all_evidence": [[126065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72073, 83063, "Justine_Bateman", 0]], [[72073, 83064, "Justine_Bateman", 2]]], "all_evidence": [[72073, 83063, "Justine_Bateman", 0], [72073, 83064, "Justine_Bateman", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134702, 149625, "Lockheed_Martin_F-35_Lightning_II", 10]], [[134703, 149626, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[134702, 149625, "Lockheed_Martin_F-35_Lightning_II", 10], [134703, 149626, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131939, 146784, "Aristotle", 2]]], "all_evidence": [[131939, 146784, "Aristotle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256006, 255309, "Weekly_Idol", 1], [256006, 255309, "Defconn", 0], [256006, 255309, "Weekly_Idol", 0]]], "all_evidence": [[256006, 255309, "Weekly_Idol", 1], [256006, 255309, "Defconn", 0], [256006, 255309, "Weekly_Idol", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227022, null, null, null]]], "all_evidence": [[227022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260721, 259040, "Valencia", 0]], [[260721, 259041, "Valencia", 2]], [[260721, 259042, "Valencia", 3]], [[260721, 259043, "Valencia", 12]], [[260721, 259044, "Valencia", 16], [260721, 259044, "Turia_-LRB-river-RRB-", 0]], [[260721, 259045, "Valencia", 17]], [[260721, 259046, "Valencia", 20], [260721, 259046, "Costa_del_Azahar", 0]]], "all_evidence": [[260721, 259040, "Valencia", 0], [260721, 259041, "Valencia", 2], [260721, 259042, "Valencia", 3], [260721, 259043, "Valencia", 12], [260721, 259044, "Valencia", 16], [260721, 259044, "Turia_-LRB-river-RRB-", 0], [260721, 259045, "Valencia", 17], [260721, 259046, "Valencia", 20], [260721, 259046, "Costa_del_Azahar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133420, 148279, "Emma_Watson", 0]], [[133420, 148280, "Emma_Watson", 1]], [[133420, 148281, "Emma_Watson", 2]], [[133420, 148282, "Emma_Watson", 3]], [[133420, 148283, "Emma_Watson", 6]], [[133420, 148284, "Emma_Watson", 7]], [[133420, 148285, "Emma_Watson", 8]], [[133420, 148286, "Emma_Watson", 9], [133420, 148286, "Regression_-LRB-film-RRB-", 1]]], "all_evidence": [[133420, 148279, "Emma_Watson", 0], [133420, 148280, "Emma_Watson", 1], [133420, 148281, "Emma_Watson", 2], [133420, 148282, "Emma_Watson", 3], [133420, 148283, "Emma_Watson", 6], [133420, 148284, "Emma_Watson", 7], [133420, 148285, "Emma_Watson", 8], [133420, 148286, "Emma_Watson", 9], [133420, 148286, "Regression_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221677, 227246, "Matthias_Corvinus", 31], [221677, 227246, "Bibliotheca_Corviniana", 0]]], "all_evidence": [[221677, 227246, "Matthias_Corvinus", 31], [221677, 227246, "Bibliotheca_Corviniana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243129, null, null, null]]], "all_evidence": [[243129, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106503, 119921, "Ashton_Kutcher", 8], [106503, 119921, "What_Happens_in_Vegas", 0]]], "all_evidence": [[106503, 119921, "Ashton_Kutcher", 8], [106503, 119921, "What_Happens_in_Vegas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[287385, 280822, "Michigan", 13]], [[287387, 280823, "Michigan", 13]], [[335880, 321603, "Michigan", 13]], [[335891, 321608, "Michigan", 13]], [[335954, 321649, "Michigan", 13]]], "all_evidence": [[287385, 280822, "Michigan", 13], [287387, 280823, "Michigan", 13], [335880, 321603, "Michigan", 13], [335891, 321608, "Michigan", 13], [335954, 321649, "Michigan", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230068, null, null, null]]], "all_evidence": [[230068, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105309, 118759, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[105309, 118759, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191693, null, null, null]]], "all_evidence": [[191693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49135, 58464, "Email_filtering", 5]]], "all_evidence": [[49135, 58464, "Email_filtering", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197257, null, null, null]]], "all_evidence": [[197257, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166987, 180806, "Prescott,_Arizona", 0]], [[166987, 180807, "Prescott,_Arizona", 2], [166987, 180807, "Yavapai_County,_Arizona", 0]], [[166987, 180808, "Prescott,_Arizona", 3], [166987, 180808, "Fort_Whipple,_Arizona", 0]], [[166987, 180809, "Prescott,_Arizona", 4], [166987, 180809, "Tucson,_Arizona", 0]], [[166987, 180810, "Prescott,_Arizona", 5], [166987, 180810, "Phoenix,_Arizona", 0]], [[166987, 180811, "Prescott,_Arizona", 8], [166987, 180811, "Prescott_Valley,_Arizona", 0]], [[166987, 180812, "Prescott,_Arizona", 9], [166987, 180812, "Yavapai_County,_Arizona", 0]], [[166987, 180813, "Prescott,_Arizona", 11], [166987, 180813, "Yavapai_County,_Arizona", 0]], [[166987, 180814, "Prescott,_Arizona", 14], [166987, 180814, "Yavapai_County,_Arizona", 0]]], "all_evidence": [[166987, 180806, "Prescott,_Arizona", 0], [166987, 180807, "Prescott,_Arizona", 2], [166987, 180807, "Yavapai_County,_Arizona", 0], [166987, 180808, "Prescott,_Arizona", 3], [166987, 180808, "Fort_Whipple,_Arizona", 0], [166987, 180809, "Prescott,_Arizona", 4], [166987, 180809, "Tucson,_Arizona", 0], [166987, 180810, "Prescott,_Arizona", 5], [166987, 180810, "Phoenix,_Arizona", 0], [166987, 180811, "Prescott,_Arizona", 8], [166987, 180811, "Prescott_Valley,_Arizona", 0], [166987, 180812, "Prescott,_Arizona", 9], [166987, 180812, "Yavapai_County,_Arizona", 0], [166987, 180813, "Prescott,_Arizona", 11], [166987, 180813, "Yavapai_County,_Arizona", 0], [166987, 180814, "Prescott,_Arizona", 14], [166987, 180814, "Yavapai_County,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43133, 51769, "TV_Choice", 1]], [[45353, 54130, "TV_Choice", 1]], [[302060, 293125, "TV_Choice", 1]], [[303672, 294605, "TV_Choice", 1]]], "all_evidence": [[43133, 51769, "TV_Choice", 1], [45353, 54130, "TV_Choice", 1], [302060, 293125, "TV_Choice", 1], [303672, 294605, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175955, 188927, "Monster", 0]]], "all_evidence": [[175955, 188927, "Monster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235714, 238283, "Tom_DeLonge", 1]]], "all_evidence": [[235714, 238283, "Tom_DeLonge", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97369, null, null, null]]], "all_evidence": [[97369, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152658, 167440, "Floppy_disk", 0]]], "all_evidence": [[152658, 167440, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198012, 207955, "Syracuse,_New_York", 2]]], "all_evidence": [[198012, 207955, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223853, 228774, "Yandex", 9]]], "all_evidence": [[223853, 228774, "Yandex", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149045, 164082, "Trevor_Griffiths", 0], [149045, 164082, "Ancoats", 0]]], "all_evidence": [[149045, 164082, "Trevor_Griffiths", 0], [149045, 164082, "Ancoats", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155763, null, null, null]]], "all_evidence": [[155763, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210888, null, null, null]]], "all_evidence": [[210888, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41547, 49956, "Washington_Wizards", 12]]], "all_evidence": [[41547, 49956, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236976, 239308, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236979, 239311, "Varsity_Blues_-LRB-film-RRB-", 5], [236979, 239311, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[236976, 239308, "Varsity_Blues_-LRB-film-RRB-", 5], [236979, 239311, "Varsity_Blues_-LRB-film-RRB-", 5], [236979, 239311, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80565, 92406, "Marvel_vs._Capcom-COLON-_Infinite", 4]]], "all_evidence": [[80565, 92406, "Marvel_vs._Capcom-COLON-_Infinite", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183433, 195432, "Guatemala", 16]]], "all_evidence": [[183433, 195432, "Guatemala", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221281, 226925, "Yandex", 9]]], "all_evidence": [[221281, 226925, "Yandex", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162518, null, null, null]]], "all_evidence": [[162518, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179876, null, null, null]]], "all_evidence": [[179876, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231189, 234716, "Marnie_-LRB-film-RRB-", 0]]], "all_evidence": [[231189, 234716, "Marnie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286053, 279621, "Bad_Romance", 0]], [[287785, 281102, "Bad_Romance", 0]], [[287785, 281103, "Bad_Romance", 3]], [[287785, 281104, "Bad_Romance", 5]], [[287785, 281105, "Bad_Romance", 19]], [[332756, 319032, "Bad_Romance", 0]]], "all_evidence": [[286053, 279621, "Bad_Romance", 0], [287785, 281102, "Bad_Romance", 0], [287785, 281103, "Bad_Romance", 3], [287785, 281104, "Bad_Romance", 5], [287785, 281105, "Bad_Romance", 19], [332756, 319032, "Bad_Romance", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292531, null, null, null], [294547, null, null, null], [295132, null, null, null], [340408, null, null, null], [340419, null, null, null]]], "all_evidence": [[292531, null, null, null], [294547, null, null, null], [295132, null, null, null], [340408, null, null, null], [340419, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237560, 239758, "Live_Through_This", 0]]], "all_evidence": [[237560, 239758, "Live_Through_This", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88175, 100776, "T2_Trainspotting", 0]]], "all_evidence": [[88175, 100776, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165949, 179898, "Touchscreen", 9]]], "all_evidence": [[165949, 179898, "Touchscreen", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76798, 88148, "Shinji_Mikami", 0]], [[76798, 88149, "Shinji_Mikami", 1]], [[76798, 88150, "Shinji_Mikami", 2]], [[76798, 88151, "Shinji_Mikami", 3]], [[76798, 88152, "Shinji_Mikami", 4]], [[76798, 88153, "Shinji_Mikami", 5]], [[76798, 88154, "Shinji_Mikami", 6]], [[76798, 88155, "Shinji_Mikami", 8]]], "all_evidence": [[76798, 88148, "Shinji_Mikami", 0], [76798, 88149, "Shinji_Mikami", 1], [76798, 88150, "Shinji_Mikami", 2], [76798, 88151, "Shinji_Mikami", 3], [76798, 88152, "Shinji_Mikami", 4], [76798, 88153, "Shinji_Mikami", 5], [76798, 88154, "Shinji_Mikami", 6], [76798, 88155, "Shinji_Mikami", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50724, 60337, "Gin", 0]]], "all_evidence": [[50724, 60337, "Gin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90526, null, null, null]]], "all_evidence": [[90526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224254, 229081, "Matthias_Corvinus", 0]]], "all_evidence": [[224254, 229081, "Matthias_Corvinus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161677, 176104, "Yale_University", 23]]], "all_evidence": [[161677, 176104, "Yale_University", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139938, null, null, null]]], "all_evidence": [[139938, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62968, null, null, null]]], "all_evidence": [[62968, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34513, 41881, "Rhythm_Nation", 23], [34513, 41881, "Crystal_Kay", 0]]], "all_evidence": [[34513, 41881, "Rhythm_Nation", 23], [34513, 41881, "Crystal_Kay", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203196, 212281, "Fabian_Nicieza", 0]]], "all_evidence": [[203196, 212281, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235703, 238274, "Tom_DeLonge", 4]], [[235703, 238275, "Tom_DeLonge", 1]]], "all_evidence": [[235703, 238274, "Tom_DeLonge", 4], [235703, 238275, "Tom_DeLonge", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237587, null, null, null]]], "all_evidence": [[237587, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110727, 124399, "Miranda_Otto", 1]]], "all_evidence": [[110727, 124399, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163934, null, null, null]]], "all_evidence": [[163934, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238549, null, null, null]]], "all_evidence": [[238549, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237563, 239762, "Live_Through_This", 0]], [[237563, 239763, "Live_Through_This", 2]], [[237563, 239764, "Live_Through_This", 3]], [[237563, 239765, "Live_Through_This", 4]], [[237563, 239766, "Live_Through_This", 5]], [[237563, 239767, "Live_Through_This", 8]], [[237563, 239768, "Live_Through_This", 9]], [[237563, 239769, "Live_Through_This", 10]], [[237563, 239770, "Live_Through_This", 11]]], "all_evidence": [[237563, 239762, "Live_Through_This", 0], [237563, 239763, "Live_Through_This", 2], [237563, 239764, "Live_Through_This", 3], [237563, 239765, "Live_Through_This", 4], [237563, 239766, "Live_Through_This", 5], [237563, 239767, "Live_Through_This", 8], [237563, 239768, "Live_Through_This", 9], [237563, 239769, "Live_Through_This", 10], [237563, 239770, "Live_Through_This", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190456, null, null, null]]], "all_evidence": [[190456, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238528, 240525, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]], [[238528, 240526, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 9]], [[238543, 240540, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238528, 240525, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238528, 240526, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 9], [238543, 240540, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188990, null, null, null], [191630, null, null, null], [192145, null, null, null], [314762, null, null, null], [314768, null, null, null]]], "all_evidence": [[188990, null, null, null], [191630, null, null, null], [192145, null, null, null], [314762, null, null, null], [314768, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13402, 16759, "Moonlight_-LRB-2016_film-RRB-", 6]], [[13404, 16761, "Moonlight_-LRB-2016_film-RRB-", 6]], [[13418, 16781, "Moonlight_-LRB-2016_film-RRB-", 6]], [[22869, 28193, "Moonlight_-LRB-2016_film-RRB-", 6]], [[134808, 149717, "Moonlight_-LRB-2016_film-RRB-", 6]], [[299246, 290626, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[13402, 16759, "Moonlight_-LRB-2016_film-RRB-", 6], [13404, 16761, "Moonlight_-LRB-2016_film-RRB-", 6], [13418, 16781, "Moonlight_-LRB-2016_film-RRB-", 6], [22869, 28193, "Moonlight_-LRB-2016_film-RRB-", 6], [134808, 149717, "Moonlight_-LRB-2016_film-RRB-", 6], [299246, 290626, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48300, null, null, null]]], "all_evidence": [[48300, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186383, null, null, null]]], "all_evidence": [[186383, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179248, 191776, "Brazzers", 0]]], "all_evidence": [[179248, 191776, "Brazzers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122417, 136704, "French_Indochina", 0]]], "all_evidence": [[122417, 136704, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121023, 135310, "Mohra", 4], [121023, 135310, "Filmfare", 0]]], "all_evidence": [[121023, 135310, "Mohra", 4], [121023, 135310, "Filmfare", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185461, null, null, null]]], "all_evidence": [[185461, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89517, 102208, "Diana,_Princess_of_Wales", 18]]], "all_evidence": [[89517, 102208, "Diana,_Princess_of_Wales", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172659, null, null, null]]], "all_evidence": [[172659, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114289, null, null, null]]], "all_evidence": [[114289, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64042, null, null, null]]], "all_evidence": [[64042, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92085, null, null, null], [92086, null, null, null]]], "all_evidence": [[92085, null, null, null], [92086, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189345, 200627, "To_Pimp_a_Butterfly", 12]]], "all_evidence": [[189345, 200627, "To_Pimp_a_Butterfly", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35514, null, null, null]]], "all_evidence": [[35514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19567, 24050, "English_people", 6]], [[19567, 24051, "English_people", 7]]], "all_evidence": [[19567, 24050, "English_people", 6], [19567, 24051, "English_people", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[295666, 287735, "Chaka_Khan", 0]], [[295666, 287736, "Chaka_Khan", 1]], [[295666, 287737, "Chaka_Khan", 3]], [[295666, 287738, "Chaka_Khan", 2]], [[295666, 287739, "Chaka_Khan", 4]], [[295681, 287757, "Chaka_Khan", 1]], [[295681, 287758, "Chaka_Khan", 2]], [[295681, 287759, "Chaka_Khan", 0]], [[341319, 325786, "Chaka_Khan", 0]], [[341319, 325787, "Chaka_Khan", 1]], [[341319, 325788, "Chaka_Khan", 2]], [[341319, 325789, "Chaka_Khan", 3]], [[341319, 325790, "Chaka_Khan", 4]], [[341319, 325791, "Chaka_Khan", 5], [341319, 325791, "I_Feel_for_You_-LRB-album-RRB-", 0]], [[341339, 325855, "Chaka_Khan", 4]]], "all_evidence": [[295666, 287735, "Chaka_Khan", 0], [295666, 287736, "Chaka_Khan", 1], [295666, 287737, "Chaka_Khan", 3], [295666, 287738, "Chaka_Khan", 2], [295666, 287739, "Chaka_Khan", 4], [295681, 287757, "Chaka_Khan", 1], [295681, 287758, "Chaka_Khan", 2], [295681, 287759, "Chaka_Khan", 0], [341319, 325786, "Chaka_Khan", 0], [341319, 325787, "Chaka_Khan", 1], [341319, 325788, "Chaka_Khan", 2], [341319, 325789, "Chaka_Khan", 3], [341319, 325790, "Chaka_Khan", 4], [341319, 325791, "Chaka_Khan", 5], [341319, 325791, "I_Feel_for_You_-LRB-album-RRB-", 0], [341339, 325855, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60022, 70432, "Aaron_Burr", 1]]], "all_evidence": [[60022, 70432, "Aaron_Burr", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67245, 78040, "Poldark_-LRB-2015_TV_series-RRB-", 0]], [[67245, 78041, "Poldark_-LRB-2015_TV_series-RRB-", 2]]], "all_evidence": [[67245, 78040, "Poldark_-LRB-2015_TV_series-RRB-", 0], [67245, 78041, "Poldark_-LRB-2015_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86108, 98454, "Jackie_-LRB-2016_film-RRB-", 0]], [[86109, 98455, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[86108, 98454, "Jackie_-LRB-2016_film-RRB-", 0], [86109, 98455, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59195, 69540, "Taylor_Lautner", 4]]], "all_evidence": [[59195, 69540, "Taylor_Lautner", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80881, 92741, "Wildfang", 1], [80881, 92741, "Wildfang", 0]]], "all_evidence": [[80881, 92741, "Wildfang", 1], [80881, 92741, "Wildfang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86323, null, null, null]]], "all_evidence": [[86323, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208080, 216214, "Osamu_Tezuka", 6]]], "all_evidence": [[208080, 216214, "Osamu_Tezuka", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59816, null, null, null]]], "all_evidence": [[59816, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126080, 140482, "Crips", 9]]], "all_evidence": [[126080, 140482, "Crips", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286066, 279634, "The_Good_Wife", 0], [286066, 279634, "CBS", 0]], [[287769, 281092, "The_Good_Wife", 0], [287769, 281092, "CBS", 0]], [[288456, 281717, "The_Good_Wife", 0]], [[332772, 319049, "The_Good_Wife", 0], [332772, 319049, "CBS", 0]], [[334158, 320279, "The_Good_Wife", 0], [334158, 320279, "CBS", 0]]], "all_evidence": [[286066, 279634, "The_Good_Wife", 0], [286066, 279634, "CBS", 0], [287769, 281092, "The_Good_Wife", 0], [287769, 281092, "CBS", 0], [288456, 281717, "The_Good_Wife", 0], [332772, 319049, "The_Good_Wife", 0], [332772, 319049, "CBS", 0], [334158, 320279, "The_Good_Wife", 0], [334158, 320279, "CBS", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212192, null, null, null], [212194, null, null, null]]], "all_evidence": [[212192, null, null, null], [212194, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145440, 160440, "Wales", 16]]], "all_evidence": [[145440, 160440, "Wales", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100260, 113505, "NRG_Recording_Studios", 0]]], "all_evidence": [[100260, 113505, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59979, 70386, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[59979, 70386, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203015, null, null, null]]], "all_evidence": [[203015, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72851, null, null, null]]], "all_evidence": [[72851, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248559, null, null, null]]], "all_evidence": [[248559, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270830, 266812, "New_Orleans_Pelicans", 1], [270830, 266812, "Western_Conference_-LRB-NBA-RRB-", 20], [270830, 266812, "Western_Conference_-LRB-NBA-RRB-", 21]]], "all_evidence": [[270830, 266812, "New_Orleans_Pelicans", 1], [270830, 266812, "Western_Conference_-LRB-NBA-RRB-", 20], [270830, 266812, "Western_Conference_-LRB-NBA-RRB-", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73835, null, null, null], [78917, null, null, null], [81247, null, null, null], [305870, null, null, null], [305872, null, null, null]]], "all_evidence": [[73835, null, null, null], [78917, null, null, null], [81247, null, null, null], [305870, null, null, null], [305872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18048, 22194, "Mick_Thomson", 1]]], "all_evidence": [[18048, 22194, "Mick_Thomson", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62264, null, null, null]]], "all_evidence": [[62264, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168216, 181963, "Shinji_Mikami", 0]], [[168216, 181964, "Shinji_Mikami", 12]]], "all_evidence": [[168216, 181963, "Shinji_Mikami", 0], [168216, 181964, "Shinji_Mikami", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211983, 219590, "Saturn_Corporation", 0]]], "all_evidence": [[211983, 219590, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113603, null, null, null]]], "all_evidence": [[113603, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42344, null, null, null], [301997, null, null, null]]], "all_evidence": [[42344, null, null, null], [301997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232805, 235903, "New_York_City_Landmarks_Preservation_Commission", 6]], [[232806, 235904, "New_York_City_Landmarks_Preservation_Commission", 6]]], "all_evidence": [[232805, 235903, "New_York_City_Landmarks_Preservation_Commission", 6], [232806, 235904, "New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223874, 228791, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223874, 228791, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88835, null, null, null]]], "all_evidence": [[88835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43267, 51904, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[43267, 51904, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182042, 194320, "Pearl_Jam", 13]]], "all_evidence": [[182042, 194320, "Pearl_Jam", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115545, 129411, "James_Earl_Jones", 4]]], "all_evidence": [[115545, 129411, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64597, 75385, "Damon_Albarn", 4]]], "all_evidence": [[64597, 75385, "Damon_Albarn", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239398, 241265, "Lockheed_Martin", 4]]], "all_evidence": [[239398, 241265, "Lockheed_Martin", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131123, 145887, "Dakota_Fanning", 0]], [[131123, 145888, "Dakota_Fanning", 10]]], "all_evidence": [[131123, 145887, "Dakota_Fanning", 0], [131123, 145888, "Dakota_Fanning", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157659, null, null, null]]], "all_evidence": [[157659, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122533, 136829, "Starrcade", 0]], [[122533, 136830, "Starrcade", 16]]], "all_evidence": [[122533, 136829, "Starrcade", 0], [122533, 136830, "Starrcade", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115499, 129358, "Andrew_Kevin_Walker", 0]]], "all_evidence": [[115499, 129358, "Andrew_Kevin_Walker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251717, null, null, null]]], "all_evidence": [[251717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132302, 147198, "Heart", 19]]], "all_evidence": [[132302, 147198, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61800, null, null, null]]], "all_evidence": [[61800, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257064, 256122, "Chagatai_language", 0]]], "all_evidence": [[257064, 256122, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157470, 172042, "David_Spade", 2]], [[157470, 172043, "David_Spade", 7]]], "all_evidence": [[157470, 172042, "David_Spade", 2], [157470, 172043, "David_Spade", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282076, null, null, null], [284050, null, null, null], [285082, null, null, null], [329871, null, null, null], [331236, null, null, null]]], "all_evidence": [[282076, null, null, null], [284050, null, null, null], [285082, null, null, null], [329871, null, null, null], [331236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185537, 197289, "Gal_Gadot", 4]]], "all_evidence": [[185537, 197289, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150621, null, null, null]]], "all_evidence": [[150621, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192751, 203466, "Cadet_Kelly", 0]], [[192753, 203468, "Cadet_Kelly", 0]]], "all_evidence": [[192751, 203466, "Cadet_Kelly", 0], [192753, 203468, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259457, 258030, "Libya", 2], [259457, 258030, "Africa", 0]]], "all_evidence": [[259457, 258030, "Libya", 2], [259457, 258030, "Africa", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203014, null, null, null]]], "all_evidence": [[203014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178413, 190996, "Uranium-235", 6]]], "all_evidence": [[178413, 190996, "Uranium-235", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245090, null, null, null]]], "all_evidence": [[245090, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157701, null, null, null], [161328, null, null, null], [313274, null, null, null]]], "all_evidence": [[157701, null, null, null], [161328, null, null, null], [313274, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16281, 20178, "Shawn_Carlson", 0]]], "all_evidence": [[16281, 20178, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240276, 241917, "The_Sugarland_Express", 3]]], "all_evidence": [[240276, 241917, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82136, 93923, "Liverpool", 0]]], "all_evidence": [[82136, 93923, "Liverpool", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69031, 79830, "Trevor_Griffiths", 0], [69031, 79830, "Playwright", 0]]], "all_evidence": [[69031, 79830, "Trevor_Griffiths", 0], [69031, 79830, "Playwright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120636, 134877, "Neil_Diamond", 0]], [[120636, 134878, "Neil_Diamond", 1]], [[120641, 134887, "Neil_Diamond", 0]], [[120641, 134889, "Neil_Diamond", 8], [120641, 134889, "America_-LRB-Neil_Diamond_song-RRB-", 0], [120641, 134889, "Desiree_-LRB-song-RRB-", 0], [120641, 134889, "Heartlight_-LRB-song-RRB-", 0], [120641, 134889, "If_You_Know_What_I_Mean", 0], [120641, 134889, "Longfellow_Serenade", 0], [120641, 134889, "Longfellow_Serenade", 1], [120641, 134889, "Song_Sung_Blue", 0]], [[120641, 134890, "Neil_Diamond", 9], [120641, 134890, "Sweet_Caroline", 0]]], "all_evidence": [[120636, 134877, "Neil_Diamond", 0], [120636, 134878, "Neil_Diamond", 1], [120641, 134887, "Neil_Diamond", 0], [120641, 134889, "Neil_Diamond", 8], [120641, 134889, "America_-LRB-Neil_Diamond_song-RRB-", 0], [120641, 134889, "Desiree_-LRB-song-RRB-", 0], [120641, 134889, "Heartlight_-LRB-song-RRB-", 0], [120641, 134889, "If_You_Know_What_I_Mean", 0], [120641, 134889, "Longfellow_Serenade", 0], [120641, 134889, "Longfellow_Serenade", 1], [120641, 134889, "Song_Sung_Blue", 0], [120641, 134890, "Neil_Diamond", 9], [120641, 134890, "Sweet_Caroline", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247516, null, null, null]]], "all_evidence": [[247516, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37177, 44967, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[37177, 44967, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194478, 204857, "Drake_Bell", 18]]], "all_evidence": [[194478, 204857, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98136, null, null, null]]], "all_evidence": [[98136, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28861, 35223, "San_Diego_Comic-Con", 1]], [[31472, 38204, "San_Diego_Comic-Con", 1]], [[33988, 41221, "San_Diego_Comic-Con", 1]], [[301766, 292875, "San_Diego_Comic-Con", 1]], [[303178, 294155, "San_Diego_Comic-Con", 1]], [[304658, 295473, "San_Diego_Comic-Con", 1]]], "all_evidence": [[28861, 35223, "San_Diego_Comic-Con", 1], [31472, 38204, "San_Diego_Comic-Con", 1], [33988, 41221, "San_Diego_Comic-Con", 1], [301766, 292875, "San_Diego_Comic-Con", 1], [303178, 294155, "San_Diego_Comic-Con", 1], [304658, 295473, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109893, null, null, null]]], "all_evidence": [[109893, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68059, 78917, "Mount_Rushmore", 1]]], "all_evidence": [[68059, 78917, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268459, null, null, null]]], "all_evidence": [[268459, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172353, 185678, "Arizona", 0]]], "all_evidence": [[172353, 185678, "Arizona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54448, null, null, null]]], "all_evidence": [[54448, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185340, 197108, "Juventus_F.C.", 1], [185340, 197108, "Juventus_Stadium", 0]]], "all_evidence": [[185340, 197108, "Juventus_F.C.", 1], [185340, 197108, "Juventus_Stadium", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215858, null, null, null]]], "all_evidence": [[215858, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227809, 232170, "Tilda_Swinton", 1]], [[227809, 232171, "Tilda_Swinton", 9]], [[227809, 232172, "Tilda_Swinton", 10]], [[227809, 232173, "Tilda_Swinton", 11]], [[227809, 232174, "Tilda_Swinton", 14]], [[227809, 232175, "Tilda_Swinton", 15]], [[227809, 232176, "Tilda_Swinton", 16]], [[227809, 232177, "Tilda_Swinton", 17]]], "all_evidence": [[227809, 232170, "Tilda_Swinton", 1], [227809, 232171, "Tilda_Swinton", 9], [227809, 232172, "Tilda_Swinton", 10], [227809, 232173, "Tilda_Swinton", 11], [227809, 232174, "Tilda_Swinton", 14], [227809, 232175, "Tilda_Swinton", 15], [227809, 232176, "Tilda_Swinton", 16], [227809, 232177, "Tilda_Swinton", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58430, 68706, "Alexandra_Daddario", 0]]], "all_evidence": [[58430, 68706, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237967, 240126, "Tamerlan_Tsarnaev", 8]]], "all_evidence": [[237967, 240126, "Tamerlan_Tsarnaev", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215919, 222673, "Bradley_Fuller", 1]], [[215920, 222674, "Bradley_Fuller", 1]]], "all_evidence": [[215919, 222673, "Bradley_Fuller", 1], [215920, 222674, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45206, 53942, "The_Good_Wife", 0]], [[45206, 53943, "The_Good_Wife", 9]], [[45206, 53944, "The_Good_Wife", 12]]], "all_evidence": [[45206, 53942, "The_Good_Wife", 0], [45206, 53943, "The_Good_Wife", 9], [45206, 53944, "The_Good_Wife", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154083, 168870, "Gal_Gadot", 4]], [[154084, 168871, "Gal_Gadot", 4]]], "all_evidence": [[154083, 168870, "Gal_Gadot", 4], [154084, 168871, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97439, 110606, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[97439, 110606, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47764, 57032, "Chris_Kyle", 0]]], "all_evidence": [[47764, 57032, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158390, null, null, null]]], "all_evidence": [[158390, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159585, 174081, "Rachel_Green", 0]]], "all_evidence": [[159585, 174081, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218297, null, null, null]]], "all_evidence": [[218297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37082, 44757, "John_Krasinski", 2]], [[37082, 44758, "John_Krasinski", 6]]], "all_evidence": [[37082, 44757, "John_Krasinski", 2], [37082, 44758, "John_Krasinski", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128936, null, null, null]]], "all_evidence": [[128936, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87274, 99772, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[87274, 99772, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122933, null, null, null]]], "all_evidence": [[122933, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250352, 250363, "The_Closer", 8]]], "all_evidence": [[250352, 250363, "The_Closer", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35532, null, null, null]]], "all_evidence": [[35532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69974, 80857, "Touchscreen", 9]], [[69974, 80858, "Touchscreen", 10]], [[69974, 80859, "Touchscreen", 11]], [[69974, 80860, "Touchscreen", 15]]], "all_evidence": [[69974, 80857, "Touchscreen", 9], [69974, 80858, "Touchscreen", 10], [69974, 80859, "Touchscreen", 11], [69974, 80860, "Touchscreen", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218411, 224704, "The_Hurt_Locker", 0]]], "all_evidence": [[218411, 224704, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128030, 142736, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[128030, 142736, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110923, 124589, "Advertising", 0]], [[110923, 124590, "Advertising", 9]]], "all_evidence": [[110923, 124589, "Advertising", 0], [110923, 124590, "Advertising", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15788, 19648, "Alexandra_Daddario", 0]], [[15788, 19649, "Alexandra_Daddario", 1]], [[15788, 19650, "Alexandra_Daddario", 2]]], "all_evidence": [[15788, 19648, "Alexandra_Daddario", 0], [15788, 19649, "Alexandra_Daddario", 1], [15788, 19650, "Alexandra_Daddario", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153917, 168738, "Wish_Upon", 0]]], "all_evidence": [[153917, 168738, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116619, 130506, "Chile", 20]]], "all_evidence": [[116619, 130506, "Chile", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170285, null, null, null]]], "all_evidence": [[170285, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218094, 224480, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218094, 224480, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239222, 241140, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239232, 241148, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239222, 241140, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239232, 241148, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108452, 122028, "The_Bassoon_King", 0]], [[108452, 122029, "The_Bassoon_King", 2]]], "all_evidence": [[108452, 122028, "The_Bassoon_King", 0], [108452, 122029, "The_Bassoon_King", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180083, 192607, "West_Ham_United_F.C.", 0]]], "all_evidence": [[180083, 192607, "West_Ham_United_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89856, null, null, null]]], "all_evidence": [[89856, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150847, null, null, null]]], "all_evidence": [[150847, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80115, 91903, "TV_Choice", 1]]], "all_evidence": [[80115, 91903, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49801, 59253, "Jackie_-LRB-2016_film-RRB-", 0], [49801, 59253, "Pablo_Larrai\u0301n", 0]]], "all_evidence": [[49801, 59253, "Jackie_-LRB-2016_film-RRB-", 0], [49801, 59253, "Pablo_Larrai\u0301n", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91665, 104451, "White_House_Press_Secretary", 0]]], "all_evidence": [[91665, 104451, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101918, 115163, "Terry_Crews", 9]]], "all_evidence": [[101918, 115163, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65600, 76474, "Ludwig_van_Beethoven", 0]]], "all_evidence": [[65600, 76474, "Ludwig_van_Beethoven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235690, 238265, "Tom_DeLonge", 4]], [[235690, 238266, "Tom_DeLonge", 1]]], "all_evidence": [[235690, 238265, "Tom_DeLonge", 4], [235690, 238266, "Tom_DeLonge", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53686, 63674, "John_Dolmayan", 0]]], "all_evidence": [[53686, 63674, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71229, null, null, null]]], "all_evidence": [[71229, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190758, null, null, null]]], "all_evidence": [[190758, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94311, 107306, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[94311, 107306, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141536, 156752, "Aarhus", 1]]], "all_evidence": [[141536, 156752, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161290, 175779, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[161290, 175779, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194796, null, null, null]]], "all_evidence": [[194796, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216053, 222772, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216053, 222772, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211592, 219259, "Forceps", 0]]], "all_evidence": [[211592, 219259, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125697, 140079, "The_dress", 5]]], "all_evidence": [[125697, 140079, "The_dress", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43213, 51854, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[43213, 51854, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78821, null, null, null]]], "all_evidence": [[78821, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168885, 182598, "Camden,_New_Jersey", 0]]], "all_evidence": [[168885, 182598, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59847, null, null, null]]], "all_evidence": [[59847, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25338, null, null, null]]], "all_evidence": [[25338, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113177, null, null, null]]], "all_evidence": [[113177, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243013, null, null, null]]], "all_evidence": [[243013, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158944, null, null, null]]], "all_evidence": [[158944, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181016, 193320, "Heavy_metal_music", 0]]], "all_evidence": [[181016, 193320, "Heavy_metal_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160169, 174683, "Stanley_Williams", 0]], [[160169, 174684, "Stanley_Williams", 4]]], "all_evidence": [[160169, 174683, "Stanley_Williams", 0], [160169, 174684, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30911, 37551, "Ashley_Cole", 0]]], "all_evidence": [[30911, 37551, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99184, 112318, "Microbiologist", 14]]], "all_evidence": [[99184, 112318, "Microbiologist", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91550, 104295, "Blade_Runner_2049", 1]]], "all_evidence": [[91550, 104295, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69653, null, null, null]]], "all_evidence": [[69653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151774, 166519, "Washington_Wizards", 12]]], "all_evidence": [[151774, 166519, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63344, 74089, "Noah_Cyrus", 0]]], "all_evidence": [[63344, 74089, "Noah_Cyrus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160174, null, null, null]]], "all_evidence": [[160174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219108, 225214, "The_Sterile_Cuckoo", 3], [219108, 225214, "Alan_J._Pakula", 0]], [[219119, 225223, "The_Sterile_Cuckoo", 3], [219119, 225223, "John_Nichols_-LRB-writer-RRB-", 0]]], "all_evidence": [[219108, 225214, "The_Sterile_Cuckoo", 3], [219108, 225214, "Alan_J._Pakula", 0], [219119, 225223, "The_Sterile_Cuckoo", 3], [219119, 225223, "John_Nichols_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112646, null, null, null]]], "all_evidence": [[112646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227656, 232000, "Happiness_in_Slavery", 0]]], "all_evidence": [[227656, 232000, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104921, 118344, "Tremont_Street_Subway", 5]]], "all_evidence": [[104921, 118344, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112192, 126014, "Crips", 9]], [[112192, 126015, "Crips", 10]]], "all_evidence": [[112192, 126014, "Crips", 9], [112192, 126015, "Crips", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51437, null, null, null]]], "all_evidence": [[51437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275086, 270288, "Stanley_Williams", 4]], [[275086, 270289, "Stanley_Williams", 5]], [[275094, 270296, "Stanley_Williams", 4]], [[275094, 270297, "Stanley_Williams", 5]], [[277054, 272051, "Stanley_Williams", 4]], [[277054, 272052, "Stanley_Williams", 5]], [[324161, 312205, "Stanley_Williams", 5]], [[324164, 312208, "Stanley_Williams", 5]], [[324164, 312209, "Stanley_Williams", 4]], [[324170, 312214, "Stanley_Williams", 5]], [[324170, 312215, "Stanley_Williams", 4]]], "all_evidence": [[275086, 270288, "Stanley_Williams", 4], [275086, 270289, "Stanley_Williams", 5], [275094, 270296, "Stanley_Williams", 4], [275094, 270297, "Stanley_Williams", 5], [277054, 272051, "Stanley_Williams", 4], [277054, 272052, "Stanley_Williams", 5], [324161, 312205, "Stanley_Williams", 5], [324164, 312208, "Stanley_Williams", 5], [324164, 312209, "Stanley_Williams", 4], [324170, 312214, "Stanley_Williams", 5], [324170, 312215, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243723, 244897, "Palo_Alto,_California", 0]]], "all_evidence": [[243723, 244897, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225930, 230505, "Roland_Emmerich", 3]]], "all_evidence": [[225930, 230505, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20246, 24787, "Liverpool", 7]]], "all_evidence": [[20246, 24787, "Liverpool", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213685, null, null, null]]], "all_evidence": [[213685, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239369, 241245, "Lockheed_Martin", 4], [239369, 241245, "Marillyn_Hewson", 0]], [[239370, 241246, "Lockheed_Martin", 4], [239370, 241246, "Marillyn_Hewson", 0]]], "all_evidence": [[239369, 241245, "Lockheed_Martin", 4], [239369, 241245, "Marillyn_Hewson", 0], [239370, 241246, "Lockheed_Martin", 4], [239370, 241246, "Marillyn_Hewson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93912, 106872, "Janet_Leigh", 0]]], "all_evidence": [[93912, 106872, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237972, null, null, null]]], "all_evidence": [[237972, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114514, 128273, "Veeru_Devgan", 1], [114514, 128273, "Amritsar", 0], [114514, 128273, "India", 0]]], "all_evidence": [[114514, 128273, "Veeru_Devgan", 1], [114514, 128273, "Amritsar", 0], [114514, 128273, "India", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91142, 103830, "Qui-Gon_Jinn", 0]]], "all_evidence": [[91142, 103830, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131662, 146476, "Knocked_Up", 0]], [[131662, 146477, "Knocked_Up", 4]]], "all_evidence": [[131662, 146476, "Knocked_Up", 0], [131662, 146477, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184780, null, null, null]]], "all_evidence": [[184780, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165727, null, null, null]]], "all_evidence": [[165727, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279522, null, null, null], [281238, null, null, null], [283364, null, null, null], [283368, null, null, null], [283378, null, null, null]]], "all_evidence": [[279522, null, null, null], [281238, null, null, null], [283364, null, null, null], [283368, null, null, null], [283378, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100703, 114000, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[100703, 114000, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236987, 239316, "Varsity_Blues_-LRB-film-RRB-", 5]], [[236988, 239317, "Varsity_Blues_-LRB-film-RRB-", 5]]], "all_evidence": [[236987, 239316, "Varsity_Blues_-LRB-film-RRB-", 5], [236988, 239317, "Varsity_Blues_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257093, 256140, "Homer_Hickam", 2]]], "all_evidence": [[257093, 256140, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44938, 53626, "Shane_McMahon", 10]]], "all_evidence": [[44938, 53626, "Shane_McMahon", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211425, null, null, null]]], "all_evidence": [[211425, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109760, 123359, "Terry_Crews", 9]]], "all_evidence": [[109760, 123359, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211391, null, null, null]]], "all_evidence": [[211391, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39751, 47829, "Thomas_Jefferson", 28]]], "all_evidence": [[39751, 47829, "Thomas_Jefferson", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270756, 266762, "Roar_-LRB-song-RRB-", 0]], [[270757, 266763, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270756, 266762, "Roar_-LRB-song-RRB-", 0], [270757, 266763, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173095, 186335, "T2_Trainspotting", 0]]], "all_evidence": [[173095, 186335, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203324, 212368, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203324, 212368, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96857, 110013, "Eric_Church", 0]]], "all_evidence": [[96857, 110013, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257067, 256125, "Chagatai_language", 0]]], "all_evidence": [[257067, 256125, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190466, 201482, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190466, 201482, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161612, 176049, "Hindu_Kush", 5]]], "all_evidence": [[161612, 176049, "Hindu_Kush", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24155, 29885, "Fist_of_Legend", 2]]], "all_evidence": [[24155, 29885, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210308, 218079, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210308, 218079, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75759, 87033, "Margaret_Thatcher", 3]], [[75759, 87034, "Margaret_Thatcher", 25], [75759, 87034, "Thatcherism", 0]]], "all_evidence": [[75759, 87033, "Margaret_Thatcher", 3], [75759, 87034, "Margaret_Thatcher", 25], [75759, 87034, "Thatcherism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271150, 267090, "Giada_at_Home", 1]]], "all_evidence": [[271150, 267090, "Giada_at_Home", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215816, 222593, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215816, 222593, "Dylan_McDermott", 0], [215816, 222593, "Holly_Hunter", 0], [215816, 222593, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]], "all_evidence": [[215816, 222593, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215816, 222593, "Dylan_McDermott", 0], [215816, 222593, "Holly_Hunter", 0], [215816, 222593, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244428, 245439, "Samwell_Tarly", 0]]], "all_evidence": [[244428, 245439, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214801, 221794, "Premam", 11]]], "all_evidence": [[214801, 221794, "Premam", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171449, 184936, "Mohra", 0]]], "all_evidence": [[171449, 184936, "Mohra", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218551, 224811, "Diana,_Princess_of_Wales", 17]]], "all_evidence": [[218551, 224811, "Diana,_Princess_of_Wales", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210894, null, null, null]]], "all_evidence": [[210894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42079, 50605, "The_dress", 7]]], "all_evidence": [[42079, 50605, "The_dress", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15315, 19102, "David_Packouz", 0]]], "all_evidence": [[15315, 19102, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67637, 78465, "Camden,_New_Jersey", 40]], [[67704, 78533, "Camden,_New_Jersey", 40]]], "all_evidence": [[67637, 78465, "Camden,_New_Jersey", 40], [67704, 78533, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27484, 33666, "Lost_-LRB-TV_series-RRB-", 0], [27484, 33666, "List_of_Lost_episodes", 2]]], "all_evidence": [[27484, 33666, "Lost_-LRB-TV_series-RRB-", 0], [27484, 33666, "List_of_Lost_episodes", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211421, null, null, null]]], "all_evidence": [[211421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189987, 201145, "Philip_Glass", 9]]], "all_evidence": [[189987, 201145, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256010, null, null, null]]], "all_evidence": [[256010, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203002, null, null, null]]], "all_evidence": [[203002, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199116, 208794, "Entourage_-LRB-film-RRB-", 1]]], "all_evidence": [[199116, 208794, "Entourage_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84525, 96717, "Britt_Robertson", 15]]], "all_evidence": [[84525, 96717, "Britt_Robertson", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254370, 254059, "DJ_Quik", 0]]], "all_evidence": [[254370, 254059, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251012, 250981, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[251012, 250981, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67249, null, null, null]]], "all_evidence": [[67249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111293, null, null, null]]], "all_evidence": [[111293, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213728, 220887, "Finding_Dory", 1]], [[213730, 220888, "Finding_Dory", 1]]], "all_evidence": [[213728, 220887, "Finding_Dory", 1], [213730, 220888, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53730, null, null, null]]], "all_evidence": [[53730, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80791, null, null, null]]], "all_evidence": [[80791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225673, 230287, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225673, 230287, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174429, 187644, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[174429, 187644, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227620, 231966, "Happiness_in_Slavery", 0]]], "all_evidence": [[227620, 231966, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286652, 280121, "Reign_Over_Me", 0]], [[286652, 280122, "Reign_Over_Me", 4]], [[286652, 280123, "Reign_Over_Me", 5]], [[286655, 280126, "Reign_Over_Me", 4]], [[286655, 280127, "Reign_Over_Me", 5]], [[286655, 280128, "Reign_Over_Me", 0]], [[288426, 281684, "Reign_Over_Me", 0]], [[288426, 281685, "Reign_Over_Me", 4]], [[288426, 281686, "Reign_Over_Me", 5]], [[333624, 319860, "Reign_Over_Me", 0]], [[333624, 319861, "Reign_Over_Me", 4], [333624, 319861, "Reign_Over_Me", 0]], [[333624, 319862, "Reign_Over_Me", 5], [333624, 319862, "Reign_Over_Me", 0]], [[333625, 319863, "Reign_Over_Me", 0]]], "all_evidence": [[286652, 280121, "Reign_Over_Me", 0], [286652, 280122, "Reign_Over_Me", 4], [286652, 280123, "Reign_Over_Me", 5], [286655, 280126, "Reign_Over_Me", 4], [286655, 280127, "Reign_Over_Me", 5], [286655, 280128, "Reign_Over_Me", 0], [288426, 281684, "Reign_Over_Me", 0], [288426, 281685, "Reign_Over_Me", 4], [288426, 281686, "Reign_Over_Me", 5], [333624, 319860, "Reign_Over_Me", 0], [333624, 319861, "Reign_Over_Me", 4], [333624, 319861, "Reign_Over_Me", 0], [333624, 319862, "Reign_Over_Me", 5], [333624, 319862, "Reign_Over_Me", 0], [333625, 319863, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239899, null, null, null]]], "all_evidence": [[239899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211457, 219166, "Princess_Mononoke", 0]], [[211457, 219167, "Princess_Mononoke", 10]]], "all_evidence": [[211457, 219166, "Princess_Mononoke", 0], [211457, 219167, "Princess_Mononoke", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189891, null, null, null]]], "all_evidence": [[189891, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194804, 205164, "Manmohan_Singh", 1]], [[194805, 205165, "Manmohan_Singh", 1]]], "all_evidence": [[194804, 205164, "Manmohan_Singh", 1], [194805, 205165, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234917, 237705, "Tijuana", 0]]], "all_evidence": [[234917, 237705, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85845, 98124, "David_Packouz", 0], [85845, 98124, "David_Packouz", 5]]], "all_evidence": [[85845, 98124, "David_Packouz", 0], [85845, 98124, "David_Packouz", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116904, 130784, "Croatia", 28]]], "all_evidence": [[116904, 130784, "Croatia", 28]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215945, null, null, null]]], "all_evidence": [[215945, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105514, null, null, null]]], "all_evidence": [[105514, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239009, null, null, null]]], "all_evidence": [[239009, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45969, 54910, "Mary_of_Teck", 12]]], "all_evidence": [[45969, 54910, "Mary_of_Teck", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166932, null, null, null]]], "all_evidence": [[166932, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184778, 196672, "French_Indochina", 0]]], "all_evidence": [[184778, 196672, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129764, 144484, "Danger_UXB", 0]]], "all_evidence": [[129764, 144484, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75013, null, null, null]]], "all_evidence": [[75013, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126195, null, null, null]]], "all_evidence": [[126195, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251010, null, null, null]]], "all_evidence": [[251010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167089, 180938, "Murda_Beatz", 0]]], "all_evidence": [[167089, 180938, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107896, 121386, "Francis_I_of_France", 0]], [[107899, 121389, "Francis_I_of_France", 0]]], "all_evidence": [[107896, 121386, "Francis_I_of_France", 0], [107899, 121389, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135722, null, null, null]]], "all_evidence": [[135722, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116273, 130185, "Duane_Chapman", 0]]], "all_evidence": [[116273, 130185, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92050, 104827, "Harold_Macmillan", 0]]], "all_evidence": [[92050, 104827, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201865, null, null, null]]], "all_evidence": [[201865, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43411, 52056, "The_Cincinnati_Kid", 6]]], "all_evidence": [[43411, 52056, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229627, null, null, null]]], "all_evidence": [[229627, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98564, null, null, null]]], "all_evidence": [[98564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28300, 34619, "Charles_Manson", 0]]], "all_evidence": [[28300, 34619, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146896, 161872, "Omar_Khadr", 0]], [[146897, 161873, "Omar_Khadr", 0]]], "all_evidence": [[146896, 161872, "Omar_Khadr", 0], [146897, 161873, "Omar_Khadr", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131153, 145907, "The_Mighty_Ducks", 1]]], "all_evidence": [[131153, 145907, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184157, null, null, null]]], "all_evidence": [[184157, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268466, 265048, "Michaela_Watkins", 0]], [[268467, 265049, "Michaela_Watkins", 0]]], "all_evidence": [[268466, 265048, "Michaela_Watkins", 0], [268467, 265049, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155995, null, null, null]]], "all_evidence": [[155995, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12675, 15823, "Tottenham_Hotspur_F.C.", 0]], [[12686, 15835, "Tottenham_Hotspur_F.C.", 7]], [[12788, 15935, "Tottenham_Hotspur_F.C.", 7]], [[12788, 15936, "Tottenham_Hotspur_F.C.", 9]]], "all_evidence": [[12675, 15823, "Tottenham_Hotspur_F.C.", 0], [12686, 15835, "Tottenham_Hotspur_F.C.", 7], [12788, 15935, "Tottenham_Hotspur_F.C.", 7], [12788, 15936, "Tottenham_Hotspur_F.C.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199061, 208742, "Matteo_Renzi", 0]]], "all_evidence": [[199061, 208742, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244449, null, null, null]]], "all_evidence": [[244449, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239014, null, null, null], [239016, null, null, null]]], "all_evidence": [[239014, null, null, null], [239016, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145047, 160057, "David_Packouz", 0]]], "all_evidence": [[145047, 160057, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170456, 184026, "Daag_-LRB-1973_film-RRB-", 0]], [[170457, 184027, "Daag_-LRB-1973_film-RRB-", 0]]], "all_evidence": [[170456, 184026, "Daag_-LRB-1973_film-RRB-", 0], [170457, 184027, "Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233786, 236666, "Reign_Over_Me", 0]], [[235932, 238515, "Reign_Over_Me", 0]], [[236599, 239041, "Reign_Over_Me", 0]], [[318657, 307523, "Reign_Over_Me", 0]], [[318658, 307524, "Reign_Over_Me", 0]]], "all_evidence": [[233786, 236666, "Reign_Over_Me", 0], [235932, 238515, "Reign_Over_Me", 0], [236599, 239041, "Reign_Over_Me", 0], [318657, 307523, "Reign_Over_Me", 0], [318658, 307524, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172178, null, null, null]]], "all_evidence": [[172178, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236669, null, null, null]]], "all_evidence": [[236669, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118132, null, null, null]]], "all_evidence": [[118132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139073, 154150, "Danger_UXB", 0]]], "all_evidence": [[139073, 154150, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255980, 255290, "Weekly_Idol", 1]]], "all_evidence": [[255980, 255290, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90339, 103088, "Juventus_F.C.", 1], [90339, 103088, "Juventus_Stadium", 0], [90339, 103088, "List_of_football_clubs_in_Italy", 0]]], "all_evidence": [[90339, 103088, "Juventus_F.C.", 1], [90339, 103088, "Juventus_Stadium", 0], [90339, 103088, "List_of_football_clubs_in_Italy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153059, 167803, "Prescott,_Arizona", 0]], [[153059, 167804, "Prescott,_Arizona", 2]], [[153059, 167805, "Prescott,_Arizona", 9]], [[153059, 167806, "Prescott,_Arizona", 11]], [[155610, 170245, "Prescott,_Arizona", 0]], [[155832, 170520, "Prescott,_Arizona", 0]], [[311666, 301600, "Prescott,_Arizona", 0]], [[313054, 302733, "Prescott,_Arizona", 0]]], "all_evidence": [[153059, 167803, "Prescott,_Arizona", 0], [153059, 167804, "Prescott,_Arizona", 2], [153059, 167805, "Prescott,_Arizona", 9], [153059, 167806, "Prescott,_Arizona", 11], [155610, 170245, "Prescott,_Arizona", 0], [155832, 170520, "Prescott,_Arizona", 0], [311666, 301600, "Prescott,_Arizona", 0], [313054, 302733, "Prescott,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86526, 98935, "United_Nations_Charter", 0]]], "all_evidence": [[86526, 98935, "United_Nations_Charter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198851, 208559, "The_King_and_I", 1]]], "all_evidence": [[198851, 208559, "The_King_and_I", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290531, 283547, "Qui-Gon_Jinn", 0]], [[338711, 323799, "Qui-Gon_Jinn", 0]], [[338715, 323803, "Qui-Gon_Jinn", 0]]], "all_evidence": [[290531, 283547, "Qui-Gon_Jinn", 0], [338711, 323799, "Qui-Gon_Jinn", 0], [338715, 323803, "Qui-Gon_Jinn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211462, null, null, null]]], "all_evidence": [[211462, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292929, null, null, null], [295512, null, null, null], [297203, null, null, null], [341032, null, null, null], [341043, null, null, null]]], "all_evidence": [[292929, null, null, null], [295512, null, null, null], [297203, null, null, null], [341032, null, null, null], [341043, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30463, 37064, "Tim_Roth", 0]], [[30463, 37065, "Tim_Roth", 8], [30463, 37065, "The_War_Zone", 0]]], "all_evidence": [[30463, 37064, "Tim_Roth", 0], [30463, 37065, "Tim_Roth", 8], [30463, 37065, "The_War_Zone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145337, 160329, "Melancholia_-LRB-2011_film-RRB-", 0], [145337, 160329, "Lars_von_Trier", 0]]], "all_evidence": [[145337, 160329, "Melancholia_-LRB-2011_film-RRB-", 0], [145337, 160329, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172826, 186086, "Noah_Cyrus", 0]]], "all_evidence": [[172826, 186086, "Noah_Cyrus", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270531, null, null, null]]], "all_evidence": [[270531, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158593, null, null, null]]], "all_evidence": [[158593, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190030, 201173, "Philip_Glass", 0]], [[190030, 201174, "Philip_Glass", 1]], [[190030, 201175, "Philip_Glass", 4]], [[190030, 201176, "Philip_Glass", 5]], [[190030, 201177, "Philip_Glass", 9]]], "all_evidence": [[190030, 201173, "Philip_Glass", 0], [190030, 201174, "Philip_Glass", 1], [190030, 201175, "Philip_Glass", 4], [190030, 201176, "Philip_Glass", 5], [190030, 201177, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250344, 250357, "The_Closer", 0]]], "all_evidence": [[250344, 250357, "The_Closer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91998, null, null, null]]], "all_evidence": [[91998, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230059, 233809, "Jeong_Hyeong-don", 0], [230059, 233809, "FNC_Entertainment", 0]], [[230060, 233810, "Jeong_Hyeong-don", 0], [230060, 233810, "FNC_Entertainment", 0]]], "all_evidence": [[230059, 233809, "Jeong_Hyeong-don", 0], [230059, 233809, "FNC_Entertainment", 0], [230060, 233810, "Jeong_Hyeong-don", 0], [230060, 233810, "FNC_Entertainment", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237601, null, null, null]]], "all_evidence": [[237601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22228, 27348, "Kelly_Preston", 3]]], "all_evidence": [[22228, 27348, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289775, 282855, "Francis_I_of_France", 0]], [[289775, 282856, "Francis_I_of_France", 11]], [[291157, 284120, "Francis_I_of_France", 10]], [[291157, 284121, "Francis_I_of_France", 11]], [[293253, 285856, "Francis_I_of_France", 11]], [[336902, 322379, "Francis_I_of_France", 11]], [[336918, 322391, "Francis_I_of_France", 0]], [[336918, 322392, "Francis_I_of_France", 10]], [[336918, 322393, "Francis_I_of_France", 11]]], "all_evidence": [[289775, 282855, "Francis_I_of_France", 0], [289775, 282856, "Francis_I_of_France", 11], [291157, 284120, "Francis_I_of_France", 10], [291157, 284121, "Francis_I_of_France", 11], [293253, 285856, "Francis_I_of_France", 11], [336902, 322379, "Francis_I_of_France", 11], [336918, 322391, "Francis_I_of_France", 0], [336918, 322392, "Francis_I_of_France", 10], [336918, 322393, "Francis_I_of_France", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18128, 22285, "Edison_Machine_Works", 0]]], "all_evidence": [[18128, 22285, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246600, 247081, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246600, 247081, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46971, 56048, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[46971, 56048, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135705, 150553, "Mount_Rushmore", 2]], [[135705, 150554, "Mount_Rushmore", 15]]], "all_evidence": [[135705, 150553, "Mount_Rushmore", 2], [135705, 150554, "Mount_Rushmore", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34072, 41310, "The_Cincinnati_Kid", 0]], [[34072, 41311, "The_Cincinnati_Kid", 6]], [[34072, 41312, "The_Cincinnati_Kid", 7]], [[34072, 41313, "The_Cincinnati_Kid", 8]], [[34072, 41314, "The_Cincinnati_Kid", 11]]], "all_evidence": [[34072, 41310, "The_Cincinnati_Kid", 0], [34072, 41311, "The_Cincinnati_Kid", 6], [34072, 41312, "The_Cincinnati_Kid", 7], [34072, 41313, "The_Cincinnati_Kid", 8], [34072, 41314, "The_Cincinnati_Kid", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152299, null, null, null]]], "all_evidence": [[152299, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213715, null, null, null]]], "all_evidence": [[213715, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262158, 260207, "Bullitt", 0]]], "all_evidence": [[262158, 260207, "Bullitt", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198062, null, null, null]]], "all_evidence": [[198062, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85089, 97362, "Villa_Park", 14]]], "all_evidence": [[85089, 97362, "Villa_Park", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75783, 87053, "Miranda_Otto", 1]]], "all_evidence": [[75783, 87053, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15886, 19744, "Andrew_Kevin_Walker", 0]], [[15886, 19745, "Andrew_Kevin_Walker", 1]]], "all_evidence": [[15886, 19744, "Andrew_Kevin_Walker", 0], [15886, 19745, "Andrew_Kevin_Walker", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179172, null, null, null]]], "all_evidence": [[179172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58217, 68445, "Trollhunters", 0]]], "all_evidence": [[58217, 68445, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84800, 97030, "Reign_Over_Me", 0]]], "all_evidence": [[84800, 97030, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207720, null, null, null]]], "all_evidence": [[207720, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19627, 24133, "Villa_Park", 14], [19627, 24133, "2012_FA_Community_Shield", 0]]], "all_evidence": [[19627, 24133, "Villa_Park", 14], [19627, 24133, "2012_FA_Community_Shield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255485, 254935, "Private_Lives", 0]]], "all_evidence": [[255485, 254935, "Private_Lives", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99088, null, null, null]]], "all_evidence": [[99088, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55907, 66009, "Steve_Wozniak", 5]]], "all_evidence": [[55907, 66009, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146790, 161770, "Kellyanne_Conway", 12]]], "all_evidence": [[146790, 161770, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201140, 210594, "The_Endless_River", 0], [201140, 210594, "Pink_Floyd", 0]]], "all_evidence": [[201140, 210594, "The_Endless_River", 0], [201140, 210594, "Pink_Floyd", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228802, null, null, null]]], "all_evidence": [[228802, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45344, null, null, null]]], "all_evidence": [[45344, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250981, 250944, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250981, 250944, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153621, 168459, "Connie_Nielsen", 2]]], "all_evidence": [[153621, 168459, "Connie_Nielsen", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56748, 66968, "The_Others_-LRB-2001_film-RRB-", 5]]], "all_evidence": [[56748, 66968, "The_Others_-LRB-2001_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[254912, 254464, "Sandra_Bullock", 17]], [[258631, 257410, "Sandra_Bullock", 17]], [[321166, 309658, "Sandra_Bullock", 17]]], "all_evidence": [[254912, 254464, "Sandra_Bullock", 17], [258631, 257410, "Sandra_Bullock", 17], [321166, 309658, "Sandra_Bullock", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99845, null, null, null]]], "all_evidence": [[99845, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92033, 104812, "Stephen_Colbert", 1]], [[92033, 104813, "Stephen_Colbert", 11], [92033, 104813, "The_Colbert_Report", 0]], [[94701, 107686, "Stephen_Colbert", 1]], [[94701, 107687, "Stephen_Colbert", 11]], [[96863, 110016, "Stephen_Colbert", 1]], [[96863, 110017, "Stephen_Colbert", 11], [96863, 110017, "The_Colbert_Report", 0]], [[96863, 110018, "Stephen_Colbert", 12], [96863, 110018, "The_Colbert_Report", 3]], [[307598, 298068, "Stephen_Colbert", 11], [307598, 298068, "The_Colbert_Report", 0], [307598, 298068, "Stephen_Colbert", 1]]], "all_evidence": [[92033, 104812, "Stephen_Colbert", 1], [92033, 104813, "Stephen_Colbert", 11], [92033, 104813, "The_Colbert_Report", 0], [94701, 107686, "Stephen_Colbert", 1], [94701, 107687, "Stephen_Colbert", 11], [96863, 110016, "Stephen_Colbert", 1], [96863, 110017, "Stephen_Colbert", 11], [96863, 110017, "The_Colbert_Report", 0], [96863, 110018, "Stephen_Colbert", 12], [96863, 110018, "The_Colbert_Report", 3], [307598, 298068, "Stephen_Colbert", 11], [307598, 298068, "The_Colbert_Report", 0], [307598, 298068, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146607, 161594, "Vietnam", 1]], [[146607, 161595, "Vietnam", 0]]], "all_evidence": [[146607, 161594, "Vietnam", 1], [146607, 161595, "Vietnam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174095, null, null, null]]], "all_evidence": [[174095, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134107, null, null, null]]], "all_evidence": [[134107, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25226, 31111, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[25226, 31111, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106459, 119879, "Billboard_Dad", 0]]], "all_evidence": [[106459, 119879, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137251, 152071, "Rabies", 0]], [[137251, 152072, "Rabies", 8], [137251, 152072, "Pathogenic_bacteria", 0]]], "all_evidence": [[137251, 152071, "Rabies", 0], [137251, 152072, "Rabies", 8], [137251, 152072, "Pathogenic_bacteria", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18568, 22796, "Brian_Michael_Bendis", 12]]], "all_evidence": [[18568, 22796, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189892, null, null, null]]], "all_evidence": [[189892, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51598, 61370, "Leonard_Nimoy", 10]]], "all_evidence": [[51598, 61370, "Leonard_Nimoy", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244456, 245459, "Samwell_Tarly", 0]]], "all_evidence": [[244456, 245459, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72075, 83066, "Psych", 2]]], "all_evidence": [[72075, 83066, "Psych", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186092, null, null, null]]], "all_evidence": [[186092, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270530, null, null, null]]], "all_evidence": [[270530, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163407, null, null, null]]], "all_evidence": [[163407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79154, 90785, "Henry_II_of_France", 0], [79154, 90785, "Henry_II_of_France", 15]]], "all_evidence": [[79154, 90785, "Henry_II_of_France", 0], [79154, 90785, "Henry_II_of_France", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135434, null, null, null]]], "all_evidence": [[135434, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38884, null, null, null]]], "all_evidence": [[38884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83377, 95345, "A_View_to_a_Kill", 0]]], "all_evidence": [[83377, 95345, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107650, 121145, "Yale_University", 23]]], "all_evidence": [[107650, 121145, "Yale_University", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196602, null, null, null]]], "all_evidence": [[196602, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139448, 154492, "Paul_Nicholls_-LRB-actor-RRB-", 1]]], "all_evidence": [[139448, 154492, "Paul_Nicholls_-LRB-actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73504, 84741, "Republic_of_Macedonia", 1]], [[78575, 90123, "Republic_of_Macedonia", 1]], [[305834, 296624, "Republic_of_Macedonia", 1]], [[305834, 296625, "Republic_of_Macedonia", 26]], [[307075, 297613, "Republic_of_Macedonia", 1]], [[307122, 297650, "Republic_of_Macedonia", 1]], [[307122, 297651, "Republic_of_Macedonia", 6], [307122, 297651, "Albania", 0], [307122, 297651, "Bulgaria", 2], [307122, 297651, "Greece", 0], [307122, 297651, "Kosovo", 0], [307122, 297651, "Serbia", 0]], [[307122, 297652, "Republic_of_Macedonia", 25]], [[307122, 297653, "Republic_of_Macedonia", 26]]], "all_evidence": [[73504, 84741, "Republic_of_Macedonia", 1], [78575, 90123, "Republic_of_Macedonia", 1], [305834, 296624, "Republic_of_Macedonia", 1], [305834, 296625, "Republic_of_Macedonia", 26], [307075, 297613, "Republic_of_Macedonia", 1], [307122, 297650, "Republic_of_Macedonia", 1], [307122, 297651, "Republic_of_Macedonia", 6], [307122, 297651, "Albania", 0], [307122, 297651, "Bulgaria", 2], [307122, 297651, "Greece", 0], [307122, 297651, "Kosovo", 0], [307122, 297651, "Serbia", 0], [307122, 297652, "Republic_of_Macedonia", 25], [307122, 297653, "Republic_of_Macedonia", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58896, 69215, "Awkward_Black_Girl", 0]]], "all_evidence": [[58896, 69215, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34906, 42328, "Tim_McGraw", 13]]], "all_evidence": [[34906, 42328, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113530, 127410, "A_View_to_a_Kill", 6]]], "all_evidence": [[113530, 127410, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29222, 35633, "Saxony", 0]]], "all_evidence": [[29222, 35633, "Saxony", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98362, null, null, null]]], "all_evidence": [[98362, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72045, 83034, "Same_Old_Love", 0]], [[72045, 83035, "Same_Old_Love", 9]]], "all_evidence": [[72045, 83034, "Same_Old_Love", 0], [72045, 83035, "Same_Old_Love", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52681, 62643, "James_VI_and_I", 0]], [[52681, 62644, "James_VI_and_I", 1]]], "all_evidence": [[52681, 62643, "James_VI_and_I", 0], [52681, 62644, "James_VI_and_I", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127618, 142213, "Emma_Watson", 0]]], "all_evidence": [[127618, 142213, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105063, 118475, "State_of_Palestine", 1], [105063, 118475, "Gaza_Strip", 0]]], "all_evidence": [[105063, 118475, "State_of_Palestine", 1], [105063, 118475, "Gaza_Strip", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112593, null, null, null]]], "all_evidence": [[112593, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58717, 69014, "Meteora_-LRB-album-RRB-", 0], [58717, 69014, "Linkin_Park", 10]], [[58717, 69015, "Meteora_-LRB-album-RRB-", 9]], [[61464, 71980, "Meteora_-LRB-album-RRB-", 0]], [[61464, 71981, "Meteora_-LRB-album-RRB-", 9], [61464, 71981, "Breaking_the_Habit", 1]], [[61464, 71982, "Meteora_-LRB-album-RRB-", 10], [61464, 71982, "Lying_from_You", 1]], [[63762, 74505, "Meteora_-LRB-album-RRB-", 0]], [[303340, 294310, "Meteora_-LRB-album-RRB-", 0]], [[303340, 294311, "Meteora_-LRB-album-RRB-", 9]], [[305278, 296113, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[58717, 69014, "Meteora_-LRB-album-RRB-", 0], [58717, 69014, "Linkin_Park", 10], [58717, 69015, "Meteora_-LRB-album-RRB-", 9], [61464, 71980, "Meteora_-LRB-album-RRB-", 0], [61464, 71981, "Meteora_-LRB-album-RRB-", 9], [61464, 71981, "Breaking_the_Habit", 1], [61464, 71982, "Meteora_-LRB-album-RRB-", 10], [61464, 71982, "Lying_from_You", 1], [63762, 74505, "Meteora_-LRB-album-RRB-", 0], [303340, 294310, "Meteora_-LRB-album-RRB-", 0], [303340, 294311, "Meteora_-LRB-album-RRB-", 9], [305278, 296113, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184123, null, null, null]]], "all_evidence": [[184123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141780, 157028, "Lou_Gehrig", 15]], [[143803, 158882, "Lou_Gehrig", 15]], [[311018, 301039, "Lou_Gehrig", 15]], [[311019, 301040, "Lou_Gehrig", 15]], [[311025, 301045, "Lou_Gehrig", 15]]], "all_evidence": [[141780, 157028, "Lou_Gehrig", 15], [143803, 158882, "Lou_Gehrig", 15], [311018, 301039, "Lou_Gehrig", 15], [311019, 301040, "Lou_Gehrig", 15], [311025, 301045, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259714, null, null, null]]], "all_evidence": [[259714, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211976, 219584, "Saturn_Corporation", 0]]], "all_evidence": [[211976, 219584, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239365, 241243, "Seohyun", 0]], [[239366, 241244, "Seohyun", 0]], [[243112, 244393, "Seohyun", 2], [243112, 244393, "Moon_Embracing_the_Sun", 0]], [[243112, 244394, "Seohyun", 3]], [[319192, 307961, "Seohyun", 0]], [[320396, 309003, "Seohyun", 2]], [[320396, 309004, "Seohyun", 3]]], "all_evidence": [[239365, 241243, "Seohyun", 0], [239366, 241244, "Seohyun", 0], [243112, 244393, "Seohyun", 2], [243112, 244393, "Moon_Embracing_the_Sun", 0], [243112, 244394, "Seohyun", 3], [319192, 307961, "Seohyun", 0], [320396, 309003, "Seohyun", 2], [320396, 309004, "Seohyun", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287834, null, null, null], [332880, null, null, null]]], "all_evidence": [[287834, null, null, null], [332880, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74495, null, null, null]]], "all_evidence": [[74495, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95114, null, null, null]]], "all_evidence": [[95114, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185389, 197163, "French_Indochina", 0]]], "all_evidence": [[185389, 197163, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241301, 242849, "Cretaceous", 8]], [[241301, 242850, "Cretaceous", 6]]], "all_evidence": [[241301, 242849, "Cretaceous", 8], [241301, 242850, "Cretaceous", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15191, 18900, "Aleister_Crowley", 0]], [[15191, 18901, "Aleister_Crowley", 27], [15191, 18901, "100_Greatest_Britons", 1]], [[24154, 29880, "Aleister_Crowley", 0]], [[24154, 29881, "Aleister_Crowley", 5], [24154, 29881, "Warwickshire", 0]], [[24154, 29882, "Aleister_Crowley", 14], [24154, 29882, "1905_Kanchenjunga_expedition", 4]], [[24154, 29883, "Aleister_Crowley", 10], [24154, 29883, "Aiwass", 0]], [[24154, 29884, "Aleister_Crowley", 19], [24154, 29884, "Thelema", 3]], [[181636, 193890, "Aleister_Crowley", 0]], [[299391, 290785, "Aleister_Crowley", 0]]], "all_evidence": [[15191, 18900, "Aleister_Crowley", 0], [15191, 18901, "Aleister_Crowley", 27], [15191, 18901, "100_Greatest_Britons", 1], [24154, 29880, "Aleister_Crowley", 0], [24154, 29881, "Aleister_Crowley", 5], [24154, 29881, "Warwickshire", 0], [24154, 29882, "Aleister_Crowley", 14], [24154, 29882, "1905_Kanchenjunga_expedition", 4], [24154, 29883, "Aleister_Crowley", 10], [24154, 29883, "Aiwass", 0], [24154, 29884, "Aleister_Crowley", 19], [24154, 29884, "Thelema", 3], [181636, 193890, "Aleister_Crowley", 0], [299391, 290785, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169882, 183471, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]], [[169882, 183472, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[169882, 183471, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [169882, 183472, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206706, 215020, "Al_Jardine", 0]], [[206706, 215021, "Al_Jardine", 1]]], "all_evidence": [[206706, 215020, "Al_Jardine", 0], [206706, 215021, "Al_Jardine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34779, 42177, "United_Nations_Charter", 2]], [[34779, 42178, "United_Nations_Charter", 1]], [[34779, 42179, "United_Nations_Charter", 0]]], "all_evidence": [[34779, 42177, "United_Nations_Charter", 2], [34779, 42178, "United_Nations_Charter", 1], [34779, 42179, "United_Nations_Charter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133678, null, null, null]]], "all_evidence": [[133678, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186076, 197988, "Baz_Luhrmann", 2]]], "all_evidence": [[186076, 197988, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158726, 173366, "Poldark_-LRB-2015_TV_series-RRB-", 6]]], "all_evidence": [[158726, 173366, "Poldark_-LRB-2015_TV_series-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165803, 179787, "Colombiana", 0]]], "all_evidence": [[165803, 179787, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68231, 79116, "Anushka_Sharma", 2]]], "all_evidence": [[68231, 79116, "Anushka_Sharma", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189868, 201063, "Mickey_Rourke", 13]]], "all_evidence": [[189868, 201063, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[252347, 252149, "Harvard_University", 8]]], "all_evidence": [[252347, 252149, "Harvard_University", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150333, 165249, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[150333, 165249, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117181, 131078, "Shane_McMahon", 13]]], "all_evidence": [[117181, 131078, "Shane_McMahon", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128276, null, null, null]]], "all_evidence": [[128276, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222196, null, null, null]]], "all_evidence": [[222196, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239004, 240953, "Despicable_Me_2", 1]]], "all_evidence": [[239004, 240953, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277985, null, null, null], [277986, null, null, null], [324792, null, null, null], [326071, null, null, null]]], "all_evidence": [[277985, null, null, null], [277986, null, null, null], [324792, null, null, null], [326071, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290150, null, null, null], [291487, null, null, null], [337736, null, null, null], [337747, null, null, null]]], "all_evidence": [[290150, null, null, null], [291487, null, null, null], [337736, null, null, null], [337747, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148713, 163755, "French_Indochina", 0], [148713, 163755, "French_Indochina", 9], [148713, 163755, "French_Indochina", 16]]], "all_evidence": [[148713, 163755, "French_Indochina", 0], [148713, 163755, "French_Indochina", 9], [148713, 163755, "French_Indochina", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276401, null, null, null], [278612, null, null, null], [280440, null, null, null], [326590, null, null, null]]], "all_evidence": [[276401, null, null, null], [278612, null, null, null], [280440, null, null, null], [326590, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64850, null, null, null]]], "all_evidence": [[64850, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28942, 35315, "I_Kissed_a_Girl", 0]]], "all_evidence": [[28942, 35315, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66106, 76942, "Kendall_Jenner", 7]], [[66106, 76943, "Kendall_Jenner", 6]], [[66106, 76944, "Kendall_Jenner", 4]], [[66106, 76945, "Kendall_Jenner", 1]]], "all_evidence": [[66106, 76942, "Kendall_Jenner", 7], [66106, 76943, "Kendall_Jenner", 6], [66106, 76944, "Kendall_Jenner", 4], [66106, 76945, "Kendall_Jenner", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241267, 242806, "Cretaceous", 8]], [[241267, 242807, "Cretaceous", 9]]], "all_evidence": [[241267, 242806, "Cretaceous", 8], [241267, 242807, "Cretaceous", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136792, 151597, "Shooter_-LRB-TV_series-RRB-", 1], [136792, 151597, "Shooter_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[136792, 151597, "Shooter_-LRB-TV_series-RRB-", 1], [136792, 151597, "Shooter_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83717, null, null, null]]], "all_evidence": [[83717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93459, 106411, "Chris_Kyle", 0]]], "all_evidence": [[93459, 106411, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208003, 216167, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[208003, 216167, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148071, 163058, "Carlos_Santana", 0]]], "all_evidence": [[148071, 163058, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180778, 193165, "Camden,_New_Jersey", 0]]], "all_evidence": [[180778, 193165, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257114, 256161, "Homer_Hickam", 2]]], "all_evidence": [[257114, 256161, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41506, 49911, "Janelle_Mona\u0301e", 0]], [[41515, 49920, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[41506, 49911, "Janelle_Mona\u0301e", 0], [41515, 49920, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241704, 243225, "Rio_-LRB-2011_film-RRB-", 20], [241704, 243225, "Rio_2", 0], [241704, 243225, "Rio_2", 1], [241704, 243225, "Rio_2", 3]]], "all_evidence": [[241704, 243225, "Rio_-LRB-2011_film-RRB-", 20], [241704, 243225, "Rio_2", 0], [241704, 243225, "Rio_2", 1], [241704, 243225, "Rio_2", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175149, null, null, null], [175150, null, null, null], [175158, null, null, null]]], "all_evidence": [[175149, null, null, null], [175150, null, null, null], [175158, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69963, 80842, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [69963, 80842, "Sonny_Digital", 0]]], "all_evidence": [[69963, 80842, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [69963, 80842, "Sonny_Digital", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185453, 197224, "Juventus_F.C.", 1]]], "all_evidence": [[185453, 197224, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151762, 166494, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[151762, 166494, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24131, 29855, "Colombiana", 0]], [[24137, 29867, "Colombiana", 0]]], "all_evidence": [[24131, 29855, "Colombiana", 0], [24137, 29867, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161256, null, null, null]]], "all_evidence": [[161256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167914, 181684, "Lizzy_Caplan", 2]]], "all_evidence": [[167914, 181684, "Lizzy_Caplan", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105085, 118496, "Uranium-235", 6]]], "all_evidence": [[105085, 118496, "Uranium-235", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162288, 176584, "X-Men-COLON-_Apocalypse", 0]]], "all_evidence": [[162288, 176584, "X-Men-COLON-_Apocalypse", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28713, 35051, "Shane_Black", 0]]], "all_evidence": [[28713, 35051, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257051, 256112, "Chagatai_language", 0]], [[257056, 256117, "Chagatai_language", 0]]], "all_evidence": [[257051, 256112, "Chagatai_language", 0], [257056, 256117, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96461, 109632, "Jack_Falahee", 0]]], "all_evidence": [[96461, 109632, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173975, 187166, "Flaked", 0]]], "all_evidence": [[173975, 187166, "Flaked", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203332, 212374, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203332, 212374, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145457, 160454, "John_Dolmayan", 0]]], "all_evidence": [[145457, 160454, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91940, 104734, "Chris_Kyle", 0]]], "all_evidence": [[91940, 104734, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105416, 118877, "TV_Choice", 1]]], "all_evidence": [[105416, 118877, "TV_Choice", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40352, null, null, null]]], "all_evidence": [[40352, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15361, 19165, "Amyotrophic_lateral_sclerosis", 0]], [[16311, 20224, "Amyotrophic_lateral_sclerosis", 0]], [[99409, 112518, "Amyotrophic_lateral_sclerosis", 0]], [[112784, 126619, "Amyotrophic_lateral_sclerosis", 0]], [[112784, 126620, "Amyotrophic_lateral_sclerosis", 1]], [[116971, 130853, "Amyotrophic_lateral_sclerosis", 0]], [[129815, 144526, "Amyotrophic_lateral_sclerosis", 0]], [[146080, 161084, "Amyotrophic_lateral_sclerosis", 0]], [[151258, 166053, "Amyotrophic_lateral_sclerosis", 0]], [[153976, 168788, "Amyotrophic_lateral_sclerosis", 0]], [[153976, 168789, "Amyotrophic_lateral_sclerosis", 1]], [[168992, 182678, "Amyotrophic_lateral_sclerosis", 0]], [[168992, 182679, "Amyotrophic_lateral_sclerosis", 1]], [[171234, 184732, "Amyotrophic_lateral_sclerosis", 0]], [[180105, 192645, "Amyotrophic_lateral_sclerosis", 0]], [[197928, 207853, "Amyotrophic_lateral_sclerosis", 0]], [[197928, 207854, "Amyotrophic_lateral_sclerosis", 1]], [[216185, 222890, "Amyotrophic_lateral_sclerosis", 0]], [[222972, 228062, "Amyotrophic_lateral_sclerosis", 0]], [[246086, 246688, "Amyotrophic_lateral_sclerosis", 0]]], "all_evidence": [[15361, 19165, "Amyotrophic_lateral_sclerosis", 0], [16311, 20224, "Amyotrophic_lateral_sclerosis", 0], [99409, 112518, "Amyotrophic_lateral_sclerosis", 0], [112784, 126619, "Amyotrophic_lateral_sclerosis", 0], [112784, 126620, "Amyotrophic_lateral_sclerosis", 1], [116971, 130853, "Amyotrophic_lateral_sclerosis", 0], [129815, 144526, "Amyotrophic_lateral_sclerosis", 0], [146080, 161084, "Amyotrophic_lateral_sclerosis", 0], [151258, 166053, "Amyotrophic_lateral_sclerosis", 0], [153976, 168788, "Amyotrophic_lateral_sclerosis", 0], [153976, 168789, "Amyotrophic_lateral_sclerosis", 1], [168992, 182678, "Amyotrophic_lateral_sclerosis", 0], [168992, 182679, "Amyotrophic_lateral_sclerosis", 1], [171234, 184732, "Amyotrophic_lateral_sclerosis", 0], [180105, 192645, "Amyotrophic_lateral_sclerosis", 0], [197928, 207853, "Amyotrophic_lateral_sclerosis", 0], [197928, 207854, "Amyotrophic_lateral_sclerosis", 1], [216185, 222890, "Amyotrophic_lateral_sclerosis", 0], [222972, 228062, "Amyotrophic_lateral_sclerosis", 0], [246086, 246688, "Amyotrophic_lateral_sclerosis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191673, 202490, "Anne_Rice", 5]], [[191680, 202497, "Anne_Rice", 5], [191680, 202497, "New_Orleans", 0], [191680, 202497, "San_Francisco", 0], [191680, 202497, "San_Francisco", 2]]], "all_evidence": [[191673, 202490, "Anne_Rice", 5], [191680, 202497, "Anne_Rice", 5], [191680, 202497, "New_Orleans", 0], [191680, 202497, "San_Francisco", 0], [191680, 202497, "San_Francisco", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[281992, 276241, "Tremont_Street_Subway", 5]], [[329799, 316533, "Tremont_Street_Subway", 5]]], "all_evidence": [[281992, 276241, "Tremont_Street_Subway", 5], [329799, 316533, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258081, 256964, "Monk", 0]]], "all_evidence": [[258081, 256964, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192735, 203455, "Cadet_Kelly", 0]]], "all_evidence": [[192735, 203455, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199147, 208825, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199147, 208825, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87497, 99966, "Quran", 0]]], "all_evidence": [[87497, 99966, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62487, 73113, "Edmund_H._North", 0], [62487, 73113, "Patton_-LRB-film-RRB-", 2]]], "all_evidence": [[62487, 73113, "Edmund_H._North", 0], [62487, 73113, "Patton_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53259, 63230, "Wales", 0]]], "all_evidence": [[53259, 63230, "Wales", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142240, 157440, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[142240, 157440, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197249, 207329, "Smriti_Mandhana", 0]], [[197261, 207339, "Smriti_Mandhana", 0]]], "all_evidence": [[197249, 207329, "Smriti_Mandhana", 0], [197261, 207339, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23209, null, null, null]]], "all_evidence": [[23209, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22674, 27983, "Washington_Wizards", 12]]], "all_evidence": [[22674, 27983, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146311, null, null, null]]], "all_evidence": [[146311, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24123, null, null, null]]], "all_evidence": [[24123, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238541, null, null, null]]], "all_evidence": [[238541, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34817, null, null, null]]], "all_evidence": [[34817, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203213, null, null, null]]], "all_evidence": [[203213, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154353, 169103, "Colin_Kaepernick", 5]], [[154353, 169104, "Colin_Kaepernick", 7]]], "all_evidence": [[154353, 169103, "Colin_Kaepernick", 5], [154353, 169104, "Colin_Kaepernick", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228451, 232632, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228451, 232632, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31680, null, null, null]]], "all_evidence": [[31680, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97589, 110736, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]], "all_evidence": [[97589, 110736, "Game_of_Thrones_-LRB-season_7-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216103, 222818, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216103, 222818, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174704, null, null, null]]], "all_evidence": [[174704, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292493, 285255, "Civilization_IV", 12]], [[294514, 286789, "Civilization_IV", 12]], [[295098, 287291, "Civilization_IV", 12]], [[340190, 324939, "Civilization_IV", 12]], [[340196, 324942, "Civilization_IV", 12]], [[340198, 324944, "Civilization_IV", 12]]], "all_evidence": [[292493, 285255, "Civilization_IV", 12], [294514, 286789, "Civilization_IV", 12], [295098, 287291, "Civilization_IV", 12], [340190, 324939, "Civilization_IV", 12], [340196, 324942, "Civilization_IV", 12], [340198, 324944, "Civilization_IV", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181858, null, null, null]]], "all_evidence": [[181858, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64245, 74987, "The_Good_Wife", 12]], [[65936, 76806, "The_Good_Wife", 12]], [[303472, 294439, "The_Good_Wife", 12]], [[305329, 296159, "The_Good_Wife", 12]]], "all_evidence": [[64245, 74987, "The_Good_Wife", 12], [65936, 76806, "The_Good_Wife", 12], [303472, 294439, "The_Good_Wife", 12], [305329, 296159, "The_Good_Wife", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63549, 74303, "Sleipnir", 0]]], "all_evidence": [[63549, 74303, "Sleipnir", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172518, null, null, null]]], "all_evidence": [[172518, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176373, 189288, "2016_Tour_de_France", 2]]], "all_evidence": [[176373, 189288, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130118, 144853, "2016_Tour_de_France", 2]], [[130119, 144854, "2016_Tour_de_France", 2]]], "all_evidence": [[130118, 144853, "2016_Tour_de_France", 2], [130119, 144854, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150055, null, null, null]]], "all_evidence": [[150055, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87273, null, null, null]]], "all_evidence": [[87273, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80969, null, null, null]]], "all_evidence": [[80969, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116195, null, null, null]]], "all_evidence": [[116195, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112960, null, null, null]]], "all_evidence": [[112960, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127701, 142313, "Kesha", 0]]], "all_evidence": [[127701, 142313, "Kesha", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159596, 174093, "Due_Date", 0]]], "all_evidence": [[159596, 174093, "Due_Date", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122653, null, null, null]]], "all_evidence": [[122653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138039, 152992, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[140854, 155989, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[142630, 157793, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[310248, 300283, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]], [[310249, 300284, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [310249, 300284, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]]], "all_evidence": [[138039, 152992, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [140854, 155989, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [142630, 157793, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [310248, 300283, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [310249, 300284, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], [310249, 300284, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99978, null, null, null]]], "all_evidence": [[99978, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244450, null, null, null]]], "all_evidence": [[244450, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126768, null, null, null]]], "all_evidence": [[126768, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25642, 31562, "Human_trafficking", 0]]], "all_evidence": [[25642, 31562, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26858, null, null, null]]], "all_evidence": [[26858, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42788, null, null, null]]], "all_evidence": [[42788, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155634, null, null, null]]], "all_evidence": [[155634, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99431, 112540, "Shane_Black", 0]]], "all_evidence": [[99431, 112540, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199109, null, null, null]]], "all_evidence": [[199109, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35126, 42579, "Wilhelmina_Slater", 0]]], "all_evidence": [[35126, 42579, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115948, 129824, "Vietnam", 0]]], "all_evidence": [[115948, 129824, "Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117622, 131516, "Mirny_-LRB-sloop-of-war-RRB-", 0], [117622, 131516, "Imperial_Russian_Navy", 0]]], "all_evidence": [[117622, 131516, "Mirny_-LRB-sloop-of-war-RRB-", 0], [117622, 131516, "Imperial_Russian_Navy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164974, 179164, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]], [[169214, 182879, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]], [[312313, 302123, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]], [[312316, 302126, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]], [[312327, 302137, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[164974, 179164, "No_Country_for_Old_Men_-LRB-film-RRB-", 1], [169214, 182879, "No_Country_for_Old_Men_-LRB-film-RRB-", 1], [312313, 302123, "No_Country_for_Old_Men_-LRB-film-RRB-", 1], [312316, 302126, "No_Country_for_Old_Men_-LRB-film-RRB-", 1], [312327, 302137, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49199, null, null, null]]], "all_evidence": [[49199, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177793, 190501, "Dakota_Fanning", 0]], [[177795, 190503, "Dakota_Fanning", 0]], [[177796, 190504, "Dakota_Fanning", 0]]], "all_evidence": [[177793, 190501, "Dakota_Fanning", 0], [177795, 190503, "Dakota_Fanning", 0], [177796, 190504, "Dakota_Fanning", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117090, 130983, "Tim_Roth", 0]]], "all_evidence": [[117090, 130983, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122445, null, null, null]]], "all_evidence": [[122445, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158287, 172913, "Prowler_-LRB-comics-RRB-", 0]]], "all_evidence": [[158287, 172913, "Prowler_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24931, null, null, null], [187952, null, null, null], [299820, null, null, null]]], "all_evidence": [[24931, null, null, null], [187952, null, null, null], [299820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268477, 265055, "Michaela_Watkins", 0]]], "all_evidence": [[268477, 265055, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197260, 207338, "Smriti_Mandhana", 0]]], "all_evidence": [[197260, 207338, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160217, 174749, "Yara_Shahidi", 0]]], "all_evidence": [[160217, 174749, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246254, 246801, "Easy_A", 0]]], "all_evidence": [[246254, 246801, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255457, null, null, null]]], "all_evidence": [[255457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25022, 30890, "Tiber_Oil_Field", 1]]], "all_evidence": [[25022, 30890, "Tiber_Oil_Field", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214780, 221774, "Premam", 11]]], "all_evidence": [[214780, 221774, "Premam", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143304, null, null, null]]], "all_evidence": [[143304, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93627, 106571, "Chrysler_Building", 1]]], "all_evidence": [[93627, 106571, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40774, null, null, null]]], "all_evidence": [[40774, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209574, null, null, null]]], "all_evidence": [[209574, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235716, null, null, null]]], "all_evidence": [[235716, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21091, null, null, null]]], "all_evidence": [[21091, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147993, 162987, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[147993, 162987, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138442, 153491, "Angelsberg", 0]]], "all_evidence": [[138442, 153491, "Angelsberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212195, 219794, "Epistemology", 3], [212195, 219794, "Theory_of_justification", 0]], [[212195, 219795, "Epistemology", 4], [212195, 219795, "Theory_of_justification", 0]], [[212196, 219796, "Epistemology", 4]]], "all_evidence": [[212195, 219794, "Epistemology", 3], [212195, 219794, "Theory_of_justification", 0], [212195, 219795, "Epistemology", 4], [212195, 219795, "Theory_of_justification", 0], [212196, 219796, "Epistemology", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197246, 207326, "Smriti_Mandhana", 0]], [[197251, 207331, "Smriti_Mandhana", 0]]], "all_evidence": [[197246, 207326, "Smriti_Mandhana", 0], [197251, 207331, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181252, null, null, null]]], "all_evidence": [[181252, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105131, 118556, "Global_warming", 0]], [[105131, 118557, "Global_warming", 12]], [[105131, 118558, "Global_warming", 15]], [[105131, 118559, "Global_warming", 16]], [[105131, 118560, "Global_warming", 19]]], "all_evidence": [[105131, 118556, "Global_warming", 0], [105131, 118557, "Global_warming", 12], [105131, 118558, "Global_warming", 15], [105131, 118559, "Global_warming", 16], [105131, 118560, "Global_warming", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117634, 131532, "Diana,_Princess_of_Wales", 18]]], "all_evidence": [[117634, 131532, "Diana,_Princess_of_Wales", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282405, 276585, "Aarhus", 1]], [[284408, 278240, "Aarhus", 1]], [[285293, 278959, "Aarhus", 1]], [[285294, 278960, "Aarhus", 1]], [[285297, 278962, "Aarhus", 1]]], "all_evidence": [[282405, 276585, "Aarhus", 1], [284408, 278240, "Aarhus", 1], [285293, 278959, "Aarhus", 1], [285294, 278960, "Aarhus", 1], [285297, 278962, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103472, 116886, "Steve_Wozniak", 5]]], "all_evidence": [[103472, 116886, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160211, null, null, null]]], "all_evidence": [[160211, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237558, 239756, "Live_Through_This", 0]]], "all_evidence": [[237558, 239756, "Live_Through_This", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135770, null, null, null]]], "all_evidence": [[135770, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160548, 175057, "Luke_Cage", 0]], [[160548, 175058, "Luke_Cage", 2]]], "all_evidence": [[160548, 175057, "Luke_Cage", 0], [160548, 175058, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231956, null, null, null]]], "all_evidence": [[231956, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150489, 165371, "Duane_Chapman", 0]]], "all_evidence": [[150489, 165371, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180989, null, null, null]]], "all_evidence": [[180989, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142843, 157980, "Ashley_Cole", 0]], [[142843, 157981, "Ashley_Cole", 8]], [[142843, 157982, "Ashley_Cole", 5]], [[142843, 157983, "Ashley_Cole", 3]], [[142843, 157984, "Ashley_Cole", 4]], [[142843, 157985, "Ashley_Cole", 9]]], "all_evidence": [[142843, 157980, "Ashley_Cole", 0], [142843, 157981, "Ashley_Cole", 8], [142843, 157982, "Ashley_Cole", 5], [142843, 157983, "Ashley_Cole", 3], [142843, 157984, "Ashley_Cole", 4], [142843, 157985, "Ashley_Cole", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21370, null, null, null]]], "all_evidence": [[21370, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259722, 258276, "Hanford_Site", 23]]], "all_evidence": [[259722, 258276, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200757, 210230, "Earl_Scruggs", 0]], [[200757, 210231, "Earl_Scruggs", 6]]], "all_evidence": [[200757, 210230, "Earl_Scruggs", 0], [200757, 210231, "Earl_Scruggs", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46353, null, null, null]]], "all_evidence": [[46353, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283453, null, null, null], [285907, null, null, null], [287595, null, null, null], [333750, null, null, null]]], "all_evidence": [[283453, null, null, null], [285907, null, null, null], [287595, null, null, null], [333750, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282981, 277114, "Shadowhunters", 5]], [[284880, 278625, "Shadowhunters", 5]], [[284883, 278628, "Shadowhunters", 5]], [[284883, 278629, "Shadowhunters", 6]], [[331425, 317957, "Shadowhunters", 5]], [[331426, 317958, "Shadowhunters", 5]]], "all_evidence": [[282981, 277114, "Shadowhunters", 5], [284880, 278625, "Shadowhunters", 5], [284883, 278628, "Shadowhunters", 5], [284883, 278629, "Shadowhunters", 6], [331425, 317957, "Shadowhunters", 5], [331426, 317958, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210886, null, null, null]]], "all_evidence": [[210886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43619, 52260, "Peking_University", 0]]], "all_evidence": [[43619, 52260, "Peking_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143714, 158805, "Billboard_Dad", 0]]], "all_evidence": [[143714, 158805, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32193, 39121, "United_Nations_Charter", 0]]], "all_evidence": [[32193, 39121, "United_Nations_Charter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119237, 133182, "Wildfang", 0]], [[119239, 133184, "Wildfang", 0]]], "all_evidence": [[119237, 133182, "Wildfang", 0], [119239, 133184, "Wildfang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207695, 215913, "Congressional_Space_Medal_of_Honor", 1]]], "all_evidence": [[207695, 215913, "Congressional_Space_Medal_of_Honor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120308, 134523, "Aleister_Crowley", 0]], [[120308, 134524, "Aleister_Crowley", 14]]], "all_evidence": [[120308, 134523, "Aleister_Crowley", 0], [120308, 134524, "Aleister_Crowley", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218420, null, null, null]]], "all_evidence": [[218420, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215913, 222665, "Bradley_Fuller", 1]]], "all_evidence": [[215913, 222665, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166295, null, null, null]]], "all_evidence": [[166295, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18357, 22547, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[18357, 22547, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194714, 205088, "Middle-earth", 0]]], "all_evidence": [[194714, 205088, "Middle-earth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208084, null, null, null]]], "all_evidence": [[208084, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23194, null, null, null]]], "all_evidence": [[23194, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138328, 153350, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[138328, 153350, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216052, 222771, "CHiPs_-LRB-film-RRB-", 0]]], "all_evidence": [[216052, 222771, "CHiPs_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139935, 154952, "Robert_Palmer_-LRB-writer-RRB-", 1], [139935, 154952, "The_New_York_Times", 0]]], "all_evidence": [[139935, 154952, "Robert_Palmer_-LRB-writer-RRB-", 1], [139935, 154952, "The_New_York_Times", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203206, 212288, "Fabian_Nicieza", 0]], [[203217, 212294, "Fabian_Nicieza", 0]]], "all_evidence": [[203206, 212288, "Fabian_Nicieza", 0], [203217, 212294, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257317, 256344, "Calcaneal_spur", 1]], [[257317, 256345, "Calcaneal_spur", 16]]], "all_evidence": [[257317, 256344, "Calcaneal_spur", 1], [257317, 256345, "Calcaneal_spur", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126022, null, null, null]]], "all_evidence": [[126022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81202, 93016, "History_of_Earth", 6]]], "all_evidence": [[81202, 93016, "History_of_Earth", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251495, 251337, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251495, 251337, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144908, null, null, null], [147801, null, null, null], [311207, null, null, null], [311209, null, null, null], [311220, null, null, null]]], "all_evidence": [[144908, null, null, null], [147801, null, null, null], [311207, null, null, null], [311209, null, null, null], [311220, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198046, null, null, null]]], "all_evidence": [[198046, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31914, null, null, null]]], "all_evidence": [[31914, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15962, 19843, "Hundred_Years'_War", 22]]], "all_evidence": [[15962, 19843, "Hundred_Years'_War", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296479, null, null, null], [298068, null, null, null], [300223, null, null, null], [343306, null, null, null], [343322, null, null, null]]], "all_evidence": [[296479, null, null, null], [298068, null, null, null], [300223, null, null, null], [343306, null, null, null], [343322, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172719, 185980, "Mohra", 4]]], "all_evidence": [[172719, 185980, "Mohra", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57756, 68000, "Battle_of_France", 0]], [[57756, 68001, "Battle_of_France", 1], [57756, 68001, "Western_Front_-LRB-World_War_II-RRB-", 0]], [[57756, 68002, "Battle_of_France", 2], [57756, 68002, "Italian_invasion_of_France", 0]], [[57756, 68003, "Battle_of_France", 7], [57756, 68003, "Battle_of_Dunkirk", 0], [57756, 68003, "Battle_of_Dunkirk", 1]], [[57756, 68004, "Battle_of_France", 10], [57756, 68004, "Fall_Rot", 0], [57756, 68004, "Fall_Rot", 1]], [[57756, 68005, "Battle_of_France", 17], [57756, 68005, "World_War_II", 0], [57756, 68005, "Armistice_of_22_June_1940", 5]], [[60675, 71112, "Battle_of_France", 0]], [[62273, 72874, "Battle_of_France", 0], [62273, 72874, "World_War_II", 0]], [[303100, 294089, "Battle_of_France", 0]], [[305198, 296040, "Battle_of_France", 0]], [[305199, 296041, "Battle_of_France", 0]], [[305200, 296042, "Battle_of_France", 0]]], "all_evidence": [[57756, 68000, "Battle_of_France", 0], [57756, 68001, "Battle_of_France", 1], [57756, 68001, "Western_Front_-LRB-World_War_II-RRB-", 0], [57756, 68002, "Battle_of_France", 2], [57756, 68002, "Italian_invasion_of_France", 0], [57756, 68003, "Battle_of_France", 7], [57756, 68003, "Battle_of_Dunkirk", 0], [57756, 68003, "Battle_of_Dunkirk", 1], [57756, 68004, "Battle_of_France", 10], [57756, 68004, "Fall_Rot", 0], [57756, 68004, "Fall_Rot", 1], [57756, 68005, "Battle_of_France", 17], [57756, 68005, "World_War_II", 0], [57756, 68005, "Armistice_of_22_June_1940", 5], [60675, 71112, "Battle_of_France", 0], [62273, 72874, "Battle_of_France", 0], [62273, 72874, "World_War_II", 0], [303100, 294089, "Battle_of_France", 0], [305198, 296040, "Battle_of_France", 0], [305199, 296041, "Battle_of_France", 0], [305200, 296042, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169087, 182769, "Lithuanians", 0]]], "all_evidence": [[169087, 182769, "Lithuanians", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162543, 176816, "Awkward_Black_Girl", 0], [162543, 176816, "Issa_Rae", 0]]], "all_evidence": [[162543, 176816, "Awkward_Black_Girl", 0], [162543, 176816, "Issa_Rae", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235601, 238207, "Natural_Born_Killers", 5], [235601, 238207, "Natural_Born_Killers", 0]]], "all_evidence": [[235601, 238207, "Natural_Born_Killers", 5], [235601, 238207, "Natural_Born_Killers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129467, null, null, null]]], "all_evidence": [[129467, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114598, 128344, "Annette_Badland", 1]], [[114599, 128345, "Annette_Badland", 1]]], "all_evidence": [[114598, 128344, "Annette_Badland", 1], [114599, 128345, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139386, 154423, "Shawn_Carlson", 0]]], "all_evidence": [[139386, 154423, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93265, 106204, "Shadowhunters", 4], [93265, 106204, "Freeform_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[93265, 106204, "Shadowhunters", 4], [93265, 106204, "Freeform_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54006, 63992, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[54006, 63992, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179259, null, null, null]]], "all_evidence": [[179259, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183962, 195944, "Dan_O'Bannon", 0]], [[183963, 195945, "Dan_O'Bannon", 0]]], "all_evidence": [[183962, 195944, "Dan_O'Bannon", 0], [183963, 195945, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235697, null, null, null], [235720, null, null, null]]], "all_evidence": [[235697, null, null, null], [235720, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260503, 258908, "Savages_-LRB-2012_film-RRB-", 3]], [[260504, 258909, "Savages_-LRB-2012_film-RRB-", 4], [260504, 258909, "Savages_-LRB-2010_novel-RRB-", 0]], [[260504, 258910, "Savages_-LRB-2012_film-RRB-", 3]]], "all_evidence": [[260503, 258908, "Savages_-LRB-2012_film-RRB-", 3], [260504, 258909, "Savages_-LRB-2012_film-RRB-", 4], [260504, 258909, "Savages_-LRB-2010_novel-RRB-", 0], [260504, 258910, "Savages_-LRB-2012_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75447, 86705, "Caroline_Kennedy", 0]], [[79541, 91262, "Caroline_Kennedy", 0]], [[82030, 93811, "Caroline_Kennedy", 0]], [[82030, 93812, "Caroline_Kennedy", 17]], [[305974, 296736, "Caroline_Kennedy", 0]], [[307388, 297896, "Caroline_Kennedy", 0]], [[307388, 297897, "Caroline_Kennedy", 17]]], "all_evidence": [[75447, 86705, "Caroline_Kennedy", 0], [79541, 91262, "Caroline_Kennedy", 0], [82030, 93811, "Caroline_Kennedy", 0], [82030, 93812, "Caroline_Kennedy", 17], [305974, 296736, "Caroline_Kennedy", 0], [307388, 297896, "Caroline_Kennedy", 0], [307388, 297897, "Caroline_Kennedy", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290868, 283827, "Republic_of_Macedonia", 1], [290868, 283827, "Galactic_empire", 0], [290868, 283827, "Republic_of_Macedonia", 0]]], "all_evidence": [[290868, 283827, "Republic_of_Macedonia", 1], [290868, 283827, "Galactic_empire", 0], [290868, 283827, "Republic_of_Macedonia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142194, 157410, "French_Indochina", 0]], [[142194, 157412, "French_Indochina", 3], [142194, 157412, "Annam_-LRB-French_protectorate-RRB-", 0], [142194, 157412, "French_Protectorate_of_Cambodia", 0]]], "all_evidence": [[142194, 157410, "French_Indochina", 0], [142194, 157412, "French_Indochina", 3], [142194, 157412, "Annam_-LRB-French_protectorate-RRB-", 0], [142194, 157412, "French_Protectorate_of_Cambodia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129303, 144054, "Danger_UXB", 0]]], "all_evidence": [[129303, 144054, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184390, null, null, null]]], "all_evidence": [[184390, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65682, 76549, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[65682, 76549, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31460, 38191, "Emma_Watson", 0]]], "all_evidence": [[31460, 38191, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194769, 205136, "Manmohan_Singh", 1]]], "all_evidence": [[194769, 205136, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51200, 60937, "Bad_Romance", 11]], [[51200, 60938, "Bad_Romance", 12]], [[51200, 60939, "Bad_Romance", 10]]], "all_evidence": [[51200, 60937, "Bad_Romance", 11], [51200, 60938, "Bad_Romance", 12], [51200, 60939, "Bad_Romance", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60596, null, null, null]]], "all_evidence": [[60596, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52685, 62648, "Bhagat_Singh", 0]], [[52685, 62649, "Bhagat_Singh", 16]]], "all_evidence": [[52685, 62648, "Bhagat_Singh", 0], [52685, 62649, "Bhagat_Singh", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54132, 64131, "Riddick_-LRB-character-RRB-", 0]]], "all_evidence": [[54132, 64131, "Riddick_-LRB-character-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63165, 73874, "Papua_-LRB-province-RRB-", 3]], [[65119, 75998, "Papua_-LRB-province-RRB-", 3]], [[66939, 77745, "Papua_-LRB-province-RRB-", 3]], [[303664, 294601, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[63165, 73874, "Papua_-LRB-province-RRB-", 3], [65119, 75998, "Papua_-LRB-province-RRB-", 3], [66939, 77745, "Papua_-LRB-province-RRB-", 3], [303664, 294601, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[319309, null, null, null], [320476, null, null, null], [323266, null, null, null]]], "all_evidence": [[319309, null, null, null], [320476, null, null, null], [323266, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121439, null, null, null]]], "all_evidence": [[121439, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225779, 230362, "The_Millers", 1]], [[225780, 230363, "The_Millers", 1]]], "all_evidence": [[225779, 230362, "The_Millers", 1], [225780, 230363, "The_Millers", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130709, 145492, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[130709, 145492, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15908, 19772, "Tremont_Street_Subway", 2]], [[15908, 19773, "Tremont_Street_Subway", 5]]], "all_evidence": [[15908, 19772, "Tremont_Street_Subway", 2], [15908, 19773, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94566, 107547, "The_Road_to_El_Dorado", 0]]], "all_evidence": [[94566, 107547, "The_Road_to_El_Dorado", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52806, 62758, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[52806, 62758, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46601, null, null, null]]], "all_evidence": [[46601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188628, 200080, "Veeram_-LRB-2014_film-RRB-", 0]], [[188632, 200083, "Veeram_-LRB-2014_film-RRB-", 0]], [[188632, 200084, "Veeram_-LRB-2014_film-RRB-", 1], [188632, 200084, "Ajith_Kumar", 10]]], "all_evidence": [[188628, 200080, "Veeram_-LRB-2014_film-RRB-", 0], [188632, 200083, "Veeram_-LRB-2014_film-RRB-", 0], [188632, 200084, "Veeram_-LRB-2014_film-RRB-", 1], [188632, 200084, "Ajith_Kumar", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211449, 219162, "Princess_Mononoke", 0]]], "all_evidence": [[211449, 219162, "Princess_Mononoke", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268392, null, null, null]]], "all_evidence": [[268392, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201848, null, null, null]]], "all_evidence": [[201848, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199933, null, null, null]]], "all_evidence": [[199933, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233035, null, null, null]]], "all_evidence": [[233035, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34376, null, null, null]]], "all_evidence": [[34376, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238557, 240558, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238557, 240558, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28594, 34938, "Sophia_Bush", 2], [28594, 34938, "The_Narrows_-LRB-film-RRB-", 0]]], "all_evidence": [[28594, 34938, "Sophia_Bush", 2], [28594, 34938, "The_Narrows_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160081, 174604, "Kerplunk_-LRB-album-RRB-", 0]]], "all_evidence": [[160081, 174604, "Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39083, 47065, "Brazzers", 0]]], "all_evidence": [[39083, 47065, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128237, null, null, null]]], "all_evidence": [[128237, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182008, 194296, "Battle_of_France", 0]]], "all_evidence": [[182008, 194296, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240794, 242406, "Glee.com", 1]], [[240800, 242412, "Glee.com", 1]]], "all_evidence": [[240794, 242406, "Glee.com", 1], [240800, 242412, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241413, 242940, "Brad_Wilk", 4]], [[241419, 242945, "Brad_Wilk", 4]], [[241419, 242946, "Brad_Wilk", 0]]], "all_evidence": [[241413, 242940, "Brad_Wilk", 4], [241419, 242945, "Brad_Wilk", 4], [241419, 242946, "Brad_Wilk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36563, 44181, "How_to_Train_Your_Dragon_2", 11]]], "all_evidence": [[36563, 44181, "How_to_Train_Your_Dragon_2", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132859, null, null, null], [132860, null, null, null]]], "all_evidence": [[132859, null, null, null], [132860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70560, 81467, "How_to_Train_Your_Dragon_2", 0], [70560, 81467, "DreamWorks_Animation", 2]]], "all_evidence": [[70560, 81467, "How_to_Train_Your_Dragon_2", 0], [70560, 81467, "DreamWorks_Animation", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101614, 114846, "The_Bassoon_King", 0]]], "all_evidence": [[101614, 114846, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83058, 94954, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[83058, 94954, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137293, 152139, "Shane_Black", 0]]], "all_evidence": [[137293, 152139, "Shane_Black", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268468, null, null, null]]], "all_evidence": [[268468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197398, 207442, "Lalla_Ward", 0]]], "all_evidence": [[197398, 207442, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131441, null, null, null]]], "all_evidence": [[131441, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257058, 256118, "Chagatai_language", 0]]], "all_evidence": [[257058, 256118, "Chagatai_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239638, null, null, null]]], "all_evidence": [[239638, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268409, null, null, null]]], "all_evidence": [[268409, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274225, null, null, null], [276593, null, null, null], [277461, null, null, null], [322313, null, null, null], [323480, null, null, null]]], "all_evidence": [[274225, null, null, null], [276593, null, null, null], [277461, null, null, null], [322313, null, null, null], [323480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231964, 235269, "Luke_Cage", 2]]], "all_evidence": [[231964, 235269, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190767, null, null, null]]], "all_evidence": [[190767, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88104, null, null, null]]], "all_evidence": [[88104, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241268, 242808, "Cretaceous", 0]], [[241268, 242809, "Cretaceous", 8]]], "all_evidence": [[241268, 242808, "Cretaceous", 0], [241268, 242809, "Cretaceous", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62740, 73393, "Jose\u0301_Ferrer", 0]], [[62740, 73394, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[62740, 73393, "Jose\u0301_Ferrer", 0], [62740, 73394, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237960, null, null, null]]], "all_evidence": [[237960, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87463, 99941, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[87463, 99941, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292783, null, null, null], [292787, null, null, null], [340792, null, null, null], [340820, null, null, null]]], "all_evidence": [[292783, null, null, null], [292787, null, null, null], [340792, null, null, null], [340820, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82637, null, null, null]]], "all_evidence": [[82637, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229596, 233515, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[229596, 233516, "Girl_-LRB-Pharrell_Williams_album-RRB-", 3], [229596, 233516, "Alicia_Keys", 0]], [[229596, 233517, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [229596, 233517, "Come_Get_It_Bae", 0]], [[229596, 233518, "Girl_-LRB-Pharrell_Williams_album-RRB-", 12], [229596, 233518, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]]], "all_evidence": [[229596, 233515, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [229596, 233516, "Girl_-LRB-Pharrell_Williams_album-RRB-", 3], [229596, 233516, "Alicia_Keys", 0], [229596, 233517, "Girl_-LRB-Pharrell_Williams_album-RRB-", 10], [229596, 233517, "Come_Get_It_Bae", 0], [229596, 233518, "Girl_-LRB-Pharrell_Williams_album-RRB-", 12], [229596, 233518, "Happy_-LRB-Pharrell_Williams_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15569, null, null, null]]], "all_evidence": [[15569, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232013, null, null, null]]], "all_evidence": [[232013, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115715, null, null, null]]], "all_evidence": [[115715, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106733, null, null, null]]], "all_evidence": [[106733, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230066, null, null, null]]], "all_evidence": [[230066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266609, 263541, "Ralph_Fults", 0], [266609, 263541, "Barrow_Gang", 0]]], "all_evidence": [[266609, 263541, "Ralph_Fults", 0], [266609, 263541, "Barrow_Gang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68560, null, null, null]]], "all_evidence": [[68560, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58067, 68295, "Jack_Falahee", 0]], [[58067, 68297, "Jack_Falahee", 1]]], "all_evidence": [[58067, 68295, "Jack_Falahee", 0], [58067, 68297, "Jack_Falahee", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189349, null, null, null], [189353, null, null, null]]], "all_evidence": [[189349, null, null, null], [189353, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[278152, 273030, "Jose\u0301_Ferrer", 4]], [[280132, 274687, "Jose\u0301_Ferrer", 4]], [[327824, 315024, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[278152, 273030, "Jose\u0301_Ferrer", 4], [280132, 274687, "Jose\u0301_Ferrer", 4], [327824, 315024, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108201, null, null, null]]], "all_evidence": [[108201, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170369, 183924, "Tatum_O'Neal", 6]], [[170369, 183925, "Tatum_O'Neal", 7]]], "all_evidence": [[170369, 183924, "Tatum_O'Neal", 6], [170369, 183925, "Tatum_O'Neal", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199901, 209536, "Anne_Sullivan", 0]]], "all_evidence": [[199901, 209536, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203208, null, null, null]]], "all_evidence": [[203208, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227767, 232131, "Tilda_Swinton", 0]]], "all_evidence": [[227767, 232131, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161975, null, null, null]]], "all_evidence": [[161975, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22468, 27677, "Hundred_Years'_War", 21]]], "all_evidence": [[22468, 27677, "Hundred_Years'_War", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117099, 130991, "The_Cincinnati_Kid", 6], [117099, 130991, "The_Cincinnati_Kid", 0]]], "all_evidence": [[117099, 130991, "The_Cincinnati_Kid", 6], [117099, 130991, "The_Cincinnati_Kid", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12016, 15051, "Faroe_Islands", 9]], [[12016, 15052, "Faroe_Islands", 10]], [[12016, 15053, "Faroe_Islands", 15]], [[12016, 15054, "Faroe_Islands", 14]], [[12016, 15055, "Faroe_Islands", 0]], [[12016, 15056, "Faroe_Islands", 1]], [[12016, 15057, "Faroe_Islands", 2]], [[12016, 15058, "Faroe_Islands", 5]], [[12016, 15059, "Faroe_Islands", 6]], [[12016, 15060, "Faroe_Islands", 11]], [[16966, 21016, "Faroe_Islands", 0]], [[16966, 21017, "Faroe_Islands", 1]], [[16966, 21018, "Faroe_Islands", 2]], [[16966, 21019, "Faroe_Islands", 5]], [[16966, 21020, "Faroe_Islands", 6]], [[16966, 21021, "Faroe_Islands", 9]], [[16966, 21022, "Faroe_Islands", 10]], [[16966, 21023, "Faroe_Islands", 11]], [[16966, 21024, "Faroe_Islands", 14]], [[16966, 21025, "Faroe_Islands", 15]], [[16966, 21026, "Faroe_Islands", 16]], [[16966, 21027, "Faroe_Islands", 12], [16966, 21027, "Faroese_language", 0]], [[239134, 241064, "Faroe_Islands", 0]], [[239135, 241065, "Faroe_Islands", 0]], [[250676, 250666, "Faroe_Islands", 0]], [[250676, 250667, "Faroe_Islands", 10]], [[250676, 250668, "Faroe_Islands", 11]], [[281998, 276245, "Faroe_Islands", 0]], [[287549, 280925, "Faroe_Islands", 0]], [[300938, 292032, "Faroe_Islands", 0]], [[300938, 292033, "Faroe_Islands", 1]], [[300938, 292034, "Faroe_Islands", 2]], [[300938, 292035, "Faroe_Islands", 5]], [[300938, 292036, "Faroe_Islands", 6]], [[300938, 292037, "Faroe_Islands", 9]], [[300938, 292038, "Faroe_Islands", 10]], [[300938, 292039, "Faroe_Islands", 11]], [[300938, 292040, "Faroe_Islands", 12]], [[300938, 292041, "Faroe_Islands", 14]], [[300938, 292042, "Faroe_Islands", 15]], [[300938, 292043, "Faroe_Islands", 16]], [[312822, 302562, "Faroe_Islands", 0]], [[342921, 326798, "Faroe_Islands", 9]], [[342921, 326799, "Faroe_Islands", 1]]], "all_evidence": [[12016, 15051, "Faroe_Islands", 9], [12016, 15052, "Faroe_Islands", 10], [12016, 15053, "Faroe_Islands", 15], [12016, 15054, "Faroe_Islands", 14], [12016, 15055, "Faroe_Islands", 0], [12016, 15056, "Faroe_Islands", 1], [12016, 15057, "Faroe_Islands", 2], [12016, 15058, "Faroe_Islands", 5], [12016, 15059, "Faroe_Islands", 6], [12016, 15060, "Faroe_Islands", 11], [16966, 21016, "Faroe_Islands", 0], [16966, 21017, "Faroe_Islands", 1], [16966, 21018, "Faroe_Islands", 2], [16966, 21019, "Faroe_Islands", 5], [16966, 21020, "Faroe_Islands", 6], [16966, 21021, "Faroe_Islands", 9], [16966, 21022, "Faroe_Islands", 10], [16966, 21023, "Faroe_Islands", 11], [16966, 21024, "Faroe_Islands", 14], [16966, 21025, "Faroe_Islands", 15], [16966, 21026, "Faroe_Islands", 16], [16966, 21027, "Faroe_Islands", 12], [16966, 21027, "Faroese_language", 0], [239134, 241064, "Faroe_Islands", 0], [239135, 241065, "Faroe_Islands", 0], [250676, 250666, "Faroe_Islands", 0], [250676, 250667, "Faroe_Islands", 10], [250676, 250668, "Faroe_Islands", 11], [281998, 276245, "Faroe_Islands", 0], [287549, 280925, "Faroe_Islands", 0], [300938, 292032, "Faroe_Islands", 0], [300938, 292033, "Faroe_Islands", 1], [300938, 292034, "Faroe_Islands", 2], [300938, 292035, "Faroe_Islands", 5], [300938, 292036, "Faroe_Islands", 6], [300938, 292037, "Faroe_Islands", 9], [300938, 292038, "Faroe_Islands", 10], [300938, 292039, "Faroe_Islands", 11], [300938, 292040, "Faroe_Islands", 12], [300938, 292041, "Faroe_Islands", 14], [300938, 292042, "Faroe_Islands", 15], [300938, 292043, "Faroe_Islands", 16], [312822, 302562, "Faroe_Islands", 0], [342921, 326798, "Faroe_Islands", 9], [342921, 326799, "Faroe_Islands", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152023, 166778, "Harvard_University", 15]], [[152024, 166779, "Harvard_University", 15]]], "all_evidence": [[152023, 166778, "Harvard_University", 15], [152024, 166779, "Harvard_University", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27462, 33643, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [27462, 33643, "Ray_Winstone", 0]]], "all_evidence": [[27462, 33643, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [27462, 33643, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18201, 22366, "Guillermo_del_Toro", 1]], [[18201, 22367, "Guillermo_del_Toro", 0]], [[18201, 22368, "Guillermo_del_Toro", 4]]], "all_evidence": [[18201, 22366, "Guillermo_del_Toro", 1], [18201, 22367, "Guillermo_del_Toro", 0], [18201, 22368, "Guillermo_del_Toro", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259606, null, null, null]]], "all_evidence": [[259606, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190472, 201486, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[190475, 201489, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190472, 201486, "Tom_Baker_-LRB-English_actor-RRB-", 15], [190475, 201489, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247510, 247801, "Stadium_Arcadium", 1]]], "all_evidence": [[247510, 247801, "Stadium_Arcadium", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39161, null, null, null]]], "all_evidence": [[39161, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125509, null, null, null]]], "all_evidence": [[125509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62688, 73346, "Jennifer_Lopez", 11]], [[62688, 73347, "Jennifer_Lopez", 10]]], "all_evidence": [[62688, 73346, "Jennifer_Lopez", 11], [62688, 73347, "Jennifer_Lopez", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65449, 76327, "Mary_of_Teck", 12], [65449, 76327, "Wallis_Simpson", 0]]], "all_evidence": [[65449, 76327, "Mary_of_Teck", 12], [65449, 76327, "Wallis_Simpson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162873, 177101, "I_Kissed_a_Girl", 0], [162873, 177101, "One_of_the_Boys_-LRB-Katy_Perry_album-RRB-", 0]]], "all_evidence": [[162873, 177101, "I_Kissed_a_Girl", 0], [162873, 177101, "One_of_the_Boys_-LRB-Katy_Perry_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218034, 224436, "Live_Through_This", 12]]], "all_evidence": [[218034, 224436, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[217299, null, null, null]]], "all_evidence": [[217299, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199406, null, null, null]]], "all_evidence": [[199406, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23335, 28750, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]], "all_evidence": [[23335, 28750, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262117, null, null, null], [264268, null, null, null], [321516, null, null, null], [322611, null, null, null]]], "all_evidence": [[262117, null, null, null], [264268, null, null, null], [321516, null, null, null], [322611, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215844, null, null, null]]], "all_evidence": [[215844, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19925, 24477, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[19925, 24477, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70268, 81141, "Duff_McKagan", 0]]], "all_evidence": [[70268, 81141, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181306, null, null, null]]], "all_evidence": [[181306, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134929, 149821, "Billboard_Dad", 0]]], "all_evidence": [[134929, 149821, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148792, 163819, "Bessie_Smith", 0]]], "all_evidence": [[148792, 163819, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75162, 86395, "EA_Black_Box", 0]]], "all_evidence": [[75162, 86395, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101763, null, null, null]]], "all_evidence": [[101763, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137555, 152443, "Wales", 16]]], "all_evidence": [[137555, 152443, "Wales", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297777, null, null, null], [299942, null, null, null], [342493, null, null, null], [342499, null, null, null]]], "all_evidence": [[297777, null, null, null], [299942, null, null, null], [342493, null, null, null], [342499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87587, 100080, "Chrysler_Building", 1], [87587, 100080, "Empire_State_Building", 4]]], "all_evidence": [[87587, 100080, "Chrysler_Building", 1], [87587, 100080, "Empire_State_Building", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45970, 54911, "Awkward_Black_Girl", 0]]], "all_evidence": [[45970, 54911, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251500, 251342, "Miracle_at_St._Anna", 2]], [[251501, 251343, "Miracle_at_St._Anna", 2], [251501, 251343, "Tuscany", 0]], [[251526, 251361, "Miracle_at_St._Anna", 2]]], "all_evidence": [[251500, 251342, "Miracle_at_St._Anna", 2], [251501, 251343, "Miracle_at_St._Anna", 2], [251501, 251343, "Tuscany", 0], [251526, 251361, "Miracle_at_St._Anna", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[273644, 269016, "Working_animal", 0]]], "all_evidence": [[273644, 269016, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71425, 82388, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]], "all_evidence": [[71425, 82388, "Ripon_College_-LRB-Wisconsin-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80285, null, null, null]]], "all_evidence": [[80285, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203224, 212299, "Fabian_Nicieza", 0]], [[203231, 212302, "Fabian_Nicieza", 0]]], "all_evidence": [[203224, 212299, "Fabian_Nicieza", 0], [203231, 212302, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255472, 254926, "Private_Lives", 0]]], "all_evidence": [[255472, 254926, "Private_Lives", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11216, null, null, null]]], "all_evidence": [[11216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211598, 219262, "Forceps", 0]]], "all_evidence": [[211598, 219262, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225857, 230429, "Love_the_Way_You_Lie", 17]]], "all_evidence": [[225857, 230429, "Love_the_Way_You_Lie", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172283, 185644, "Bee_Gees", 6]]], "all_evidence": [[172283, 185644, "Bee_Gees", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153356, 168146, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[153356, 168146, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269575, null, null, null], [269590, null, null, null]]], "all_evidence": [[269575, null, null, null], [269590, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150020, null, null, null]]], "all_evidence": [[150020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39115, 47112, "Gin", 0]], [[39115, 47113, "Gin", 1]], [[39115, 47114, "Gin", 2]], [[39115, 47115, "Gin", 3]]], "all_evidence": [[39115, 47112, "Gin", 0], [39115, 47113, "Gin", 1], [39115, 47114, "Gin", 2], [39115, 47115, "Gin", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205312, null, null, null]]], "all_evidence": [[205312, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153416, 168222, "Daggering", 0]], [[156157, 170793, "Daggering", 0]], [[158101, 172715, "Daggering", 0]], [[311691, 301616, "Daggering", 3]], [[313099, 302768, "Daggering", 0]]], "all_evidence": [[153416, 168222, "Daggering", 0], [156157, 170793, "Daggering", 0], [158101, 172715, "Daggering", 0], [311691, 301616, "Daggering", 3], [313099, 302768, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206505, 214849, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]], "all_evidence": [[206505, 214849, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239643, null, null, null], [239645, null, null, null]]], "all_evidence": [[239643, null, null, null], [239645, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84442, null, null, null]]], "all_evidence": [[84442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190479, 201492, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190479, 201492, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167004, 180832, "Greek_language", 14]], [[167004, 180833, "Greek_language", 13]]], "all_evidence": [[167004, 180832, "Greek_language", 14], [167004, 180833, "Greek_language", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55852, 65942, "Sandra_Bullock", 17]]], "all_evidence": [[55852, 65942, "Sandra_Bullock", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227030, 231457, "Bea_Arthur", 0]]], "all_evidence": [[227030, 231457, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257083, null, null, null]]], "all_evidence": [[257083, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266031, 263132, "The_Disaster_Artist_-LRB-film-RRB-", 5]], [[266032, 263133, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266031, 263132, "The_Disaster_Artist_-LRB-film-RRB-", 5], [266032, 263133, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21381, 26274, "Crips", 9]]], "all_evidence": [[21381, 26274, "Crips", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111445, 125092, "Knocked_Up", 0]]], "all_evidence": [[111445, 125092, "Knocked_Up", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130373, 145117, "Telemundo", 0], [130373, 145117, "Comcast", 0]]], "all_evidence": [[130373, 145117, "Telemundo", 0], [130373, 145117, "Comcast", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253231, 253126, "PacSun", 1]], [[254995, 254559, "PacSun", 1]], [[320861, 309364, "PacSun", 1], [320861, 309364, "PacSun", 0]], [[320885, 309387, "PacSun", 1]], [[321026, 309485, "PacSun", 1]]], "all_evidence": [[253231, 253126, "PacSun", 1], [254995, 254559, "PacSun", 1], [320861, 309364, "PacSun", 1], [320861, 309364, "PacSun", 0], [320885, 309387, "PacSun", 1], [321026, 309485, "PacSun", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181619, 193872, "Miranda_Otto", 1]]], "all_evidence": [[181619, 193872, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164235, 178481, "Faroe_Islands", 10]], [[164235, 178482, "Faroe_Islands", 11]]], "all_evidence": [[164235, 178481, "Faroe_Islands", 10], [164235, 178482, "Faroe_Islands", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260909, 259239, "Capsicum_chinense", 0]]], "all_evidence": [[260909, 259239, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221696, null, null, null]]], "all_evidence": [[221696, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258072, 256954, "Monk", 0], [258072, 256954, "Asceticism", 0]]], "all_evidence": [[258072, 256954, "Monk", 0], [258072, 256954, "Asceticism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147172, null, null, null]]], "all_evidence": [[147172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62278, 72878, "Viola_Davis", 6]]], "all_evidence": [[62278, 72878, "Viola_Davis", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251725, null, null, null]]], "all_evidence": [[251725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139586, 154607, "Aarhus", 0]]], "all_evidence": [[139586, 154607, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233056, 236058, "Saturn", 0]]], "all_evidence": [[233056, 236058, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50534, 60090, "Life", 0]], [[50534, 60091, "Life", 1]]], "all_evidence": [[50534, 60090, "Life", 0], [50534, 60091, "Life", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166027, 179985, "Saxony", 4]]], "all_evidence": [[166027, 179985, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222953, 228052, "Marjorie_Gross", 1]]], "all_evidence": [[222953, 228052, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218314, 224628, "Eva_Mendes", 0]]], "all_evidence": [[218314, 224628, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173450, 186701, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[173450, 186701, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93407, 106358, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[93407, 106358, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51907, null, null, null]]], "all_evidence": [[51907, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171644, 185135, "T2_Trainspotting", 0]], [[175085, 188142, "T2_Trainspotting", 0]], [[312758, 302514, "T2_Trainspotting", 0]]], "all_evidence": [[171644, 185135, "T2_Trainspotting", 0], [175085, 188142, "T2_Trainspotting", 0], [312758, 302514, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186125, null, null, null]]], "all_evidence": [[186125, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239604, 241386, "Polynesian_languages", 6]]], "all_evidence": [[239604, 241386, "Polynesian_languages", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239274, null, null, null], [239290, null, null, null]]], "all_evidence": [[239274, null, null, null], [239290, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54649, null, null, null]]], "all_evidence": [[54649, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133084, null, null, null]]], "all_evidence": [[133084, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160967, null, null, null]]], "all_evidence": [[160967, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121946, 136237, "Uranium-235", 6], [121946, 136237, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[121946, 136237, "Uranium-235", 6], [121946, 136237, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81975, 93766, "Bret_Easton_Ellis", 20], [81975, 93766, "The_Canyons_-LRB-film-RRB-", 0]]], "all_evidence": [[81975, 93766, "Bret_Easton_Ellis", 20], [81975, 93766, "The_Canyons_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63323, 74061, "The_Cincinnati_Kid", 6]], [[65219, 76093, "The_Cincinnati_Kid", 6], [65219, 76093, "Norman_Jewison", 2]], [[65219, 76094, "The_Cincinnati_Kid", 7]], [[67047, 77835, "The_Cincinnati_Kid", 6], [67047, 77835, "The_Cincinnati_Kid", 0]], [[303687, 294616, "The_Cincinnati_Kid", 6]], [[305428, 296248, "The_Cincinnati_Kid", 6]]], "all_evidence": [[63323, 74061, "The_Cincinnati_Kid", 6], [65219, 76093, "The_Cincinnati_Kid", 6], [65219, 76093, "Norman_Jewison", 2], [65219, 76094, "The_Cincinnati_Kid", 7], [67047, 77835, "The_Cincinnati_Kid", 6], [67047, 77835, "The_Cincinnati_Kid", 0], [303687, 294616, "The_Cincinnati_Kid", 6], [305428, 296248, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161741, 176164, "I_Kissed_a_Girl", 3]]], "all_evidence": [[161741, 176164, "I_Kissed_a_Girl", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145574, 160575, "Horse", 3]]], "all_evidence": [[145574, 160575, "Horse", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250551, 250558, "Bad_Romance", 0]], [[251929, 251704, "Bad_Romance", 0]], [[251929, 251705, "Bad_Romance", 12]], [[319495, 308190, "Bad_Romance", 0]], [[320653, 309196, "Bad_Romance", 0]]], "all_evidence": [[250551, 250558, "Bad_Romance", 0], [251929, 251704, "Bad_Romance", 0], [251929, 251705, "Bad_Romance", 12], [319495, 308190, "Bad_Romance", 0], [320653, 309196, "Bad_Romance", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97542, null, null, null]]], "all_evidence": [[97542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105125, 118550, "Danger_UXB", 0]]], "all_evidence": [[105125, 118550, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139487, 154523, "Bhagat_Singh", 0]]], "all_evidence": [[139487, 154523, "Bhagat_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47818, 57084, "The_dress", 0]]], "all_evidence": [[47818, 57084, "The_dress", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228773, 232891, "Albert_S._Ruddy", 0]]], "all_evidence": [[228773, 232891, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213168, 220502, "Tata_Motors", 13]]], "all_evidence": [[213168, 220502, "Tata_Motors", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24081, null, null, null]]], "all_evidence": [[24081, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40605, null, null, null]]], "all_evidence": [[40605, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[297073, 288765, "Mickey_Rourke", 13]], [[344652, 328128, "Mickey_Rourke", 13]], [[344659, 328134, "Mickey_Rourke", 13]]], "all_evidence": [[297073, 288765, "Mickey_Rourke", 13], [344652, 328128, "Mickey_Rourke", 13], [344659, 328134, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115947, 129822, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[115947, 129823, "Recovery_-LRB-Eminem_album-RRB-", 9], [115947, 129823, "Love_the_Way_You_Lie", 0]]], "all_evidence": [[115947, 129822, "Recovery_-LRB-Eminem_album-RRB-", 6], [115947, 129823, "Recovery_-LRB-Eminem_album-RRB-", 9], [115947, 129823, "Love_the_Way_You_Lie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139773, 154776, "Harold_Macmillan", 31]], [[139774, 154777, "Harold_Macmillan", 31]]], "all_evidence": [[139773, 154776, "Harold_Macmillan", 31], [139774, 154777, "Harold_Macmillan", 31]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111571, 125347, "Uranium-235", 6], [111571, 125347, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[111571, 125347, "Uranium-235", 6], [111571, 125347, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271157, 267095, "Giada_at_Home", 1], [271157, 267095, "Food_Network", 0]]], "all_evidence": [[271157, 267095, "Giada_at_Home", 1], [271157, 267095, "Food_Network", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215929, null, null, null]]], "all_evidence": [[215929, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231479, 234965, "Diwali", 2]]], "all_evidence": [[231479, 234965, "Diwali", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266023, 263126, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[266023, 263126, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110715, 124392, "Lithuanians", 0], [110715, 124392, "Lithuania", 0], [110715, 124392, "Lithuania", 1], [110715, 124392, "Lithuania", 2]]], "all_evidence": [[110715, 124392, "Lithuanians", 0], [110715, 124392, "Lithuania", 0], [110715, 124392, "Lithuania", 1], [110715, 124392, "Lithuania", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81358, null, null, null], [81360, null, null, null]]], "all_evidence": [[81358, null, null, null], [81360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93460, 106412, "Marjorie_Gross", 0]], [[93460, 106413, "Marjorie_Gross", 1]]], "all_evidence": [[93460, 106412, "Marjorie_Gross", 0], [93460, 106413, "Marjorie_Gross", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284484, null, null, null], [285345, null, null, null], [330680, null, null, null], [331804, null, null, null]]], "all_evidence": [[284484, null, null, null], [285345, null, null, null], [330680, null, null, null], [331804, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75459, 86713, "Saxony", 0]], [[75459, 86714, "Saxony", 4]]], "all_evidence": [[75459, 86713, "Saxony", 0], [75459, 86714, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154895, 169633, "Psych", 2], [154895, 169633, "Santa_Barbara_Police_Department", 0]]], "all_evidence": [[154895, 169633, "Psych", 2], [154895, 169633, "Santa_Barbara_Police_Department", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279338, 273967, "Miranda_Otto", 1]], [[281084, 275464, "Miranda_Otto", 1]], [[281084, 275465, "Miranda_Otto", 0]], [[281084, 275466, "Miranda_Otto", 2]], [[281084, 275467, "Miranda_Otto", 6]], [[283164, 277244, "Miranda_Otto", 1]], [[327570, 314794, "Miranda_Otto", 1]], [[328735, 315720, "Miranda_Otto", 1]], [[328735, 315721, "Miranda_Otto", 2]], [[328735, 315722, "Miranda_Otto", 6]]], "all_evidence": [[279338, 273967, "Miranda_Otto", 1], [281084, 275464, "Miranda_Otto", 1], [281084, 275465, "Miranda_Otto", 0], [281084, 275466, "Miranda_Otto", 2], [281084, 275467, "Miranda_Otto", 6], [283164, 277244, "Miranda_Otto", 1], [327570, 314794, "Miranda_Otto", 1], [328735, 315720, "Miranda_Otto", 1], [328735, 315721, "Miranda_Otto", 2], [328735, 315722, "Miranda_Otto", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251513, 251351, "Miracle_at_St._Anna", 2], [251513, 251351, "Italy", 0]]], "all_evidence": [[251513, 251351, "Miracle_at_St._Anna", 2], [251513, 251351, "Italy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267473, 264172, "Ralph_Fults", 0]], [[267474, 264173, "Ralph_Fults", 0]]], "all_evidence": [[267473, 264172, "Ralph_Fults", 0], [267474, 264173, "Ralph_Fults", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235561, 238185, "Natural_Born_Killers", 5]], [[235566, 238188, "Natural_Born_Killers", 5]]], "all_evidence": [[235561, 238185, "Natural_Born_Killers", 5], [235566, 238188, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100677, 113981, "Magic_Johnson", 1]], [[100677, 113982, "Magic_Johnson", 16]]], "all_evidence": [[100677, 113981, "Magic_Johnson", 1], [100677, 113982, "Magic_Johnson", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282005, null, null, null], [284020, null, null, null], [285061, null, null, null], [329825, null, null, null], [331206, null, null, null]]], "all_evidence": [[282005, null, null, null], [284020, null, null, null], [285061, null, null, null], [329825, null, null, null], [331206, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160146, null, null, null]]], "all_evidence": [[160146, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184133, null, null, null], [184134, null, null, null], [184138, null, null, null]]], "all_evidence": [[184133, null, null, null], [184134, null, null, null], [184138, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109301, 122966, "Joe_Rogan", 7]]], "all_evidence": [[109301, 122966, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145217, null, null, null]]], "all_evidence": [[145217, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164847, null, null, null]]], "all_evidence": [[164847, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290137, 283176, "Floppy_disk", 0]], [[291481, 284398, "Floppy_disk", 0]], [[293599, 286078, "Floppy_disk", 0]], [[337709, 323068, "Floppy_disk", 0]], [[337713, 323072, "Floppy_disk", 0]]], "all_evidence": [[290137, 283176, "Floppy_disk", 0], [291481, 284398, "Floppy_disk", 0], [293599, 286078, "Floppy_disk", 0], [337709, 323068, "Floppy_disk", 0], [337713, 323072, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238548, null, null, null]]], "all_evidence": [[238548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198620, 208414, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198620, 208414, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103876, 117373, "Efraim_Diveroli", 0]]], "all_evidence": [[103876, 117373, "Efraim_Diveroli", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145605, 160612, "Jewell_-LRB-singer-RRB-", 3]], [[145614, 160617, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[145605, 160612, "Jewell_-LRB-singer-RRB-", 3], [145614, 160617, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189229, null, null, null], [191865, null, null, null], [316547, null, null, null]]], "all_evidence": [[189229, null, null, null], [191865, null, null, null], [316547, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223637, 228606, "Riddick_-LRB-character-RRB-", 1]], [[227275, 231668, "Riddick_-LRB-character-RRB-", 1]], [[227276, 231669, "Riddick_-LRB-character-RRB-", 1]], [[319781, 308482, "Riddick_-LRB-character-RRB-", 1]]], "all_evidence": [[223637, 228606, "Riddick_-LRB-character-RRB-", 1], [227275, 231668, "Riddick_-LRB-character-RRB-", 1], [227276, 231669, "Riddick_-LRB-character-RRB-", 1], [319781, 308482, "Riddick_-LRB-character-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202995, 212123, "Christian_Gottlob_Neefe", 0], [202995, 212123, "Conducting", 0]]], "all_evidence": [[202995, 212123, "Christian_Gottlob_Neefe", 0], [202995, 212123, "Conducting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[276004, 271064, "Shane_McMahon", 0]], [[276004, 271065, "Shane_McMahon", 1]], [[276004, 271066, "Shane_McMahon", 4]], [[276004, 271067, "Shane_McMahon", 5]], [[276004, 271068, "Shane_McMahon", 6]], [[276004, 271069, "Shane_McMahon", 10]], [[276004, 271070, "Shane_McMahon", 13]], [[276004, 271071, "Shane_McMahon", 14]], [[276004, 271072, "Shane_McMahon", 15]], [[276004, 271073, "Shane_McMahon", 16]], [[325219, 312968, "Shane_McMahon", 0], [325219, 312968, "Professional_wrestling", 0]], [[326224, 313736, "Shane_McMahon", 0]], [[326224, 313737, "Shane_McMahon", 4]], [[326224, 313738, "Shane_McMahon", 5]], [[326224, 313739, "Shane_McMahon", 6]], [[326224, 313740, "Shane_McMahon", 7]], [[326224, 313741, "Shane_McMahon", 10]], [[326224, 313742, "Shane_McMahon", 13]], [[326224, 313743, "Shane_McMahon", 14]], [[326224, 313744, "Shane_McMahon", 15]]], "all_evidence": [[276004, 271064, "Shane_McMahon", 0], [276004, 271065, "Shane_McMahon", 1], [276004, 271066, "Shane_McMahon", 4], [276004, 271067, "Shane_McMahon", 5], [276004, 271068, "Shane_McMahon", 6], [276004, 271069, "Shane_McMahon", 10], [276004, 271070, "Shane_McMahon", 13], [276004, 271071, "Shane_McMahon", 14], [276004, 271072, "Shane_McMahon", 15], [276004, 271073, "Shane_McMahon", 16], [325219, 312968, "Shane_McMahon", 0], [325219, 312968, "Professional_wrestling", 0], [326224, 313736, "Shane_McMahon", 0], [326224, 313737, "Shane_McMahon", 4], [326224, 313738, "Shane_McMahon", 5], [326224, 313739, "Shane_McMahon", 6], [326224, 313740, "Shane_McMahon", 7], [326224, 313741, "Shane_McMahon", 10], [326224, 313742, "Shane_McMahon", 13], [326224, 313743, "Shane_McMahon", 14], [326224, 313744, "Shane_McMahon", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130089, 144826, "Jack_Falahee", 0]]], "all_evidence": [[130089, 144826, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150952, 165800, "I_Kissed_a_Girl", 0]]], "all_evidence": [[150952, 165800, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115936, 129810, "New_York_Knicks", 1]]], "all_evidence": [[115936, 129810, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25468, 31392, "Kuching", 0]]], "all_evidence": [[25468, 31392, "Kuching", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169350, 182993, "Otto_I,_Holy_Roman_Emperor", 11]]], "all_evidence": [[169350, 182993, "Otto_I,_Holy_Roman_Emperor", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272425, 268126, "Island_Records", 1]]], "all_evidence": [[272425, 268126, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184959, 196809, "Juventus_F.C.", 1]]], "all_evidence": [[184959, 196809, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281077, null, null, null], [327582, null, null, null]]], "all_evidence": [[281077, null, null, null], [327582, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130489, 145255, "Nestor_Carbonell", 3]], [[130489, 145256, "Nestor_Carbonell", 2]], [[130489, 145257, "Nestor_Carbonell", 1]], [[130491, 145258, "Nestor_Carbonell", 3]], [[130491, 145259, "Nestor_Carbonell", 2]], [[130491, 145260, "Nestor_Carbonell", 1]]], "all_evidence": [[130489, 145255, "Nestor_Carbonell", 3], [130489, 145256, "Nestor_Carbonell", 2], [130489, 145257, "Nestor_Carbonell", 1], [130491, 145258, "Nestor_Carbonell", 3], [130491, 145259, "Nestor_Carbonell", 2], [130491, 145260, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34291, 41591, "Tenacious_D", 0]]], "all_evidence": [[34291, 41591, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217665, 224158, "Asylum_Records", 0]]], "all_evidence": [[217665, 224158, "Asylum_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74226, 85448, "EA_Black_Box", 0]], [[74226, 85450, "EA_Black_Box", 2]]], "all_evidence": [[74226, 85448, "EA_Black_Box", 0], [74226, 85450, "EA_Black_Box", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58399, 68674, "The_Mighty_Ducks", 0]], [[61245, 71746, "The_Mighty_Ducks", 0]], [[63485, 74234, "The_Mighty_Ducks", 0]], [[305258, 296089, "The_Mighty_Ducks", 0]]], "all_evidence": [[58399, 68674, "The_Mighty_Ducks", 0], [61245, 71746, "The_Mighty_Ducks", 0], [63485, 74234, "The_Mighty_Ducks", 0], [305258, 296089, "The_Mighty_Ducks", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112386, 126232, "Helmand_Province", 0]]], "all_evidence": [[112386, 126232, "Helmand_Province", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243700, 244868, "Palo_Alto,_California", 0]]], "all_evidence": [[243700, 244868, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162573, 176845, "Michigan", 0]], [[162573, 176846, "Michigan", 2]], [[162573, 176847, "Michigan", 13]]], "all_evidence": [[162573, 176845, "Michigan", 0], [162573, 176846, "Michigan", 2], [162573, 176847, "Michigan", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184384, null, null, null]]], "all_evidence": [[184384, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145757, 160779, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[145757, 160779, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194099, null, null, null]]], "all_evidence": [[194099, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49416, 58743, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[49416, 58743, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93227, 106163, "Ann_Richards", 2], [93227, 106163, "Governor_of_Texas", 0]], [[93227, 106164, "Ann_Richards", 0], [93227, 106164, "Governor_of_Texas", 0]]], "all_evidence": [[93227, 106163, "Ann_Richards", 2], [93227, 106163, "Governor_of_Texas", 0], [93227, 106164, "Ann_Richards", 0], [93227, 106164, "Governor_of_Texas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135340, 150235, "Aristotle", 4]]], "all_evidence": [[135340, 150235, "Aristotle", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174637, 187798, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[174637, 187798, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239241, 241162, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239242, 241163, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239241, 241162, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239242, 241163, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111229, 124863, "Michael_B._Jordan", 0]]], "all_evidence": [[111229, 124863, "Michael_B._Jordan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118499, null, null, null]]], "all_evidence": [[118499, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159681, null, null, null]]], "all_evidence": [[159681, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215853, 222612, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215853, 222612, "Geraldine_Chaplin", 0]]], "all_evidence": [[215853, 222612, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215853, 222612, "Geraldine_Chaplin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201559, 210999, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[201559, 210999, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149636, 164593, "John_Deighton", 24]]], "all_evidence": [[149636, 164593, "John_Deighton", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49253, 58583, "Chaka_Khan", 0]], [[49253, 58584, "Chaka_Khan", 1]], [[49253, 58585, "Chaka_Khan", 2]], [[49253, 58586, "Chaka_Khan", 3]], [[49253, 58587, "Chaka_Khan", 4]], [[49253, 58588, "Chaka_Khan", 5]], [[49253, 58589, "Chaka_Khan", 6]]], "all_evidence": [[49253, 58583, "Chaka_Khan", 0], [49253, 58584, "Chaka_Khan", 1], [49253, 58585, "Chaka_Khan", 2], [49253, 58586, "Chaka_Khan", 3], [49253, 58587, "Chaka_Khan", 4], [49253, 58588, "Chaka_Khan", 5], [49253, 58589, "Chaka_Khan", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264393, 261856, "Brubaker", 0]]], "all_evidence": [[264393, 261856, "Brubaker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106906, 120303, "Appropriation_-LRB-art-RRB-", 1]]], "all_evidence": [[106906, 120303, "Appropriation_-LRB-art-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107749, 121234, "Homo_sapiens", 0]], [[107749, 121235, "Homo_sapiens", 1]], [[107749, 121236, "Homo_sapiens", 3]]], "all_evidence": [[107749, 121234, "Homo_sapiens", 0], [107749, 121235, "Homo_sapiens", 1], [107749, 121236, "Homo_sapiens", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44766, 53461, "Fist_of_Legend", 2]]], "all_evidence": [[44766, 53461, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164371, 178650, "Telemundo", 0]], [[164383, 178660, "Telemundo", 0]], [[164383, 178661, "Telemundo", 1], [164383, 178661, "Univision", 0]]], "all_evidence": [[164371, 178650, "Telemundo", 0], [164383, 178660, "Telemundo", 0], [164383, 178661, "Telemundo", 1], [164383, 178661, "Univision", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191659, null, null, null], [191666, null, null, null]]], "all_evidence": [[191659, null, null, null], [191666, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158224, null, null, null]]], "all_evidence": [[158224, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225793, 230375, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225793, 230375, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189867, 201062, "Mickey_Rourke", 13]]], "all_evidence": [[189867, 201062, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262075, null, null, null]]], "all_evidence": [[262075, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129565, 144310, "Fist_of_Legend", 2]]], "all_evidence": [[129565, 144310, "Fist_of_Legend", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73376, 84598, "Danny_Brown", 0]]], "all_evidence": [[73376, 84598, "Danny_Brown", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60310, 70692, "Riverdale_-LRB-2017_TV_series-RRB-", 1]]], "all_evidence": [[60310, 70692, "Riverdale_-LRB-2017_TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166085, 180022, "Aristotle", 2]]], "all_evidence": [[166085, 180022, "Aristotle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121975, 136260, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[121975, 136260, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79062, 90686, "Make_It_or_Break_It", 8]]], "all_evidence": [[79062, 90686, "Make_It_or_Break_It", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24175, null, null, null]]], "all_evidence": [[24175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259407, 257997, "Fred_Armisen", 0]], [[259407, 257998, "Fred_Armisen", 1]], [[259407, 257999, "Fred_Armisen", 2]], [[259407, 258000, "Fred_Armisen", 3]], [[259407, 258001, "Fred_Armisen", 6]], [[259407, 258002, "Fred_Armisen", 7]], [[261136, 259368, "Fred_Armisen", 0]], [[261136, 259369, "Fred_Armisen", 1]], [[261136, 259370, "Fred_Armisen", 2]], [[261136, 259371, "Fred_Armisen", 3]], [[261136, 259372, "Fred_Armisen", 6]], [[261136, 259373, "Fred_Armisen", 7]], [[321356, 309836, "Fred_Armisen", 0]], [[321356, 309837, "Fred_Armisen", 1]], [[321356, 309838, "Fred_Armisen", 2]], [[321356, 309839, "Fred_Armisen", 3]], [[321358, 309842, "Fred_Armisen", 0]], [[321358, 309843, "Fred_Armisen", 2]], [[321359, 309844, "Fred_Armisen", 0]], [[321359, 309845, "Fred_Armisen", 1]], [[321359, 309846, "Fred_Armisen", 3]], [[321359, 309847, "Fred_Armisen", 6]], [[321359, 309848, "Fred_Armisen", 7]], [[321371, 309851, "Fred_Armisen", 0]], [[321371, 309852, "Fred_Armisen", 1]], [[321371, 309853, "Fred_Armisen", 2]], [[321371, 309854, "Fred_Armisen", 3]], [[321371, 309855, "Fred_Armisen", 6]], [[321371, 309856, "Fred_Armisen", 7]]], "all_evidence": [[259407, 257997, "Fred_Armisen", 0], [259407, 257998, "Fred_Armisen", 1], [259407, 257999, "Fred_Armisen", 2], [259407, 258000, "Fred_Armisen", 3], [259407, 258001, "Fred_Armisen", 6], [259407, 258002, "Fred_Armisen", 7], [261136, 259368, "Fred_Armisen", 0], [261136, 259369, "Fred_Armisen", 1], [261136, 259370, "Fred_Armisen", 2], [261136, 259371, "Fred_Armisen", 3], [261136, 259372, "Fred_Armisen", 6], [261136, 259373, "Fred_Armisen", 7], [321356, 309836, "Fred_Armisen", 0], [321356, 309837, "Fred_Armisen", 1], [321356, 309838, "Fred_Armisen", 2], [321356, 309839, "Fred_Armisen", 3], [321358, 309842, "Fred_Armisen", 0], [321358, 309843, "Fred_Armisen", 2], [321359, 309844, "Fred_Armisen", 0], [321359, 309845, "Fred_Armisen", 1], [321359, 309846, "Fred_Armisen", 3], [321359, 309847, "Fred_Armisen", 6], [321359, 309848, "Fred_Armisen", 7], [321371, 309851, "Fred_Armisen", 0], [321371, 309852, "Fred_Armisen", 1], [321371, 309853, "Fred_Armisen", 2], [321371, 309854, "Fred_Armisen", 3], [321371, 309855, "Fred_Armisen", 6], [321371, 309856, "Fred_Armisen", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97011, 110163, "Ingushetia", 5]]], "all_evidence": [[97011, 110163, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116926, 130808, "I_Kissed_a_Girl", 0], [116926, 130808, "One_of_the_Boys_-LRB-Katy_Perry_album-RRB-", 5]]], "all_evidence": [[116926, 130808, "I_Kissed_a_Girl", 0], [116926, 130808, "One_of_the_Boys_-LRB-Katy_Perry_album-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157351, 171922, "A_View_to_a_Kill", 0]]], "all_evidence": [[157351, 171922, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57292, 67536, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]]], "all_evidence": [[57292, 67536, "Sora_-LRB-Kingdom_Hearts-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145481, 160490, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[145481, 160490, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[299600, 291013, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[299600, 291013, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90174, 102868, "Marco_Polo", 6]]], "all_evidence": [[90174, 102868, "Marco_Polo", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73982, 85215, "Justin_Chatwin", 0]]], "all_evidence": [[73982, 85215, "Justin_Chatwin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145051, null, null, null]]], "all_evidence": [[145051, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104651, 118046, "Shawn_Carlson", 0]]], "all_evidence": [[104651, 118046, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230045, 233803, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230045, 233803, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40382, 48584, "Daggering", 2]]], "all_evidence": [[40382, 48584, "Daggering", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141487, 156678, "Global_warming", 13]]], "all_evidence": [[141487, 156678, "Global_warming", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18709, null, null, null]]], "all_evidence": [[18709, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101240, 114482, "Edmund_H._North", 0]]], "all_evidence": [[101240, 114482, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57071, 67302, "Miranda_Otto", 1]], [[57077, 67306, "Miranda_Otto", 1]]], "all_evidence": [[57071, 67302, "Miranda_Otto", 1], [57077, 67306, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275725, null, null, null], [275727, null, null, null]]], "all_evidence": [[275725, null, null, null], [275727, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218103, 224486, "Cher_-LRB-1987_album-RRB-", 0]]], "all_evidence": [[218103, 224486, "Cher_-LRB-1987_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169791, null, null, null]]], "all_evidence": [[169791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203703, 212672, "Aunt_May", 9]]], "all_evidence": [[203703, 212672, "Aunt_May", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258711, null, null, null], [258740, null, null, null]]], "all_evidence": [[258711, null, null, null], [258740, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140197, null, null, null], [140230, null, null, null]]], "all_evidence": [[140197, null, null, null], [140230, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234494, 237358, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234494, 237358, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190469, 201484, "Tom_Baker_-LRB-English_actor-RRB-", 15]], [[190470, 201485, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190469, 201484, "Tom_Baker_-LRB-English_actor-RRB-", 15], [190470, 201485, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170447, 184020, "James_Earl_Jones", 4]]], "all_evidence": [[170447, 184020, "James_Earl_Jones", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227792, 232157, "Tilda_Swinton", 0]]], "all_evidence": [[227792, 232157, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36993, 44650, "Chaka_Khan", 4]]], "all_evidence": [[36993, 44650, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161053, null, null, null]]], "all_evidence": [[161053, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195830, null, null, null]]], "all_evidence": [[195830, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240264, null, null, null]]], "all_evidence": [[240264, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211585, 219252, "Forceps", 0]]], "all_evidence": [[211585, 219252, "Forceps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122891, 137171, "Colombiana", 0]]], "all_evidence": [[122891, 137171, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19592, 24086, "Jose\u0301_Ferrer", 0]]], "all_evidence": [[19592, 24086, "Jose\u0301_Ferrer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76261, 87561, "Indian_Army", 16], [76261, 87561, "Volunteer_military", 0]]], "all_evidence": [[76261, 87561, "Indian_Army", 16], [76261, 87561, "Volunteer_military", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28748, 35084, "Tim_McGraw", 13]]], "all_evidence": [[28748, 35084, "Tim_McGraw", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70537, 81437, "University_of_Mississippi", 4]]], "all_evidence": [[70537, 81437, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157487, 172056, "Villa_Park", 14]]], "all_evidence": [[157487, 172056, "Villa_Park", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190000, null, null, null]]], "all_evidence": [[190000, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105328, null, null, null], [105331, null, null, null]]], "all_evidence": [[105328, null, null, null], [105331, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100414, 113705, "Rupert_Murdoch", 3]], [[100414, 113706, "Rupert_Murdoch", 12]]], "all_evidence": [[100414, 113705, "Rupert_Murdoch", 3], [100414, 113706, "Rupert_Murdoch", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272420, null, null, null]]], "all_evidence": [[272420, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63374, 74121, "Saw_-LRB-franchise-RRB-", 0]]], "all_evidence": [[63374, 74121, "Saw_-LRB-franchise-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100356, null, null, null]]], "all_evidence": [[100356, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43438, 52083, "Advertising", 0]], [[43438, 52084, "Advertising", 3]]], "all_evidence": [[43438, 52083, "Advertising", 0], [43438, 52084, "Advertising", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198371, null, null, null]]], "all_evidence": [[198371, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218614, 224851, "Diana,_Princess_of_Wales", 9]], [[218614, 224852, "Diana,_Princess_of_Wales", 10]]], "all_evidence": [[218614, 224851, "Diana,_Princess_of_Wales", 9], [218614, 224852, "Diana,_Princess_of_Wales", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189890, null, null, null]]], "all_evidence": [[189890, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69843, 80712, "A_Milli", 0], [69843, 80712, "Lil_Wayne", 0]]], "all_evidence": [[69843, 80712, "A_Milli", 0], [69843, 80712, "Lil_Wayne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89201, 101889, "West_Virginia", 1]]], "all_evidence": [[89201, 101889, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183974, null, null, null], [183976, null, null, null]]], "all_evidence": [[183974, null, null, null], [183976, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144602, 159615, "The_Road_to_El_Dorado", 0]], [[144611, 159621, "The_Road_to_El_Dorado", 0]], [[144612, 159622, "The_Road_to_El_Dorado", 0]]], "all_evidence": [[144602, 159615, "The_Road_to_El_Dorado", 0], [144611, 159621, "The_Road_to_El_Dorado", 0], [144612, 159622, "The_Road_to_El_Dorado", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216571, null, null, null]]], "all_evidence": [[216571, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203314, 212361, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203314, 212361, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176437, null, null, null]]], "all_evidence": [[176437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161047, 175522, "Fidel_Castro", 25]]], "all_evidence": [[161047, 175522, "Fidel_Castro", 25]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153018, null, null, null]]], "all_evidence": [[153018, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262168, null, null, null], [262169, null, null, null]]], "all_evidence": [[262168, null, null, null], [262169, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211439, null, null, null]]], "all_evidence": [[211439, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43340, null, null, null]]], "all_evidence": [[43340, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244442, null, null, null]]], "all_evidence": [[244442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58630, 68930, "Bessie_Smith", 0]], [[58630, 68931, "Bessie_Smith", 1]]], "all_evidence": [[58630, 68930, "Bessie_Smith", 0], [58630, 68931, "Bessie_Smith", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210943, 218605, "Mogadishu", 0]]], "all_evidence": [[210943, 218605, "Mogadishu", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192755, 203469, "Cadet_Kelly", 0]]], "all_evidence": [[192755, 203469, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178048, null, null, null]]], "all_evidence": [[178048, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214265, null, null, null]]], "all_evidence": [[214265, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105826, null, null, null]]], "all_evidence": [[105826, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198585, null, null, null]]], "all_evidence": [[198585, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168205, 181955, "Veeru_Devgan", 0]], [[168205, 181956, "Veeru_Devgan", 3], [168205, 181956, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], [168205, 181956, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 1]], [[170413, 183973, "Veeru_Devgan", 3], [170413, 183973, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]], [[172374, 185699, "Veeru_Devgan", 0]], [[312475, 302270, "Veeru_Devgan", 3], [312475, 302270, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]], "all_evidence": [[168205, 181955, "Veeru_Devgan", 0], [168205, 181956, "Veeru_Devgan", 3], [168205, 181956, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], [168205, 181956, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 1], [170413, 183973, "Veeru_Devgan", 3], [170413, 183973, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], [172374, 185699, "Veeru_Devgan", 0], [312475, 302270, "Veeru_Devgan", 3], [312475, 302270, "Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169336, 182982, "Columbia_River", 21]]], "all_evidence": [[169336, 182982, "Columbia_River", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58125, 68338, "Shane_Black", 0]]], "all_evidence": [[58125, 68338, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223845, 228767, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223845, 228767, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45780, 54654, "Shadowhunters", 4]]], "all_evidence": [[45780, 54654, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267303, 264029, "Southampton_F.C.", 0]]], "all_evidence": [[267303, 264029, "Southampton_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279737, 274352, "Kellyanne_Conway", 12]], [[281437, 275853, "Kellyanne_Conway", 12]], [[328145, 315266, "Kellyanne_Conway", 12]], [[328147, 315267, "Kellyanne_Conway", 12]]], "all_evidence": [[279737, 274352, "Kellyanne_Conway", 12], [281437, 275853, "Kellyanne_Conway", 12], [328145, 315266, "Kellyanne_Conway", 12], [328147, 315267, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168991, 182677, "Australia_-LRB-2008_film-RRB-", 4]]], "all_evidence": [[168991, 182677, "Australia_-LRB-2008_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188641, 200094, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188641, 200094, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211281, 218991, "Mogadishu", 0]], [[211281, 218992, "Mogadishu", 17]], [[211281, 218993, "Mogadishu", 18]]], "all_evidence": [[211281, 218991, "Mogadishu", 0], [211281, 218992, "Mogadishu", 17], [211281, 218993, "Mogadishu", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29152, 35565, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[29152, 35565, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227773, 232134, "Tilda_Swinton", 0]], [[227775, 232136, "Tilda_Swinton", 0]], [[227776, 232137, "Tilda_Swinton", 0]]], "all_evidence": [[227773, 232134, "Tilda_Swinton", 0], [227775, 232136, "Tilda_Swinton", 0], [227776, 232137, "Tilda_Swinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192722, 203426, "Cadet_Kelly", 0]]], "all_evidence": [[192722, 203426, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157240, 171815, "Lincoln\u2013Douglas_debates", 10]]], "all_evidence": [[157240, 171815, "Lincoln\u2013Douglas_debates", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177363, 190196, "You_Belong_with_Me", 20]]], "all_evidence": [[177363, 190196, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164594, null, null, null]]], "all_evidence": [[164594, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165038, 179210, "Match_Point", 2]]], "all_evidence": [[165038, 179210, "Match_Point", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159642, 174150, "Colombiana", 0]]], "all_evidence": [[159642, 174150, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109627, null, null, null]]], "all_evidence": [[109627, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113886, null, null, null]]], "all_evidence": [[113886, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213704, null, null, null]]], "all_evidence": [[213704, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257144, 256175, "Columbia_River", 21]], [[258789, 257527, "Columbia_River", 21]], [[260311, 258734, "Columbia_River", 21]], [[321201, 309685, "Columbia_River", 21]]], "all_evidence": [[257144, 256175, "Columbia_River", 21], [258789, 257527, "Columbia_River", 21], [260311, 258734, "Columbia_River", 21], [321201, 309685, "Columbia_River", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85308, 97611, "Bad_Romance", 0]], [[85308, 97612, "Bad_Romance", 9]], [[85308, 97613, "Bad_Romance", 12]]], "all_evidence": [[85308, 97611, "Bad_Romance", 0], [85308, 97612, "Bad_Romance", 9], [85308, 97613, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297430, null, null, null]]], "all_evidence": [[297430, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102898, 116180, "Amyotrophic_lateral_sclerosis", 15]]], "all_evidence": [[102898, 116180, "Amyotrophic_lateral_sclerosis", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235604, 238210, "Natural_Born_Killers", 5]], [[235607, 238213, "Natural_Born_Killers", 5]]], "all_evidence": [[235604, 238210, "Natural_Born_Killers", 5], [235607, 238213, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108375, 121922, "Rage_Against_the_Machine", 0]]], "all_evidence": [[108375, 121922, "Rage_Against_the_Machine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109557, 123173, "The_Road_to_El_Dorado", 0]]], "all_evidence": [[109557, 123173, "The_Road_to_El_Dorado", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237599, 239808, "Dakota_Fanning", 1]], [[237599, 239809, "Dakota_Fanning", 2]], [[237599, 239810, "Dakota_Fanning", 5], [237599, 239810, "Hounddog_-LRB-film-RRB-", 0]], [[237599, 239811, "Dakota_Fanning", 6]], [[237602, 239816, "Dakota_Fanning", 1]], [[237602, 239817, "Dakota_Fanning", 2]], [[237602, 239818, "Dakota_Fanning", 5], [237602, 239818, "Hounddog_-LRB-film-RRB-", 0]], [[237602, 239819, "Dakota_Fanning", 6]]], "all_evidence": [[237599, 239808, "Dakota_Fanning", 1], [237599, 239809, "Dakota_Fanning", 2], [237599, 239810, "Dakota_Fanning", 5], [237599, 239810, "Hounddog_-LRB-film-RRB-", 0], [237599, 239811, "Dakota_Fanning", 6], [237602, 239816, "Dakota_Fanning", 1], [237602, 239817, "Dakota_Fanning", 2], [237602, 239818, "Dakota_Fanning", 5], [237602, 239818, "Hounddog_-LRB-film-RRB-", 0], [237602, 239819, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40723, null, null, null]]], "all_evidence": [[40723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77616, 89064, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[77616, 89064, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191997, 202759, "Johanna_Braddy", 3]], [[192000, 202762, "Johanna_Braddy", 3]]], "all_evidence": [[191997, 202759, "Johanna_Braddy", 3], [192000, 202762, "Johanna_Braddy", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52421, null, null, null]]], "all_evidence": [[52421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163334, 177530, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[163334, 177530, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223640, null, null, null]]], "all_evidence": [[223640, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268054, null, null, null]]], "all_evidence": [[268054, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266598, 263532, "Ralph_Fults", 0], [266598, 263532, "Barrow_Gang", 0]]], "all_evidence": [[266598, 263532, "Ralph_Fults", 0], [266598, 263532, "Barrow_Gang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211250, 218935, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[211250, 218935, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149490, null, null, null]]], "all_evidence": [[149490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184121, 196073, "Edgar_Wright", 0]], [[184122, 196074, "Edgar_Wright", 0]], [[184128, 196078, "Edgar_Wright", 0]]], "all_evidence": [[184121, 196073, "Edgar_Wright", 0], [184122, 196074, "Edgar_Wright", 0], [184128, 196078, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181152, null, null, null]]], "all_evidence": [[181152, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263241, 260970, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263241, 260970, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31564, null, null, null]]], "all_evidence": [[31564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78976, 90576, "Sleipnir", 0]], [[78976, 90577, "Sleipnir", 2]], [[78976, 90578, "Sleipnir", 6]]], "all_evidence": [[78976, 90576, "Sleipnir", 0], [78976, 90577, "Sleipnir", 2], [78976, 90578, "Sleipnir", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135448, 150327, "Greek_language", 14]]], "all_evidence": [[135448, 150327, "Greek_language", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189754, 200975, "Polar_bear", 7]]], "all_evidence": [[189754, 200975, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122414, 136702, "Pene\u0301lope_Cruz", 0]], [[122414, 136703, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[122414, 136702, "Pene\u0301lope_Cruz", 0], [122414, 136703, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38701, 46672, "Miranda_Otto", 1]]], "all_evidence": [[38701, 46672, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250361, 250370, "The_Closer", 8]], [[250363, 250371, "The_Closer", 8]], [[250366, 250374, "The_Closer", 8]]], "all_evidence": [[250361, 250370, "The_Closer", 8], [250363, 250371, "The_Closer", 8], [250366, 250374, "The_Closer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[293136, 285752, "TakePart", 0], [293136, 285752, "Participant_Media", 0]], [[293137, 285753, "TakePart", 0], [293137, 285753, "Participant_Media", 0]], [[341452, 325916, "TakePart", 0]], [[341759, 326067, "TakePart", 0], [341759, 326067, "Participant_Media", 0]]], "all_evidence": [[293136, 285752, "TakePart", 0], [293136, 285752, "Participant_Media", 0], [293137, 285753, "TakePart", 0], [293137, 285753, "Participant_Media", 0], [341452, 325916, "TakePart", 0], [341759, 326067, "TakePart", 0], [341759, 326067, "Participant_Media", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194456, null, null, null]]], "all_evidence": [[194456, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155735, null, null, null]]], "all_evidence": [[155735, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239364, null, null, null]]], "all_evidence": [[239364, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48454, null, null, null]]], "all_evidence": [[48454, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126987, 141466, "Aleister_Crowley", 0]], [[126987, 141467, "Aleister_Crowley", 27], [126987, 141467, "100_Greatest_Britons", 0], [126987, 141467, "100_Greatest_Britons", 1]]], "all_evidence": [[126987, 141466, "Aleister_Crowley", 0], [126987, 141467, "Aleister_Crowley", 27], [126987, 141467, "100_Greatest_Britons", 0], [126987, 141467, "100_Greatest_Britons", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73421, 84659, "Dakota_Fanning", 0]], [[73421, 84660, "Dakota_Fanning", 9]]], "all_evidence": [[73421, 84659, "Dakota_Fanning", 0], [73421, 84660, "Dakota_Fanning", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193470, 203970, "Larry_Wilmore", 0]]], "all_evidence": [[193470, 203970, "Larry_Wilmore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129154, null, null, null]]], "all_evidence": [[129154, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32284, 39246, "You_Belong_with_Me", 20]]], "all_evidence": [[32284, 39246, "You_Belong_with_Me", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52549, 62518, "Make_It_or_Break_It", 9]]], "all_evidence": [[52549, 62518, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173580, 186798, "Wilhelmina_Slater", 0]]], "all_evidence": [[173580, 186798, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144947, null, null, null]]], "all_evidence": [[144947, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283713, null, null, null], [283714, null, null, null], [285987, null, null, null], [332639, null, null, null], [332641, null, null, null]]], "all_evidence": [[283713, null, null, null], [283714, null, null, null], [285987, null, null, null], [332639, null, null, null], [332641, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156613, 171214, "Renato_Balestra", 3]]], "all_evidence": [[156613, 171214, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223847, null, null, null]]], "all_evidence": [[223847, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66573, null, null, null]]], "all_evidence": [[66573, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267334, 264056, "The_Disaster_Artist_-LRB-film-RRB-", 5]]], "all_evidence": [[267334, 264056, "The_Disaster_Artist_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173921, 187101, "Juventus_F.C.", 0]], [[173921, 187102, "Juventus_F.C.", 2]], [[173921, 187103, "Juventus_F.C.", 8]]], "all_evidence": [[173921, 187101, "Juventus_F.C.", 0], [173921, 187102, "Juventus_F.C.", 2], [173921, 187103, "Juventus_F.C.", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177986, 190651, "Caroline_Kennedy", 0]]], "all_evidence": [[177986, 190651, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85120, 97386, "Anushka_Sharma", 0]], [[85120, 97387, "Anushka_Sharma", 1]], [[85120, 97388, "Anushka_Sharma", 6], [85120, 97388, "Rab_Ne_Bana_Di_Jodi", 2]], [[85120, 97389, "Anushka_Sharma", 7]], [[85120, 97390, "Anushka_Sharma", 8]]], "all_evidence": [[85120, 97386, "Anushka_Sharma", 0], [85120, 97387, "Anushka_Sharma", 1], [85120, 97388, "Anushka_Sharma", 6], [85120, 97388, "Rab_Ne_Bana_Di_Jodi", 2], [85120, 97389, "Anushka_Sharma", 7], [85120, 97390, "Anushka_Sharma", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214322, 221406, "Ernest_Medina", 3]]], "all_evidence": [[214322, 221406, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137045, 151879, "Life", 0]]], "all_evidence": [[137045, 151879, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234486, 237351, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234486, 237351, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36745, null, null, null]]], "all_evidence": [[36745, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112985, null, null, null]]], "all_evidence": [[112985, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189366, 200649, "To_Pimp_a_Butterfly", 0]], [[189366, 200650, "To_Pimp_a_Butterfly", 2]], [[189366, 200651, "To_Pimp_a_Butterfly", 3]], [[189366, 200652, "To_Pimp_a_Butterfly", 7]], [[189366, 200653, "To_Pimp_a_Butterfly", 8]], [[189366, 200654, "To_Pimp_a_Butterfly", 9]], [[189366, 200655, "To_Pimp_a_Butterfly", 11]], [[189366, 200656, "To_Pimp_a_Butterfly", 12]], [[189366, 200657, "To_Pimp_a_Butterfly", 15]]], "all_evidence": [[189366, 200649, "To_Pimp_a_Butterfly", 0], [189366, 200650, "To_Pimp_a_Butterfly", 2], [189366, 200651, "To_Pimp_a_Butterfly", 3], [189366, 200652, "To_Pimp_a_Butterfly", 7], [189366, 200653, "To_Pimp_a_Butterfly", 8], [189366, 200654, "To_Pimp_a_Butterfly", 9], [189366, 200655, "To_Pimp_a_Butterfly", 11], [189366, 200656, "To_Pimp_a_Butterfly", 12], [189366, 200657, "To_Pimp_a_Butterfly", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50346, 59935, "Eric_Church", 0]]], "all_evidence": [[50346, 59935, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48570, 57878, "West_Virginia", 1]]], "all_evidence": [[48570, 57878, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237597, 239803, "Dakota_Fanning", 6]]], "all_evidence": [[237597, 239803, "Dakota_Fanning", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144562, 159578, "Wish_Upon", 0]]], "all_evidence": [[144562, 159578, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54236, null, null, null], [303026, null, null, null], [305151, null, null, null]]], "all_evidence": [[54236, null, null, null], [303026, null, null, null], [305151, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147054, 162053, "Kuching", 0]], [[147054, 162054, "Kuching", 1], [147054, 162054, "Kuching_Division", 0], [147054, 162054, "Taiwan", 0]], [[147054, 162055, "Kuching", 2], [147054, 162055, "Sarawak", 0], [147054, 162055, "Taiwan", 0]], [[147054, 162056, "Kuching", 5], [147054, 162056, "Sarawak", 0], [147054, 162056, "Taiwan", 0]], [[147054, 162057, "Kuching", 6], [147054, 162057, "Sarawak", 0], [147054, 162057, "Taiwan", 0]], [[147054, 162058, "Kuching", 10], [147054, 162058, "Batu_Lintang_camp", 0], [147054, 162058, "Taiwan", 0]], [[147054, 162059, "Kuching", 19], [147054, 162059, "Sarawak", 0], [147054, 162059, "Taiwan", 0]], [[147054, 162060, "Kuching", 21], [147054, 162060, "Taiwan", 0]], [[147054, 162061, "Kuching", 20], [147054, 162061, "Bako_National_Park", 0], [147054, 162061, "Sarawak", 0]]], "all_evidence": [[147054, 162053, "Kuching", 0], [147054, 162054, "Kuching", 1], [147054, 162054, "Kuching_Division", 0], [147054, 162054, "Taiwan", 0], [147054, 162055, "Kuching", 2], [147054, 162055, "Sarawak", 0], [147054, 162055, "Taiwan", 0], [147054, 162056, "Kuching", 5], [147054, 162056, "Sarawak", 0], [147054, 162056, "Taiwan", 0], [147054, 162057, "Kuching", 6], [147054, 162057, "Sarawak", 0], [147054, 162057, "Taiwan", 0], [147054, 162058, "Kuching", 10], [147054, 162058, "Batu_Lintang_camp", 0], [147054, 162058, "Taiwan", 0], [147054, 162059, "Kuching", 19], [147054, 162059, "Sarawak", 0], [147054, 162059, "Taiwan", 0], [147054, 162060, "Kuching", 21], [147054, 162060, "Taiwan", 0], [147054, 162061, "Kuching", 20], [147054, 162061, "Bako_National_Park", 0], [147054, 162061, "Sarawak", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222186, null, null, null]]], "all_evidence": [[222186, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200755, null, null, null]]], "all_evidence": [[200755, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15541, null, null, null]]], "all_evidence": [[15541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106088, 119461, "A_View_to_a_Kill", 0]], [[111004, 124694, "A_View_to_a_Kill", 0]], [[113978, 127812, "A_View_to_a_Kill", 1]], [[308241, 298671, "A_View_to_a_Kill", 0]], [[309637, 299790, "A_View_to_a_Kill", 0]], [[309637, 299791, "A_View_to_a_Kill", 1]]], "all_evidence": [[106088, 119461, "A_View_to_a_Kill", 0], [111004, 124694, "A_View_to_a_Kill", 0], [113978, 127812, "A_View_to_a_Kill", 1], [308241, 298671, "A_View_to_a_Kill", 0], [309637, 299790, "A_View_to_a_Kill", 0], [309637, 299791, "A_View_to_a_Kill", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239639, 241406, "Polynesian_languages", 5]]], "all_evidence": [[239639, 241406, "Polynesian_languages", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129896, 144600, "Battle_of_France", 0]]], "all_evidence": [[129896, 144600, "Battle_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66164, 76995, "Magic_Johnson", 1]], [[66164, 76996, "Magic_Johnson", 2]], [[66164, 76997, "Magic_Johnson", 3]], [[66164, 76998, "Magic_Johnson", 5]]], "all_evidence": [[66164, 76995, "Magic_Johnson", 1], [66164, 76996, "Magic_Johnson", 2], [66164, 76997, "Magic_Johnson", 3], [66164, 76998, "Magic_Johnson", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156188, 170831, "Sleipnir", 0]]], "all_evidence": [[156188, 170831, "Sleipnir", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98894, null, null, null]]], "all_evidence": [[98894, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171669, null, null, null]]], "all_evidence": [[171669, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235598, null, null, null]]], "all_evidence": [[235598, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69944, 80816, "James_Jones_-LRB-basketball_player-RRB-", 16]]], "all_evidence": [[69944, 80816, "James_Jones_-LRB-basketball_player-RRB-", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160824, null, null, null]]], "all_evidence": [[160824, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79894, null, null, null]]], "all_evidence": [[79894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51081, 60813, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[51081, 60813, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250982, 250945, "Brick_-LRB-film-RRB-", 0], [250982, 250945, "Rian_Johnson", 0]]], "all_evidence": [[250982, 250945, "Brick_-LRB-film-RRB-", 0], [250982, 250945, "Rian_Johnson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70686, 81570, "Margaret_Thatcher", 0]], [[70686, 81571, "Margaret_Thatcher", 1]]], "all_evidence": [[70686, 81570, "Margaret_Thatcher", 0], [70686, 81571, "Margaret_Thatcher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48870, null, null, null]]], "all_evidence": [[48870, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58467, 68751, "Horse", 2]], [[58479, 68768, "Horse", 2]], [[58605, 68915, "Horse", 2]]], "all_evidence": [[58467, 68751, "Horse", 2], [58479, 68768, "Horse", 2], [58605, 68915, "Horse", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216579, null, null, null]]], "all_evidence": [[216579, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98280, 111383, "Sora_-LRB-Kingdom_Hearts-RRB-", 1]], [[98280, 111384, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]], "all_evidence": [[98280, 111383, "Sora_-LRB-Kingdom_Hearts-RRB-", 1], [98280, 111384, "Sora_-LRB-Kingdom_Hearts-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255975, 255286, "Weekly_Idol", 1]]], "all_evidence": [[255975, 255286, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142143, 157372, "Always_-LRB-1989_film-RRB-", 0], [142143, 157372, "Always_-LRB-1989_film-RRB-", 1]]], "all_evidence": [[142143, 157372, "Always_-LRB-1989_film-RRB-", 0], [142143, 157372, "Always_-LRB-1989_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208610, 216606, "Wentworth_Miller", 2]], [[208613, 216608, "Wentworth_Miller", 2]]], "all_evidence": [[208610, 216606, "Wentworth_Miller", 2], [208613, 216608, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105926, 119296, "Men_in_Black_II", 0]], [[109072, 122776, "Men_in_Black_II", 0]], [[110864, 124538, "Men_in_Black_II", 0]], [[308213, 298657, "Men_in_Black_II", 0]], [[309603, 299768, "Men_in_Black_II", 0]]], "all_evidence": [[105926, 119296, "Men_in_Black_II", 0], [109072, 122776, "Men_in_Black_II", 0], [110864, 124538, "Men_in_Black_II", 0], [308213, 298657, "Men_in_Black_II", 0], [309603, 299768, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239262, null, null, null], [239267, null, null, null]]], "all_evidence": [[239262, null, null, null], [239267, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99352, 112477, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[99352, 112477, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73671, 84919, "Shane_Black", 0]]], "all_evidence": [[73671, 84919, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225628, 230257, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225628, 230257, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118123, null, null, null]]], "all_evidence": [[118123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254363, 254055, "DJ_Quik", 0]]], "all_evidence": [[254363, 254055, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241376, null, null, null]]], "all_evidence": [[241376, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27679, 33899, "Ann_Richards", 0]]], "all_evidence": [[27679, 33899, "Ann_Richards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239375, 241249, "Lockheed_Martin", 4], [239375, 241249, "Marillyn_Hewson", 0], [239375, 241249, "Marillyn_Hewson", 1]]], "all_evidence": [[239375, 241249, "Lockheed_Martin", 4], [239375, 241249, "Marillyn_Hewson", 0], [239375, 241249, "Marillyn_Hewson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69232, 80004, "Jennifer_Lopez", 4]], [[69232, 80005, "Jennifer_Lopez", 7]], [[69232, 80006, "Jennifer_Lopez", 8], [69232, 80006, "Jennifer_Lopez", 9]], [[69232, 80007, "Jennifer_Lopez", 10]], [[69232, 80008, "Jennifer_Lopez", 13], [69232, 80008, "Como_Ama_una_Mujer", 0]]], "all_evidence": [[69232, 80004, "Jennifer_Lopez", 4], [69232, 80005, "Jennifer_Lopez", 7], [69232, 80006, "Jennifer_Lopez", 8], [69232, 80006, "Jennifer_Lopez", 9], [69232, 80007, "Jennifer_Lopez", 10], [69232, 80008, "Jennifer_Lopez", 13], [69232, 80008, "Como_Ama_una_Mujer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199108, 208788, "Entourage_-LRB-film-RRB-", 3]]], "all_evidence": [[199108, 208788, "Entourage_-LRB-film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44431, 53100, "Lou_Gehrig", 15]]], "all_evidence": [[44431, 53100, "Lou_Gehrig", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50726, null, null, null]]], "all_evidence": [[50726, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296476, 288313, "Dan_O'Bannon", 0]], [[298062, 289611, "Dan_O'Bannon", 0]], [[300216, 291470, "Dan_O'Bannon", 0]], [[343239, 327060, "Dan_O'Bannon", 0]], [[343809, 327476, "Dan_O'Bannon", 0]]], "all_evidence": [[296476, 288313, "Dan_O'Bannon", 0], [298062, 289611, "Dan_O'Bannon", 0], [300216, 291470, "Dan_O'Bannon", 0], [343239, 327060, "Dan_O'Bannon", 0], [343809, 327476, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255554, 254989, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255554, 254989, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190727, 201697, "Buffy_Summers", 3]]], "all_evidence": [[190727, 201697, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130368, 145112, "Diana,_Princess_of_Wales", 5]], [[130369, 145113, "Diana,_Princess_of_Wales", 5]]], "all_evidence": [[130368, 145112, "Diana,_Princess_of_Wales", 5], [130369, 145113, "Diana,_Princess_of_Wales", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70320, 81190, "Annette_Badland", 1]]], "all_evidence": [[70320, 81190, "Annette_Badland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88691, null, null, null]]], "all_evidence": [[88691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286765, 280238, "Colin_Kaepernick", 2]], [[288948, 282130, "Colin_Kaepernick", 5], [288948, 282130, "2012_San_Francisco_49ers_season", 0]], [[333799, 319976, "Colin_Kaepernick", 5]], [[333800, 319977, "Colin_Kaepernick", 5]], [[333800, 319978, "Colin_Kaepernick", 6]], [[333800, 319979, "Colin_Kaepernick", 7]], [[333800, 319980, "Colin_Kaepernick", 8]]], "all_evidence": [[286765, 280238, "Colin_Kaepernick", 2], [288948, 282130, "Colin_Kaepernick", 5], [288948, 282130, "2012_San_Francisco_49ers_season", 0], [333799, 319976, "Colin_Kaepernick", 5], [333800, 319977, "Colin_Kaepernick", 5], [333800, 319978, "Colin_Kaepernick", 6], [333800, 319979, "Colin_Kaepernick", 7], [333800, 319980, "Colin_Kaepernick", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174489, 187688, "Shadowhunters", 6]]], "all_evidence": [[174489, 187688, "Shadowhunters", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146702, null, null, null]]], "all_evidence": [[146702, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215846, null, null, null]]], "all_evidence": [[215846, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219107, null, null, null]]], "all_evidence": [[219107, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20503, 25129, "Microbiologist", 14]]], "all_evidence": [[20503, 25129, "Microbiologist", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79981, null, null, null]]], "all_evidence": [[79981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105034, 118454, "Match_Point", 0]]], "all_evidence": [[105034, 118454, "Match_Point", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61892, 72379, "T2_Trainspotting", 0]]], "all_evidence": [[61892, 72379, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226465, 231030, "Eighth_Doctor", 0], [226465, 231030, "The_Doctor_-LRB-Doctor_Who-RRB-", 0]]], "all_evidence": [[226465, 231030, "Eighth_Doctor", 0], [226465, 231030, "The_Doctor_-LRB-Doctor_Who-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99804, 112978, "In_the_End", 1]]], "all_evidence": [[99804, 112978, "In_the_End", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235693, 238267, "Tom_DeLonge", 1]]], "all_evidence": [[235693, 238267, "Tom_DeLonge", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68163, 79055, "Stephen_Colbert", 1]]], "all_evidence": [[68163, 79055, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105339, 118790, "Wish_Upon", 0]]], "all_evidence": [[105339, 118790, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119181, null, null, null]]], "all_evidence": [[119181, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47324, 56450, "PacSun", 1]]], "all_evidence": [[47324, 56450, "PacSun", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178052, 190695, "L.A._Reid", 1]], [[178052, 190696, "L.A._Reid", 3]]], "all_evidence": [[178052, 190695, "L.A._Reid", 1], [178052, 190696, "L.A._Reid", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88707, 101328, "Tool_-LRB-band-RRB-", 0]], [[88707, 101330, "Tool_-LRB-band-RRB-", 2]], [[88707, 101331, "Tool_-LRB-band-RRB-", 10]]], "all_evidence": [[88707, 101328, "Tool_-LRB-band-RRB-", 0], [88707, 101330, "Tool_-LRB-band-RRB-", 2], [88707, 101331, "Tool_-LRB-band-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82586, 94386, "Sayyeshaa", 1]]], "all_evidence": [[82586, 94386, "Sayyeshaa", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277144, null, null, null], [277157, null, null, null], [278832, null, null, null], [326873, null, null, null], [326874, null, null, null], [326877, null, null, null], [326883, null, null, null], [326889, null, null, null]]], "all_evidence": [[277144, null, null, null], [277157, null, null, null], [278832, null, null, null], [326873, null, null, null], [326874, null, null, null], [326877, null, null, null], [326883, null, null, null], [326889, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73144, null, null, null], [73152, null, null, null]]], "all_evidence": [[73144, null, null, null], [73152, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201147, 210600, "The_Endless_River", 0], [201147, 210600, "Pink_Floyd", 0], [201147, 210600, "Pink_Floyd", 5]]], "all_evidence": [[201147, 210600, "The_Endless_River", 0], [201147, 210600, "Pink_Floyd", 0], [201147, 210600, "Pink_Floyd", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237598, 239804, "Dakota_Fanning", 1]], [[237598, 239805, "Dakota_Fanning", 2]], [[237598, 239806, "Dakota_Fanning", 5], [237598, 239806, "Hounddog_-LRB-film-RRB-", 0]], [[237598, 239807, "Dakota_Fanning", 6], [237598, 239807, "Coraline_-LRB-film-RRB-", 0]]], "all_evidence": [[237598, 239804, "Dakota_Fanning", 1], [237598, 239805, "Dakota_Fanning", 2], [237598, 239806, "Dakota_Fanning", 5], [237598, 239806, "Hounddog_-LRB-film-RRB-", 0], [237598, 239807, "Dakota_Fanning", 6], [237598, 239807, "Coraline_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223839, null, null, null]]], "all_evidence": [[223839, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259608, null, null, null]]], "all_evidence": [[259608, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24297, null, null, null]]], "all_evidence": [[24297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152461, 167285, "Bethany_Hamilton", 2], [152461, 167285, "Soul_Surfer_-LRB-film-RRB-", 0]]], "all_evidence": [[152461, 167285, "Bethany_Hamilton", 2], [152461, 167285, "Soul_Surfer_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239926, null, null, null]]], "all_evidence": [[239926, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[283437, 277461, "14th_Dalai_Lama", 0], [283437, 277461, "Dalai_Lama", 0]], [[285899, 279506, "14th_Dalai_Lama", 0], [285899, 279506, "Dalai_Lama", 0]]], "all_evidence": [[283437, 277461, "14th_Dalai_Lama", 0], [283437, 277461, "Dalai_Lama", 0], [285899, 279506, "14th_Dalai_Lama", 0], [285899, 279506, "Dalai_Lama", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130129, 144865, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]], "all_evidence": [[130129, 144865, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255580, null, null, null], [255581, null, null, null], [255582, null, null, null]]], "all_evidence": [[255580, null, null, null], [255581, null, null, null], [255582, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218421, 224711, "The_Hurt_Locker", 0]]], "all_evidence": [[218421, 224711, "The_Hurt_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209754, 217544, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]], "all_evidence": [[209754, 217544, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105611, null, null, null]]], "all_evidence": [[105611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201145, 210598, "The_Endless_River", 0], [201145, 210598, "Pink_Floyd", 0]]], "all_evidence": [[201145, 210598, "The_Endless_River", 0], [201145, 210598, "Pink_Floyd", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232000, null, null, null]]], "all_evidence": [[232000, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110268, null, null, null]]], "all_evidence": [[110268, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170141, null, null, null]]], "all_evidence": [[170141, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104843, null, null, null], [104846, null, null, null]]], "all_evidence": [[104843, null, null, null], [104846, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298739, null, null, null], [298756, null, null, null], [344651, null, null, null], [344664, null, null, null]]], "all_evidence": [[298739, null, null, null], [298756, null, null, null], [344651, null, null, null], [344664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120847, 135142, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[120847, 135142, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191478, null, null, null]]], "all_evidence": [[191478, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207705, null, null, null]]], "all_evidence": [[207705, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84203, 96325, "No_Country_for_Old_Men_-LRB-film-RRB-", 11]]], "all_evidence": [[84203, 96325, "No_Country_for_Old_Men_-LRB-film-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41771, 50231, "Trevor_Griffiths", 0]]], "all_evidence": [[41771, 50231, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180605, 193037, "Sayyeshaa", 1], [180605, 193037, "Akhil_-LRB-film-RRB-", 0]], [[180606, 193038, "Sayyeshaa", 1], [180606, 193038, "Akhil_-LRB-film-RRB-", 0]]], "all_evidence": [[180605, 193037, "Sayyeshaa", 1], [180605, 193037, "Akhil_-LRB-film-RRB-", 0], [180606, 193038, "Sayyeshaa", 1], [180606, 193038, "Akhil_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226464, 231029, "Eighth_Doctor", 0]]], "all_evidence": [[226464, 231029, "Eighth_Doctor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127837, null, null, null]]], "all_evidence": [[127837, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270528, 266552, "Jenna_Jameson", 0]], [[270528, 266553, "Jenna_Jameson", 3]], [[270528, 266554, "Jenna_Jameson", 15]], [[270528, 266555, "Jenna_Jameson", 16]], [[270528, 266556, "Jenna_Jameson", 22]]], "all_evidence": [[270528, 266552, "Jenna_Jameson", 0], [270528, 266553, "Jenna_Jameson", 3], [270528, 266554, "Jenna_Jameson", 15], [270528, 266555, "Jenna_Jameson", 16], [270528, 266556, "Jenna_Jameson", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269561, 265860, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269561, 265860, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112195, 126018, "Daag_-LRB-1973_film-RRB-", 5]]], "all_evidence": [[112195, 126018, "Daag_-LRB-1973_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160686, 175220, "Raees_-LRB-film-RRB-", 1], [160686, 175220, "Mahira_Khan", 0]], [[162499, 176784, "Raees_-LRB-film-RRB-", 1], [162499, 176784, "Mahira_Khan", 0]], [[163551, 177814, "Raees_-LRB-film-RRB-", 1], [163551, 177814, "Mahira_Khan", 0]], [[312081, 301957, "Raees_-LRB-film-RRB-", 1], [312081, 301957, "Mahira_Khan", 0]], [[313388, 303013, "Raees_-LRB-film-RRB-", 1], [313388, 303013, "Mahira_Khan", 0]]], "all_evidence": [[160686, 175220, "Raees_-LRB-film-RRB-", 1], [160686, 175220, "Mahira_Khan", 0], [162499, 176784, "Raees_-LRB-film-RRB-", 1], [162499, 176784, "Mahira_Khan", 0], [163551, 177814, "Raees_-LRB-film-RRB-", 1], [163551, 177814, "Mahira_Khan", 0], [312081, 301957, "Raees_-LRB-film-RRB-", 1], [312081, 301957, "Mahira_Khan", 0], [313388, 303013, "Raees_-LRB-film-RRB-", 1], [313388, 303013, "Mahira_Khan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162730, null, null, null]]], "all_evidence": [[162730, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115076, 128819, "Lost_-LRB-TV_series-RRB-", 15]]], "all_evidence": [[115076, 128819, "Lost_-LRB-TV_series-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130951, null, null, null]]], "all_evidence": [[130951, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101766, 115019, "Trevor_Griffiths", 0]]], "all_evidence": [[101766, 115019, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236626, 239068, "Marcus_Bentley", 0]]], "all_evidence": [[236626, 239068, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111248, 124875, "Bhagat_Singh", 16], [111248, 124875, "Murder", 0]], [[111256, 124881, "Bhagat_Singh", 16]]], "all_evidence": [[111248, 124875, "Bhagat_Singh", 16], [111248, 124875, "Murder", 0], [111256, 124881, "Bhagat_Singh", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67163, 77952, "T2_Trainspotting", 0]]], "all_evidence": [[67163, 77952, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146900, null, null, null]]], "all_evidence": [[146900, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279105, 273766, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]], [[280700, 275113, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]], [[328606, 315611, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]], [[328606, 315612, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 1]], [[328606, 315613, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12]], [[328606, 315614, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 13]], [[328606, 315615, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 14]], [[328606, 315616, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 15]]], "all_evidence": [[279105, 273766, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0], [280700, 275113, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0], [328606, 315611, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0], [328606, 315612, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 1], [328606, 315613, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12], [328606, 315614, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 13], [328606, 315615, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 14], [328606, 315616, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271153, 267093, "Giada_at_Home", 1], [271153, 267093, "Food_Network", 0]]], "all_evidence": [[271153, 267093, "Giada_at_Home", 1], [271153, 267093, "Food_Network", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248536, 248693, "Tie_Your_Mother_Down", 2]], [[248536, 248694, "Tie_Your_Mother_Down", 1]]], "all_evidence": [[248536, 248693, "Tie_Your_Mother_Down", 2], [248536, 248694, "Tie_Your_Mother_Down", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148043, null, null, null]]], "all_evidence": [[148043, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185508, 197260, "French_Indochina", 0]]], "all_evidence": [[185508, 197260, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132771, 147688, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[132771, 147688, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75176, 86409, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[75176, 86409, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188630, 200082, "Veeram_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188630, 200082, "Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14645, null, null, null], [14646, null, null, null]]], "all_evidence": [[14645, null, null, null], [14646, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210891, null, null, null]]], "all_evidence": [[210891, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78401, 89934, "Augustus", 10]]], "all_evidence": [[78401, 89934, "Augustus", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214326, 221409, "Ernest_Medina", 3]], [[214328, 221411, "Ernest_Medina", 1]], [[214328, 221412, "Ernest_Medina", 3]]], "all_evidence": [[214326, 221409, "Ernest_Medina", 3], [214328, 221411, "Ernest_Medina", 1], [214328, 221412, "Ernest_Medina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84628, null, null, null]]], "all_evidence": [[84628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125483, 139824, "Wales", 16]], [[125484, 139825, "Wales", 16]]], "all_evidence": [[125483, 139824, "Wales", 16], [125484, 139825, "Wales", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146656, null, null, null]]], "all_evidence": [[146656, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178129, 190753, "Chile", 0]]], "all_evidence": [[178129, 190753, "Chile", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208010, 216172, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[208010, 216172, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106543, null, null, null]]], "all_evidence": [[106543, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20353, null, null, null]]], "all_evidence": [[20353, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151721, 166466, "Peking_University", 1]]], "all_evidence": [[151721, 166466, "Peking_University", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206507, 214850, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]], "all_evidence": [[206507, 214850, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173736, 186917, "Danger_UXB", 0]]], "all_evidence": [[173736, 186917, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232003, 235295, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232003, 235295, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63012, null, null, null]]], "all_evidence": [[63012, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239354, 241237, "Lockheed_Martin", 4]]], "all_evidence": [[239354, 241237, "Lockheed_Martin", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51730, null, null, null]]], "all_evidence": [[51730, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246256, 246803, "Easy_A", 0]]], "all_evidence": [[246256, 246803, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168278, 182024, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[168278, 182024, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194381, 204777, "Drake_Bell", 12]]], "all_evidence": [[194381, 204777, "Drake_Bell", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82505, null, null, null]]], "all_evidence": [[82505, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149513, null, null, null]]], "all_evidence": [[149513, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81266, 93071, "Raees_-LRB-film-RRB-", 1]]], "all_evidence": [[81266, 93071, "Raees_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164216, 178455, "A_View_to_a_Kill", 0]], [[164216, 178456, "A_View_to_a_Kill", 5]], [[164216, 178457, "A_View_to_a_Kill", 6]]], "all_evidence": [[164216, 178455, "A_View_to_a_Kill", 0], [164216, 178456, "A_View_to_a_Kill", 5], [164216, 178457, "A_View_to_a_Kill", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223827, 228755, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223827, 228755, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186403, 198219, "Robert_Lopez", 1]]], "all_evidence": [[186403, 198219, "Robert_Lopez", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286460, 279919, "Rhythm_Nation", 23]], [[288216, 281478, "Rhythm_Nation", 23]], [[288661, 281888, "Rhythm_Nation", 23]], [[333348, 319583, "Rhythm_Nation", 23]], [[334327, 320392, "Rhythm_Nation", 23]]], "all_evidence": [[286460, 279919, "Rhythm_Nation", 23], [288216, 281478, "Rhythm_Nation", 23], [288661, 281888, "Rhythm_Nation", 23], [333348, 319583, "Rhythm_Nation", 23], [334327, 320392, "Rhythm_Nation", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149300, 164278, "Wish_Upon", 0]], [[149310, 164285, "Wish_Upon", 0]]], "all_evidence": [[149300, 164278, "Wish_Upon", 0], [149310, 164285, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47753, 57024, "Aleister_Crowley", 0]]], "all_evidence": [[47753, 57024, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194470, null, null, null]]], "all_evidence": [[194470, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141161, null, null, null]]], "all_evidence": [[141161, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148304, 163325, "Trollhunters", 0]], [[148304, 163326, "Trollhunters", 5]]], "all_evidence": [[148304, 163325, "Trollhunters", 0], [148304, 163326, "Trollhunters", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210325, 218093, "Southpaw_-LRB-film-RRB-", 2]]], "all_evidence": [[210325, 218093, "Southpaw_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42188, 50761, "French_Indochina", 0]]], "all_evidence": [[42188, 50761, "French_Indochina", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193396, null, null, null]]], "all_evidence": [[193396, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167023, null, null, null]]], "all_evidence": [[167023, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162985, 177210, "University_of_Mississippi", 4]], [[162994, 177215, "University_of_Mississippi", 4]]], "all_evidence": [[162985, 177210, "University_of_Mississippi", 4], [162994, 177215, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244441, 245450, "Samwell_Tarly", 0]]], "all_evidence": [[244441, 245450, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228197, null, null, null], [228239, null, null, null]]], "all_evidence": [[228197, null, null, null], [228239, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234941, 237721, "Tijuana", 0]], [[234941, 237722, "Tijuana", 1]]], "all_evidence": [[234941, 237721, "Tijuana", 0], [234941, 237722, "Tijuana", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11271, 14203, "Heart", 19]]], "all_evidence": [[11271, 14203, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237954, null, null, null]]], "all_evidence": [[237954, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138279, 153266, "Highway_to_Heaven", 0]]], "all_evidence": [[138279, 153266, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190016, 201164, "Philip_Glass", 9]], [[190021, 201167, "Philip_Glass", 9]], [[190021, 201168, "Philip_Glass", 10]]], "all_evidence": [[190016, 201164, "Philip_Glass", 9], [190021, 201167, "Philip_Glass", 9], [190021, 201168, "Philip_Glass", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48492, 57812, "Anushka_Sharma", 7]]], "all_evidence": [[48492, 57812, "Anushka_Sharma", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213724, 220884, "Finding_Dory", 1]]], "all_evidence": [[213724, 220884, "Finding_Dory", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84023, 96142, "The_dress", 0]]], "all_evidence": [[84023, 96142, "The_dress", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185925, 197703, "Kelly_Preston", 1]], [[185925, 197704, "Kelly_Preston", 3]], [[187471, 199100, "Kelly_Preston", 1], [187471, 199100, "Mischief_-LRB-film-RRB-", 0]], [[314430, 303827, "Kelly_Preston", 3]], [[314431, 303828, "Kelly_Preston", 3]], [[314433, 303833, "Kelly_Preston", 3]], [[314437, 303835, "Kelly_Preston", 3], [314437, 303835, "Broken_Bridges", 0], [314437, 303835, "The_Cat_in_the_Hat_-LRB-film-RRB-", 0]], [[314439, 303836, "Kelly_Preston", 3]]], "all_evidence": [[185925, 197703, "Kelly_Preston", 1], [185925, 197704, "Kelly_Preston", 3], [187471, 199100, "Kelly_Preston", 1], [187471, 199100, "Mischief_-LRB-film-RRB-", 0], [314430, 303827, "Kelly_Preston", 3], [314431, 303828, "Kelly_Preston", 3], [314433, 303833, "Kelly_Preston", 3], [314437, 303835, "Kelly_Preston", 3], [314437, 303835, "Broken_Bridges", 0], [314437, 303835, "The_Cat_in_the_Hat_-LRB-film-RRB-", 0], [314439, 303836, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32770, 39836, "Telemundo", 0]]], "all_evidence": [[32770, 39836, "Telemundo", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113252, null, null, null]]], "all_evidence": [[113252, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234400, 237286, "X-Men-COLON-_Apocalypse", 0]], [[237200, 239451, "X-Men-COLON-_Apocalypse", 6]], [[240770, 242372, "X-Men-COLON-_Apocalypse", 6]], [[318785, 307617, "X-Men-COLON-_Apocalypse", 6]], [[318786, 307618, "X-Men-COLON-_Apocalypse", 6]], [[318807, 307634, "X-Men-COLON-_Apocalypse", 6]]], "all_evidence": [[234400, 237286, "X-Men-COLON-_Apocalypse", 0], [237200, 239451, "X-Men-COLON-_Apocalypse", 6], [240770, 242372, "X-Men-COLON-_Apocalypse", 6], [318785, 307617, "X-Men-COLON-_Apocalypse", 6], [318786, 307618, "X-Men-COLON-_Apocalypse", 6], [318807, 307634, "X-Men-COLON-_Apocalypse", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231461, null, null, null]]], "all_evidence": [[231461, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127351, null, null, null]]], "all_evidence": [[127351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30223, 36799, "Knocked_Up", 0]], [[30223, 36800, "Knocked_Up", 4]]], "all_evidence": [[30223, 36799, "Knocked_Up", 0], [30223, 36800, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158097, 172711, "Martin_Van_Buren", 0]], [[158097, 172712, "Martin_Van_Buren", 1]]], "all_evidence": [[158097, 172711, "Martin_Van_Buren", 0], [158097, 172712, "Martin_Van_Buren", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241681, 243204, "Rio_-LRB-2011_film-RRB-", 20]], [[241682, 243205, "Rio_-LRB-2011_film-RRB-", 20]]], "all_evidence": [[241681, 243204, "Rio_-LRB-2011_film-RRB-", 20], [241682, 243205, "Rio_-LRB-2011_film-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127112, 141626, "Saxony", 4]]], "all_evidence": [[127112, 141626, "Saxony", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107059, 120439, "Nestor_Carbonell", 1]], [[107059, 120440, "Nestor_Carbonell", 2], [107059, 120440, "Suddenly_Susan", 0]], [[107059, 120441, "Nestor_Carbonell", 3]]], "all_evidence": [[107059, 120439, "Nestor_Carbonell", 1], [107059, 120440, "Nestor_Carbonell", 2], [107059, 120440, "Suddenly_Susan", 0], [107059, 120441, "Nestor_Carbonell", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66151, 76988, "Emma_Watson", 0]]], "all_evidence": [[66151, 76988, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228728, null, null, null]]], "all_evidence": [[228728, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140520, null, null, null]]], "all_evidence": [[140520, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30315, 36913, "Black_Canary", 0]]], "all_evidence": [[30315, 36913, "Black_Canary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124340, 138704, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[124340, 138704, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26758, null, null, null], [26767, null, null, null]]], "all_evidence": [[26758, null, null, null], [26767, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163813, 178054, "Men_in_Black_II", 0]], [[163814, 178055, "Men_in_Black_II", 0]]], "all_evidence": [[163813, 178054, "Men_in_Black_II", 0], [163814, 178055, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241272, 242813, "Cretaceous", 8]]], "all_evidence": [[241272, 242813, "Cretaceous", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97468, 110639, "Aleister_Crowley", 0]], [[97470, 110642, "Aleister_Crowley", 0]], [[97470, 110643, "Aleister_Crowley", 14]]], "all_evidence": [[97468, 110639, "Aleister_Crowley", 0], [97470, 110642, "Aleister_Crowley", 0], [97470, 110643, "Aleister_Crowley", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228704, null, null, null]]], "all_evidence": [[228704, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75686, 86939, "Joe_Rogan", 7]]], "all_evidence": [[75686, 86939, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146241, 161220, "Colin_Kaepernick", 0]]], "all_evidence": [[146241, 161220, "Colin_Kaepernick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223820, 228751, "Keith_Urban_-LRB-1999_album-RRB-", 0], [223820, 228751, "Capitol_Records_Nashville", 0]]], "all_evidence": [[223820, 228751, "Keith_Urban_-LRB-1999_album-RRB-", 0], [223820, 228751, "Capitol_Records_Nashville", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138745, null, null, null], [310911, null, null, null], [310914, null, null, null]]], "all_evidence": [[138745, null, null, null], [310911, null, null, null], [310914, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63751, null, null, null]]], "all_evidence": [[63751, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227635, 231978, "Happiness_in_Slavery", 0]]], "all_evidence": [[227635, 231978, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49146, null, null, null]]], "all_evidence": [[49146, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207657, null, null, null], [207660, null, null, null]]], "all_evidence": [[207657, null, null, null], [207660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164503, 178761, "Trollhunters", 0]]], "all_evidence": [[164503, 178761, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190467, 201483, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[190467, 201483, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67175, 77966, "Colin_Kaepernick", 0]], [[67184, 77979, "Colin_Kaepernick", 0]], [[67184, 77980, "Colin_Kaepernick", 1]], [[67184, 77981, "Colin_Kaepernick", 2]], [[67184, 77982, "Colin_Kaepernick", 5], [67184, 77982, "Alex_Smith", 0]], [[67184, 77983, "Colin_Kaepernick", 6], [67184, 77983, "Quarterback", 0]]], "all_evidence": [[67175, 77966, "Colin_Kaepernick", 0], [67184, 77979, "Colin_Kaepernick", 0], [67184, 77980, "Colin_Kaepernick", 1], [67184, 77981, "Colin_Kaepernick", 2], [67184, 77982, "Colin_Kaepernick", 5], [67184, 77982, "Alex_Smith", 0], [67184, 77983, "Colin_Kaepernick", 6], [67184, 77983, "Quarterback", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76418, 87704, "Danny_Brown", 3]]], "all_evidence": [[76418, 87704, "Danny_Brown", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130170, 144903, "Augustus", 10]], [[130170, 144904, "Augustus", 41]]], "all_evidence": [[130170, 144903, "Augustus", 10], [130170, 144904, "Augustus", 41]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152471, 167291, "Same_Old_Love", 0]]], "all_evidence": [[152471, 167291, "Same_Old_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218307, 224620, "Eva_Mendes", 0]]], "all_evidence": [[218307, 224620, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117731, 131611, "Men_in_Black_II", 0]]], "all_evidence": [[117731, 131611, "Men_in_Black_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239017, null, null, null], [239020, null, null, null]]], "all_evidence": [[239017, null, null, null], [239020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241277, 242821, "Cretaceous", 8]], [[241277, 242822, "Cretaceous", 9]]], "all_evidence": [[241277, 242821, "Cretaceous", 8], [241277, 242822, "Cretaceous", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263225, 260959, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263225, 260959, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228827, 232934, "Albert_S._Ruddy", 0]], [[228830, 232936, "Albert_S._Ruddy", 0]], [[228834, 232940, "Albert_S._Ruddy", 0]], [[228835, 232941, "Albert_S._Ruddy", 0]]], "all_evidence": [[228827, 232934, "Albert_S._Ruddy", 0], [228830, 232936, "Albert_S._Ruddy", 0], [228834, 232940, "Albert_S._Ruddy", 0], [228835, 232941, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95579, null, null, null]]], "all_evidence": [[95579, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231991, null, null, null]]], "all_evidence": [[231991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182116, 194383, "Justine_Bateman", 0]], [[182116, 194384, "Justine_Bateman", 1]]], "all_evidence": [[182116, 194383, "Justine_Bateman", 0], [182116, 194384, "Justine_Bateman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58865, 69186, "Duff_McKagan", 0]], [[61564, 72076, "Duff_McKagan", 0]], [[63899, 74607, "Duff_McKagan", 0]], [[303427, 294394, "Duff_McKagan", 0]], [[305290, 296121, "Duff_McKagan", 0]]], "all_evidence": [[58865, 69186, "Duff_McKagan", 0], [61564, 72076, "Duff_McKagan", 0], [63899, 74607, "Duff_McKagan", 0], [303427, 294394, "Duff_McKagan", 0], [305290, 296121, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253954, 253744, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253954, 253744, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[217307, 223925, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217307, 223925, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156684, null, null, null]]], "all_evidence": [[156684, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251683, 251502, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251683, 251502, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181034, 193336, "Thomas_Jefferson", 10]]], "all_evidence": [[181034, 193336, "Thomas_Jefferson", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160509, null, null, null], [160511, null, null, null]]], "all_evidence": [[160509, null, null, null], [160511, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203013, 212139, "Christian_Gottlob_Neefe", 0]], [[203013, 212140, "Christian_Gottlob_Neefe", 5]], [[203013, 212141, "Christian_Gottlob_Neefe", 8]], [[203013, 212142, "Christian_Gottlob_Neefe", 9]]], "all_evidence": [[203013, 212139, "Christian_Gottlob_Neefe", 0], [203013, 212140, "Christian_Gottlob_Neefe", 5], [203013, 212141, "Christian_Gottlob_Neefe", 8], [203013, 212142, "Christian_Gottlob_Neefe", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72137, null, null, null]]], "all_evidence": [[72137, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22499, null, null, null], [299516, null, null, null]]], "all_evidence": [[22499, null, null, null], [299516, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33925, 41137, "Bessie_Smith", 0]]], "all_evidence": [[33925, 41137, "Bessie_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119378, 133390, "Derek_Hough", 3]], [[119378, 133391, "Derek_Hough", 7]], [[119378, 133392, "Derek_Hough", 6]], [[119378, 133393, "Derek_Hough", 10]]], "all_evidence": [[119378, 133390, "Derek_Hough", 3], [119378, 133391, "Derek_Hough", 7], [119378, 133392, "Derek_Hough", 6], [119378, 133393, "Derek_Hough", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178220, 190816, "Shadowhunters", 4]], [[178220, 190817, "Shadowhunters", 5]]], "all_evidence": [[178220, 190816, "Shadowhunters", 4], [178220, 190817, "Shadowhunters", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126205, 140601, "Moonlight_-LRB-2016_film-RRB-", 6]]], "all_evidence": [[126205, 140601, "Moonlight_-LRB-2016_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19090, 23398, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]], "all_evidence": [[19090, 23398, "No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225825, 230398, "Love_the_Way_You_Lie", 17]], [[225832, 230402, "Love_the_Way_You_Lie", 17]]], "all_evidence": [[225825, 230398, "Love_the_Way_You_Lie", 17], [225832, 230402, "Love_the_Way_You_Lie", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214793, 221786, "Premam", 0]]], "all_evidence": [[214793, 221786, "Premam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169563, null, null, null]]], "all_evidence": [[169563, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275377, null, null, null], [324391, null, null, null], [325841, null, null, null]]], "all_evidence": [[275377, null, null, null], [324391, null, null, null], [325841, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263239, 260968, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263239, 260968, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63894, 74604, "Yara_Shahidi", 0]]], "all_evidence": [[63894, 74604, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82815, 94673, "Eva_Green", 1]]], "all_evidence": [[82815, 94673, "Eva_Green", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292713, null, null, null], [295308, null, null, null], [297113, null, null, null], [340695, null, null, null], [340753, null, null, null]]], "all_evidence": [[292713, null, null, null], [295308, null, null, null], [297113, null, null, null], [340695, null, null, null], [340753, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223869, null, null, null]]], "all_evidence": [[223869, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193477, null, null, null]]], "all_evidence": [[193477, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186084, null, null, null]]], "all_evidence": [[186084, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45050, 53771, "Camden,_New_Jersey", 0]], [[47285, 56400, "Camden,_New_Jersey", 0]], [[47285, 56401, "Camden,_New_Jersey", 2]], [[47285, 56402, "Camden,_New_Jersey", 4]], [[47285, 56403, "Camden,_New_Jersey", 6]], [[47285, 56404, "Camden,_New_Jersey", 13]], [[47285, 56405, "Camden,_New_Jersey", 17]], [[47285, 56406, "Camden,_New_Jersey", 18]], [[47285, 56407, "Camden,_New_Jersey", 26]], [[47285, 56408, "Camden,_New_Jersey", 28]], [[47285, 56409, "Camden,_New_Jersey", 33]], [[47285, 56410, "Camden,_New_Jersey", 40]], [[47285, 56411, "Camden,_New_Jersey", 51], [47285, 56411, "Camden_City_School_District", 0]], [[49803, 59254, "Camden,_New_Jersey", 0]], [[49803, 59255, "Camden,_New_Jersey", 2]], [[49803, 59256, "Camden,_New_Jersey", 4]], [[49803, 59257, "Camden,_New_Jersey", 6]], [[49803, 59258, "Camden,_New_Jersey", 13]], [[49803, 59259, "Camden,_New_Jersey", 17]], [[49803, 59260, "Camden,_New_Jersey", 18]], [[49803, 59261, "Camden,_New_Jersey", 26]], [[49803, 59262, "Camden,_New_Jersey", 28]], [[49803, 59263, "Camden,_New_Jersey", 33]], [[49803, 59264, "Camden,_New_Jersey", 40]], [[302281, 293313, "Camden,_New_Jersey", 0]], [[304079, 294942, "Camden,_New_Jersey", 0]], [[304833, 295649, "Camden,_New_Jersey", 0]]], "all_evidence": [[45050, 53771, "Camden,_New_Jersey", 0], [47285, 56400, "Camden,_New_Jersey", 0], [47285, 56401, "Camden,_New_Jersey", 2], [47285, 56402, "Camden,_New_Jersey", 4], [47285, 56403, "Camden,_New_Jersey", 6], [47285, 56404, "Camden,_New_Jersey", 13], [47285, 56405, "Camden,_New_Jersey", 17], [47285, 56406, "Camden,_New_Jersey", 18], [47285, 56407, "Camden,_New_Jersey", 26], [47285, 56408, "Camden,_New_Jersey", 28], [47285, 56409, "Camden,_New_Jersey", 33], [47285, 56410, "Camden,_New_Jersey", 40], [47285, 56411, "Camden,_New_Jersey", 51], [47285, 56411, "Camden_City_School_District", 0], [49803, 59254, "Camden,_New_Jersey", 0], [49803, 59255, "Camden,_New_Jersey", 2], [49803, 59256, "Camden,_New_Jersey", 4], [49803, 59257, "Camden,_New_Jersey", 6], [49803, 59258, "Camden,_New_Jersey", 13], [49803, 59259, "Camden,_New_Jersey", 17], [49803, 59260, "Camden,_New_Jersey", 18], [49803, 59261, "Camden,_New_Jersey", 26], [49803, 59262, "Camden,_New_Jersey", 28], [49803, 59263, "Camden,_New_Jersey", 33], [49803, 59264, "Camden,_New_Jersey", 40], [302281, 293313, "Camden,_New_Jersey", 0], [304079, 294942, "Camden,_New_Jersey", 0], [304833, 295649, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116907, 130786, "Chaka_Khan", 0]]], "all_evidence": [[116907, 130786, "Chaka_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211463, 219170, "Princess_Mononoke", 4]]], "all_evidence": [[211463, 219170, "Princess_Mononoke", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175073, 188131, "Garden_State_-LRB-film-RRB-", 0]]], "all_evidence": [[175073, 188131, "Garden_State_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122940, 137206, "Stephen_Colbert", 1]], [[122940, 137207, "Stephen_Colbert", 11], [122940, 137207, "The_Colbert_Report", 0]], [[122940, 137208, "Stephen_Colbert", 12], [122940, 137208, "The_Colbert_Report", 0]], [[122945, 137212, "Stephen_Colbert", 1]], [[122945, 137213, "Stephen_Colbert", 12], [122945, 137213, "The_Colbert_Report", 0], [122945, 137213, "The_O'Reilly_Factor", 0]], [[122945, 137214, "Stephen_Colbert", 11], [122945, 137214, "The_Colbert_Report", 0]]], "all_evidence": [[122940, 137206, "Stephen_Colbert", 1], [122940, 137207, "Stephen_Colbert", 11], [122940, 137207, "The_Colbert_Report", 0], [122940, 137208, "Stephen_Colbert", 12], [122940, 137208, "The_Colbert_Report", 0], [122945, 137212, "Stephen_Colbert", 1], [122945, 137213, "Stephen_Colbert", 12], [122945, 137213, "The_Colbert_Report", 0], [122945, 137213, "The_O'Reilly_Factor", 0], [122945, 137214, "Stephen_Colbert", 11], [122945, 137214, "The_Colbert_Report", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18459, 22644, "Eddie_Guerrero", 10], [18459, 22644, "Substance_abuse", 0]]], "all_evidence": [[18459, 22644, "Eddie_Guerrero", 10], [18459, 22644, "Substance_abuse", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168265, 182013, "Noel_Fisher", 1], [168265, 182013, "List_of_Shameless_-LRB-U.S._TV_series-RRB-_characters", 0]], [[168265, 182014, "Noel_Fisher", 2], [168265, 182014, "Michelangelo_-LRB-Teenage_Mutant_Ninja_Turtles-RRB-", 0]], [[168350, 182094, "Noel_Fisher", 1], [168350, 182094, "Shameless_-LRB-U.S._TV_series-RRB-", 0]], [[168350, 182095, "Noel_Fisher", 2]]], "all_evidence": [[168265, 182013, "Noel_Fisher", 1], [168265, 182013, "List_of_Shameless_-LRB-U.S._TV_series-RRB-_characters", 0], [168265, 182014, "Noel_Fisher", 2], [168265, 182014, "Michelangelo_-LRB-Teenage_Mutant_Ninja_Turtles-RRB-", 0], [168350, 182094, "Noel_Fisher", 1], [168350, 182094, "Shameless_-LRB-U.S._TV_series-RRB-", 0], [168350, 182095, "Noel_Fisher", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42196, 50764, "Sikkim", 4], [42196, 50764, "Kangchenjunga", 0]]], "all_evidence": [[42196, 50764, "Sikkim", 4], [42196, 50764, "Kangchenjunga", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254347, null, null, null]]], "all_evidence": [[254347, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49465, 58810, "Shane_McMahon", 0]], [[49465, 58811, "Shane_McMahon", 1]], [[49465, 58812, "Shane_McMahon", 5]], [[49465, 58813, "Shane_McMahon", 6]], [[49465, 58814, "Shane_McMahon", 10]], [[49465, 58815, "Shane_McMahon", 16]]], "all_evidence": [[49465, 58810, "Shane_McMahon", 0], [49465, 58811, "Shane_McMahon", 1], [49465, 58812, "Shane_McMahon", 5], [49465, 58813, "Shane_McMahon", 6], [49465, 58814, "Shane_McMahon", 10], [49465, 58815, "Shane_McMahon", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244426, 245437, "Samwell_Tarly", 0]]], "all_evidence": [[244426, 245437, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86412, null, null, null]]], "all_evidence": [[86412, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91686, null, null, null]]], "all_evidence": [[91686, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127809, 142489, "Morse_code", 0]]], "all_evidence": [[127809, 142489, "Morse_code", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227628, 231974, "Happiness_in_Slavery", 0]], [[227629, 231975, "Happiness_in_Slavery", 0], [227629, 231975, "Nine_Inch_Nails", 0]]], "all_evidence": [[227628, 231974, "Happiness_in_Slavery", 0], [227629, 231975, "Happiness_in_Slavery", 0], [227629, 231975, "Nine_Inch_Nails", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59904, 70303, "Stephen_Colbert", 1]]], "all_evidence": [[59904, 70303, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214255, null, null, null]]], "all_evidence": [[214255, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266474, null, null, null]]], "all_evidence": [[266474, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129924, 144627, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[129924, 144627, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59265, null, null, null]]], "all_evidence": [[59265, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208627, 216634, "Wentworth_Miller", 2]], [[208628, 216635, "Wentworth_Miller", 2]], [[208638, 216642, "Wentworth_Miller", 2]]], "all_evidence": [[208627, 216634, "Wentworth_Miller", 2], [208628, 216635, "Wentworth_Miller", 2], [208638, 216642, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107685, 121178, "Danger_UXB", 0]]], "all_evidence": [[107685, 121178, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211118, 218771, "Swordfish_-LRB-film-RRB-", 1]]], "all_evidence": [[211118, 218771, "Swordfish_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108628, null, null, null]]], "all_evidence": [[108628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121562, 135830, "Sidse_Babett_Knudsen", 0]], [[121562, 135831, "Sidse_Babett_Knudsen", 10]]], "all_evidence": [[121562, 135830, "Sidse_Babett_Knudsen", 0], [121562, 135831, "Sidse_Babett_Knudsen", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110880, null, null, null]]], "all_evidence": [[110880, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69380, null, null, null], [72157, null, null, null], [75602, null, null, null], [306981, null, null, null]]], "all_evidence": [[69380, null, null, null], [72157, null, null, null], [75602, null, null, null], [306981, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151942, null, null, null]]], "all_evidence": [[151942, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162006, null, null, null]]], "all_evidence": [[162006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82364, 94136, "Randy_Savage", 4]]], "all_evidence": [[82364, 94136, "Randy_Savage", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225483, null, null, null]]], "all_evidence": [[225483, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118525, 132378, "Eric_Church", 0]]], "all_evidence": [[118525, 132378, "Eric_Church", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24606, 30387, "White_House_Press_Secretary", 0]]], "all_evidence": [[24606, 30387, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80459, 92300, "Riddick_-LRB-character-RRB-", 0]], [[80459, 92301, "Riddick_-LRB-character-RRB-", 1], [80459, 92301, "Riddick_-LRB-film-RRB-", 0]], [[80459, 92302, "Riddick_-LRB-character-RRB-", 4], [80459, 92302, "Riddick_-LRB-film-RRB-", 0]], [[80459, 92303, "Riddick_-LRB-character-RRB-", 8], [80459, 92303, "Riddick_-LRB-film-RRB-", 0]], [[80459, 92304, "Riddick_-LRB-character-RRB-", 13], [80459, 92304, "Riddick_-LRB-film-RRB-", 0]]], "all_evidence": [[80459, 92300, "Riddick_-LRB-character-RRB-", 0], [80459, 92301, "Riddick_-LRB-character-RRB-", 1], [80459, 92301, "Riddick_-LRB-film-RRB-", 0], [80459, 92302, "Riddick_-LRB-character-RRB-", 4], [80459, 92302, "Riddick_-LRB-film-RRB-", 0], [80459, 92303, "Riddick_-LRB-character-RRB-", 8], [80459, 92303, "Riddick_-LRB-film-RRB-", 0], [80459, 92304, "Riddick_-LRB-character-RRB-", 13], [80459, 92304, "Riddick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148575, 163593, "Horse", 2]]], "all_evidence": [[148575, 163593, "Horse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36802, 44447, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[36802, 44447, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150895, 165741, "Daggering", 0]]], "all_evidence": [[150895, 165741, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19086, 23395, "Kendall_Jenner", 7]]], "all_evidence": [[19086, 23395, "Kendall_Jenner", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161296, 175783, "West_Virginia", 1]]], "all_evidence": [[161296, 175783, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113295, null, null, null]]], "all_evidence": [[113295, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54452, 64457, "Marjorie_Gross", 1], [54452, 64457, "Newhart", 0], [54452, 64457, "Seinfeld", 0], [54452, 64457, "The_Larry_Sanders_Show", 0]]], "all_evidence": [[54452, 64457, "Marjorie_Gross", 1], [54452, 64457, "Newhart", 0], [54452, 64457, "Seinfeld", 0], [54452, 64457, "The_Larry_Sanders_Show", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228195, 232438, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228195, 232438, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131589, null, null, null], [133621, null, null, null], [135041, null, null, null], [309274, null, null, null], [309276, null, null, null], [309277, null, null, null]]], "all_evidence": [[131589, null, null, null], [133621, null, null, null], [135041, null, null, null], [309274, null, null, null], [309276, null, null, null], [309277, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137667, 152578, "Awkward_Black_Girl", 0]]], "all_evidence": [[137667, 152578, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28873, 35238, "Melancholia_-LRB-2011_film-RRB-", 0], [28873, 35238, "Lars_von_Trier", 0]]], "all_evidence": [[28873, 35238, "Melancholia_-LRB-2011_film-RRB-", 0], [28873, 35238, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146465, 161425, "Chrysler_Building", 5]], [[146465, 161426, "Chrysler_Building", 1]]], "all_evidence": [[146465, 161425, "Chrysler_Building", 5], [146465, 161426, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109066, 122768, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]], "all_evidence": [[109066, 122768, "Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228457, 232639, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228457, 232639, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222187, 227575, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222187, 227575, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11825, 14837, "Croatia", 27]], [[11826, 14838, "Croatia", 27]], [[11829, 14840, "Croatia", 27]], [[15509, 19335, "Croatia", 27]], [[16571, 20510, "Croatia", 27]], [[19394, 23802, "Croatia", 27]], [[170218, 183777, "Croatia", 27]], [[230019, 233788, "Croatia", 27]], [[239341, 241230, "Croatia", 27]], [[246902, 247320, "Croatia", 27]], [[288463, 281722, "Croatia", 27]], [[298893, 290274, "Croatia", 27]], [[305939, 296702, "Croatia", 27]], [[332972, 319190, "Croatia", 27], [332972, 319190, "Tertiary_sector_of_the_economy", 0], [332972, 319190, "Tertiary_sector_of_the_economy", 10]]], "all_evidence": [[11825, 14837, "Croatia", 27], [11826, 14838, "Croatia", 27], [11829, 14840, "Croatia", 27], [15509, 19335, "Croatia", 27], [16571, 20510, "Croatia", 27], [19394, 23802, "Croatia", 27], [170218, 183777, "Croatia", 27], [230019, 233788, "Croatia", 27], [239341, 241230, "Croatia", 27], [246902, 247320, "Croatia", 27], [288463, 281722, "Croatia", 27], [298893, 290274, "Croatia", 27], [305939, 296702, "Croatia", 27], [332972, 319190, "Croatia", 27], [332972, 319190, "Tertiary_sector_of_the_economy", 0], [332972, 319190, "Tertiary_sector_of_the_economy", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73071, 84269, "Colin_Kaepernick", 0]], [[73071, 84270, "Colin_Kaepernick", 1]], [[73077, 84274, "Colin_Kaepernick", 0]], [[73077, 84275, "Colin_Kaepernick", 1]], [[73077, 84276, "Colin_Kaepernick", 5]], [[73077, 84277, "Colin_Kaepernick", 6]], [[73077, 84278, "Colin_Kaepernick", 7]], [[73077, 84279, "Colin_Kaepernick", 11]]], "all_evidence": [[73071, 84269, "Colin_Kaepernick", 0], [73071, 84270, "Colin_Kaepernick", 1], [73077, 84274, "Colin_Kaepernick", 0], [73077, 84275, "Colin_Kaepernick", 1], [73077, 84276, "Colin_Kaepernick", 5], [73077, 84277, "Colin_Kaepernick", 6], [73077, 84278, "Colin_Kaepernick", 7], [73077, 84279, "Colin_Kaepernick", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197234, 207311, "Smriti_Mandhana", 0]], [[197244, 207322, "Smriti_Mandhana", 0]]], "all_evidence": [[197234, 207311, "Smriti_Mandhana", 0], [197244, 207322, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263242, 260971, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263242, 260971, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262154, 260204, "Bullitt", 0]]], "all_evidence": [[262154, 260204, "Bullitt", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163855, null, null, null]]], "all_evidence": [[163855, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102387, 115657, "Greek_language", 13]], [[102387, 115658, "Greek_language", 14]]], "all_evidence": [[102387, 115657, "Greek_language", 13], [102387, 115658, "Greek_language", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292310, 285116, "Black_Canary", 0], [292310, 285116, "DC_Comics", 0]], [[294314, 286649, "Black_Canary", 0], [294314, 286649, "DC_Comics", 0]], [[294931, 287154, "Black_Canary", 0]], [[294931, 287155, "Black_Canary", 1]], [[294931, 287156, "Black_Canary", 2]], [[339912, 324732, "Black_Canary", 0], [339912, 324732, "DC_Comics", 0]], [[339914, 324734, "Black_Canary", 0]], [[339922, 324739, "Black_Canary", 0], [339922, 324739, "DC_Comics", 0]]], "all_evidence": [[292310, 285116, "Black_Canary", 0], [292310, 285116, "DC_Comics", 0], [294314, 286649, "Black_Canary", 0], [294314, 286649, "DC_Comics", 0], [294931, 287154, "Black_Canary", 0], [294931, 287155, "Black_Canary", 1], [294931, 287156, "Black_Canary", 2], [339912, 324732, "Black_Canary", 0], [339912, 324732, "DC_Comics", 0], [339914, 324734, "Black_Canary", 0], [339922, 324739, "Black_Canary", 0], [339922, 324739, "DC_Comics", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215860, null, null, null]]], "all_evidence": [[215860, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154065, null, null, null]]], "all_evidence": [[154065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63937, 74641, "Chaka_Khan", 4]]], "all_evidence": [[63937, 74641, "Chaka_Khan", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191694, null, null, null]]], "all_evidence": [[191694, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248564, 248722, "In_a_Lonely_Place", 1]]], "all_evidence": [[248564, 248722, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68750, 79590, "Rage_Against_the_Machine", 20]]], "all_evidence": [[68750, 79590, "Rage_Against_the_Machine", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239631, null, null, null]]], "all_evidence": [[239631, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28071, 34361, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]], "all_evidence": [[28071, 34361, "Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107982, null, null, null]]], "all_evidence": [[107982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63956, 74658, "CONCACAF_Champions_League", 0]]], "all_evidence": [[63956, 74658, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160722, 175258, "Human_brain", 2]]], "all_evidence": [[160722, 175258, "Human_brain", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190755, 201718, "Alice_Cooper", 0]]], "all_evidence": [[190755, 201718, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158218, null, null, null]]], "all_evidence": [[158218, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101068, 114324, "Ashley_Graham_-LRB-model-RRB-", 6]]], "all_evidence": [[101068, 114324, "Ashley_Graham_-LRB-model-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[302387, null, null, null], [304862, null, null, null], [306146, null, null, null]]], "all_evidence": [[302387, null, null, null], [304862, null, null, null], [306146, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59838, 70240, "Billboard_Dad", 0]]], "all_evidence": [[59838, 70240, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72935, 84072, "Kelly_Preston", 3]], [[77157, 88581, "Kelly_Preston", 3]], [[78079, 89568, "Kelly_Preston", 3]], [[305754, 296554, "Kelly_Preston", 3]], [[307034, 297576, "Kelly_Preston", 3]]], "all_evidence": [[72935, 84072, "Kelly_Preston", 3], [77157, 88581, "Kelly_Preston", 3], [78079, 89568, "Kelly_Preston", 3], [305754, 296554, "Kelly_Preston", 3], [307034, 297576, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228806, 232915, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]], [[228806, 232916, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1]], [[228806, 232917, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]]], "all_evidence": [[228806, 232915, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0], [228806, 232916, "Girl_-LRB-Pharrell_Williams_album-RRB-", 1], [228806, 232917, "Girl_-LRB-Pharrell_Williams_album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188637, 200089, "Veeram_-LRB-2014_film-RRB-", 0]], [[188637, 200090, "Veeram_-LRB-2014_film-RRB-", 3]]], "all_evidence": [[188637, 200089, "Veeram_-LRB-2014_film-RRB-", 0], [188637, 200090, "Veeram_-LRB-2014_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153012, 167770, "Shawn_Carlson", 0]]], "all_evidence": [[153012, 167770, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25730, 31653, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[25730, 31653, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136733, 151561, "Uranium-235", 6], [136733, 151561, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[136733, 151561, "Uranium-235", 6], [136733, 151561, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[254369, 254058, "DJ_Quik", 0]]], "all_evidence": [[254369, 254058, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141425, 156617, "Due_Date", 2]]], "all_evidence": [[141425, 156617, "Due_Date", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22133, null, null, null]]], "all_evidence": [[22133, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238984, 240939, "Despicable_Me_2", 1]]], "all_evidence": [[238984, 240939, "Despicable_Me_2", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211459, 219169, "Princess_Mononoke", 0]]], "all_evidence": [[211459, 219169, "Princess_Mononoke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66612, 77422, "Off_the_Wall", 13]], [[66612, 77423, "Off_the_Wall", 14]], [[66612, 77424, "Off_the_Wall", 16]], [[66612, 77425, "Off_the_Wall", 19]]], "all_evidence": [[66612, 77422, "Off_the_Wall", 13], [66612, 77423, "Off_the_Wall", 14], [66612, 77424, "Off_the_Wall", 16], [66612, 77425, "Off_the_Wall", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79475, null, null, null]]], "all_evidence": [[79475, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46350, 55335, "Saxony", 0]]], "all_evidence": [[46350, 55335, "Saxony", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154907, null, null, null]]], "all_evidence": [[154907, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254336, null, null, null]]], "all_evidence": [[254336, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88207, null, null, null]]], "all_evidence": [[88207, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69378, null, null, null]]], "all_evidence": [[69378, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246631, 247103, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246631, 247103, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[254003, 253781, "Topman", 1]], [[255694, 255095, "Topman", 1]], [[256134, 255393, "Topman", 1]]], "all_evidence": [[254003, 253781, "Topman", 1], [255694, 255095, "Topman", 1], [256134, 255393, "Topman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118859, 132700, "The_Mighty_Ducks", 1]]], "all_evidence": [[118859, 132700, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198023, 207972, "Syracuse,_New_York", 2]]], "all_evidence": [[198023, 207972, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237484, 239691, "North_Vietnam", 0], [237484, 239691, "Southeast_Asia", 0]], [[237485, 239692, "North_Vietnam", 0], [237485, 239692, "Southeast_Asia", 0]]], "all_evidence": [[237484, 239691, "North_Vietnam", 0], [237484, 239691, "Southeast_Asia", 0], [237485, 239692, "North_Vietnam", 0], [237485, 239692, "Southeast_Asia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130235, 145001, "Nuuk", 0]], [[130235, 145002, "Nuuk", 3]]], "all_evidence": [[130235, 145001, "Nuuk", 0], [130235, 145002, "Nuuk", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154684, 169420, "Terry_Crews", 0]]], "all_evidence": [[154684, 169420, "Terry_Crews", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53028, 62974, "Ann_Richards", 0]], [[53028, 62975, "Ann_Richards", 1]], [[53028, 62976, "Ann_Richards", 2]], [[53028, 62977, "Ann_Richards", 3]]], "all_evidence": [[53028, 62974, "Ann_Richards", 0], [53028, 62975, "Ann_Richards", 1], [53028, 62976, "Ann_Richards", 2], [53028, 62977, "Ann_Richards", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52539, null, null, null]]], "all_evidence": [[52539, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136198, 151027, "Psych", 2], [136198, 151027, "James_Roday", 0]]], "all_evidence": [[136198, 151027, "Psych", 2], [136198, 151027, "James_Roday", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50705, 60312, "Henry_II_of_France", 15]]], "all_evidence": [[50705, 60312, "Henry_II_of_France", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62233, 72825, "Paris_-LRB-Paris_Hilton_album-RRB-", 8]]], "all_evidence": [[62233, 72825, "Paris_-LRB-Paris_Hilton_album-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124660, null, null, null]]], "all_evidence": [[124660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64566, 75357, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[64566, 75357, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65500, 76376, "Sheryl_Lee", 7], [65500, 76376, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]], "all_evidence": [[65500, 76376, "Sheryl_Lee", 7], [65500, 76376, "Cafe\u0301_Society_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69121, 79908, "Penguin_Books", 0]]], "all_evidence": [[69121, 79908, "Penguin_Books", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228852, 232957, "Albert_S._Ruddy", 0]]], "all_evidence": [[228852, 232957, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99604, null, null, null]]], "all_evidence": [[99604, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12013, 15049, "Faroe_Islands", 9]], [[12014, 15050, "Faroe_Islands", 9]]], "all_evidence": [[12013, 15049, "Faroe_Islands", 9], [12014, 15050, "Faroe_Islands", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126329, null, null, null]]], "all_evidence": [[126329, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96062, 109115, "Marvel_vs._Capcom-COLON-_Infinite", 1]]], "all_evidence": [[96062, 109115, "Marvel_vs._Capcom-COLON-_Infinite", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201142, null, null, null]]], "all_evidence": [[201142, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51418, null, null, null]]], "all_evidence": [[51418, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273722, 269082, "Working_animal", 0]], [[273722, 269083, "Working_animal", 5]]], "all_evidence": [[273722, 269082, "Working_animal", 0], [273722, 269083, "Working_animal", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212207, 219805, "Epistemology", 3]], [[212207, 219806, "Epistemology", 4]]], "all_evidence": [[212207, 219805, "Epistemology", 3], [212207, 219806, "Epistemology", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209152, 217022, "Jewell_-LRB-singer-RRB-", 0]], [[211768, 219413, "Jewell_-LRB-singer-RRB-", 0]], [[211768, 219414, "Jewell_-LRB-singer-RRB-", 3]], [[214149, 221226, "Jewell_-LRB-singer-RRB-", 0]], [[214149, 221227, "Jewell_-LRB-singer-RRB-", 2]], [[214149, 221228, "Jewell_-LRB-singer-RRB-", 3]], [[316025, 305230, "Jewell_-LRB-singer-RRB-", 0]], [[316025, 305231, "Jewell_-LRB-singer-RRB-", 2], [316025, 305231, "Woman_to_Woman_-LRB-Shirley_Brown_song-RRB-", 0]], [[316025, 305232, "Jewell_-LRB-singer-RRB-", 3]], [[316898, 306006, "Jewell_-LRB-singer-RRB-", 0]], [[316906, 306018, "Jewell_-LRB-singer-RRB-", 0]]], "all_evidence": [[209152, 217022, "Jewell_-LRB-singer-RRB-", 0], [211768, 219413, "Jewell_-LRB-singer-RRB-", 0], [211768, 219414, "Jewell_-LRB-singer-RRB-", 3], [214149, 221226, "Jewell_-LRB-singer-RRB-", 0], [214149, 221227, "Jewell_-LRB-singer-RRB-", 2], [214149, 221228, "Jewell_-LRB-singer-RRB-", 3], [316025, 305230, "Jewell_-LRB-singer-RRB-", 0], [316025, 305231, "Jewell_-LRB-singer-RRB-", 2], [316025, 305231, "Woman_to_Woman_-LRB-Shirley_Brown_song-RRB-", 0], [316025, 305232, "Jewell_-LRB-singer-RRB-", 3], [316898, 306006, "Jewell_-LRB-singer-RRB-", 0], [316906, 306018, "Jewell_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53899, 63885, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[53899, 63885, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270773, 266778, "Roar_-LRB-song-RRB-", 0]]], "all_evidence": [[270773, 266778, "Roar_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172341, 185671, "Veeru_Devgan", 0]], [[172341, 185672, "Veeru_Devgan", 2]]], "all_evidence": [[172341, 185671, "Veeru_Devgan", 0], [172341, 185672, "Veeru_Devgan", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56282, null, null, null]]], "all_evidence": [[56282, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157355, null, null, null], [311889, null, null, null]]], "all_evidence": [[157355, null, null, null], [311889, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292978, null, null, null], [295546, null, null, null], [341168, null, null, null]]], "all_evidence": [[292978, null, null, null], [295546, null, null, null], [341168, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240405, 242024, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[240405, 242024, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110711, 124389, "David_Spade", 2]]], "all_evidence": [[110711, 124389, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214294, 221374, "Ernest_Medina", 1]]], "all_evidence": [[214294, 221374, "Ernest_Medina", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270516, null, null, null]]], "all_evidence": [[270516, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223628, null, null, null]]], "all_evidence": [[223628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80296, 92093, "Edmund_H._North", 0]]], "all_evidence": [[80296, 92093, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43123, null, null, null]]], "all_evidence": [[43123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266462, 263442, "Ludwig_van_Beethoven", 5], [266462, 263442, "Bonn", 0]], [[266465, 263445, "Ludwig_van_Beethoven", 5], [266465, 263445, "Bonn", 0], [266465, 263445, "Holy_Roman_Empire", 0]]], "all_evidence": [[266462, 263442, "Ludwig_van_Beethoven", 5], [266462, 263442, "Bonn", 0], [266465, 263445, "Ludwig_van_Beethoven", 5], [266465, 263445, "Bonn", 0], [266465, 263445, "Holy_Roman_Empire", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248548, null, null, null]]], "all_evidence": [[248548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211990, 219595, "Saturn_Corporation", 0]]], "all_evidence": [[211990, 219595, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20665, 25312, "Greek_language", 14]]], "all_evidence": [[20665, 25312, "Greek_language", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134713, null, null, null]]], "all_evidence": [[134713, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140075, 155080, "Jennifer_Lopez", 10]]], "all_evidence": [[140075, 155080, "Jennifer_Lopez", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283005, null, null, null], [284903, null, null, null], [331456, null, null, null], [331463, null, null, null]]], "all_evidence": [[283005, null, null, null], [284903, null, null, null], [331456, null, null, null], [331463, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52351, null, null, null]]], "all_evidence": [[52351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253976, 253760, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253976, 253760, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131935, 146782, "Bad_Romance", 12]]], "all_evidence": [[131935, 146782, "Bad_Romance", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118179, 132023, "West_Ham_United_F.C.", 5]]], "all_evidence": [[118179, 132023, "West_Ham_United_F.C.", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205362, 213961, "Dub_music", 0]]], "all_evidence": [[205362, 213961, "Dub_music", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219122, null, null, null]]], "all_evidence": [[219122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[336035, 321721, "State_of_Palestine", 1]], [[336036, 321722, "State_of_Palestine", 1]], [[336051, 321731, "State_of_Palestine", 1]]], "all_evidence": [[336035, 321721, "State_of_Palestine", 1], [336036, 321722, "State_of_Palestine", 1], [336051, 321731, "State_of_Palestine", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190777, null, null, null]]], "all_evidence": [[190777, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21219, null, null, null]]], "all_evidence": [[21219, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59419, 69811, "Indian_Institute_of_Management_Bangalore", 5]]], "all_evidence": [[59419, 69811, "Indian_Institute_of_Management_Bangalore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167544, null, null, null], [167548, null, null, null]]], "all_evidence": [[167544, null, null, null], [167548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70409, 81271, "John_Deighton", 15]]], "all_evidence": [[70409, 81271, "John_Deighton", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177059, 189991, "English_people", 6]]], "all_evidence": [[177059, 189991, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167371, 181220, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[167371, 181220, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119803, null, null, null]]], "all_evidence": [[119803, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51189, null, null, null]]], "all_evidence": [[51189, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145547, null, null, null]]], "all_evidence": [[145547, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41257, 49595, "Charles_Manson", 0]]], "all_evidence": [[41257, 49595, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189254, 200546, "Blade_Runner_2049", 1]], [[191882, 202658, "Blade_Runner_2049", 1]], [[192334, 203092, "Blade_Runner_2049", 1]], [[314813, 304133, "Blade_Runner_2049", 1]], [[314816, 304135, "Blade_Runner_2049", 1]], [[314817, 304136, "Blade_Runner_2049", 1]], [[314825, 304142, "Blade_Runner_2049", 1]]], "all_evidence": [[189254, 200546, "Blade_Runner_2049", 1], [191882, 202658, "Blade_Runner_2049", 1], [192334, 203092, "Blade_Runner_2049", 1], [314813, 304133, "Blade_Runner_2049", 1], [314816, 304135, "Blade_Runner_2049", 1], [314817, 304136, "Blade_Runner_2049", 1], [314825, 304142, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49675, 59105, "Michigan", 13]]], "all_evidence": [[49675, 59105, "Michigan", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205358, 213957, "Dub_music", 0]]], "all_evidence": [[205358, 213957, "Dub_music", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194706, 205078, "Middle-earth", 0]]], "all_evidence": [[194706, 205078, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25523, 31447, "Star_Trek-COLON-_Discovery", 0], [25523, 31447, "Star_Trek-COLON-_Discovery", 1]]], "all_evidence": [[25523, 31447, "Star_Trek-COLON-_Discovery", 0], [25523, 31447, "Star_Trek-COLON-_Discovery", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184129, 196079, "Edgar_Wright", 0]]], "all_evidence": [[184129, 196079, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72392, null, null, null]]], "all_evidence": [[72392, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149526, null, null, null]]], "all_evidence": [[149526, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141771, null, null, null]]], "all_evidence": [[141771, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108638, 122310, "Charles_Manson", 5]]], "all_evidence": [[108638, 122310, "Charles_Manson", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242997, 244281, "St._Anger", 0]], [[242997, 244282, "St._Anger", 1], [242997, 244282, "Reload_-LRB-Metallica_album-RRB-", 0]], [[242997, 244283, "St._Anger", 2]], [[242997, 244284, "St._Anger", 16], [242997, 244284, "St._Anger_-LRB-song-RRB-", 1]]], "all_evidence": [[242997, 244281, "St._Anger", 0], [242997, 244282, "St._Anger", 1], [242997, 244282, "Reload_-LRB-Metallica_album-RRB-", 0], [242997, 244283, "St._Anger", 2], [242997, 244284, "St._Anger", 16], [242997, 244284, "St._Anger_-LRB-song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[248716, null, null, null], [250860, null, null, null], [252251, null, null, null], [319578, null, null, null], [320699, null, null, null]]], "all_evidence": [[248716, null, null, null], [250860, null, null, null], [252251, null, null, null], [319578, null, null, null], [320699, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156751, 171355, "Jack_Falahee", 0]]], "all_evidence": [[156751, 171355, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63872, null, null, null]]], "all_evidence": [[63872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118967, 132865, "Aarhus", 0]]], "all_evidence": [[118967, 132865, "Aarhus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192738, 203457, "Cadet_Kelly", 0]]], "all_evidence": [[192738, 203457, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143638, null, null, null]]], "all_evidence": [[143638, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90591, null, null, null]]], "all_evidence": [[90591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96259, 109405, "Byron_Howard", 1]]], "all_evidence": [[96259, 109405, "Byron_Howard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258717, 257478, "The_Pelican_Brief_-LRB-film-RRB-", 0]], [[258718, 257479, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258717, 257478, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258718, 257479, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101469, 114714, "Human_trafficking", 0]]], "all_evidence": [[101469, 114714, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203330, 212372, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203330, 212372, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143196, null, null, null]]], "all_evidence": [[143196, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243118, 244398, "First_Motion_Picture_Unit", 0]], [[243118, 244399, "First_Motion_Picture_Unit", 1]], [[243118, 244400, "First_Motion_Picture_Unit", 4]]], "all_evidence": [[243118, 244398, "First_Motion_Picture_Unit", 0], [243118, 244399, "First_Motion_Picture_Unit", 1], [243118, 244400, "First_Motion_Picture_Unit", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63193, 73903, "Wilhelmina_Slater", 0]]], "all_evidence": [[63193, 73903, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80963, null, null, null]]], "all_evidence": [[80963, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23511, 28965, "Jens_Stoltenberg", 4]]], "all_evidence": [[23511, 28965, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286182, null, null, null], [287913, null, null, null], [288501, null, null, null], [334210, null, null, null], [334245, null, null, null]]], "all_evidence": [[286182, null, null, null], [287913, null, null, null], [288501, null, null, null], [334210, null, null, null], [334245, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206698, null, null, null]]], "all_evidence": [[206698, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119490, 133509, "Quran", 0]]], "all_evidence": [[119490, 133509, "Quran", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167731, 181491, "Pearl_Jam", 0]], [[167731, 181492, "Pearl_Jam", 1]]], "all_evidence": [[167731, 181491, "Pearl_Jam", 0], [167731, 181492, "Pearl_Jam", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126156, 140552, "L.A._Reid", 1], [126156, 140552, "Epic_Records", 0]]], "all_evidence": [[126156, 140552, "L.A._Reid", 1], [126156, 140552, "Epic_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91538, 104278, "Tenacious_D", 0]]], "all_evidence": [[91538, 104278, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244433, 245446, "Samwell_Tarly", 0]]], "all_evidence": [[244433, 245446, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145352, null, null, null], [145353, null, null, null]]], "all_evidence": [[145352, null, null, null], [145353, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142070, null, null, null]]], "all_evidence": [[142070, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131956, 146793, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[131956, 146793, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61347, 71862, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[61347, 71862, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143973, 159055, "Garden_State_-LRB-film-RRB-", 0]]], "all_evidence": [[143973, 159055, "Garden_State_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23022, 28365, "Angela_Bassett", 6]]], "all_evidence": [[23022, 28365, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72554, 83597, "Harold_Macmillan", 0]]], "all_evidence": [[72554, 83597, "Harold_Macmillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68289, 79168, "Saw_-LRB-franchise-RRB-", 0]], [[68289, 79169, "Saw_-LRB-franchise-RRB-", 8]]], "all_evidence": [[68289, 79168, "Saw_-LRB-franchise-RRB-", 0], [68289, 79169, "Saw_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241673, 243197, "Rio_-LRB-2011_film-RRB-", 20], [241673, 243197, "Rio_2", 0]]], "all_evidence": [[241673, 243197, "Rio_-LRB-2011_film-RRB-", 20], [241673, 243197, "Rio_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189874, 201066, "Mickey_Rourke", 13]]], "all_evidence": [[189874, 201066, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84067, 96190, "Tim_Roth", 0]]], "all_evidence": [[84067, 96190, "Tim_Roth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115109, 128861, "Noah_Cyrus", 4]]], "all_evidence": [[115109, 128861, "Noah_Cyrus", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172406, null, null, null]]], "all_evidence": [[172406, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120886, 135179, "Aristotle", 0]]], "all_evidence": [[120886, 135179, "Aristotle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226496, null, null, null]]], "all_evidence": [[226496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128123, 142841, "The_Cincinnati_Kid", 1]], [[128123, 142842, "The_Cincinnati_Kid", 6]]], "all_evidence": [[128123, 142841, "The_Cincinnati_Kid", 1], [128123, 142842, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90675, null, null, null]]], "all_evidence": [[90675, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75549, null, null, null]]], "all_evidence": [[75549, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31011, null, null, null]]], "all_evidence": [[31011, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200765, null, null, null], [200767, null, null, null]]], "all_evidence": [[200765, null, null, null], [200767, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47305, 56431, "T2_Trainspotting", 0]]], "all_evidence": [[47305, 56431, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269572, 265868, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269572, 265868, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198049, 207993, "Dave_Gibbons", 0]]], "all_evidence": [[198049, 207993, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80568, 92407, "Rhythm_Nation", 23], [80568, 92407, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[80568, 92407, "Rhythm_Nation", 23], [80568, 92407, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133844, 148711, "Lost_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[133844, 148711, "Lost_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122039, 136342, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[122039, 136342, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103743, null, null, null]]], "all_evidence": [[103743, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156002, 170669, "West_Virginia", 1]], [[156004, 170670, "West_Virginia", 1]]], "all_evidence": [[156002, 170669, "West_Virginia", 1], [156004, 170670, "West_Virginia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231980, null, null, null]]], "all_evidence": [[231980, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32454, 39432, "Floppy_disk", 0]]], "all_evidence": [[32454, 39432, "Floppy_disk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225859, 230431, "Love_the_Way_You_Lie", 16]]], "all_evidence": [[225859, 230431, "Love_the_Way_You_Lie", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80199, 91982, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[80199, 91982, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84906, null, null, null]]], "all_evidence": [[84906, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170669, 184257, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[170669, 184257, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248516, 248677, "Tie_Your_Mother_Down", 2]]], "all_evidence": [[248516, 248677, "Tie_Your_Mother_Down", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191968, 202731, "Drake_Bell", 18]]], "all_evidence": [[191968, 202731, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126600, 140997, "Rachel_Green", 0]]], "all_evidence": [[126600, 140997, "Rachel_Green", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207997, 216164, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[207997, 216164, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260894, null, null, null]]], "all_evidence": [[260894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113285, 127148, "Billboard_Dad", 0]], [[308505, 298872, "Billboard_Dad", 0], [308505, 298872, "Mary-Kate_and_Ashley_Olsen", 0]], [[310100, 300168, "Billboard_Dad", 0], [310100, 300168, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[113285, 127148, "Billboard_Dad", 0], [308505, 298872, "Billboard_Dad", 0], [308505, 298872, "Mary-Kate_and_Ashley_Olsen", 0], [310100, 300168, "Billboard_Dad", 0], [310100, 300168, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170572, null, null, null]]], "all_evidence": [[170572, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51051, 60785, "Luis_Fonsi", 0]]], "all_evidence": [[51051, 60785, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198071, 208012, "Dave_Gibbons", 0]]], "all_evidence": [[198071, 208012, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160609, 175122, "Arizona", 0]], [[160609, 175123, "Arizona", 1]], [[160609, 175124, "Arizona", 2]], [[160609, 175125, "Arizona", 3]], [[160609, 175126, "Arizona", 4]], [[160609, 175127, "Arizona", 9]], [[160609, 175128, "Arizona", 15]], [[160609, 175129, "Arizona", 16]], [[160609, 175130, "Arizona", 22]]], "all_evidence": [[160609, 175122, "Arizona", 0], [160609, 175123, "Arizona", 1], [160609, 175124, "Arizona", 2], [160609, 175125, "Arizona", 3], [160609, 175126, "Arizona", 4], [160609, 175127, "Arizona", 9], [160609, 175128, "Arizona", 15], [160609, 175129, "Arizona", 16], [160609, 175130, "Arizona", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177347, null, null, null], [177348, null, null, null]]], "all_evidence": [[177347, null, null, null], [177348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90783, 103483, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [90783, 103483, "Joe_Morton", 0], [90783, 103483, "Omar_Epps", 0]]], "all_evidence": [[90783, 103483, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [90783, 103483, "Joe_Morton", 0], [90783, 103483, "Omar_Epps", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105351, 118804, "2016_Tour_de_France", 0], [105351, 118804, "Grand_Tour_-LRB-cycling-RRB-", 0]], [[105351, 118805, "2016_Tour_de_France", 1]], [[105351, 118806, "2016_Tour_de_France", 2]]], "all_evidence": [[105351, 118804, "2016_Tour_de_France", 0], [105351, 118804, "Grand_Tour_-LRB-cycling-RRB-", 0], [105351, 118805, "2016_Tour_de_France", 1], [105351, 118806, "2016_Tour_de_France", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208079, 216213, "Osamu_Tezuka", 6]]], "all_evidence": [[208079, 216213, "Osamu_Tezuka", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256005, 255308, "Weekly_Idol", 1]]], "all_evidence": [[256005, 255308, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175183, 188207, "Caroline_Kennedy", 0]], [[175183, 188208, "Caroline_Kennedy", 1]]], "all_evidence": [[175183, 188207, "Caroline_Kennedy", 0], [175183, 188208, "Caroline_Kennedy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76376, 87667, "Fargo_-LRB-season_2-RRB-", 6]]], "all_evidence": [[76376, 87667, "Fargo_-LRB-season_2-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216079, null, null, null]]], "all_evidence": [[216079, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102476, 115756, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[102476, 115756, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233059, 236061, "Saturn", 18]], [[233059, 236062, "Saturn", 0]], [[233062, 236065, "Saturn", 0]]], "all_evidence": [[233059, 236061, "Saturn", 18], [233059, 236062, "Saturn", 0], [233062, 236065, "Saturn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228796, 232907, "Albert_S._Ruddy", 0]], [[228809, 232920, "Albert_S._Ruddy", 0]]], "all_evidence": [[228796, 232907, "Albert_S._Ruddy", 0], [228809, 232920, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231453, null, null, null]]], "all_evidence": [[231453, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202987, 212114, "Christian_Gottlob_Neefe", 0]], [[202987, 212115, "Christian_Gottlob_Neefe", 8]], [[202987, 212116, "Christian_Gottlob_Neefe", 11]]], "all_evidence": [[202987, 212114, "Christian_Gottlob_Neefe", 0], [202987, 212115, "Christian_Gottlob_Neefe", 8], [202987, 212116, "Christian_Gottlob_Neefe", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158586, 173236, "Starrcade", 1]]], "all_evidence": [[158586, 173236, "Starrcade", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238564, null, null, null]]], "all_evidence": [[238564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151480, 166243, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[151480, 166243, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169746, null, null, null]]], "all_evidence": [[169746, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210937, 218593, "Same_Old_Love", 0]], [[210937, 218594, "Same_Old_Love", 1]], [[210937, 218595, "Same_Old_Love", 2]], [[210938, 218596, "Same_Old_Love", 0]], [[210938, 218597, "Same_Old_Love", 1]], [[210938, 218598, "Same_Old_Love", 2]], [[315981, 305191, "Same_Old_Love", 0]], [[316884, 305990, "Same_Old_Love", 0]], [[316884, 305991, "Same_Old_Love", 3]], [[316884, 305992, "Same_Old_Love", 9]], [[316887, 305993, "Same_Old_Love", 0]], [[316896, 306001, "Same_Old_Love", 0]], [[316896, 306002, "Same_Old_Love", 3]], [[316896, 306003, "Same_Old_Love", 5]], [[316896, 306004, "Same_Old_Love", 13]], [[316900, 306008, "Same_Old_Love", 0]], [[316900, 306009, "Same_Old_Love", 3]], [[316900, 306010, "Same_Old_Love", 5]], [[316900, 306011, "Same_Old_Love", 9]], [[316900, 306012, "Same_Old_Love", 10]], [[316900, 306013, "Same_Old_Love", 11]], [[316900, 306014, "Same_Old_Love", 13]], [[316900, 306015, "Same_Old_Love", 17], [316900, 306015, "Apple_Music", 0]], [[316900, 306016, "Same_Old_Love", 20]]], "all_evidence": [[210937, 218593, "Same_Old_Love", 0], [210937, 218594, "Same_Old_Love", 1], [210937, 218595, "Same_Old_Love", 2], [210938, 218596, "Same_Old_Love", 0], [210938, 218597, "Same_Old_Love", 1], [210938, 218598, "Same_Old_Love", 2], [315981, 305191, "Same_Old_Love", 0], [316884, 305990, "Same_Old_Love", 0], [316884, 305991, "Same_Old_Love", 3], [316884, 305992, "Same_Old_Love", 9], [316887, 305993, "Same_Old_Love", 0], [316896, 306001, "Same_Old_Love", 0], [316896, 306002, "Same_Old_Love", 3], [316896, 306003, "Same_Old_Love", 5], [316896, 306004, "Same_Old_Love", 13], [316900, 306008, "Same_Old_Love", 0], [316900, 306009, "Same_Old_Love", 3], [316900, 306010, "Same_Old_Love", 5], [316900, 306011, "Same_Old_Love", 9], [316900, 306012, "Same_Old_Love", 10], [316900, 306013, "Same_Old_Love", 11], [316900, 306014, "Same_Old_Love", 13], [316900, 306015, "Same_Old_Love", 17], [316900, 306015, "Apple_Music", 0], [316900, 306016, "Same_Old_Love", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227788, null, null, null]]], "all_evidence": [[227788, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194101, 204511, "Rick_Yune", 2]]], "all_evidence": [[194101, 204511, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227243, 231642, "Kim_Jong-il", 16]]], "all_evidence": [[227243, 231642, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207453, null, null, null]]], "all_evidence": [[207453, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115007, null, null, null]]], "all_evidence": [[115007, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184821, 196704, "Kesha", 0]]], "all_evidence": [[184821, 196704, "Kesha", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191976, 202744, "Drake_Bell", 18]], [[191977, 202745, "Drake_Bell", 18]]], "all_evidence": [[191976, 202744, "Drake_Bell", 18], [191977, 202745, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198054, 207997, "Dave_Gibbons", 0]]], "all_evidence": [[198054, 207997, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115388, 129204, "Lithuanians", 0]]], "all_evidence": [[115388, 129204, "Lithuanians", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150105, 165047, "Jennifer_Lopez", 4]], [[150105, 165048, "Jennifer_Lopez", 7]], [[150105, 165049, "Jennifer_Lopez", 10]], [[150105, 165050, "Jennifer_Lopez", 13]], [[150105, 165051, "Jennifer_Lopez", 14], [150105, 165051, "On_the_Floor", 0]]], "all_evidence": [[150105, 165047, "Jennifer_Lopez", 4], [150105, 165048, "Jennifer_Lopez", 7], [150105, 165049, "Jennifer_Lopez", 10], [150105, 165050, "Jennifer_Lopez", 13], [150105, 165051, "Jennifer_Lopez", 14], [150105, 165051, "On_the_Floor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58200, null, null, null]]], "all_evidence": [[58200, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25982, 31922, "Camden,_New_Jersey", 40]], [[300626, 291773, "Camden,_New_Jersey", 40]]], "all_evidence": [[25982, 31922, "Camden,_New_Jersey", 40], [300626, 291773, "Camden,_New_Jersey", 40]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211977, 219585, "Saturn_Corporation", 0]]], "all_evidence": [[211977, 219585, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259601, 258166, "French_Resistance", 6]]], "all_evidence": [[259601, 258166, "French_Resistance", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239630, null, null, null]]], "all_evidence": [[239630, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104018, null, null, null]]], "all_evidence": [[104018, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189361, 200644, "To_Pimp_a_Butterfly", 0]]], "all_evidence": [[189361, 200644, "To_Pimp_a_Butterfly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211271, null, null, null]]], "all_evidence": [[211271, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121845, 136143, "Seohyun", 0]]], "all_evidence": [[121845, 136143, "Seohyun", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279743, null, null, null], [281456, null, null, null], [283578, null, null, null], [328153, null, null, null], [329063, null, null, null]]], "all_evidence": [[279743, null, null, null], [281456, null, null, null], [283578, null, null, null], [328153, null, null, null], [329063, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207998, 216165, "Tylenol_-LRB-brand-RRB-", 0]]], "all_evidence": [[207998, 216165, "Tylenol_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225924, 230500, "Roland_Emmerich", 3]], [[225925, 230501, "Roland_Emmerich", 3]]], "all_evidence": [[225924, 230500, "Roland_Emmerich", 3], [225925, 230501, "Roland_Emmerich", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63378, 74135, "Yale_University", 23]]], "all_evidence": [[63378, 74135, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121931, 136225, "Nestor_Carbonell", 1]]], "all_evidence": [[121931, 136225, "Nestor_Carbonell", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240385, 242009, "Poseidon_-LRB-film-RRB-", 6]], [[240387, 242010, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[240385, 242009, "Poseidon_-LRB-film-RRB-", 6], [240387, 242010, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64843, 75691, "How_to_Train_Your_Dragon_2", 16]], [[64843, 75692, "How_to_Train_Your_Dragon_2", 17]]], "all_evidence": [[64843, 75691, "How_to_Train_Your_Dragon_2", 16], [64843, 75692, "How_to_Train_Your_Dragon_2", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102080, 115336, "Reign_Over_Me", 0]]], "all_evidence": [[102080, 115336, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165005, null, null, null]]], "all_evidence": [[165005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76316, 87617, "Chris_Kyle", 0]]], "all_evidence": [[76316, 87617, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118769, 132606, "Augustus", 10], [118769, 132606, "Augustus", 42]], [[118769, 132607, "Augustus", 41], [118769, 132607, "Augustus", 42]]], "all_evidence": [[118769, 132606, "Augustus", 10], [118769, 132606, "Augustus", 42], [118769, 132607, "Augustus", 41], [118769, 132607, "Augustus", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131845, 146695, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[131845, 146695, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108403, 121953, "Eric_Church", 0]], [[108403, 121954, "Eric_Church", 2], [108403, 121954, "Guys_Like_Me", 0], [108403, 121954, "Two_Pink_Lines", 0], [108403, 121954, "Sinners_Like_Me", 0]], [[108403, 121955, "Eric_Church", 5], [108403, 121955, "Carolina_-LRB-Eric_Church_album-RRB-", 0], [108403, 121955, "Love_Your_Love_the_Most", 0]], [[108403, 121956, "Eric_Church", 6], [108403, 121956, "Chief_-LRB-album-RRB-", 0], [108403, 121956, "Drink_in_My_Hand", 0], [108403, 121956, "Homeboy_-LRB-Eric_Church_song-RRB-", 0], [108403, 121956, "Like_Jesus_Does", 0], [108403, 121956, "Springsteen_-LRB-song-RRB-", 0]], [[108403, 121957, "Eric_Church", 7], [108403, 121957, "Night_Train_-LRB-Jason_Aldean_album-RRB-", 0]], [[108403, 121958, "Eric_Church", 8], [108403, 121958, "The_Outsiders_-LRB-Eric_Church_album-RRB-", 0]], [[108403, 121959, "Eric_Church", 9], [108403, 121959, "Like_a_Wrecking_Ball", 0]], [[108403, 121960, "Eric_Church", 12], [108403, 121960, "Mr._Misunderstood", 0]]], "all_evidence": [[108403, 121953, "Eric_Church", 0], [108403, 121954, "Eric_Church", 2], [108403, 121954, "Guys_Like_Me", 0], [108403, 121954, "Two_Pink_Lines", 0], [108403, 121954, "Sinners_Like_Me", 0], [108403, 121955, "Eric_Church", 5], [108403, 121955, "Carolina_-LRB-Eric_Church_album-RRB-", 0], [108403, 121955, "Love_Your_Love_the_Most", 0], [108403, 121956, "Eric_Church", 6], [108403, 121956, "Chief_-LRB-album-RRB-", 0], [108403, 121956, "Drink_in_My_Hand", 0], [108403, 121956, "Homeboy_-LRB-Eric_Church_song-RRB-", 0], [108403, 121956, "Like_Jesus_Does", 0], [108403, 121956, "Springsteen_-LRB-song-RRB-", 0], [108403, 121957, "Eric_Church", 7], [108403, 121957, "Night_Train_-LRB-Jason_Aldean_album-RRB-", 0], [108403, 121958, "Eric_Church", 8], [108403, 121958, "The_Outsiders_-LRB-Eric_Church_album-RRB-", 0], [108403, 121959, "Eric_Church", 9], [108403, 121959, "Like_a_Wrecking_Ball", 0], [108403, 121960, "Eric_Church", 12], [108403, 121960, "Mr._Misunderstood", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225944, null, null, null]]], "all_evidence": [[225944, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46252, 55212, "Colosseum", 0]]], "all_evidence": [[46252, 55212, "Colosseum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[278976, 273633, "The_Cincinnati_Kid", 6]], [[280608, 275013, "The_Cincinnati_Kid", 6]], [[280909, 275297, "The_Cincinnati_Kid", 6]], [[327101, 314430, "The_Cincinnati_Kid", 6]], [[327105, 314433, "The_Cincinnati_Kid", 6]], [[327117, 314452, "The_Cincinnati_Kid", 6]]], "all_evidence": [[278976, 273633, "The_Cincinnati_Kid", 6], [280608, 275013, "The_Cincinnati_Kid", 6], [280909, 275297, "The_Cincinnati_Kid", 6], [327101, 314430, "The_Cincinnati_Kid", 6], [327105, 314433, "The_Cincinnati_Kid", 6], [327117, 314452, "The_Cincinnati_Kid", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121650, 135960, "John_Dolmayan", 0]], [[121650, 135961, "John_Dolmayan", 2]], [[121650, 135962, "John_Dolmayan", 1]], [[121650, 135963, "John_Dolmayan", 4]]], "all_evidence": [[121650, 135960, "John_Dolmayan", 0], [121650, 135961, "John_Dolmayan", 2], [121650, 135962, "John_Dolmayan", 1], [121650, 135963, "John_Dolmayan", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75199, 86435, "Poseidon_-LRB-film-RRB-", 6]]], "all_evidence": [[75199, 86435, "Poseidon_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14114, 17636, "Angelsberg", 1]], [[14561, 18198, "Angelsberg", 1]], [[15081, 18737, "Angelsberg", 1]], [[23182, 28556, "Angelsberg", 1]], [[299342, 290708, "Angelsberg", 1]]], "all_evidence": [[14114, 17636, "Angelsberg", 1], [14561, 18198, "Angelsberg", 1], [15081, 18737, "Angelsberg", 1], [23182, 28556, "Angelsberg", 1], [299342, 290708, "Angelsberg", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141149, 156355, "Stephen_Hillenburg", 4]]], "all_evidence": [[141149, 156355, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174992, 188077, "The_Others_-LRB-2001_film-RRB-", 6]], [[174993, 188078, "The_Others_-LRB-2001_film-RRB-", 6]]], "all_evidence": [[174992, 188077, "The_Others_-LRB-2001_film-RRB-", 6], [174993, 188078, "The_Others_-LRB-2001_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66644, 77457, "Tool_-LRB-band-RRB-", 3]]], "all_evidence": [[66644, 77457, "Tool_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194125, 204531, "Rick_Yune", 2]]], "all_evidence": [[194125, 204531, "Rick_Yune", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14252, 17813, "Helmand_Province", 3], [14252, 17813, "Lashkargah", 0]], [[14252, 17814, "Helmand_Province", 7]]], "all_evidence": [[14252, 17813, "Helmand_Province", 3], [14252, 17813, "Lashkargah", 0], [14252, 17814, "Helmand_Province", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172493, null, null, null]]], "all_evidence": [[172493, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253378, null, null, null], [320888, null, null, null], [320890, null, null, null], [320893, null, null, null], [320897, null, null, null], [320955, null, null, null]]], "all_evidence": [[253378, null, null, null], [320888, null, null, null], [320890, null, null, null], [320893, null, null, null], [320897, null, null, null], [320955, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268390, null, null, null]]], "all_evidence": [[268390, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38005, null, null, null]]], "all_evidence": [[38005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159894, 174404, "Ashley_Cole", 0]]], "all_evidence": [[159894, 174404, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217687, 224178, "Asylum_Records", 0]], [[217687, 224179, "Asylum_Records", 1]]], "all_evidence": [[217687, 224178, "Asylum_Records", 0], [217687, 224179, "Asylum_Records", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231188, null, null, null]]], "all_evidence": [[231188, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282255, null, null, null], [285198, null, null, null], [330350, null, null, null], [330354, null, null, null], [330357, null, null, null], [330358, null, null, null], [330363, null, null, null], [330449, null, null, null]]], "all_evidence": [[282255, null, null, null], [285198, null, null, null], [330350, null, null, null], [330354, null, null, null], [330357, null, null, null], [330358, null, null, null], [330363, null, null, null], [330449, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227043, 231469, "Bea_Arthur", 0]], [[227044, 231470, "Bea_Arthur", 0]]], "all_evidence": [[227043, 231469, "Bea_Arthur", 0], [227044, 231470, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203195, 212280, "Fabian_Nicieza", 0]]], "all_evidence": [[203195, 212280, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52286, 62253, "Australia_-LRB-2008_film-RRB-", 4], [52286, 62253, "Bowen,_Queensland", 0], [52286, 62253, "Darwin,_Northern_Territory", 2], [52286, 62253, "Kununurra,_Western_Australia", 0], [52286, 62253, "Sydney", 0]]], "all_evidence": [[52286, 62253, "Australia_-LRB-2008_film-RRB-", 4], [52286, 62253, "Bowen,_Queensland", 0], [52286, 62253, "Darwin,_Northern_Territory", 2], [52286, 62253, "Kununurra,_Western_Australia", 0], [52286, 62253, "Sydney", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199938, null, null, null]]], "all_evidence": [[199938, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223509, null, null, null], [227166, null, null, null], [229914, null, null, null], [318101, null, null, null], [319763, null, null, null], [319764, null, null, null]]], "all_evidence": [[223509, null, null, null], [227166, null, null, null], [229914, null, null, null], [318101, null, null, null], [319763, null, null, null], [319764, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[273677, null, null, null]]], "all_evidence": [[273677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87126, 99634, "David_Packouz", 0]]], "all_evidence": [[87126, 99634, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275003, 270212, "Jenna_Jameson", 0]], [[275003, 270213, "Jenna_Jameson", 3]], [[275003, 270214, "Jenna_Jameson", 4]], [[275003, 270215, "Jenna_Jameson", 5]], [[275003, 270216, "Jenna_Jameson", 8]], [[275003, 270217, "Jenna_Jameson", 15]], [[275003, 270218, "Jenna_Jameson", 18]], [[275003, 270219, "Jenna_Jameson", 17]], [[275003, 270220, "Jenna_Jameson", 21]], [[275003, 270221, "Jenna_Jameson", 22]], [[277659, 272595, "Jenna_Jameson", 0]], [[277659, 272596, "Jenna_Jameson", 3]], [[277659, 272597, "Jenna_Jameson", 4]], [[277659, 272598, "Jenna_Jameson", 5]], [[277659, 272599, "Jenna_Jameson", 8]], [[277659, 272600, "Jenna_Jameson", 10]], [[277659, 272601, "Jenna_Jameson", 15]], [[277659, 272602, "Jenna_Jameson", 16]], [[277659, 272603, "Jenna_Jameson", 17]], [[277659, 272604, "Jenna_Jameson", 18]], [[277659, 272605, "Jenna_Jameson", 21]], [[277659, 272606, "Jenna_Jameson", 22]], [[324048, 312140, "Jenna_Jameson", 0]], [[324053, 312141, "Jenna_Jameson", 0]], [[324053, 312142, "Jenna_Jameson", 12]]], "all_evidence": [[275003, 270212, "Jenna_Jameson", 0], [275003, 270213, "Jenna_Jameson", 3], [275003, 270214, "Jenna_Jameson", 4], [275003, 270215, "Jenna_Jameson", 5], [275003, 270216, "Jenna_Jameson", 8], [275003, 270217, "Jenna_Jameson", 15], [275003, 270218, "Jenna_Jameson", 18], [275003, 270219, "Jenna_Jameson", 17], [275003, 270220, "Jenna_Jameson", 21], [275003, 270221, "Jenna_Jameson", 22], [277659, 272595, "Jenna_Jameson", 0], [277659, 272596, "Jenna_Jameson", 3], [277659, 272597, "Jenna_Jameson", 4], [277659, 272598, "Jenna_Jameson", 5], [277659, 272599, "Jenna_Jameson", 8], [277659, 272600, "Jenna_Jameson", 10], [277659, 272601, "Jenna_Jameson", 15], [277659, 272602, "Jenna_Jameson", 16], [277659, 272603, "Jenna_Jameson", 17], [277659, 272604, "Jenna_Jameson", 18], [277659, 272605, "Jenna_Jameson", 21], [277659, 272606, "Jenna_Jameson", 22], [324048, 312140, "Jenna_Jameson", 0], [324053, 312141, "Jenna_Jameson", 0], [324053, 312142, "Jenna_Jameson", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87058, 99551, "Same_Old_Love", 0]], [[87058, 99552, "Same_Old_Love", 9], [87058, 99552, "Revival_-LRB-Selena_Gomez_album-RRB-", 18], [87058, 99552, "Revival_-LRB-Selena_Gomez_album-RRB-", 0]]], "all_evidence": [[87058, 99551, "Same_Old_Love", 0], [87058, 99552, "Same_Old_Love", 9], [87058, 99552, "Revival_-LRB-Selena_Gomez_album-RRB-", 18], [87058, 99552, "Revival_-LRB-Selena_Gomez_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275001, 270210, "Colombiana", 0]], [[275002, 270211, "Colombiana", 0]], [[277011, 272021, "Colombiana", 0]], [[324069, 312149, "Colombiana", 0]], [[324072, 312152, "Colombiana", 0]]], "all_evidence": [[275001, 270210, "Colombiana", 0], [275002, 270211, "Colombiana", 0], [277011, 272021, "Colombiana", 0], [324069, 312149, "Colombiana", 0], [324072, 312152, "Colombiana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182557, null, null, null]]], "all_evidence": [[182557, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30096, 36656, "Duane_Chapman", 0]], [[32231, 39168, "Duane_Chapman", 0]], [[35064, 42519, "Duane_Chapman", 0]], [[301834, 292940, "Duane_Chapman", 0]], [[301836, 292941, "Duane_Chapman", 0]], [[303529, 294492, "Duane_Chapman", 0]]], "all_evidence": [[30096, 36656, "Duane_Chapman", 0], [32231, 39168, "Duane_Chapman", 0], [35064, 42519, "Duane_Chapman", 0], [301834, 292940, "Duane_Chapman", 0], [301836, 292941, "Duane_Chapman", 0], [303529, 294492, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232807, null, null, null]]], "all_evidence": [[232807, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279977, null, null, null], [280029, null, null, null], [281682, null, null, null], [328663, null, null, null], [329310, null, null, null], [329312, null, null, null], [329314, null, null, null]]], "all_evidence": [[279977, null, null, null], [280029, null, null, null], [281682, null, null, null], [328663, null, null, null], [329310, null, null, null], [329312, null, null, null], [329314, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262062, 260114, "Raabta_-LRB-song-RRB-", 0]], [[262063, 260115, "Raabta_-LRB-song-RRB-", 0]], [[262067, 260117, "Raabta_-LRB-song-RRB-", 0]]], "all_evidence": [[262062, 260114, "Raabta_-LRB-song-RRB-", 0], [262063, 260115, "Raabta_-LRB-song-RRB-", 0], [262067, 260117, "Raabta_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45716, 54583, "Britt_Robertson", 12]]], "all_evidence": [[45716, 54583, "Britt_Robertson", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175261, null, null, null]]], "all_evidence": [[175261, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142602, 157768, "Johnny_Galecki", 1]]], "all_evidence": [[142602, 157768, "Johnny_Galecki", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63552, 74306, "Sleipnir", 0]]], "all_evidence": [[63552, 74306, "Sleipnir", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240807, 242419, "Glee.com", 1]]], "all_evidence": [[240807, 242419, "Glee.com", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279035, null, null, null], [279036, null, null, null], [280645, null, null, null], [280646, null, null, null], [327186, null, null, null], [327190, null, null, null]]], "all_evidence": [[279035, null, null, null], [279036, null, null, null], [280645, null, null, null], [280646, null, null, null], [327186, null, null, null], [327190, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121551, null, null, null]]], "all_evidence": [[121551, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178694, null, null, null]]], "all_evidence": [[178694, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243713, 244890, "Palo_Alto,_California", 0]]], "all_evidence": [[243713, 244890, "Palo_Alto,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77816, 89267, "Shane_Black", 0]]], "all_evidence": [[77816, 89267, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168709, 182428, "Fidel_Castro", 7]]], "all_evidence": [[168709, 182428, "Fidel_Castro", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218171, 224528, "Bermuda_Triangle", 0]]], "all_evidence": [[218171, 224528, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76273, 87576, "Brazzers", 0]], [[76273, 87577, "Brazzers", 1]]], "all_evidence": [[76273, 87576, "Brazzers", 0], [76273, 87577, "Brazzers", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181870, 194153, "Touchscreen", 9]], [[181870, 194154, "Touchscreen", 11]], [[181870, 194155, "Touchscreen", 10]]], "all_evidence": [[181870, 194153, "Touchscreen", 9], [181870, 194154, "Touchscreen", 11], [181870, 194155, "Touchscreen", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227758, 232098, "Happiness_in_Slavery", 0]]], "all_evidence": [[227758, 232098, "Happiness_in_Slavery", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190734, 201702, "Buffy_Summers", 1]]], "all_evidence": [[190734, 201702, "Buffy_Summers", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34833, null, null, null]]], "all_evidence": [[34833, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165723, 179726, "Billboard_Dad", 0]], [[165724, 179727, "Billboard_Dad", 0]]], "all_evidence": [[165723, 179726, "Billboard_Dad", 0], [165724, 179727, "Billboard_Dad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69188, 79957, "CONCACAF_Champions_League", 0]]], "all_evidence": [[69188, 79957, "CONCACAF_Champions_League", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78375, null, null, null]]], "all_evidence": [[78375, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87439, 99901, "English_people", 6]]], "all_evidence": [[87439, 99901, "English_people", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59682, 70091, "Trollhunters", 0]]], "all_evidence": [[59682, 70091, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147558, 162570, "Craig_David", 5]], [[147558, 162571, "Craig_David", 0]]], "all_evidence": [[147558, 162570, "Craig_David", 5], [147558, 162571, "Craig_David", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258393, 257191, "Monk", 0]]], "all_evidence": [[258393, 257191, "Monk", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240801, 242413, "Glee.com", 1]]], "all_evidence": [[240801, 242413, "Glee.com", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189357, null, null, null]]], "all_evidence": [[189357, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77239, null, null, null]]], "all_evidence": [[77239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241286, null, null, null]]], "all_evidence": [[241286, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154938, 169661, "White_House_Press_Secretary", 0]]], "all_evidence": [[154938, 169661, "White_House_Press_Secretary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227759, 232099, "Tilda_Swinton", 0]], [[227759, 232100, "Tilda_Swinton", 1]], [[227759, 232101, "Tilda_Swinton", 4]], [[227759, 232102, "Tilda_Swinton", 6]], [[227759, 232103, "Tilda_Swinton", 9]], [[227759, 232104, "Tilda_Swinton", 10]], [[227759, 232105, "Tilda_Swinton", 11]], [[227759, 232106, "Tilda_Swinton", 14]], [[227759, 232107, "Tilda_Swinton", 15]], [[227759, 232108, "Tilda_Swinton", 16]], [[227759, 232109, "Tilda_Swinton", 17]]], "all_evidence": [[227759, 232099, "Tilda_Swinton", 0], [227759, 232100, "Tilda_Swinton", 1], [227759, 232101, "Tilda_Swinton", 4], [227759, 232102, "Tilda_Swinton", 6], [227759, 232103, "Tilda_Swinton", 9], [227759, 232104, "Tilda_Swinton", 10], [227759, 232105, "Tilda_Swinton", 11], [227759, 232106, "Tilda_Swinton", 14], [227759, 232107, "Tilda_Swinton", 15], [227759, 232108, "Tilda_Swinton", 16], [227759, 232109, "Tilda_Swinton", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39635, null, null, null]]], "all_evidence": [[39635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173620, 186831, "Tremont_Street_Subway", 0]]], "all_evidence": [[173620, 186831, "Tremont_Street_Subway", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181775, 194028, "Kerplunk_-LRB-album-RRB-", 0]]], "all_evidence": [[181775, 194028, "Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257331, 256352, "Calcaneal_spur", 1]]], "all_evidence": [[257331, 256352, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60132, 70549, "DNA_-LRB-Little_Mix_album-RRB-", 0]], [[60132, 70550, "DNA_-LRB-Little_Mix_album-RRB-", 4]], [[60132, 70551, "DNA_-LRB-Little_Mix_album-RRB-", 7]]], "all_evidence": [[60132, 70549, "DNA_-LRB-Little_Mix_album-RRB-", 0], [60132, 70550, "DNA_-LRB-Little_Mix_album-RRB-", 4], [60132, 70551, "DNA_-LRB-Little_Mix_album-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63670, 74415, "Garden_State_-LRB-film-RRB-", 6], [63670, 74415, "Sundance_Film_Festival", 0]]], "all_evidence": [[63670, 74415, "Garden_State_-LRB-film-RRB-", 6], [63670, 74415, "Sundance_Film_Festival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282071, 276317, "Due_Date", 2]], [[284097, 277982, "Due_Date", 2], [284097, 277982, "Tuscaloosa,_Alabama", 0]], [[285108, 278821, "Due_Date", 2]], [[329962, 316650, "Due_Date", 2]], [[329967, 316651, "Due_Date", 2], [329967, 316651, "Due_Date", 0]]], "all_evidence": [[282071, 276317, "Due_Date", 2], [284097, 277982, "Due_Date", 2], [284097, 277982, "Tuscaloosa,_Alabama", 0], [285108, 278821, "Due_Date", 2], [329962, 316650, "Due_Date", 2], [329967, 316651, "Due_Date", 2], [329967, 316651, "Due_Date", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283305, null, null, null], [285808, null, null, null], [285813, null, null, null], [331862, null, null, null]]], "all_evidence": [[283305, null, null, null], [285808, null, null, null], [285813, null, null, null], [331862, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37003, 44663, "Penguin_Books", 3]]], "all_evidence": [[37003, 44663, "Penguin_Books", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140092, 155104, "Poldark_-LRB-2015_TV_series-RRB-", 0]]], "all_evidence": [[140092, 155104, "Poldark_-LRB-2015_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228795, null, null, null]]], "all_evidence": [[228795, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137740, 152675, "Indian_Army", 16], [137740, 152675, "Volunteer_military", 0]]], "all_evidence": [[137740, 152675, "Indian_Army", 16], [137740, 152675, "Volunteer_military", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101264, 114504, "Derek_Hough", 5]], [[101264, 114505, "Derek_Hough", 6]]], "all_evidence": [[101264, 114504, "Derek_Hough", 5], [101264, 114505, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227068, 231483, "Bea_Arthur", 0]], [[227069, 231484, "Bea_Arthur", 0]]], "all_evidence": [[227068, 231483, "Bea_Arthur", 0], [227069, 231484, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180981, 193298, "Colin_Kaepernick", 5], [180981, 193298, "2012_San_Francisco_49ers_season", 0]]], "all_evidence": [[180981, 193298, "Colin_Kaepernick", 5], [180981, 193298, "2012_San_Francisco_49ers_season", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15861, 19722, "Nicholas_Brody", 1]]], "all_evidence": [[15861, 19722, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81555, null, null, null]]], "all_evidence": [[81555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116916, 130792, "Tatum_O'Neal", 6]]], "all_evidence": [[116916, 130792, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239001, null, null, null]]], "all_evidence": [[239001, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139879, null, null, null]]], "all_evidence": [[139879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75122, 86356, "Marco_Polo", 1]], [[75122, 86357, "Marco_Polo", 11]]], "all_evidence": [[75122, 86356, "Marco_Polo", 1], [75122, 86357, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72989, 84155, "Star_Trek-COLON-_Discovery", 1], [72989, 84155, "Star_Trek", 0]]], "all_evidence": [[72989, 84155, "Star_Trek-COLON-_Discovery", 1], [72989, 84155, "Star_Trek", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45468, 54292, "DNA_-LRB-Little_Mix_album-RRB-", 0]]], "all_evidence": [[45468, 54292, "DNA_-LRB-Little_Mix_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85772, null, null, null]]], "all_evidence": [[85772, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186081, 197998, "Baz_Luhrmann", 2], [186081, 197998, "Nicole_Kidman", 0]]], "all_evidence": [[186081, 197998, "Baz_Luhrmann", 2], [186081, 197998, "Nicole_Kidman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91791, null, null, null]]], "all_evidence": [[91791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222211, 227594, "Oscar_De_La_Hoya", 7]]], "all_evidence": [[222211, 227594, "Oscar_De_La_Hoya", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259467, 258040, "Libya", 2]]], "all_evidence": [[259467, 258040, "Libya", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15997, 19874, "Rabies", 10]]], "all_evidence": [[15997, 19874, "Rabies", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109329, 122997, "Martin_Van_Buren", 14], [109329, 122997, "Recess_appointment", 0]]], "all_evidence": [[109329, 122997, "Martin_Van_Buren", 14], [109329, 122997, "Recess_appointment", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254361, null, null, null]]], "all_evidence": [[254361, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83061, 94956, "Wish_Upon", 0]]], "all_evidence": [[83061, 94956, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73522, null, null, null]]], "all_evidence": [[73522, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227031, 231458, "Bea_Arthur", 0]]], "all_evidence": [[227031, 231458, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58419, null, null, null]]], "all_evidence": [[58419, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160955, null, null, null]]], "all_evidence": [[160955, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228469, null, null, null]]], "all_evidence": [[228469, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48801, 58127, "Aleister_Crowley", 0]], [[48801, 58128, "Aleister_Crowley", 5], [48801, 58128, "Warwickshire", 0]], [[51762, 61582, "Aleister_Crowley", 0]], [[54876, 64883, "Aleister_Crowley", 0]], [[54876, 64884, "Aleister_Crowley", 5], [54876, 64884, "Warwickshire", 0]], [[302721, 293716, "Aleister_Crowley", 0]], [[304924, 295731, "Aleister_Crowley", 0]]], "all_evidence": [[48801, 58127, "Aleister_Crowley", 0], [48801, 58128, "Aleister_Crowley", 5], [48801, 58128, "Warwickshire", 0], [51762, 61582, "Aleister_Crowley", 0], [54876, 64883, "Aleister_Crowley", 0], [54876, 64884, "Aleister_Crowley", 5], [54876, 64884, "Warwickshire", 0], [302721, 293716, "Aleister_Crowley", 0], [304924, 295731, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172411, 185719, "Humphrey_Bogart", 17]]], "all_evidence": [[172411, 185719, "Humphrey_Bogart", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192739, 203458, "Cadet_Kelly", 0]]], "all_evidence": [[192739, 203458, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41014, 49318, "Byron_Howard", 2]]], "all_evidence": [[41014, 49318, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236628, null, null, null]]], "all_evidence": [[236628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240796, 242408, "Glee.com", 1]], [[240797, 242409, "Glee.com", 1]]], "all_evidence": [[240796, 242408, "Glee.com", 1], [240797, 242409, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137415, 152300, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[137415, 152300, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234907, 237695, "Tijuana", 0]]], "all_evidence": [[234907, 237695, "Tijuana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61120, 71591, "Steve_Wozniak", 5]]], "all_evidence": [[61120, 71591, "Steve_Wozniak", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225827, 230399, "Love_the_Way_You_Lie", 16]]], "all_evidence": [[225827, 230399, "Love_the_Way_You_Lie", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63726, 74473, "Email_filtering", 5]]], "all_evidence": [[63726, 74473, "Email_filtering", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26118, 32128, "Damon_Albarn", 17]]], "all_evidence": [[26118, 32128, "Damon_Albarn", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240821, null, null, null]]], "all_evidence": [[240821, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56239, 66427, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[58945, 69261, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[58945, 69262, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 0]], [[302831, 293819, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[305039, 295846, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[305040, 295847, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]], [[305124, 295957, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[56239, 66427, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [58945, 69261, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [58945, 69262, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], [302831, 293819, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [305039, 295846, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [305040, 295847, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], [305124, 295957, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100409, null, null, null]]], "all_evidence": [[100409, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148008, 163000, "Yale_University", 23]]], "all_evidence": [[148008, 163000, "Yale_University", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272528, 268201, "The_Wallace_-LRB-poem-RRB-", 2]]], "all_evidence": [[272528, 268201, "The_Wallace_-LRB-poem-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38031, 45949, "Duff_McKagan", 0]]], "all_evidence": [[38031, 45949, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297635, null, null, null], [299732, null, null, null], [342145, null, null, null], [342161, null, null, null]]], "all_evidence": [[297635, null, null, null], [299732, null, null, null], [342145, null, null, null], [342161, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234479, 237345, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234479, 237345, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150057, null, null, null]]], "all_evidence": [[150057, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241365, 242916, "Brad_Wilk", 4]]], "all_evidence": [[241365, 242916, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248569, 248726, "In_a_Lonely_Place", 1]]], "all_evidence": [[248569, 248726, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17599, 21753, "DNA_-LRB-Little_Mix_album-RRB-", 0]], [[17599, 21754, "DNA_-LRB-Little_Mix_album-RRB-", 4]], [[17599, 21755, "DNA_-LRB-Little_Mix_album-RRB-", 5]], [[17599, 21756, "DNA_-LRB-Little_Mix_album-RRB-", 6]], [[17599, 21757, "DNA_-LRB-Little_Mix_album-RRB-", 7]], [[17599, 21758, "DNA_-LRB-Little_Mix_album-RRB-", 11]], [[17599, 21759, "DNA_-LRB-Little_Mix_album-RRB-", 17]]], "all_evidence": [[17599, 21753, "DNA_-LRB-Little_Mix_album-RRB-", 0], [17599, 21754, "DNA_-LRB-Little_Mix_album-RRB-", 4], [17599, 21755, "DNA_-LRB-Little_Mix_album-RRB-", 5], [17599, 21756, "DNA_-LRB-Little_Mix_album-RRB-", 6], [17599, 21757, "DNA_-LRB-Little_Mix_album-RRB-", 7], [17599, 21758, "DNA_-LRB-Little_Mix_album-RRB-", 11], [17599, 21759, "DNA_-LRB-Little_Mix_album-RRB-", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17777, null, null, null]]], "all_evidence": [[17777, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161601, null, null, null]]], "all_evidence": [[161601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214293, 221373, "Kenneth_Lonergan", 2], [214293, 221373, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [214293, 221373, "You_Can_Count_On_Me", 1]]], "all_evidence": [[214293, 221373, "Kenneth_Lonergan", 2], [214293, 221373, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [214293, 221373, "You_Can_Count_On_Me", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169075, 182757, "New_York_Knicks", 1]]], "all_evidence": [[169075, 182757, "New_York_Knicks", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179452, null, null, null]]], "all_evidence": [[179452, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292506, null, null, null], [294523, null, null, null], [295117, null, null, null], [340616, null, null, null], [340917, null, null, null]]], "all_evidence": [[292506, null, null, null], [294523, null, null, null], [295117, null, null, null], [340616, null, null, null], [340917, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272433, 268129, "Island_Records", 1]]], "all_evidence": [[272433, 268129, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42576, 51230, "Liverpool", 13], [42576, 51230, "The_Beatles", 0]]], "all_evidence": [[42576, 51230, "Liverpool", 13], [42576, 51230, "The_Beatles", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264408, 261869, "Brubaker", 0]]], "all_evidence": [[264408, 261869, "Brubaker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215862, null, null, null]]], "all_evidence": [[215862, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263246, null, null, null]]], "all_evidence": [[263246, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66772, 77608, "West_Virginia", 1]], [[66772, 77609, "West_Virginia", 12]]], "all_evidence": [[66772, 77608, "West_Virginia", 1], [66772, 77609, "West_Virginia", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171567, null, null, null]]], "all_evidence": [[171567, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200760, null, null, null]]], "all_evidence": [[200760, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290021, 283092, "Nestor_Carbonell", 0]], [[291367, 284309, "Nestor_Carbonell", 1], [291367, 284309, "The_Dark_Knight_Rises", 0], [291367, 284309, "19th_century", 0]], [[293515, 286026, "Nestor_Carbonell", 1], [293515, 286026, "The_Dark_Knight_Rises", 0]], [[337445, 322820, "Nestor_Carbonell", 0]], [[337589, 322957, "Nestor_Carbonell", 0]]], "all_evidence": [[290021, 283092, "Nestor_Carbonell", 0], [291367, 284309, "Nestor_Carbonell", 1], [291367, 284309, "The_Dark_Knight_Rises", 0], [291367, 284309, "19th_century", 0], [293515, 286026, "Nestor_Carbonell", 1], [293515, 286026, "The_Dark_Knight_Rises", 0], [337445, 322820, "Nestor_Carbonell", 0], [337589, 322957, "Nestor_Carbonell", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74094, null, null, null]]], "all_evidence": [[74094, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25445, 31375, "San_Diego_Comic-Con", 1]]], "all_evidence": [[25445, 31375, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275784, 270885, "Always_-LRB-1989_film-RRB-", 0]], [[278089, 272974, "Always_-LRB-1989_film-RRB-", 0]], [[280112, 274671, "Always_-LRB-1989_film-RRB-", 0]], [[324898, 312735, "Always_-LRB-1989_film-RRB-", 0]], [[324904, 312741, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[275784, 270885, "Always_-LRB-1989_film-RRB-", 0], [278089, 272974, "Always_-LRB-1989_film-RRB-", 0], [280112, 274671, "Always_-LRB-1989_film-RRB-", 0], [324898, 312735, "Always_-LRB-1989_film-RRB-", 0], [324904, 312741, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132831, 147746, "Stanley_Williams", 5]], [[132831, 147747, "Stanley_Williams", 4]]], "all_evidence": [[132831, 147746, "Stanley_Williams", 5], [132831, 147747, "Stanley_Williams", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266478, 263457, "Ludwig_van_Beethoven", 5]]], "all_evidence": [[266478, 263457, "Ludwig_van_Beethoven", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190774, 201730, "Alice_Cooper", 0]]], "all_evidence": [[190774, 201730, "Alice_Cooper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69764, 80637, "Off_the_Wall", 14], [69764, 80637, "Off_the_Wall", 13]], [[69764, 80638, "Off_the_Wall", 7]]], "all_evidence": [[69764, 80637, "Off_the_Wall", 14], [69764, 80637, "Off_the_Wall", 13], [69764, 80638, "Off_the_Wall", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191688, 202505, "Anne_Rice", 5]], [[191688, 202506, "Anne_Rice", 7]]], "all_evidence": [[191688, 202505, "Anne_Rice", 5], [191688, 202506, "Anne_Rice", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141757, 157013, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[141757, 157013, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186133, null, null, null]]], "all_evidence": [[186133, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27319, 33483, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]]], "all_evidence": [[27319, 33483, "The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126812, 141261, "Columbia_River", 14]], [[126812, 141262, "Columbia_River", 17]]], "all_evidence": [[126812, 141261, "Columbia_River", 14], [126812, 141262, "Columbia_River", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258709, 257473, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258709, 257473, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157782, null, null, null]]], "all_evidence": [[157782, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272421, null, null, null]]], "all_evidence": [[272421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108840, 122542, "Tiber_Oil_Field", 0]]], "all_evidence": [[108840, 122542, "Tiber_Oil_Field", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52505, 62483, "Marco_Polo", 11]]], "all_evidence": [[52505, 62483, "Marco_Polo", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200473, null, null, null]]], "all_evidence": [[200473, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194729, 205109, "Middle-earth", 0]]], "all_evidence": [[194729, 205109, "Middle-earth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61738, 72213, "Jack_Falahee", 0]]], "all_evidence": [[61738, 72213, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72071, 83061, "Aparshakti_Khurana", 0]]], "all_evidence": [[72071, 83061, "Aparshakti_Khurana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42786, 51422, "Joe_Rogan", 7], [42786, 51422, "Hardball_-LRB-1994_TV_series-RRB-", 0]]], "all_evidence": [[42786, 51422, "Joe_Rogan", 7], [42786, 51422, "Hardball_-LRB-1994_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246259, 246806, "Easy_A", 0]], [[246266, 246812, "Easy_A", 0]]], "all_evidence": [[246259, 246806, "Easy_A", 0], [246266, 246812, "Easy_A", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125243, 139578, "French_Indochina", 0]]], "all_evidence": [[125243, 139578, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45700, 54568, "YouTube", 15], [45700, 54568, "Alexa_Internet", 0]]], "all_evidence": [[45700, 54568, "YouTube", 15], [45700, 54568, "Alexa_Internet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74316, 85531, "Kelly_Preston", 3]], [[79335, 91011, "Kelly_Preston", 3]], [[81900, 93689, "Kelly_Preston", 3]], [[305922, 296694, "Kelly_Preston", 3]], [[307161, 297703, "Kelly_Preston", 3]]], "all_evidence": [[74316, 85531, "Kelly_Preston", 3], [79335, 91011, "Kelly_Preston", 3], [81900, 93689, "Kelly_Preston", 3], [305922, 296694, "Kelly_Preston", 3], [307161, 297703, "Kelly_Preston", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154545, 169260, "Despacito", 11]], [[154545, 169261, "Despacito", 12]], [[154545, 169262, "Despacito", 13]], [[154545, 169263, "Despacito", 14]]], "all_evidence": [[154545, 169260, "Despacito", 11], [154545, 169261, "Despacito", 12], [154545, 169262, "Despacito", 13], [154545, 169263, "Despacito", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143036, 158147, "Brian_Michael_Bendis", 12]]], "all_evidence": [[143036, 158147, "Brian_Michael_Bendis", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61941, 72433, "Rabies", 0]], [[61941, 72434, "Rabies", 5], [61941, 72434, "Central_nervous_system", 0]]], "all_evidence": [[61941, 72433, "Rabies", 0], [61941, 72434, "Rabies", 5], [61941, 72434, "Central_nervous_system", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178977, 191514, "The_Adventures_of_Pluto_Nash", 0]]], "all_evidence": [[178977, 191514, "The_Adventures_of_Pluto_Nash", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31270, 37975, "Columbia_River", 21]]], "all_evidence": [[31270, 37975, "Columbia_River", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[295412, 287526, "Tiber_Oil_Field", 0]], [[340823, 325359, "Tiber_Oil_Field", 0]], [[340835, 325368, "Tiber_Oil_Field", 0]]], "all_evidence": [[295412, 287526, "Tiber_Oil_Field", 0], [340823, 325359, "Tiber_Oil_Field", 0], [340835, 325368, "Tiber_Oil_Field", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251692, null, null, null]]], "all_evidence": [[251692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21846, 26836, "Jack_Falahee", 0]]], "all_evidence": [[21846, 26836, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230067, null, null, null]]], "all_evidence": [[230067, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274976, null, null, null], [274977, null, null, null], [324017, null, null, null], [324024, null, null, null], [324030, null, null, null]]], "all_evidence": [[274976, null, null, null], [274977, null, null, null], [324017, null, null, null], [324024, null, null, null], [324030, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260510, null, null, null]]], "all_evidence": [[260510, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161331, 175815, "Off_the_Wall", 14], [161331, 175815, "Off_the_Wall", 16]]], "all_evidence": [[161331, 175815, "Off_the_Wall", 14], [161331, 175815, "Off_the_Wall", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221674, null, null, null]]], "all_evidence": [[221674, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133451, 148316, "Telemundo", 0]], [[133452, 148317, "Telemundo", 0]], [[133453, 148318, "Telemundo", 0]], [[133454, 148319, "Telemundo", 0]], [[133455, 148320, "Telemundo", 0]], [[133456, 148321, "Telemundo", 0]], [[133457, 148322, "Telemundo", 0]], [[133458, 148323, "Telemundo", 0]], [[133459, 148324, "Telemundo", 0]], [[133460, 148325, "Telemundo", 0]], [[133461, 148326, "Telemundo", 0]], [[133462, 148327, "Telemundo", 0]], [[133463, 148328, "Telemundo", 0]], [[133464, 148329, "Telemundo", 0]], [[133465, 148330, "Telemundo", 0]], [[133466, 148331, "Telemundo", 0]], [[133467, 148332, "Telemundo", 0]]], "all_evidence": [[133451, 148316, "Telemundo", 0], [133452, 148317, "Telemundo", 0], [133453, 148318, "Telemundo", 0], [133454, 148319, "Telemundo", 0], [133455, 148320, "Telemundo", 0], [133456, 148321, "Telemundo", 0], [133457, 148322, "Telemundo", 0], [133458, 148323, "Telemundo", 0], [133459, 148324, "Telemundo", 0], [133460, 148325, "Telemundo", 0], [133461, 148326, "Telemundo", 0], [133462, 148327, "Telemundo", 0], [133463, 148328, "Telemundo", 0], [133464, 148329, "Telemundo", 0], [133465, 148330, "Telemundo", 0], [133466, 148331, "Telemundo", 0], [133467, 148332, "Telemundo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126759, 141209, "Luis_Fonsi", 0]]], "all_evidence": [[126759, 141209, "Luis_Fonsi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54485, null, null, null]]], "all_evidence": [[54485, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189986, 201144, "Philip_Glass", 9]]], "all_evidence": [[189986, 201144, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127764, 142422, "West_Ham_United_F.C.", 5]]], "all_evidence": [[127764, 142422, "West_Ham_United_F.C.", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239923, null, null, null]]], "all_evidence": [[239923, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174900, null, null, null]]], "all_evidence": [[174900, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138721, null, null, null]]], "all_evidence": [[138721, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90712, null, null, null]]], "all_evidence": [[90712, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228223, null, null, null]]], "all_evidence": [[228223, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51256, 60980, "T2_Trainspotting", 0]]], "all_evidence": [[51256, 60980, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69601, 80423, "Sean_Penn", 1], [69601, 80423, "Mystic_River_-LRB-film-RRB-", 0], [69601, 80423, "Milk_-LRB-film-RRB-", 0]], [[69601, 80424, "Sean_Penn", 5], [69601, 80424, "Taps_-LRB-film-RRB-", 0]], [[69601, 80425, "Sean_Penn", 6], [69601, 80425, "Cannes_Film_Festival_Award_for_Best_Actor", 0]], [[69601, 80426, "Sean_Penn", 8], [69601, 80426, "Hurlyburly_-LRB-film-RRB-", 0], [69601, 80426, "21_Grams", 0]]], "all_evidence": [[69601, 80423, "Sean_Penn", 1], [69601, 80423, "Mystic_River_-LRB-film-RRB-", 0], [69601, 80423, "Milk_-LRB-film-RRB-", 0], [69601, 80424, "Sean_Penn", 5], [69601, 80424, "Taps_-LRB-film-RRB-", 0], [69601, 80425, "Sean_Penn", 6], [69601, 80425, "Cannes_Film_Festival_Award_for_Best_Actor", 0], [69601, 80426, "Sean_Penn", 8], [69601, 80426, "Hurlyburly_-LRB-film-RRB-", 0], [69601, 80426, "21_Grams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151271, 166070, "Tremont_Street_Subway", 0]]], "all_evidence": [[151271, 166070, "Tremont_Street_Subway", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178523, null, null, null]]], "all_evidence": [[178523, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167960, 181725, "Knocked_Up", 4]], [[167961, 181726, "Knocked_Up", 4]]], "all_evidence": [[167960, 181725, "Knocked_Up", 4], [167961, 181726, "Knocked_Up", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208075, null, null, null]]], "all_evidence": [[208075, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230037, 233797, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230037, 233797, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109511, 123140, "Blue_Jasmine", 1]]], "all_evidence": [[109511, 123140, "Blue_Jasmine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85323, 97623, "Liverpool", 13]]], "all_evidence": [[85323, 97623, "Liverpool", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231478, null, null, null]]], "all_evidence": [[231478, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182687, 194872, "Penibaetic_System", 0]]], "all_evidence": [[182687, 194872, "Penibaetic_System", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251687, 251506, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251687, 251506, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39373, null, null, null]]], "all_evidence": [[39373, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91635, null, null, null]]], "all_evidence": [[91635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141335, 156531, "Shane_Black", 0]]], "all_evidence": [[141335, 156531, "Shane_Black", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289896, 282998, "Rupert_Murdoch", 13]], [[291252, 284206, "Rupert_Murdoch", 13]], [[293404, 285954, "Rupert_Murdoch", 13]], [[337454, 322827, "Rupert_Murdoch", 13]], [[337473, 322858, "Rupert_Murdoch", 13]]], "all_evidence": [[289896, 282998, "Rupert_Murdoch", 13], [291252, 284206, "Rupert_Murdoch", 13], [293404, 285954, "Rupert_Murdoch", 13], [337454, 322827, "Rupert_Murdoch", 13], [337473, 322858, "Rupert_Murdoch", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215833, null, null, null]]], "all_evidence": [[215833, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65558, 76425, "Kellyanne_Conway", 12]]], "all_evidence": [[65558, 76425, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44783, 53478, "Soyuz_-LRB-spacecraft-RRB-", 0]]], "all_evidence": [[44783, 53478, "Soyuz_-LRB-spacecraft-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84943, 97186, "James_Jones_-LRB-basketball_player-RRB-", 15]], [[85034, 97318, "James_Jones_-LRB-basketball_player-RRB-", 15]]], "all_evidence": [[84943, 97186, "James_Jones_-LRB-basketball_player-RRB-", 15], [85034, 97318, "James_Jones_-LRB-basketball_player-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191464, null, null, null]]], "all_evidence": [[191464, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237584, null, null, null]]], "all_evidence": [[237584, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215835, null, null, null]]], "all_evidence": [[215835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210945, 218607, "Mogadishu", 0]]], "all_evidence": [[210945, 218607, "Mogadishu", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155054, 169763, "Otto_I,_Holy_Roman_Emperor", 11]]], "all_evidence": [[155054, 169763, "Otto_I,_Holy_Roman_Emperor", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19926, 24478, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[19926, 24478, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173155, 186405, "Sidse_Babett_Knudsen", 0]], [[173155, 186406, "Sidse_Babett_Knudsen", 1]], [[173155, 186407, "Sidse_Babett_Knudsen", 4]], [[173155, 186408, "Sidse_Babett_Knudsen", 5]], [[173155, 186409, "Sidse_Babett_Knudsen", 6]], [[173155, 186410, "Sidse_Babett_Knudsen", 7]], [[173155, 186411, "Sidse_Babett_Knudsen", 10]]], "all_evidence": [[173155, 186405, "Sidse_Babett_Knudsen", 0], [173155, 186406, "Sidse_Babett_Knudsen", 1], [173155, 186407, "Sidse_Babett_Knudsen", 4], [173155, 186408, "Sidse_Babett_Knudsen", 5], [173155, 186409, "Sidse_Babett_Knudsen", 6], [173155, 186410, "Sidse_Babett_Knudsen", 7], [173155, 186411, "Sidse_Babett_Knudsen", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292576, 285318, "The_Mighty_Ducks", 1]], [[295191, 287352, "The_Mighty_Ducks", 1]], [[340398, 325063, "The_Mighty_Ducks", 1]], [[340404, 325065, "The_Mighty_Ducks", 1]]], "all_evidence": [[292576, 285318, "The_Mighty_Ducks", 1], [295191, 287352, "The_Mighty_Ducks", 1], [340398, 325063, "The_Mighty_Ducks", 1], [340404, 325065, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237023, 239340, "Varsity_Blues_-LRB-film-RRB-", 5]], [[237025, 239341, "Varsity_Blues_-LRB-film-RRB-", 5], [237025, 239341, "Varsity_Blues_-LRB-film-RRB-", 0]]], "all_evidence": [[237023, 239340, "Varsity_Blues_-LRB-film-RRB-", 5], [237025, 239341, "Varsity_Blues_-LRB-film-RRB-", 5], [237025, 239341, "Varsity_Blues_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89909, 102611, "Sheryl_Lee", 7], [89909, 102611, "Laura_Palmer", 0], [89909, 102611, "Laura_Palmer", 1]]], "all_evidence": [[89909, 102611, "Sheryl_Lee", 7], [89909, 102611, "Laura_Palmer", 0], [89909, 102611, "Laura_Palmer", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251694, 251508, "Mary-Kate_and_Ashley_Olsen", 0]], [[251695, 251509, "Mary-Kate_and_Ashley_Olsen", 0]], [[251696, 251510, "Mary-Kate_and_Ashley_Olsen", 0]]], "all_evidence": [[251694, 251508, "Mary-Kate_and_Ashley_Olsen", 0], [251695, 251509, "Mary-Kate_and_Ashley_Olsen", 0], [251696, 251510, "Mary-Kate_and_Ashley_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283123, null, null, null], [287399, null, null, null], [331636, null, null, null], [332304, null, null, null]]], "all_evidence": [[283123, null, null, null], [287399, null, null, null], [331636, null, null, null], [332304, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136341, null, null, null]]], "all_evidence": [[136341, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31215, 37912, "The_Cincinnati_Kid", 0]], [[31215, 37913, "The_Cincinnati_Kid", 6]], [[31215, 37914, "The_Cincinnati_Kid", 8]], [[31215, 37915, "The_Cincinnati_Kid", 11]]], "all_evidence": [[31215, 37912, "The_Cincinnati_Kid", 0], [31215, 37913, "The_Cincinnati_Kid", 6], [31215, 37914, "The_Cincinnati_Kid", 8], [31215, 37915, "The_Cincinnati_Kid", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123234, null, null, null]]], "all_evidence": [[123234, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156737, 171348, "Guillermo_del_Toro", 0]]], "all_evidence": [[156737, 171348, "Guillermo_del_Toro", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239238, null, null, null], [239240, null, null, null]]], "all_evidence": [[239238, null, null, null], [239240, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231194, null, null, null]]], "all_evidence": [[231194, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85682, null, null, null]]], "all_evidence": [[85682, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94020, 106994, "Aleister_Crowley", 0]]], "all_evidence": [[94020, 106994, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189993, 201148, "Philip_Glass", 9]]], "all_evidence": [[189993, 201148, "Philip_Glass", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237590, null, null, null], [237594, null, null, null], [237625, null, null, null]]], "all_evidence": [[237590, null, null, null], [237594, null, null, null], [237625, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228708, null, null, null]]], "all_evidence": [[228708, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161736, 176158, "Gin", 0]]], "all_evidence": [[161736, 176158, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289602, 282655, "Colosseum", 0]], [[291051, 284014, "Colosseum", 0]], [[293167, 285791, "Colosseum", 0], [293167, 285791, "Italy", 0]], [[336957, 322427, "Colosseum", 0], [336957, 322427, "Italy", 0]], [[337053, 322486, "Colosseum", 0], [337053, 322486, "Italy", 0]]], "all_evidence": [[289602, 282655, "Colosseum", 0], [291051, 284014, "Colosseum", 0], [293167, 285791, "Colosseum", 0], [293167, 285791, "Italy", 0], [336957, 322427, "Colosseum", 0], [336957, 322427, "Italy", 0], [337053, 322486, "Colosseum", 0], [337053, 322486, "Italy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203205, 212287, "Fabian_Nicieza", 0]]], "all_evidence": [[203205, 212287, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[298108, 289664, "Edgar_Wright", 0], [298108, 289664, "Gemini_-LRB-astrology-RRB-", 1]], [[300227, 291478, "Edgar_Wright", 0], [300227, 291478, "Gemini_-LRB-astrology-RRB-", 1]], [[343204, 327024, "Edgar_Wright", 0], [343204, 327024, "Gemini_-LRB-astrology-RRB-", 1]], [[343211, 327035, "Edgar_Wright", 0], [343211, 327035, "Gemini_-LRB-astrology-RRB-", 1]], [[343261, 327078, "Edgar_Wright", 0]], [[343262, 327079, "Edgar_Wright", 0]]], "all_evidence": [[298108, 289664, "Edgar_Wright", 0], [298108, 289664, "Gemini_-LRB-astrology-RRB-", 1], [300227, 291478, "Edgar_Wright", 0], [300227, 291478, "Gemini_-LRB-astrology-RRB-", 1], [343204, 327024, "Edgar_Wright", 0], [343204, 327024, "Gemini_-LRB-astrology-RRB-", 1], [343211, 327035, "Edgar_Wright", 0], [343211, 327035, "Gemini_-LRB-astrology-RRB-", 1], [343261, 327078, "Edgar_Wright", 0], [343262, 327079, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160009, 174514, "Trevor_Griffiths", 0]]], "all_evidence": [[160009, 174514, "Trevor_Griffiths", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203326, null, null, null]]], "all_evidence": [[203326, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115042, 128759, "Starrcade", 0]], [[115042, 128760, "Starrcade", 1]]], "all_evidence": [[115042, 128759, "Starrcade", 0], [115042, 128760, "Starrcade", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145542, 160553, "Saw_-LRB-franchise-RRB-", 14], [145542, 160553, "Saw_-LRB-2004_film-RRB-", 0], [145542, 160553, "Saw_II", 0]], [[145543, 160554, "Saw_-LRB-franchise-RRB-", 14], [145543, 160554, "Saw_-LRB-2004_film-RRB-", 0], [145543, 160554, "Saw_II", 0]]], "all_evidence": [[145542, 160553, "Saw_-LRB-franchise-RRB-", 14], [145542, 160553, "Saw_-LRB-2004_film-RRB-", 0], [145542, 160553, "Saw_II", 0], [145543, 160554, "Saw_-LRB-franchise-RRB-", 14], [145543, 160554, "Saw_-LRB-2004_film-RRB-", 0], [145543, 160554, "Saw_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181184, null, null, null]]], "all_evidence": [[181184, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218545, null, null, null]]], "all_evidence": [[218545, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177095, null, null, null]]], "all_evidence": [[177095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42519, 51168, "Jackie_-LRB-2016_film-RRB-", 0]]], "all_evidence": [[42519, 51168, "Jackie_-LRB-2016_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228753, 232868, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]], "all_evidence": [[228753, 232868, "Girl_-LRB-Pharrell_Williams_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117861, 131756, "Vietnam", 0]]], "all_evidence": [[117861, 131756, "Vietnam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247523, 247812, "Stadium_Arcadium", 1]]], "all_evidence": [[247523, 247812, "Stadium_Arcadium", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230075, 233821, "Jeong_Hyeong-don", 0]], [[230077, 233823, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230075, 233821, "Jeong_Hyeong-don", 0], [230077, 233823, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142560, null, null, null]]], "all_evidence": [[142560, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260872, null, null, null]]], "all_evidence": [[260872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33565, 40729, "Global_warming", 11]]], "all_evidence": [[33565, 40729, "Global_warming", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201852, 211209, "Artpop", 0]]], "all_evidence": [[201852, 211209, "Artpop", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13048, null, null, null], [13056, null, null, null], [20832, null, null, null], [22119, null, null, null], [298972, null, null, null]]], "all_evidence": [[13048, null, null, null], [13056, null, null, null], [20832, null, null, null], [22119, null, null, null], [298972, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257332, 256353, "Calcaneal_spur", 1]]], "all_evidence": [[257332, 256353, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166714, null, null, null]]], "all_evidence": [[166714, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32905, 39987, "Camden,_New_Jersey", 0]]], "all_evidence": [[32905, 39987, "Camden,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223642, 228610, "Jean-Michel_Basquiat", 11]], [[223642, 228611, "Jean-Michel_Basquiat", 0]]], "all_evidence": [[223642, 228610, "Jean-Michel_Basquiat", 11], [223642, 228611, "Jean-Michel_Basquiat", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123529, null, null, null]]], "all_evidence": [[123529, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179716, 192275, "Prowler_-LRB-comics-RRB-", 1]]], "all_evidence": [[179716, 192275, "Prowler_-LRB-comics-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124523, null, null, null]]], "all_evidence": [[124523, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155696, null, null, null]]], "all_evidence": [[155696, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174601, null, null, null]]], "all_evidence": [[174601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130028, 144743, "The_Others_-LRB-2001_film-RRB-", 5]]], "all_evidence": [[130028, 144743, "The_Others_-LRB-2001_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214289, 221371, "Kenneth_Lonergan", 0]]], "all_evidence": [[214289, 221371, "Kenneth_Lonergan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206509, 214852, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]], "all_evidence": [[206509, 214852, "World_Trade_Center_-LRB-1973\u20132001-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185460, 197231, "French_Indochina", 0]]], "all_evidence": [[185460, 197231, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183968, 195948, "Dan_O'Bannon", 0]]], "all_evidence": [[183968, 195948, "Dan_O'Bannon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105797, null, null, null]]], "all_evidence": [[105797, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148728, 163770, "Duane_Chapman", 0]]], "all_evidence": [[148728, 163770, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114285, 128068, "Randy_Savage", 4]]], "all_evidence": [[114285, 128068, "Randy_Savage", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76960, null, null, null]]], "all_evidence": [[76960, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[280198, null, null, null], [281755, null, null, null], [281759, null, null, null], [329432, null, null, null], [329440, null, null, null]]], "all_evidence": [[280198, null, null, null], [281755, null, null, null], [281759, null, null, null], [329432, null, null, null], [329440, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246607, null, null, null]]], "all_evidence": [[246607, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234955, null, null, null]]], "all_evidence": [[234955, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140355, null, null, null]]], "all_evidence": [[140355, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40781, 49035, "Vedam_-LRB-film-RRB-", 0], [40781, 49035, "Manchu_Manoj", 0], [40781, 49035, "Manoj_Bajpayee", 0], [40781, 49035, "Allu_Arjun", 0], [40781, 49035, "Anushka_Shetty", 0], [40781, 49035, "Saranya_Ponvannan", 0], [40781, 49035, "Lekha_Washington", 0], [40781, 49035, "Deeksha_Seth", 0]]], "all_evidence": [[40781, 49035, "Vedam_-LRB-film-RRB-", 0], [40781, 49035, "Manchu_Manoj", 0], [40781, 49035, "Manoj_Bajpayee", 0], [40781, 49035, "Allu_Arjun", 0], [40781, 49035, "Anushka_Shetty", 0], [40781, 49035, "Saranya_Ponvannan", 0], [40781, 49035, "Lekha_Washington", 0], [40781, 49035, "Deeksha_Seth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57100, 67324, "Terry_Crews", 9]]], "all_evidence": [[57100, 67324, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86772, 99231, "Kuching", 2]]], "all_evidence": [[86772, 99231, "Kuching", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189875, 201067, "Mickey_Rourke", 0]]], "all_evidence": [[189875, 201067, "Mickey_Rourke", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87333, null, null, null]]], "all_evidence": [[87333, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93385, 106335, "Dakota_Fanning", 0]]], "all_evidence": [[93385, 106335, "Dakota_Fanning", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140560, 155639, "Margaret_Thatcher", 0]], [[140560, 155640, "Margaret_Thatcher", 1]], [[140560, 155641, "Margaret_Thatcher", 2]], [[140560, 155642, "Margaret_Thatcher", 3]], [[140560, 155643, "Margaret_Thatcher", 6]], [[140560, 155644, "Margaret_Thatcher", 7]], [[140560, 155645, "Margaret_Thatcher", 8]], [[140560, 155646, "Margaret_Thatcher", 9]], [[140560, 155647, "Margaret_Thatcher", 12]], [[140560, 155648, "Margaret_Thatcher", 13]], [[140560, 155649, "Margaret_Thatcher", 14]], [[140560, 155650, "Margaret_Thatcher", 15]], [[140560, 155651, "Margaret_Thatcher", 18]], [[140560, 155652, "Margaret_Thatcher", 19]], [[140560, 155654, "Margaret_Thatcher", 20]], [[140560, 155658, "Margaret_Thatcher", 21]], [[140560, 155661, "Margaret_Thatcher", 22]], [[140560, 155662, "Margaret_Thatcher", 23]], [[140560, 155663, "Margaret_Thatcher", 24]], [[140560, 155665, "Margaret_Thatcher", 25]]], "all_evidence": [[140560, 155639, "Margaret_Thatcher", 0], [140560, 155640, "Margaret_Thatcher", 1], [140560, 155641, "Margaret_Thatcher", 2], [140560, 155642, "Margaret_Thatcher", 3], [140560, 155643, "Margaret_Thatcher", 6], [140560, 155644, "Margaret_Thatcher", 7], [140560, 155645, "Margaret_Thatcher", 8], [140560, 155646, "Margaret_Thatcher", 9], [140560, 155647, "Margaret_Thatcher", 12], [140560, 155648, "Margaret_Thatcher", 13], [140560, 155649, "Margaret_Thatcher", 14], [140560, 155650, "Margaret_Thatcher", 15], [140560, 155651, "Margaret_Thatcher", 18], [140560, 155652, "Margaret_Thatcher", 19], [140560, 155654, "Margaret_Thatcher", 20], [140560, 155658, "Margaret_Thatcher", 21], [140560, 155661, "Margaret_Thatcher", 22], [140560, 155662, "Margaret_Thatcher", 23], [140560, 155663, "Margaret_Thatcher", 24], [140560, 155665, "Margaret_Thatcher", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189756, 200977, "Polar_bear", 7]]], "all_evidence": [[189756, 200977, "Polar_bear", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155104, 169816, "L.A._Reid", 1], [155104, 169816, "Epic_Records", 0]]], "all_evidence": [[155104, 169816, "L.A._Reid", 1], [155104, 169816, "Epic_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239223, 241141, "Avenged_Sevenfold_-LRB-album-RRB-", 0]], [[239224, 241142, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]], "all_evidence": [[239223, 241141, "Avenged_Sevenfold_-LRB-album-RRB-", 0], [239224, 241142, "Avenged_Sevenfold_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38913, 46868, "United_Nations_Charter", 1]]], "all_evidence": [[38913, 46868, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109614, null, null, null]]], "all_evidence": [[109614, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69221, 79996, "Daggering", 0]]], "all_evidence": [[69221, 79996, "Daggering", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259725, 258278, "Hanford_Site", 23]]], "all_evidence": [[259725, 258278, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259461, 258033, "Libya", 2]]], "all_evidence": [[259461, 258033, "Libya", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160801, null, null, null]]], "all_evidence": [[160801, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12418, 15528, "Saw_-LRB-franchise-RRB-", 14]], [[16746, 20746, "Saw_-LRB-franchise-RRB-", 14], [16746, 20746, "Saw_II", 0]], [[19084, 23393, "Saw_-LRB-franchise-RRB-", 14], [19084, 23393, "Saw_II", 0]], [[90602, 103340, "Saw_-LRB-franchise-RRB-", 14], [90602, 103340, "Saw_II", 0]]], "all_evidence": [[12418, 15528, "Saw_-LRB-franchise-RRB-", 14], [16746, 20746, "Saw_-LRB-franchise-RRB-", 14], [16746, 20746, "Saw_II", 0], [19084, 23393, "Saw_-LRB-franchise-RRB-", 14], [19084, 23393, "Saw_II", 0], [90602, 103340, "Saw_-LRB-franchise-RRB-", 14], [90602, 103340, "Saw_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222190, null, null, null]]], "all_evidence": [[222190, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178454, null, null, null]]], "all_evidence": [[178454, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69972, null, null, null]]], "all_evidence": [[69972, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91491, null, null, null]]], "all_evidence": [[91491, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290556, 283566, "Mount_Rushmore", 15]], [[291951, 284799, "Mount_Rushmore", 1]], [[339264, 324271, "Mount_Rushmore", 1]], [[339266, 324273, "Mount_Rushmore", 15]], [[339266, 324274, "Mount_Rushmore", 1]], [[339278, 324286, "Mount_Rushmore", 1]], [[339289, 324293, "Mount_Rushmore", 1]]], "all_evidence": [[290556, 283566, "Mount_Rushmore", 15], [291951, 284799, "Mount_Rushmore", 1], [339264, 324271, "Mount_Rushmore", 1], [339266, 324273, "Mount_Rushmore", 15], [339266, 324274, "Mount_Rushmore", 1], [339278, 324286, "Mount_Rushmore", 1], [339289, 324293, "Mount_Rushmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175843, null, null, null]]], "all_evidence": [[175843, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43055, null, null, null]]], "all_evidence": [[43055, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161359, null, null, null]]], "all_evidence": [[161359, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241404, null, null, null]]], "all_evidence": [[241404, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214432, null, null, null], [219831, null, null, null], [317453, null, null, null], [317455, null, null, null], [317457, null, null, null], [317466, null, null, null], [317470, null, null, null], [317485, null, null, null], [317504, null, null, null]]], "all_evidence": [[214432, null, null, null], [219831, null, null, null], [317453, null, null, null], [317455, null, null, null], [317457, null, null, null], [317466, null, null, null], [317470, null, null, null], [317485, null, null, null], [317504, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218166, 224525, "Bermuda_Triangle", 0]]], "all_evidence": [[218166, 224525, "Bermuda_Triangle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133609, 148463, "Billie_Joe_Armstrong", 0]]], "all_evidence": [[133609, 148463, "Billie_Joe_Armstrong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115335, 129169, "Reign_Over_Me", 0]]], "all_evidence": [[115335, 129169, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109827, 123418, "Uranium-235", 6], [109827, 123418, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[109827, 123418, "Uranium-235", 6], [109827, 123418, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17753, 21904, "The_Dark_Tower_-LRB-2017_film-RRB-", 0]], [[17753, 21905, "The_Dark_Tower_-LRB-2017_film-RRB-", 1]], [[17753, 21906, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[17753, 21904, "The_Dark_Tower_-LRB-2017_film-RRB-", 0], [17753, 21905, "The_Dark_Tower_-LRB-2017_film-RRB-", 1], [17753, 21906, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95641, 108679, "Starrcade", 0]]], "all_evidence": [[95641, 108679, "Starrcade", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257329, 256351, "Calcaneal_spur", 1]]], "all_evidence": [[257329, 256351, "Calcaneal_spur", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173880, null, null, null]]], "all_evidence": [[173880, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298813, null, null, null], [300894, null, null, null], [344869, null, null, null], [344871, null, null, null], [344872, null, null, null]]], "all_evidence": [[298813, null, null, null], [300894, null, null, null], [344869, null, null, null], [344871, null, null, null], [344872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[246621, 247096, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246621, 247096, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220903, 226684, "The_Sterile_Cuckoo", 3], [220903, 226684, "The_Sterile_Cuckoo_-LRB-novel-RRB-", 0]]], "all_evidence": [[220903, 226684, "The_Sterile_Cuckoo", 3], [220903, 226684, "The_Sterile_Cuckoo_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209781, 217574, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209781, 217574, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115247, null, null, null]]], "all_evidence": [[115247, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232002, 235294, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[232002, 235294, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193384, 203910, "Don_Bradman", 20]]], "all_evidence": [[193384, 203910, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61317, 71834, "Edison_Machine_Works", 0]]], "all_evidence": [[61317, 71834, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161264, 175753, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[161264, 175753, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60724, 71210, "Robert_Palmer_-LRB-writer-RRB-", 1]]], "all_evidence": [[60724, 71210, "Robert_Palmer_-LRB-writer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292031, 284866, "Lockheed_Martin_F-35_Lightning_II", 21]], [[294012, 286400, "Lockheed_Martin_F-35_Lightning_II", 21]]], "all_evidence": [[292031, 284866, "Lockheed_Martin_F-35_Lightning_II", 21], [294012, 286400, "Lockheed_Martin_F-35_Lightning_II", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230143, 233872, "Frozen_-LRB-2013_film-RRB-", 0]], [[230143, 233873, "Frozen_-LRB-2013_film-RRB-", 10]]], "all_evidence": [[230143, 233872, "Frozen_-LRB-2013_film-RRB-", 0], [230143, 233873, "Frozen_-LRB-2013_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231957, null, null, null]]], "all_evidence": [[231957, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245427, 246243, "Mel_B", 5], [245427, 246243, "I_Want_You_Back_-LRB-Mel_B_song-RRB-", 1], [245427, 246243, "Missy_Elliott", 0]]], "all_evidence": [[245427, 246243, "Mel_B", 5], [245427, 246243, "I_Want_You_Back_-LRB-Mel_B_song-RRB-", 1], [245427, 246243, "Missy_Elliott", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214781, 221775, "Premam", 11]], [[214797, 221790, "Premam", 11]]], "all_evidence": [[214781, 221775, "Premam", 11], [214797, 221790, "Premam", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260895, 259229, "Capsicum_chinense", 0]]], "all_evidence": [[260895, 259229, "Capsicum_chinense", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275437, 270574, "Kerplunk_-LRB-album-RRB-", 0], [275437, 270574, "Green_Day", 0]], [[275437, 270575, "Kerplunk_-LRB-album-RRB-", 2], [275437, 270575, "Green_Day", 0]], [[277283, 272221, "Kerplunk_-LRB-album-RRB-", 0]], [[277788, 272735, "Kerplunk_-LRB-album-RRB-", 0]], [[277789, 272736, "Kerplunk_-LRB-album-RRB-", 0]], [[324472, 312446, "Kerplunk_-LRB-album-RRB-", 0]]], "all_evidence": [[275437, 270574, "Kerplunk_-LRB-album-RRB-", 0], [275437, 270574, "Green_Day", 0], [275437, 270575, "Kerplunk_-LRB-album-RRB-", 2], [275437, 270575, "Green_Day", 0], [277283, 272221, "Kerplunk_-LRB-album-RRB-", 0], [277788, 272735, "Kerplunk_-LRB-album-RRB-", 0], [277789, 272736, "Kerplunk_-LRB-album-RRB-", 0], [324472, 312446, "Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36109, null, null, null]]], "all_evidence": [[36109, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136622, 151437, "Mount_Rushmore", 0]]], "all_evidence": [[136622, 151437, "Mount_Rushmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199083, 208766, "Matteo_Renzi", 0]]], "all_evidence": [[199083, 208766, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189916, 201097, "Mickey_Rourke", 13]]], "all_evidence": [[189916, 201097, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70910, null, null, null]]], "all_evidence": [[70910, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180947, 193281, "Life", 0]]], "all_evidence": [[180947, 193281, "Life", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103324, 116719, "Battle_of_France", 13]]], "all_evidence": [[103324, 116719, "Battle_of_France", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13369, 16705, "Ashley_Cole", 0]], [[22653, 27958, "Ashley_Cole", 0]], [[22653, 27959, "Ashley_Cole", 3]], [[114281, 128066, "Ashley_Cole", 0]], [[114281, 128067, "Ashley_Cole", 3]], [[299240, 290622, "Ashley_Cole", 0]]], "all_evidence": [[13369, 16705, "Ashley_Cole", 0], [22653, 27958, "Ashley_Cole", 0], [22653, 27959, "Ashley_Cole", 3], [114281, 128066, "Ashley_Cole", 0], [114281, 128067, "Ashley_Cole", 3], [299240, 290622, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61715, 72198, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[61715, 72198, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75957, 87237, "Human_brain", 25]]], "all_evidence": [[75957, 87237, "Human_brain", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215918, 222672, "Bradley_Fuller", 1]]], "all_evidence": [[215918, 222672, "Bradley_Fuller", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153895, 168721, "Yara_Shahidi", 0]]], "all_evidence": [[153895, 168721, "Yara_Shahidi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190025, null, null, null], [190026, null, null, null], [190027, null, null, null]]], "all_evidence": [[190025, null, null, null], [190026, null, null, null], [190027, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116601, 130485, "Justine_Bateman", 0]]], "all_evidence": [[116601, 130485, "Justine_Bateman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91654, null, null, null]]], "all_evidence": [[91654, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164864, 179057, "Angela_Bassett", 6]]], "all_evidence": [[164864, 179057, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113097, null, null, null]]], "all_evidence": [[113097, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120611, 134856, "Tim_McGraw", 13], [120611, 134856, "The_Blind_Side_-LRB-film-RRB-", 6]]], "all_evidence": [[120611, 134856, "Tim_McGraw", 13], [120611, 134856, "The_Blind_Side_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39781, 47860, "Martin_Van_Buren", 1]]], "all_evidence": [[39781, 47860, "Martin_Van_Buren", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101712, null, null, null]]], "all_evidence": [[101712, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209750, 217540, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]], "all_evidence": [[209750, 217540, "Victoria_-LRB-Dance_Exponents_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160788, 175305, "Jennifer_Lopez", 10]]], "all_evidence": [[160788, 175305, "Jennifer_Lopez", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199486, 209162, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199486, 209162, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49339, 58674, "X-Men-COLON-_Apocalypse", 2]], [[55726, 65772, "X-Men-COLON-_Apocalypse", 2]], [[55726, 65773, "X-Men-COLON-_Apocalypse", 6]], [[302780, 293772, "X-Men-COLON-_Apocalypse", 2]]], "all_evidence": [[49339, 58674, "X-Men-COLON-_Apocalypse", 2], [55726, 65772, "X-Men-COLON-_Apocalypse", 2], [55726, 65773, "X-Men-COLON-_Apocalypse", 6], [302780, 293772, "X-Men-COLON-_Apocalypse", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167336, 181180, "Daag_-LRB-1973_film-RRB-", 10]]], "all_evidence": [[167336, 181180, "Daag_-LRB-1973_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140599, null, null, null]]], "all_evidence": [[140599, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161073, 175563, "Joe_Walsh", 24]]], "all_evidence": [[161073, 175563, "Joe_Walsh", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164648, 178868, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[164648, 178868, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142290, null, null, null]]], "all_evidence": [[142290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27819, 34088, "Global_warming", 15]], [[30808, 37440, "Global_warming", 15]], [[32914, 39997, "Global_warming", 15]], [[301701, 292808, "Global_warming", 15], [301701, 292808, "Global_warming", 0]], [[303036, 294016, "Global_warming", 15]], [[304403, 295206, "Global_warming", 15]]], "all_evidence": [[27819, 34088, "Global_warming", 15], [30808, 37440, "Global_warming", 15], [32914, 39997, "Global_warming", 15], [301701, 292808, "Global_warming", 15], [301701, 292808, "Global_warming", 0], [303036, 294016, "Global_warming", 15], [304403, 295206, "Global_warming", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44655, 53338, "Shawn_Carlson", 0]]], "all_evidence": [[44655, 53338, "Shawn_Carlson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114593, 128340, "Danger_UXB", 0]]], "all_evidence": [[114593, 128340, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246277, 246822, "Easy_A", 0]]], "all_evidence": [[246277, 246822, "Easy_A", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221676, null, null, null]]], "all_evidence": [[221676, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80164, 91958, "Aristotle", 2]]], "all_evidence": [[80164, 91958, "Aristotle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184153, 196106, "Edgar_Wright", 0]]], "all_evidence": [[184153, 196106, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219106, 225213, "The_Sterile_Cuckoo", 3]]], "all_evidence": [[219106, 225213, "The_Sterile_Cuckoo", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234505, 237367, "Boyhood_-LRB-film-RRB-", 1]]], "all_evidence": [[234505, 237367, "Boyhood_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[14395, 17974, "Advertising", 0]]], "all_evidence": [[14395, 17974, "Advertising", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77469, 88922, "Human_trafficking", 0]]], "all_evidence": [[77469, 88922, "Human_trafficking", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255971, 255282, "Weekly_Idol", 1], [255971, 255282, "Weekly_Idol", 0]], [[255976, 255287, "Weekly_Idol", 1]]], "all_evidence": [[255971, 255282, "Weekly_Idol", 1], [255971, 255282, "Weekly_Idol", 0], [255976, 255287, "Weekly_Idol", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260692, null, null, null]]], "all_evidence": [[260692, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225781, 230364, "The_Millers", 4]]], "all_evidence": [[225781, 230364, "The_Millers", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34945, 42363, "Victoria_Palace_Theatre", 0]]], "all_evidence": [[34945, 42363, "Victoria_Palace_Theatre", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20845, 25536, "Eric_Church", 0]]], "all_evidence": [[20845, 25536, "Eric_Church", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281537, null, null, null], [283677, null, null, null], [328360, null, null, null]]], "all_evidence": [[281537, null, null, null], [283677, null, null, null], [328360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58068, 68296, "Britt_Robertson", 15]], [[58098, 68318, "Britt_Robertson", 15]]], "all_evidence": [[58068, 68296, "Britt_Robertson", 15], [58098, 68318, "Britt_Robertson", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186091, 198002, "Baz_Luhrmann", 2]]], "all_evidence": [[186091, 198002, "Baz_Luhrmann", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135588, null, null, null], [135604, null, null, null]]], "all_evidence": [[135588, null, null, null], [135604, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178270, null, null, null]]], "all_evidence": [[178270, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87868, null, null, null]]], "all_evidence": [[87868, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213701, null, null, null]]], "all_evidence": [[213701, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109683, 123291, "Pharrell_Williams", 4]]], "all_evidence": [[109683, 123291, "Pharrell_Williams", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228162, null, null, null]]], "all_evidence": [[228162, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71187, 82120, "Francis_I_of_France", 0]]], "all_evidence": [[71187, 82120, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98509, null, null, null]]], "all_evidence": [[98509, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228192, null, null, null]]], "all_evidence": [[228192, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76265, 87563, "Emma_Watson", 0]]], "all_evidence": [[76265, 87563, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164150, 178389, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[164150, 178389, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251703, null, null, null]]], "all_evidence": [[251703, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97406, 110562, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[97406, 110562, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119791, null, null, null]]], "all_evidence": [[119791, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216563, null, null, null]]], "all_evidence": [[216563, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128810, 143478, "Tenacious_D", 0]]], "all_evidence": [[128810, 143478, "Tenacious_D", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208000, null, null, null]]], "all_evidence": [[208000, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292476, 285243, "Hush_-LRB-2016_film-RRB-", 2]], [[294491, 286780, "Hush_-LRB-2016_film-RRB-", 2]], [[295096, 287289, "Hush_-LRB-2016_film-RRB-", 2]], [[340150, 324908, "Hush_-LRB-2016_film-RRB-", 2]], [[340280, 324984, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[292476, 285243, "Hush_-LRB-2016_film-RRB-", 2], [294491, 286780, "Hush_-LRB-2016_film-RRB-", 2], [295096, 287289, "Hush_-LRB-2016_film-RRB-", 2], [340150, 324908, "Hush_-LRB-2016_film-RRB-", 2], [340280, 324984, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44445, 53110, "Muscarinic_acetylcholine_receptor", 0]]], "all_evidence": [[44445, 53110, "Muscarinic_acetylcholine_receptor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143077, null, null, null]]], "all_evidence": [[143077, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213520, null, null, null], [217337, null, null, null], [317273, null, null, null], [319263, null, null, null]]], "all_evidence": [[213520, null, null, null], [217337, null, null, null], [317273, null, null, null], [319263, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115403, 129215, "I_Kissed_a_Girl", 0]]], "all_evidence": [[115403, 129215, "I_Kissed_a_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45309, 54071, "Tom_Baker_-LRB-English_actor-RRB-", 15]]], "all_evidence": [[45309, 54071, "Tom_Baker_-LRB-English_actor-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296736, null, null, null], [298362, null, null, null], [300396, null, null, null], [343833, null, null, null], [343974, null, null, null], [344026, null, null, null]]], "all_evidence": [[296736, null, null, null], [298362, null, null, null], [300396, null, null, null], [343833, null, null, null], [343974, null, null, null], [344026, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207992, null, null, null], [207993, null, null, null]]], "all_evidence": [[207992, null, null, null], [207993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60738, 71225, "Duff_McKagan", 0]]], "all_evidence": [[60738, 71225, "Duff_McKagan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47213, null, null, null]]], "all_evidence": [[47213, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243134, 244407, "First_Motion_Picture_Unit", 1]]], "all_evidence": [[243134, 244407, "First_Motion_Picture_Unit", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128773, null, null, null]]], "all_evidence": [[128773, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210889, null, null, null]]], "all_evidence": [[210889, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97305, 110480, "Tiber_Oil_Field", 1]], [[97308, 110483, "Tiber_Oil_Field", 1]]], "all_evidence": [[97305, 110480, "Tiber_Oil_Field", 1], [97308, 110483, "Tiber_Oil_Field", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189368, null, null, null]]], "all_evidence": [[189368, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20739, null, null, null]]], "all_evidence": [[20739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108006, 121517, "Star_Trek-COLON-_Discovery", 0]]], "all_evidence": [[108006, 121517, "Star_Trek-COLON-_Discovery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157852, null, null, null]]], "all_evidence": [[157852, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218302, 224613, "Eva_Mendes", 7]]], "all_evidence": [[218302, 224613, "Eva_Mendes", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231955, 235258, "Luke_Cage", 2]]], "all_evidence": [[231955, 235258, "Luke_Cage", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130581, 145376, "Tatum_O'Neal", 6]]], "all_evidence": [[130581, 145376, "Tatum_O'Neal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228216, 232457, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]], [[228232, 232467, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[228216, 232457, "Fortunes_of_War_-LRB-TV_series-RRB-", 1], [228232, 232467, "Fortunes_of_War_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268464, 265044, "Michaela_Watkins", 0]], [[268464, 265045, "Michaela_Watkins", 1]], [[268464, 265046, "Michaela_Watkins", 2]]], "all_evidence": [[268464, 265044, "Michaela_Watkins", 0], [268464, 265045, "Michaela_Watkins", 1], [268464, 265046, "Michaela_Watkins", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49251, 58581, "Chaka_Khan", 0]]], "all_evidence": [[49251, 58581, "Chaka_Khan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105510, 118954, "A_View_to_a_Kill", 0]]], "all_evidence": [[105510, 118954, "A_View_to_a_Kill", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239333, null, null, null], [239334, null, null, null], [239347, null, null, null]]], "all_evidence": [[239333, null, null, null], [239334, null, null, null], [239347, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67975, null, null, null], [70135, null, null, null], [70750, null, null, null], [303810, null, null, null], [305510, null, null, null]]], "all_evidence": [[67975, null, null, null], [70135, null, null, null], [70750, null, null, null], [303810, null, null, null], [305510, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52658, 62620, "Danger_UXB", 0], [52658, 62620, "World_War_II", 0]]], "all_evidence": [[52658, 62620, "Danger_UXB", 0], [52658, 62620, "World_War_II", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190737, 201703, "Buffy_Summers", 1], [190737, 201703, "Buffy_the_Vampire_Slayer_-LRB-film-RRB-", 0]], [[190738, 201704, "Buffy_Summers", 3]]], "all_evidence": [[190737, 201703, "Buffy_Summers", 1], [190737, 201703, "Buffy_the_Vampire_Slayer_-LRB-film-RRB-", 0], [190738, 201704, "Buffy_Summers", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127892, 142581, "Nicholas_Brody", 1]]], "all_evidence": [[127892, 142581, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279964, null, null, null], [328627, null, null, null], [329293, null, null, null], [329296, null, null, null]]], "all_evidence": [[279964, null, null, null], [328627, null, null, null], [329293, null, null, null], [329296, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214285, 221367, "Kenneth_Lonergan", 1]], [[214285, 221368, "Kenneth_Lonergan", 2]], [[214285, 221369, "Kenneth_Lonergan", 3]]], "all_evidence": [[214285, 221367, "Kenneth_Lonergan", 1], [214285, 221368, "Kenneth_Lonergan", 2], [214285, 221369, "Kenneth_Lonergan", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172007, 185421, "James_Jones_-LRB-basketball_player-RRB-", 17]]], "all_evidence": [[172007, 185421, "James_Jones_-LRB-basketball_player-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11687, 14673, "Jens_Stoltenberg", 4], [11687, 14673, "Norway", 14]]], "all_evidence": [[11687, 14673, "Jens_Stoltenberg", 4], [11687, 14673, "Norway", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132169, 147049, "Rabies", 9]]], "all_evidence": [[132169, 147049, "Rabies", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198018, 207964, "Syracuse,_New_York", 2]]], "all_evidence": [[198018, 207964, "Syracuse,_New_York", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59022, null, null, null]]], "all_evidence": [[59022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241417, 242944, "Brad_Wilk", 4], [241417, 242944, "Greta_-LRB-band-RRB-", 3]]], "all_evidence": [[241417, 242944, "Brad_Wilk", 4], [241417, 242944, "Greta_-LRB-band-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268490, 265072, "Michaela_Watkins", 0]]], "all_evidence": [[268490, 265072, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155517, null, null, null]]], "all_evidence": [[155517, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19626, 24132, "Villa_Park", 14], [19626, 24132, "2012_FA_Community_Shield", 0]]], "all_evidence": [[19626, 24132, "Villa_Park", 14], [19626, 24132, "2012_FA_Community_Shield", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133246, null, null, null]]], "all_evidence": [[133246, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90238, 102994, "Colombiana", 0]]], "all_evidence": [[90238, 102994, "Colombiana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197399, 207443, "Lalla_Ward", 0]]], "all_evidence": [[197399, 207443, "Lalla_Ward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255549, 254983, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255549, 254983, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282184, 276402, "The_Bahamas", 1]], [[282184, 276403, "The_Bahamas", 0]], [[284190, 278044, "The_Bahamas", 0]], [[284204, 278058, "The_Bahamas", 0]], [[330168, 316796, "The_Bahamas", 0]], [[330169, 316797, "The_Bahamas", 0], [330169, 316797, "Archipelagic_state", 0]], [[330169, 316798, "The_Bahamas", 1]], [[330169, 316799, "The_Bahamas", 2], [330169, 316799, "Nassau,_Bahamas", 0]], [[330170, 316800, "The_Bahamas", 0]]], "all_evidence": [[282184, 276402, "The_Bahamas", 1], [282184, 276403, "The_Bahamas", 0], [284190, 278044, "The_Bahamas", 0], [284204, 278058, "The_Bahamas", 0], [330168, 316796, "The_Bahamas", 0], [330169, 316797, "The_Bahamas", 0], [330169, 316797, "Archipelagic_state", 0], [330169, 316798, "The_Bahamas", 1], [330169, 316799, "The_Bahamas", 2], [330169, 316799, "Nassau,_Bahamas", 0], [330170, 316800, "The_Bahamas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168776, 182470, "Greek_language", 0]], [[168776, 182471, "Greek_language", 11]]], "all_evidence": [[168776, 182470, "Greek_language", 0], [168776, 182471, "Greek_language", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198847, 208555, "The_King_and_I", 1]]], "all_evidence": [[198847, 208555, "The_King_and_I", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162974, 177197, "Riddick_-LRB-character-RRB-", 0]]], "all_evidence": [[162974, 177197, "Riddick_-LRB-character-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148312, 163343, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[148312, 163343, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185798, null, null, null]]], "all_evidence": [[185798, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48549, 57861, "Miranda_Otto", 1]]], "all_evidence": [[48549, 57861, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282399, null, null, null], [282419, null, null, null], [284372, null, null, null], [330531, null, null, null], [331692, null, null, null], [331695, null, null, null]]], "all_evidence": [[282399, null, null, null], [282419, null, null, null], [284372, null, null, null], [330531, null, null, null], [331692, null, null, null], [331695, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[291429, null, null, null]]], "all_evidence": [[291429, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11165, null, null, null], [11166, null, null, null], [15309, null, null, null], [19040, null, null, null], [34521, null, null, null], [53098, null, null, null], [59041, null, null, null], [68771, null, null, null], [72383, null, null, null], [76073, null, null, null], [80178, null, null, null], [82696, null, null, null], [84952, null, null, null], [88761, null, null, null], [97929, null, null, null], [100974, null, null, null], [106238, null, null, null], [107052, null, null, null], [111312, null, null, null], [116041, null, null, null], [161099, null, null, null], [187368, null, null, null], [272532, null, null, null], [283877, null, null, null], [299617, null, null, null]]], "all_evidence": [[11165, null, null, null], [11166, null, null, null], [15309, null, null, null], [19040, null, null, null], [34521, null, null, null], [53098, null, null, null], [59041, null, null, null], [68771, null, null, null], [72383, null, null, null], [76073, null, null, null], [80178, null, null, null], [82696, null, null, null], [84952, null, null, null], [88761, null, null, null], [97929, null, null, null], [100974, null, null, null], [106238, null, null, null], [107052, null, null, null], [111312, null, null, null], [116041, null, null, null], [161099, null, null, null], [187368, null, null, null], [272532, null, null, null], [283877, null, null, null], [299617, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298760, null, null, null], [344706, null, null, null]]], "all_evidence": [[298760, null, null, null], [344706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26181, 32191, "Speech_recognition", 2]], [[26181, 32192, "Speech_recognition", 0], [26181, 32192, "Computational_linguistics", 5], [26181, 32192, "Computational_linguistics", 4]]], "all_evidence": [[26181, 32191, "Speech_recognition", 2], [26181, 32192, "Speech_recognition", 0], [26181, 32192, "Computational_linguistics", 5], [26181, 32192, "Computational_linguistics", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242989, null, null, null]]], "all_evidence": [[242989, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177220, null, null, null]]], "all_evidence": [[177220, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76552, 87841, "David_Packouz", 0]]], "all_evidence": [[76552, 87841, "David_Packouz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286659, 280131, "Tatum_O'Neal", 0]], [[286663, 280133, "Tatum_O'Neal", 0]], [[286663, 280134, "Tatum_O'Neal", 1]], [[286663, 280135, "Tatum_O'Neal", 2]], [[286663, 280136, "Tatum_O'Neal", 6]], [[288859, 282061, "Tatum_O'Neal", 0]], [[333633, 319868, "Tatum_O'Neal", 0]], [[334547, 320588, "Tatum_O'Neal", 0]]], "all_evidence": [[286659, 280131, "Tatum_O'Neal", 0], [286663, 280133, "Tatum_O'Neal", 0], [286663, 280134, "Tatum_O'Neal", 1], [286663, 280135, "Tatum_O'Neal", 2], [286663, 280136, "Tatum_O'Neal", 6], [288859, 282061, "Tatum_O'Neal", 0], [333633, 319868, "Tatum_O'Neal", 0], [334547, 320588, "Tatum_O'Neal", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161897, null, null, null]]], "all_evidence": [[161897, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227624, null, null, null]]], "all_evidence": [[227624, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133158, null, null, null]]], "all_evidence": [[133158, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123629, 138045, "Brazzers", 0]]], "all_evidence": [[123629, 138045, "Brazzers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31385, null, null, null]]], "all_evidence": [[31385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21119, 25937, "Republic_of_Macedonia", 1]], [[21119, 25938, "Republic_of_Macedonia", 6]], [[21119, 25939, "Republic_of_Macedonia", 8]], [[21119, 25940, "Republic_of_Macedonia", 9], [21119, 25940, "Skopje", 1]], [[21119, 25941, "Republic_of_Macedonia", 26]]], "all_evidence": [[21119, 25937, "Republic_of_Macedonia", 1], [21119, 25938, "Republic_of_Macedonia", 6], [21119, 25939, "Republic_of_Macedonia", 8], [21119, 25940, "Republic_of_Macedonia", 9], [21119, 25940, "Skopje", 1], [21119, 25941, "Republic_of_Macedonia", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250360, null, null, null]]], "all_evidence": [[250360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184379, 196283, "Christa_McAuliffe", 4]]], "all_evidence": [[184379, 196283, "Christa_McAuliffe", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[298747, 290165, "Mickey_Rourke", 13], [298747, 290165, "Iron_Man_2", 0]], [[300834, 291918, "Mickey_Rourke", 13], [300834, 291918, "Iron_Man_2", 0], [300834, 291918, "Iron_Man_2", 2]], [[344645, 328123, "Mickey_Rourke", 13], [344645, 328123, "Iron_Man_2", 0]], [[344646, 328124, "Mickey_Rourke", 13], [344646, 328124, "Iron_Man_2", 0]], [[344650, 328127, "Mickey_Rourke", 13], [344650, 328127, "Iron_Man_2", 0]], [[344653, 328129, "Mickey_Rourke", 13], [344653, 328129, "Iron_Man_2", 0]], [[344764, 328218, "Mickey_Rourke", 13]]], "all_evidence": [[298747, 290165, "Mickey_Rourke", 13], [298747, 290165, "Iron_Man_2", 0], [300834, 291918, "Mickey_Rourke", 13], [300834, 291918, "Iron_Man_2", 0], [300834, 291918, "Iron_Man_2", 2], [344645, 328123, "Mickey_Rourke", 13], [344645, 328123, "Iron_Man_2", 0], [344646, 328124, "Mickey_Rourke", 13], [344646, 328124, "Iron_Man_2", 0], [344650, 328127, "Mickey_Rourke", 13], [344650, 328127, "Iron_Man_2", 0], [344653, 328129, "Mickey_Rourke", 13], [344653, 328129, "Iron_Man_2", 0], [344764, 328218, "Mickey_Rourke", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81991, 93778, "Winter's_Tale_-LRB-novel-RRB-", 0]], [[81991, 93779, "Winter's_Tale_-LRB-novel-RRB-", 2]]], "all_evidence": [[81991, 93778, "Winter's_Tale_-LRB-novel-RRB-", 0], [81991, 93779, "Winter's_Tale_-LRB-novel-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40092, 48234, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[40092, 48234, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61358, 71872, "Kuching", 0]]], "all_evidence": [[61358, 71872, "Kuching", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45472, 54296, "Hot_Right_Now", 0]]], "all_evidence": [[45472, 54296, "Hot_Right_Now", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223883, null, null, null]]], "all_evidence": [[223883, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218181, null, null, null]]], "all_evidence": [[218181, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253940, 253734, "Gray_Matter_Interactive", 0]]], "all_evidence": [[253940, 253734, "Gray_Matter_Interactive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130227, 144994, "Saw_-LRB-franchise-RRB-", 8], [130227, 144994, "Saw_-LRB-franchise-RRB-", 0]]], "all_evidence": [[130227, 144994, "Saw_-LRB-franchise-RRB-", 8], [130227, 144994, "Saw_-LRB-franchise-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139535, 154564, "Recovery_-LRB-Eminem_album-RRB-", 9], [139535, 154564, "Love_the_Way_You_Lie", 0]]], "all_evidence": [[139535, 154564, "Recovery_-LRB-Eminem_album-RRB-", 9], [139535, 154564, "Love_the_Way_You_Lie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274367, 269659, "Andrew_Kevin_Walker", 0]], [[274367, 269660, "Andrew_Kevin_Walker", 1]], [[274369, 269662, "Andrew_Kevin_Walker", 0]], [[274369, 269664, "Andrew_Kevin_Walker", 1]], [[274370, 269663, "Andrew_Kevin_Walker", 0]], [[274370, 269665, "Andrew_Kevin_Walker", 1]], [[274371, 269666, "Andrew_Kevin_Walker", 0]], [[274371, 269667, "Andrew_Kevin_Walker", 1]], [[322442, 310775, "Andrew_Kevin_Walker", 0]], [[322442, 310776, "Andrew_Kevin_Walker", 1]]], "all_evidence": [[274367, 269659, "Andrew_Kevin_Walker", 0], [274367, 269660, "Andrew_Kevin_Walker", 1], [274369, 269662, "Andrew_Kevin_Walker", 0], [274369, 269664, "Andrew_Kevin_Walker", 1], [274370, 269663, "Andrew_Kevin_Walker", 0], [274370, 269665, "Andrew_Kevin_Walker", 1], [274371, 269666, "Andrew_Kevin_Walker", 0], [274371, 269667, "Andrew_Kevin_Walker", 1], [322442, 310775, "Andrew_Kevin_Walker", 0], [322442, 310776, "Andrew_Kevin_Walker", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289373, null, null, null], [335797, null, null, null], [335802, null, null, null], [335804, null, null, null], [335811, null, null, null]]], "all_evidence": [[289373, null, null, null], [335797, null, null, null], [335802, null, null, null], [335804, null, null, null], [335811, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240862, 242461, "Down_with_Love", 0]]], "all_evidence": [[240862, 242461, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268070, null, null, null]]], "all_evidence": [[268070, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23767, null, null, null]]], "all_evidence": [[23767, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146395, 161343, "X-Men-COLON-_Apocalypse", 0]]], "all_evidence": [[146395, 161343, "X-Men-COLON-_Apocalypse", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178289, 190860, "Men_in_Black_II", 0], [178289, 190860, "Will_Smith", 0]]], "all_evidence": [[178289, 190860, "Men_in_Black_II", 0], [178289, 190860, "Will_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63320, 74057, "Riddick_-LRB-character-RRB-", 1], [63320, 74057, "Riddick_-LRB-film-RRB-", 1]]], "all_evidence": [[63320, 74057, "Riddick_-LRB-character-RRB-", 1], [63320, 74057, "Riddick_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47923, null, null, null]]], "all_evidence": [[47923, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26379, 32416, "Ashley_Cole", 0]]], "all_evidence": [[26379, 32416, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70895, null, null, null]]], "all_evidence": [[70895, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169439, null, null, null]]], "all_evidence": [[169439, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172018, null, null, null]]], "all_evidence": [[172018, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208014, null, null, null]]], "all_evidence": [[208014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240858, 242459, "Down_with_Love", 0]]], "all_evidence": [[240858, 242459, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125564, 139918, "Nicholas_Brody", 1]]], "all_evidence": [[125564, 139918, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107095, 120467, "L.A._Reid", 1]]], "all_evidence": [[107095, 120467, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101741, null, null, null]]], "all_evidence": [[101741, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131061, 145830, "Match_Point", 0]]], "all_evidence": [[131061, 145830, "Match_Point", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257072, 256129, "Chagatai_language", 0]], [[257072, 256130, "Chagatai_language", 1]]], "all_evidence": [[257072, 256129, "Chagatai_language", 0], [257072, 256130, "Chagatai_language", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159821, null, null, null]]], "all_evidence": [[159821, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241420, 242947, "Brad_Wilk", 4]]], "all_evidence": [[241420, 242947, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[231990, 235290, "Simo\u0301n_Boli\u0301var", 0]]], "all_evidence": [[231990, 235290, "Simo\u0301n_Boli\u0301var", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132168, 147048, "Caroline_Kennedy", 9]]], "all_evidence": [[132168, 147048, "Caroline_Kennedy", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165931, 179885, "Uranium-235", 6], [165931, 179885, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[165931, 179885, "Uranium-235", 6], [165931, 179885, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197416, null, null, null], [197422, null, null, null]]], "all_evidence": [[197416, null, null, null], [197422, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174255, 187475, "Aleister_Crowley", 0]]], "all_evidence": [[174255, 187475, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[285761, null, null, null], [285768, null, null, null], [331714, null, null, null], [332349, null, null, null], [332352, null, null, null]]], "all_evidence": [[285761, null, null, null], [285768, null, null, null], [331714, null, null, null], [332349, null, null, null], [332352, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29480, null, null, null]]], "all_evidence": [[29480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237936, 240102, "Tamerlan_Tsarnaev", 0], [237936, 240102, "Tamerlan_Tsarnaev", 1]], [[237936, 240103, "Tamerlan_Tsarnaev", 9]], [[237936, 240104, "Tamerlan_Tsarnaev", 13]], [[237947, 240110, "Tamerlan_Tsarnaev", 0], [237947, 240110, "Tamerlan_Tsarnaev", 1]], [[237947, 240111, "Tamerlan_Tsarnaev", 1], [237947, 240111, "Dzhokhar_Tsarnaev", 0], [237947, 240111, "Dzhokhar_Tsarnaev", 1]]], "all_evidence": [[237936, 240102, "Tamerlan_Tsarnaev", 0], [237936, 240102, "Tamerlan_Tsarnaev", 1], [237936, 240103, "Tamerlan_Tsarnaev", 9], [237936, 240104, "Tamerlan_Tsarnaev", 13], [237947, 240110, "Tamerlan_Tsarnaev", 0], [237947, 240110, "Tamerlan_Tsarnaev", 1], [237947, 240111, "Tamerlan_Tsarnaev", 1], [237947, 240111, "Dzhokhar_Tsarnaev", 0], [237947, 240111, "Dzhokhar_Tsarnaev", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169632, null, null, null]]], "all_evidence": [[169632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140159, 155165, "Chris_Kyle", 0]]], "all_evidence": [[140159, 155165, "Chris_Kyle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61653, null, null, null]]], "all_evidence": [[61653, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112832, null, null, null]]], "all_evidence": [[112832, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96169, 109275, "Dilwale_Dulhania_Le_Jayenge", 1]], [[96169, 109276, "Dilwale_Dulhania_Le_Jayenge", 4]]], "all_evidence": [[96169, 109275, "Dilwale_Dulhania_Le_Jayenge", 1], [96169, 109276, "Dilwale_Dulhania_Le_Jayenge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60976, 71450, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[60976, 71450, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77138, 88555, "Neil_Diamond", 0]]], "all_evidence": [[77138, 88555, "Neil_Diamond", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42949, 51590, "Byron_Howard", 2]]], "all_evidence": [[42949, 51590, "Byron_Howard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182474, 194705, "Stephen_Colbert", 1]]], "all_evidence": [[182474, 194705, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232815, null, null, null]]], "all_evidence": [[232815, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118713, null, null, null]]], "all_evidence": [[118713, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103791, 117295, "Janelle_Mona\u0301e", 0]]], "all_evidence": [[103791, 117295, "Janelle_Mona\u0301e", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168835, 182541, "Magic_Johnson", 22]]], "all_evidence": [[168835, 182541, "Magic_Johnson", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120981, 135277, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[120981, 135277, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133670, 148536, "Columbia_River", 22]]], "all_evidence": [[133670, 148536, "Columbia_River", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236103, 238637, "Natural_Born_Killers", 5]]], "all_evidence": [[236103, 238637, "Natural_Born_Killers", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255576, 255006, "Dreamer_-LRB-2005_film-RRB-", 0]], [[255578, 255008, "Dreamer_-LRB-2005_film-RRB-", 0]]], "all_evidence": [[255576, 255006, "Dreamer_-LRB-2005_film-RRB-", 0], [255578, 255008, "Dreamer_-LRB-2005_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146922, null, null, null]]], "all_evidence": [[146922, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208078, null, null, null]]], "all_evidence": [[208078, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282763, 276897, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[284673, 278425, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[284675, 278427, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[330972, 317452, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[282763, 276897, "Mirny_-LRB-sloop-of-war-RRB-", 0], [284673, 278425, "Mirny_-LRB-sloop-of-war-RRB-", 0], [284675, 278427, "Mirny_-LRB-sloop-of-war-RRB-", 0], [330972, 317452, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177664, null, null, null]]], "all_evidence": [[177664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104068, 117570, "A_Milli", 0]]], "all_evidence": [[104068, 117570, "A_Milli", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200766, null, null, null]]], "all_evidence": [[200766, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103825, null, null, null]]], "all_evidence": [[103825, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177243, 190102, "Wish_Upon", 0]]], "all_evidence": [[177243, 190102, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117868, 131766, "University_of_Illinois_at_Chicago", 1], [117868, 131766, "Near_West_Side,_Chicago", 0]]], "all_evidence": [[117868, 131766, "University_of_Illinois_at_Chicago", 1], [117868, 131766, "Near_West_Side,_Chicago", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79301, null, null, null]]], "all_evidence": [[79301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153213, 167979, "Rabies", 9]], [[153213, 167980, "Rabies", 12]], [[153213, 167981, "Rabies", 13]]], "all_evidence": [[153213, 167979, "Rabies", 9], [153213, 167980, "Rabies", 12], [153213, 167981, "Rabies", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227200, 231602, "Kim_Jong-il", 16]], [[227207, 231610, "Kim_Jong-il", 16]]], "all_evidence": [[227200, 231602, "Kim_Jong-il", 16], [227207, 231610, "Kim_Jong-il", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184130, 196080, "Edgar_Wright", 0]]], "all_evidence": [[184130, 196080, "Edgar_Wright", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127087, 141568, "Duff_McKagan", 0]], [[127087, 141569, "Duff_McKagan", 11]], [[127087, 141570, "Duff_McKagan", 12]]], "all_evidence": [[127087, 141568, "Duff_McKagan", 0], [127087, 141569, "Duff_McKagan", 11], [127087, 141570, "Duff_McKagan", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106639, 120037, "Peking_University", 1]]], "all_evidence": [[106639, 120037, "Peking_University", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199907, null, null, null]]], "all_evidence": [[199907, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145802, null, null, null], [148777, null, null, null], [151610, null, null, null], [311358, null, null, null], [311360, null, null, null]]], "all_evidence": [[145802, null, null, null], [148777, null, null, null], [151610, null, null, null], [311358, null, null, null], [311360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23298, 28712, "Jack_Falahee", 0]]], "all_evidence": [[23298, 28712, "Jack_Falahee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99938, 113128, "Craig_David", 5]]], "all_evidence": [[99938, 113128, "Craig_David", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174943, 188037, "Sean_Penn", 5]]], "all_evidence": [[174943, 188037, "Sean_Penn", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241409, null, null, null]]], "all_evidence": [[241409, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28004, 34301, "Stan_Beeman", 0]], [[28004, 34302, "Stan_Beeman", 1]]], "all_evidence": [[28004, 34301, "Stan_Beeman", 0], [28004, 34302, "Stan_Beeman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66869, 77691, "Heart", 19]]], "all_evidence": [[66869, 77691, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79330, 91008, "Chrysler_Building", 1]]], "all_evidence": [[79330, 91008, "Chrysler_Building", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135037, null, null, null]]], "all_evidence": [[135037, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140884, 156021, "Janelle_Mona\u0301e", 0]], [[140884, 156022, "Janelle_Mona\u0301e", 1]], [[140884, 156023, "Janelle_Mona\u0301e", 4]], [[140884, 156024, "Janelle_Mona\u0301e", 10]], [[140884, 156025, "Janelle_Mona\u0301e", 11]], [[140884, 156026, "Janelle_Mona\u0301e", 12]], [[140884, 156027, "Janelle_Mona\u0301e", 13]], [[140884, 156028, "Janelle_Mona\u0301e", 14]], [[140884, 156029, "Janelle_Mona\u0301e", 15]]], "all_evidence": [[140884, 156021, "Janelle_Mona\u0301e", 0], [140884, 156022, "Janelle_Mona\u0301e", 1], [140884, 156023, "Janelle_Mona\u0301e", 4], [140884, 156024, "Janelle_Mona\u0301e", 10], [140884, 156025, "Janelle_Mona\u0301e", 11], [140884, 156026, "Janelle_Mona\u0301e", 12], [140884, 156027, "Janelle_Mona\u0301e", 13], [140884, 156028, "Janelle_Mona\u0301e", 14], [140884, 156029, "Janelle_Mona\u0301e", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199477, 209152, "The_Beach_-LRB-film-RRB-", 0]], [[199477, 209153, "The_Beach_-LRB-film-RRB-", 1]]], "all_evidence": [[199477, 209152, "The_Beach_-LRB-film-RRB-", 0], [199477, 209153, "The_Beach_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50683, 60269, "Email_filtering", 5]]], "all_evidence": [[50683, 60269, "Email_filtering", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88146, 100695, "The_Daily_Show", 0]], [[88146, 100696, "The_Daily_Show", 2]]], "all_evidence": [[88146, 100695, "The_Daily_Show", 0], [88146, 100696, "The_Daily_Show", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245431, null, null, null]]], "all_evidence": [[245431, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119279, 133249, "NRG_Recording_Studios", 0]]], "all_evidence": [[119279, 133249, "NRG_Recording_Studios", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24954, 30819, "Trollhunters", 0]]], "all_evidence": [[24954, 30819, "Trollhunters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194777, null, null, null]]], "all_evidence": [[194777, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42179, 50749, "Sleipnir", 0]]], "all_evidence": [[42179, 50749, "Sleipnir", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49112, 58447, "Charles_Manson", 0]]], "all_evidence": [[49112, 58447, "Charles_Manson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67188, 77987, "Emma_Watson", 0]]], "all_evidence": [[67188, 77987, "Emma_Watson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75070, 86294, "Trollhunters", 0]]], "all_evidence": [[75070, 86294, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44132, 52758, "Noel_Fisher", 1]]], "all_evidence": [[44132, 52758, "Noel_Fisher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190799, null, null, null]]], "all_evidence": [[190799, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[252358, null, null, null]]], "all_evidence": [[252358, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154127, 168903, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[154127, 168903, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77302, null, null, null]]], "all_evidence": [[77302, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243717, 244891, "Palo_Alto,_California", 0]], [[243730, 244903, "Palo_Alto,_California", 0]], [[243730, 244904, "Palo_Alto,_California", 1], [243730, 244904, "East_Palo_Alto,_California", 0], [243730, 244904, "Los_Altos_Hills,_California", 0], [243730, 244904, "Los_Altos,_California", 0], [243730, 244904, "Los_Altos,_California", 1], [243730, 244904, "Menlo_Park,_California", 0], [243730, 244904, "Mountain_View,_California", 0], [243730, 244904, "Portola_Valley,_California", 0], [243730, 244904, "Stanford,_California", 0]], [[243730, 244905, "Palo_Alto,_California", 11]]], "all_evidence": [[243717, 244891, "Palo_Alto,_California", 0], [243730, 244903, "Palo_Alto,_California", 0], [243730, 244904, "Palo_Alto,_California", 1], [243730, 244904, "East_Palo_Alto,_California", 0], [243730, 244904, "Los_Altos_Hills,_California", 0], [243730, 244904, "Los_Altos,_California", 0], [243730, 244904, "Los_Altos,_California", 1], [243730, 244904, "Menlo_Park,_California", 0], [243730, 244904, "Mountain_View,_California", 0], [243730, 244904, "Portola_Valley,_California", 0], [243730, 244904, "Stanford,_California", 0], [243730, 244905, "Palo_Alto,_California", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103044, 116359, "Garden_State_-LRB-film-RRB-", 6], [103044, 116359, "Sundance_Film_Festival", 0]]], "all_evidence": [[103044, 116359, "Garden_State_-LRB-film-RRB-", 6], [103044, 116359, "Sundance_Film_Festival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70362, 81236, "Francis_I_of_France", 0]]], "all_evidence": [[70362, 81236, "Francis_I_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230070, null, null, null]]], "all_evidence": [[230070, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272404, 268115, "Island_Records", 1]]], "all_evidence": [[272404, 268115, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156491, 171109, "French_Indochina", 0]]], "all_evidence": [[156491, 171109, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[276268, 271338, "Riverdale_-LRB-2017_TV_series-RRB-", 2]], [[278535, 273299, "Riverdale_-LRB-2017_TV_series-RRB-", 2]], [[280382, 274850, "Riverdale_-LRB-2017_TV_series-RRB-", 2]], [[280398, 274859, "Riverdale_-LRB-2017_TV_series-RRB-", 2]], [[325846, 313459, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]], "all_evidence": [[276268, 271338, "Riverdale_-LRB-2017_TV_series-RRB-", 2], [278535, 273299, "Riverdale_-LRB-2017_TV_series-RRB-", 2], [280382, 274850, "Riverdale_-LRB-2017_TV_series-RRB-", 2], [280398, 274859, "Riverdale_-LRB-2017_TV_series-RRB-", 2], [325846, 313459, "Riverdale_-LRB-2017_TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115749, 129631, "Ingushetia", 5]]], "all_evidence": [[115749, 129631, "Ingushetia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130204, 144939, "The_Mighty_Ducks", 1], [130204, 144939, "Walt_Disney_Pictures", 0]]], "all_evidence": [[130204, 144939, "The_Mighty_Ducks", 1], [130204, 144939, "Walt_Disney_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202392, 211669, "Liverpool", 0]], [[205303, 213896, "Liverpool", 0]], [[205303, 213897, "Liverpool", 1]], [[205303, 213898, "Liverpool", 2], [205303, 213898, "Liverpool_City_Region", 0]], [[205303, 213899, "Liverpool", 5], [205303, 213899, "River_Mersey", 0]], [[205303, 213900, "Liverpool", 7], [205303, 213900, "Lancashire", 0], [205303, 213900, "Lancashire", 1]], [[205303, 213901, "Liverpool", 6], [205303, 213901, "List_of_cities_in_the_United_Kingdom", 0]], [[205303, 213902, "Liverpool", 13], [205303, 213902, "Beat_music", 0]], [[205303, 213903, "Liverpool", 19]], [[205303, 213904, "Liverpool", 20], [205303, 213904, "City_status_in_the_United_Kingdom", 0]], [[205303, 213905, "Liverpool", 21], [205303, 213905, "Liverpool_Maritime_Mercantile_City", 0]], [[205303, 213906, "Liverpool", 22], [205303, 213906, "City_status_in_the_United_Kingdom", 0]], [[205303, 213907, "Liverpool", 27], [205303, 213907, "Scouse", 0]], [[205303, 213908, "Liverpool", 28], [205303, 213908, "Liverpool_City_Region", 0]], [[207714, 215928, "Liverpool", 0]], [[207714, 215929, "Liverpool", 1]], [[315742, 305002, "Liverpool", 0]], [[315742, 305003, "Liverpool", 1]], [[315742, 305004, "Liverpool", 5], [315742, 305004, "Lancashire", 1], [315742, 305004, "River_Mersey", 0]], [[315758, 305014, "Liverpool", 0]], [[315758, 305015, "Liverpool", 1]], [[315758, 305016, "Liverpool", 5], [315758, 305016, "Lancashire", 1]], [[315758, 305017, "Liverpool", 7], [315758, 305017, "Lancashire", 1]], [[315758, 305018, "Liverpool", 21], [315758, 305018, "Liverpool_Maritime_Mercantile_City", 0]], [[315761, 305020, "Liverpool", 0]], [[315761, 305021, "Liverpool", 1]], [[315761, 305022, "Liverpool", 2], [315761, 305022, "Historic_counties_of_England", 0]], [[315761, 305023, "Liverpool", 5], [315761, 305023, "River_Mersey", 0]], [[315761, 305024, "Liverpool", 6], [315761, 305024, "City_status_in_the_United_Kingdom", 0]], [[315761, 305025, "Liverpool", 7], [315761, 305025, "County_borough", 0]], [[315761, 305026, "Liverpool", 8], [315761, 305026, "City_status_in_the_United_Kingdom", 0]], [[315761, 305027, "Liverpool", 9], [315761, 305027, "City_status_in_the_United_Kingdom", 0]], [[315761, 305028, "Liverpool", 13], [315761, 305028, "The_Beatles", 0]], [[315761, 305029, "Liverpool", 14], [315761, 305029, "Premier_League", 0]], [[315761, 305030, "Liverpool", 15]], [[315761, 305031, "Liverpool", 16], [315761, 305031, "Aintree_Racecourse", 0]], [[315761, 305032, "Liverpool", 19]], [[315761, 305033, "Liverpool", 20], [315761, 305033, "City_status_in_the_United_Kingdom", 0]], [[315761, 305034, "Liverpool", 21], [315761, 305034, "Liverpool_Maritime_Mercantile_City", 0]], [[315761, 305035, "Liverpool", 23], [315761, 305035, "Black_British", 0]], [[315761, 305036, "Liverpool", 28], [315761, 305036, "Liverpool_City_Region", 0]]], "all_evidence": [[202392, 211669, "Liverpool", 0], [205303, 213896, "Liverpool", 0], [205303, 213897, "Liverpool", 1], [205303, 213898, "Liverpool", 2], [205303, 213898, "Liverpool_City_Region", 0], [205303, 213899, "Liverpool", 5], [205303, 213899, "River_Mersey", 0], [205303, 213900, "Liverpool", 7], [205303, 213900, "Lancashire", 0], [205303, 213900, "Lancashire", 1], [205303, 213901, "Liverpool", 6], [205303, 213901, "List_of_cities_in_the_United_Kingdom", 0], [205303, 213902, "Liverpool", 13], [205303, 213902, "Beat_music", 0], [205303, 213903, "Liverpool", 19], [205303, 213904, "Liverpool", 20], [205303, 213904, "City_status_in_the_United_Kingdom", 0], [205303, 213905, "Liverpool", 21], [205303, 213905, "Liverpool_Maritime_Mercantile_City", 0], [205303, 213906, "Liverpool", 22], [205303, 213906, "City_status_in_the_United_Kingdom", 0], [205303, 213907, "Liverpool", 27], [205303, 213907, "Scouse", 0], [205303, 213908, "Liverpool", 28], [205303, 213908, "Liverpool_City_Region", 0], [207714, 215928, "Liverpool", 0], [207714, 215929, "Liverpool", 1], [315742, 305002, "Liverpool", 0], [315742, 305003, "Liverpool", 1], [315742, 305004, "Liverpool", 5], [315742, 305004, "Lancashire", 1], [315742, 305004, "River_Mersey", 0], [315758, 305014, "Liverpool", 0], [315758, 305015, "Liverpool", 1], [315758, 305016, "Liverpool", 5], [315758, 305016, "Lancashire", 1], [315758, 305017, "Liverpool", 7], [315758, 305017, "Lancashire", 1], [315758, 305018, "Liverpool", 21], [315758, 305018, "Liverpool_Maritime_Mercantile_City", 0], [315761, 305020, "Liverpool", 0], [315761, 305021, "Liverpool", 1], [315761, 305022, "Liverpool", 2], [315761, 305022, "Historic_counties_of_England", 0], [315761, 305023, "Liverpool", 5], [315761, 305023, "River_Mersey", 0], [315761, 305024, "Liverpool", 6], [315761, 305024, "City_status_in_the_United_Kingdom", 0], [315761, 305025, "Liverpool", 7], [315761, 305025, "County_borough", 0], [315761, 305026, "Liverpool", 8], [315761, 305026, "City_status_in_the_United_Kingdom", 0], [315761, 305027, "Liverpool", 9], [315761, 305027, "City_status_in_the_United_Kingdom", 0], [315761, 305028, "Liverpool", 13], [315761, 305028, "The_Beatles", 0], [315761, 305029, "Liverpool", 14], [315761, 305029, "Premier_League", 0], [315761, 305030, "Liverpool", 15], [315761, 305031, "Liverpool", 16], [315761, 305031, "Aintree_Racecourse", 0], [315761, 305032, "Liverpool", 19], [315761, 305033, "Liverpool", 20], [315761, 305033, "City_status_in_the_United_Kingdom", 0], [315761, 305034, "Liverpool", 21], [315761, 305034, "Liverpool_Maritime_Mercantile_City", 0], [315761, 305035, "Liverpool", 23], [315761, 305035, "Black_British", 0], [315761, 305036, "Liverpool", 28], [315761, 305036, "Liverpool_City_Region", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172275, 185637, "Uranium-235", 6], [172275, 185637, "Arthur_Jeffrey_Dempster", 0]]], "all_evidence": [[172275, 185637, "Uranium-235", 6], [172275, 185637, "Arthur_Jeffrey_Dempster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95102, null, null, null]]], "all_evidence": [[95102, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245239, 246103, "Efraim_Diveroli", 6]], [[245240, 246104, "Efraim_Diveroli", 6]]], "all_evidence": [[245239, 246103, "Efraim_Diveroli", 6], [245240, 246104, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94332, null, null, null]]], "all_evidence": [[94332, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282141, 276386, "Michael_B._Jordan", 0]], [[285127, 278852, "Michael_B._Jordan", 0]], [[330061, 316707, "Michael_B._Jordan", 0]], [[330062, 316708, "Michael_B._Jordan", 0]], [[330063, 316709, "Michael_B._Jordan", 4]], [[330065, 316710, "Michael_B._Jordan", 4]], [[330065, 316711, "Michael_B._Jordan", 5]], [[330065, 316712, "Michael_B._Jordan", 1], [330065, 316712, "Parenthood_-LRB-2010_TV_series-RRB-", 9]], [[330084, 316738, "Michael_B._Jordan", 1], [330084, 316738, "Friday_Night_Lights_-LRB-TV_series-RRB-", 7], [330084, 316738, "Parenthood_-LRB-2010_TV_series-RRB-", 9]], [[330084, 316739, "Michael_B._Jordan", 4], [330084, 316739, "Creed_-LRB-film-RRB-", 0], [330084, 316739, "Creed_-LRB-film-RRB-", 1], [330084, 316739, "Fantastic_Four_-LRB-2015_film-RRB-", 0], [330084, 316739, "Fantastic_Four_-LRB-2015_film-RRB-", 2]], [[330084, 316740, "Michael_B._Jordan", 5]]], "all_evidence": [[282141, 276386, "Michael_B._Jordan", 0], [285127, 278852, "Michael_B._Jordan", 0], [330061, 316707, "Michael_B._Jordan", 0], [330062, 316708, "Michael_B._Jordan", 0], [330063, 316709, "Michael_B._Jordan", 4], [330065, 316710, "Michael_B._Jordan", 4], [330065, 316711, "Michael_B._Jordan", 5], [330065, 316712, "Michael_B._Jordan", 1], [330065, 316712, "Parenthood_-LRB-2010_TV_series-RRB-", 9], [330084, 316738, "Michael_B._Jordan", 1], [330084, 316738, "Friday_Night_Lights_-LRB-TV_series-RRB-", 7], [330084, 316738, "Parenthood_-LRB-2010_TV_series-RRB-", 9], [330084, 316739, "Michael_B._Jordan", 4], [330084, 316739, "Creed_-LRB-film-RRB-", 0], [330084, 316739, "Creed_-LRB-film-RRB-", 1], [330084, 316739, "Fantastic_Four_-LRB-2015_film-RRB-", 0], [330084, 316739, "Fantastic_Four_-LRB-2015_film-RRB-", 2], [330084, 316740, "Michael_B._Jordan", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116953, null, null, null]]], "all_evidence": [[116953, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166590, 180400, "Mike_Huckabee", 1]], [[166590, 180401, "Mike_Huckabee", 2]], [[166590, 180402, "Mike_Huckabee", 11]]], "all_evidence": [[166590, 180400, "Mike_Huckabee", 1], [166590, 180401, "Mike_Huckabee", 2], [166590, 180402, "Mike_Huckabee", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279230, 273873, "French_Indochina", 0]], [[279231, 273874, "French_Indochina", 0]], [[279232, 273875, "French_Indochina", 0]], [[279233, 273876, "French_Indochina", 0]], [[327452, 314689, "French_Indochina", 0]]], "all_evidence": [[279230, 273873, "French_Indochina", 0], [279231, 273874, "French_Indochina", 0], [279232, 273875, "French_Indochina", 0], [279233, 273876, "French_Indochina", 0], [327452, 314689, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124688, 139023, "West_Virginia", 1]]], "all_evidence": [[124688, 139023, "West_Virginia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110272, 123884, "Folklore", 1]]], "all_evidence": [[110272, 123884, "Folklore", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78902, 90495, "Telemundo", 0]]], "all_evidence": [[78902, 90495, "Telemundo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255464, 254921, "Private_Lives", 0]]], "all_evidence": [[255464, 254921, "Private_Lives", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149942, 164871, "Pearl_Jam", 0]], [[149942, 164872, "Pearl_Jam", 3]], [[149942, 164873, "Pearl_Jam", 14]], [[149942, 164874, "Pearl_Jam", 15]]], "all_evidence": [[149942, 164871, "Pearl_Jam", 0], [149942, 164872, "Pearl_Jam", 3], [149942, 164873, "Pearl_Jam", 14], [149942, 164874, "Pearl_Jam", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100407, null, null, null]]], "all_evidence": [[100407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17317, 21424, "Bloods", 0]]], "all_evidence": [[17317, 21424, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126970, 141442, "Lost_-LRB-TV_series-RRB-", 0]], [[126970, 141443, "Lost_-LRB-TV_series-RRB-", 15]]], "all_evidence": [[126970, 141442, "Lost_-LRB-TV_series-RRB-", 0], [126970, 141443, "Lost_-LRB-TV_series-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199478, null, null, null]]], "all_evidence": [[199478, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26757, null, null, null]]], "all_evidence": [[26757, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270849, 266828, "Richard_Dawkins", 4]], [[270849, 266829, "Richard_Dawkins", 5]], [[270849, 266830, "Richard_Dawkins", 10], [270849, 266830, "The_Blind_Watchmaker", 0]], [[270849, 266831, "Richard_Dawkins", 12], [270849, 266831, "The_God_Delusion", 0]], [[270849, 266832, "Richard_Dawkins", 16]]], "all_evidence": [[270849, 266828, "Richard_Dawkins", 4], [270849, 266829, "Richard_Dawkins", 5], [270849, 266830, "Richard_Dawkins", 10], [270849, 266830, "The_Blind_Watchmaker", 0], [270849, 266831, "Richard_Dawkins", 12], [270849, 266831, "The_God_Delusion", 0], [270849, 266832, "Richard_Dawkins", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59853, null, null, null]]], "all_evidence": [[59853, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162586, 176869, "University_of_Mississippi", 4]]], "all_evidence": [[162586, 176869, "University_of_Mississippi", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188625, null, null, null]]], "all_evidence": [[188625, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227059, null, null, null]]], "all_evidence": [[227059, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26654, 32716, "First_inauguration_of_Bill_Clinton", 0], [26654, 32716, "United_States_presidential_inauguration", 9], [26654, 32716, "United_States_presidential_inauguration", 8]]], "all_evidence": [[26654, 32716, "First_inauguration_of_Bill_Clinton", 0], [26654, 32716, "United_States_presidential_inauguration", 9], [26654, 32716, "United_States_presidential_inauguration", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268462, null, null, null]]], "all_evidence": [[268462, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18125, 22282, "Edison_Machine_Works", 0]]], "all_evidence": [[18125, 22282, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260902, null, null, null]]], "all_evidence": [[260902, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107344, null, null, null]]], "all_evidence": [[107344, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143602, 158714, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[143602, 158714, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106219, null, null, null]]], "all_evidence": [[106219, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23090, null, null, null]]], "all_evidence": [[23090, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147047, null, null, null]]], "all_evidence": [[147047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166091, 180024, "Tottenham_Hotspur_F.C.", 5]]], "all_evidence": [[166091, 180024, "Tottenham_Hotspur_F.C.", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42450, 51095, "Alexandra_Daddario", 0]]], "all_evidence": [[42450, 51095, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163529, null, null, null]]], "all_evidence": [[163529, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92790, null, null, null]]], "all_evidence": [[92790, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155492, null, null, null]]], "all_evidence": [[155492, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29308, null, null, null]]], "all_evidence": [[29308, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75622, null, null, null]]], "all_evidence": [[75622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96360, 109503, "The_Road_to_El_Dorado", 2], [96360, 109503, "Kevin_Kline", 0], [96360, 109503, "Jim_Cummings", 0], [96360, 109503, "Armand_Assante", 0], [96360, 109503, "Edward_James_Olmos", 0], [96360, 109503, "Kenneth_Branagh", 0]]], "all_evidence": [[96360, 109503, "The_Road_to_El_Dorado", 2], [96360, 109503, "Kevin_Kline", 0], [96360, 109503, "Jim_Cummings", 0], [96360, 109503, "Armand_Assante", 0], [96360, 109503, "Edward_James_Olmos", 0], [96360, 109503, "Kenneth_Branagh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202942, null, null, null]]], "all_evidence": [[202942, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33004, null, null, null]]], "all_evidence": [[33004, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22125, 27189, "Kellyanne_Conway", 12]]], "all_evidence": [[22125, 27189, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117866, 131765, "Shadowhunters", 4]]], "all_evidence": [[117866, 131765, "Shadowhunters", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38037, 45955, "Jewell_-LRB-singer-RRB-", 3]]], "all_evidence": [[38037, 45955, "Jewell_-LRB-singer-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90898, 103596, "L.A._Reid", 1]]], "all_evidence": [[90898, 103596, "L.A._Reid", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292060, 284886, "Magic_Johnson", 1]], [[292060, 284887, "Magic_Johnson", 16]], [[292065, 284892, "Magic_Johnson", 1]], [[294076, 286444, "Magic_Johnson", 1]], [[339094, 324134, "Magic_Johnson", 1]], [[339094, 324135, "Magic_Johnson", 16]], [[339272, 324279, "Magic_Johnson", 1]], [[339273, 324280, "Magic_Johnson", 1]], [[339273, 324281, "Magic_Johnson", 16]], [[339283, 324289, "Magic_Johnson", 1], [339283, 324289, "Point_guard", 0]]], "all_evidence": [[292060, 284886, "Magic_Johnson", 1], [292060, 284887, "Magic_Johnson", 16], [292065, 284892, "Magic_Johnson", 1], [294076, 286444, "Magic_Johnson", 1], [339094, 324134, "Magic_Johnson", 1], [339094, 324135, "Magic_Johnson", 16], [339272, 324279, "Magic_Johnson", 1], [339273, 324280, "Magic_Johnson", 1], [339273, 324281, "Magic_Johnson", 16], [339283, 324289, "Magic_Johnson", 1], [339283, 324289, "Point_guard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39050, 47036, "Danger_UXB", 0]], [[39050, 47037, "Danger_UXB", 10]], [[39050, 47038, "Danger_UXB", 16]]], "all_evidence": [[39050, 47036, "Danger_UXB", 0], [39050, 47037, "Danger_UXB", 10], [39050, 47038, "Danger_UXB", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214314, null, null, null]]], "all_evidence": [[214314, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52683, 62645, "Bhagat_Singh", 16]]], "all_evidence": [[52683, 62645, "Bhagat_Singh", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194113, 204520, "Rick_Yune", 2], [194113, 204520, "Marco_Polo_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[194113, 204520, "Rick_Yune", 2], [194113, 204520, "Marco_Polo_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[333552, 319797, "Diana,_Princess_of_Wales", 5]], [[335146, 321033, "Diana,_Princess_of_Wales", 5]]], "all_evidence": [[333552, 319797, "Diana,_Princess_of_Wales", 5], [335146, 321033, "Diana,_Princess_of_Wales", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108463, null, null, null]]], "all_evidence": [[108463, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200734, 210207, "Earl_Scruggs", 0]]], "all_evidence": [[200734, 210207, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245288, 246132, "Efraim_Diveroli", 6]]], "all_evidence": [[245288, 246132, "Efraim_Diveroli", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112468, null, null, null]]], "all_evidence": [[112468, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163046, null, null, null]]], "all_evidence": [[163046, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106090, 119462, "Aleister_Crowley", 0]]], "all_evidence": [[106090, 119462, "Aleister_Crowley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38773, 46737, "Sheryl_Lee", 7]]], "all_evidence": [[38773, 46737, "Sheryl_Lee", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99076, null, null, null]]], "all_evidence": [[99076, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194728, null, null, null]]], "all_evidence": [[194728, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218038, 224440, "Live_Through_This", 12]]], "all_evidence": [[218038, 224440, "Live_Through_This", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37735, null, null, null]]], "all_evidence": [[37735, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22002, null, null, null]]], "all_evidence": [[22002, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98545, 111633, "Renato_Balestra", 3]]], "all_evidence": [[98545, 111633, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227023, 231452, "Barry_Van_Dyke", 0]]], "all_evidence": [[227023, 231452, "Barry_Van_Dyke", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223819, null, null, null]]], "all_evidence": [[223819, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42612, null, null, null]]], "all_evidence": [[42612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148645, 163672, "Make_It_or_Break_It", 2]]], "all_evidence": [[148645, 163672, "Make_It_or_Break_It", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185664, null, null, null]]], "all_evidence": [[185664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43716, 52359, "Caroline_Kennedy", 0]]], "all_evidence": [[43716, 52359, "Caroline_Kennedy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257104, 256152, "Homer_Hickam", 2]]], "all_evidence": [[257104, 256152, "Homer_Hickam", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223871, 228790, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223871, 228790, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255482, 254933, "Private_Lives", 0]]], "all_evidence": [[255482, 254933, "Private_Lives", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110709, 124377, "Hindu_Kush", 0]], [[110709, 124378, "Hindu_Kush", 1]], [[110709, 124379, "Hindu_Kush", 2]], [[110709, 124380, "Hindu_Kush", 5]], [[110709, 124381, "Hindu_Kush", 6]], [[110709, 124382, "Hindu_Kush", 7]], [[110709, 124383, "Hindu_Kush", 8]], [[110709, 124384, "Hindu_Kush", 11]], [[110709, 124385, "Hindu_Kush", 12]], [[110709, 124386, "Hindu_Kush", 13]], [[110709, 124387, "Hindu_Kush", 14]]], "all_evidence": [[110709, 124377, "Hindu_Kush", 0], [110709, 124378, "Hindu_Kush", 1], [110709, 124379, "Hindu_Kush", 2], [110709, 124380, "Hindu_Kush", 5], [110709, 124381, "Hindu_Kush", 6], [110709, 124382, "Hindu_Kush", 7], [110709, 124383, "Hindu_Kush", 8], [110709, 124384, "Hindu_Kush", 11], [110709, 124385, "Hindu_Kush", 12], [110709, 124386, "Hindu_Kush", 13], [110709, 124387, "Hindu_Kush", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123447, null, null, null]]], "all_evidence": [[123447, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247521, 247810, "Stadium_Arcadium", 1]]], "all_evidence": [[247521, 247810, "Stadium_Arcadium", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[217304, 223922, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]], [[217308, 223926, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]], "all_evidence": [[217304, 223922, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5], [217308, 223926, "The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40084, 48223, "Villa_Park", 14]]], "all_evidence": [[40084, 48223, "Villa_Park", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211988, 219593, "Saturn_Corporation", 0]]], "all_evidence": [[211988, 219593, "Saturn_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152870, 167642, "Ron_Weasley", 0]]], "all_evidence": [[152870, 167642, "Ron_Weasley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266590, null, null, null]]], "all_evidence": [[266590, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16802, null, null, null]]], "all_evidence": [[16802, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158442, null, null, null]]], "all_evidence": [[158442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111051, 124732, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]], "all_evidence": [[111051, 124732, "Paris_-LRB-Paris_Hilton_album-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37985, 45905, "John_Dolmayan", 0]]], "all_evidence": [[37985, 45905, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161942, 176338, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]], "all_evidence": [[161942, 176338, "Numb_-LRB-Linkin_Park_song-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248533, 248690, "Tie_Your_Mother_Down", 1]]], "all_evidence": [[248533, 248690, "Tie_Your_Mother_Down", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179006, 191543, "Anushka_Sharma", 0]]], "all_evidence": [[179006, 191543, "Anushka_Sharma", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67182, null, null, null]]], "all_evidence": [[67182, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244447, 245453, "Samwell_Tarly", 4], [244447, 245453, "A_Clash_of_Kings", 0]]], "all_evidence": [[244447, 245453, "Samwell_Tarly", 4], [244447, 245453, "A_Clash_of_Kings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76627, 87932, "Make_It_or_Break_It", 9]]], "all_evidence": [[76627, 87932, "Make_It_or_Break_It", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203204, null, null, null]]], "all_evidence": [[203204, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244434, 245447, "Samwell_Tarly", 0]]], "all_evidence": [[244434, 245447, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82978, 94870, "Wilhelmina_Slater", 0]]], "all_evidence": [[82978, 94870, "Wilhelmina_Slater", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115209, 129013, "The_Adventures_of_Pluto_Nash", 2]]], "all_evidence": [[115209, 129013, "The_Adventures_of_Pluto_Nash", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17583, 21739, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[20247, 24788, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[20247, 24789, "Recovery_-LRB-Eminem_album-RRB-", 13]], [[20247, 24790, "Recovery_-LRB-Eminem_album-RRB-", 1]], [[21762, 26755, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[21762, 26756, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[21762, 26757, "Recovery_-LRB-Eminem_album-RRB-", 13]], [[301445, 292563, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[301446, 292564, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[302503, 293500, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[304450, 295257, "Recovery_-LRB-Eminem_album-RRB-", 0]]], "all_evidence": [[17583, 21739, "Recovery_-LRB-Eminem_album-RRB-", 0], [20247, 24788, "Recovery_-LRB-Eminem_album-RRB-", 0], [20247, 24789, "Recovery_-LRB-Eminem_album-RRB-", 13], [20247, 24790, "Recovery_-LRB-Eminem_album-RRB-", 1], [21762, 26755, "Recovery_-LRB-Eminem_album-RRB-", 0], [21762, 26756, "Recovery_-LRB-Eminem_album-RRB-", 6], [21762, 26757, "Recovery_-LRB-Eminem_album-RRB-", 13], [301445, 292563, "Recovery_-LRB-Eminem_album-RRB-", 0], [301446, 292564, "Recovery_-LRB-Eminem_album-RRB-", 0], [302503, 293500, "Recovery_-LRB-Eminem_album-RRB-", 0], [304450, 295257, "Recovery_-LRB-Eminem_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23023, 28366, "Recovery_-LRB-Eminem_album-RRB-", 0], [23023, 28366, "Eminem", 0]]], "all_evidence": [[23023, 28366, "Recovery_-LRB-Eminem_album-RRB-", 0], [23023, 28366, "Eminem", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121339, 135634, "White_House_Press_Secretary", 0]], [[121339, 135635, "White_House_Press_Secretary", 7]]], "all_evidence": [[121339, 135634, "White_House_Press_Secretary", 0], [121339, 135635, "White_House_Press_Secretary", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120865, 135160, "Kuching", 0]]], "all_evidence": [[120865, 135160, "Kuching", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62067, null, null, null]]], "all_evidence": [[62067, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250342, null, null, null]]], "all_evidence": [[250342, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182046, 194321, "Pearl_Jam", 13]]], "all_evidence": [[182046, 194321, "Pearl_Jam", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75542, 86803, "Hush_-LRB-2016_film-RRB-", 2]]], "all_evidence": [[75542, 86803, "Hush_-LRB-2016_film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85318, null, null, null]]], "all_evidence": [[85318, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274076, 269383, "Rupert_Murdoch", 3]], [[276479, 271554, "Rupert_Murdoch", 0], [276479, 271554, "Media_proprietor", 0]], [[276479, 271555, "Rupert_Murdoch", 3]], [[276479, 271556, "Rupert_Murdoch", 20]], [[277410, 272327, "Rupert_Murdoch", 0], [277410, 272327, "Media_proprietor", 0]], [[323407, 311628, "Rupert_Murdoch", 3]], [[323407, 311629, "Rupert_Murdoch", 20]], [[323407, 311630, "Rupert_Murdoch", 23]], [[323407, 311631, "Rupert_Murdoch", 14]], [[323407, 311632, "Rupert_Murdoch", 12]], [[323407, 311633, "Rupert_Murdoch", 8]], [[323407, 311634, "Rupert_Murdoch", 6]]], "all_evidence": [[274076, 269383, "Rupert_Murdoch", 3], [276479, 271554, "Rupert_Murdoch", 0], [276479, 271554, "Media_proprietor", 0], [276479, 271555, "Rupert_Murdoch", 3], [276479, 271556, "Rupert_Murdoch", 20], [277410, 272327, "Rupert_Murdoch", 0], [277410, 272327, "Media_proprietor", 0], [323407, 311628, "Rupert_Murdoch", 3], [323407, 311629, "Rupert_Murdoch", 20], [323407, 311630, "Rupert_Murdoch", 23], [323407, 311631, "Rupert_Murdoch", 14], [323407, 311632, "Rupert_Murdoch", 12], [323407, 311633, "Rupert_Murdoch", 8], [323407, 311634, "Rupert_Murdoch", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108650, 122329, "Sayyeshaa", 1]], [[108652, 122331, "Sayyeshaa", 0], [108652, 122331, "Bollywood", 0]]], "all_evidence": [[108650, 122329, "Sayyeshaa", 1], [108652, 122331, "Sayyeshaa", 0], [108652, 122331, "Bollywood", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59145, 69488, "Leonard_Nimoy", 10], [59145, 69488, "Civilization_IV", 0]]], "all_evidence": [[59145, 69488, "Leonard_Nimoy", 10], [59145, 69488, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53012, 62953, "Highway_to_Heaven", 0]]], "all_evidence": [[53012, 62953, "Highway_to_Heaven", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260661, 259001, "Valencia", 0]], [[260662, 259002, "Valencia", 0]], [[260663, 259003, "Valencia", 0]], [[260667, 259005, "Valencia", 0]], [[260668, 259006, "Valencia", 0]], [[260671, 259008, "Valencia", 0]], [[260678, 259014, "Valencia", 0]], [[260688, 259022, "Valencia", 0]]], "all_evidence": [[260661, 259001, "Valencia", 0], [260662, 259002, "Valencia", 0], [260663, 259003, "Valencia", 0], [260667, 259005, "Valencia", 0], [260668, 259006, "Valencia", 0], [260671, 259008, "Valencia", 0], [260678, 259014, "Valencia", 0], [260688, 259022, "Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240799, 242411, "Glee.com", 1]], [[240810, 242423, "Glee.com", 1]]], "all_evidence": [[240799, 242411, "Glee.com", 1], [240810, 242423, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269544, 265848, "Bongwater_-LRB-film-RRB-", 1]]], "all_evidence": [[269544, 265848, "Bongwater_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46721, null, null, null]]], "all_evidence": [[46721, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233055, 236057, "Saturn", 0]]], "all_evidence": [[233055, 236057, "Saturn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268413, null, null, null]]], "all_evidence": [[268413, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272395, 268100, "Island_Records", 1]]], "all_evidence": [[272395, 268100, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208058, 216203, "Osamu_Tezuka", 21]]], "all_evidence": [[208058, 216203, "Osamu_Tezuka", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84834, 97058, "Justine_Bateman", 0]], [[84834, 97059, "Justine_Bateman", 2]]], "all_evidence": [[84834, 97058, "Justine_Bateman", 0], [84834, 97059, "Justine_Bateman", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227770, null, null, null]]], "all_evidence": [[227770, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74878, 86089, "In_the_End", 0]]], "all_evidence": [[74878, 86089, "In_the_End", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159175, null, null, null]]], "all_evidence": [[159175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22193, 27313, "Stephen_Hillenburg", 4]]], "all_evidence": [[22193, 27313, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58985, 69303, "Ron_Weasley", 0]], [[58985, 69304, "Ron_Weasley", 1]], [[58985, 69305, "Ron_Weasley", 3], [58985, 69305, "Hogwarts", 0]], [[58985, 69306, "Ron_Weasley", 2], [58985, 69306, "Places_in_Harry_Potter", 0]]], "all_evidence": [[58985, 69303, "Ron_Weasley", 0], [58985, 69304, "Ron_Weasley", 1], [58985, 69305, "Ron_Weasley", 3], [58985, 69305, "Hogwarts", 0], [58985, 69306, "Ron_Weasley", 2], [58985, 69306, "Places_in_Harry_Potter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18923, 23179, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[18923, 23179, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260911, null, null, null]]], "all_evidence": [[260911, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287241, null, null, null]]], "all_evidence": [[287241, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170489, 184057, "James_Jones_-LRB-basketball_player-RRB-", 17]], [[170490, 184058, "James_Jones_-LRB-basketball_player-RRB-", 17]], [[313652, 303199, "James_Jones_-LRB-basketball_player-RRB-", 17]], [[315553, 304793, "James_Jones_-LRB-basketball_player-RRB-", 17]]], "all_evidence": [[170489, 184057, "James_Jones_-LRB-basketball_player-RRB-", 17], [170490, 184058, "James_Jones_-LRB-basketball_player-RRB-", 17], [313652, 303199, "James_Jones_-LRB-basketball_player-RRB-", 17], [315553, 304793, "James_Jones_-LRB-basketball_player-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133783, 148665, "Shane_McMahon", 13]]], "all_evidence": [[133783, 148665, "Shane_McMahon", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75667, 86922, "The_Wallace_-LRB-poem-RRB-", 0]]], "all_evidence": [[75667, 86922, "The_Wallace_-LRB-poem-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144193, null, null, null]]], "all_evidence": [[144193, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243116, 244396, "First_Motion_Picture_Unit", 1]]], "all_evidence": [[243116, 244396, "First_Motion_Picture_Unit", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192752, 203467, "Cadet_Kelly", 0]]], "all_evidence": [[192752, 203467, "Cadet_Kelly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230063, 233812, "Jeong_Hyeong-don", 0]]], "all_evidence": [[230063, 233812, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244445, 245452, "Samwell_Tarly", 0]]], "all_evidence": [[244445, 245452, "Samwell_Tarly", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92552, null, null, null]]], "all_evidence": [[92552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76766, 88121, "Derek_Hough", 6]]], "all_evidence": [[76766, 88121, "Derek_Hough", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180337, 192847, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[180337, 192847, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227632, null, null, null], [227647, null, null, null]]], "all_evidence": [[227632, null, null, null], [227647, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59082, 69416, "Fred_Armisen", 0]], [[61720, 72200, "Fred_Armisen", 0]], [[61720, 72201, "Fred_Armisen", 6]], [[64030, 74732, "Fred_Armisen", 0]], [[303441, 294410, "Fred_Armisen", 0]], [[303443, 294412, "Fred_Armisen", 0]]], "all_evidence": [[59082, 69416, "Fred_Armisen", 0], [61720, 72200, "Fred_Armisen", 0], [61720, 72201, "Fred_Armisen", 6], [64030, 74732, "Fred_Armisen", 0], [303441, 294410, "Fred_Armisen", 0], [303443, 294412, "Fred_Armisen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200738, 210209, "Earl_Scruggs", 0]]], "all_evidence": [[200738, 210209, "Earl_Scruggs", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176817, 189765, "Leonard_Nimoy", 0]], [[176817, 189766, "Leonard_Nimoy", 4]], [[176817, 189767, "Leonard_Nimoy", 10]], [[176817, 189768, "Leonard_Nimoy", 14]]], "all_evidence": [[176817, 189765, "Leonard_Nimoy", 0], [176817, 189766, "Leonard_Nimoy", 4], [176817, 189767, "Leonard_Nimoy", 10], [176817, 189768, "Leonard_Nimoy", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173701, null, null, null]]], "all_evidence": [[173701, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75038, 86262, "Nicholas_Brody", 1]]], "all_evidence": [[75038, 86262, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172652, null, null, null]]], "all_evidence": [[172652, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138121, 153073, "Wildfang", 1]]], "all_evidence": [[138121, 153073, "Wildfang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16184, 20051, "Advertising", 0]], [[18241, 22406, "Advertising", 0]], [[19295, 23689, "Advertising", 0]], [[301365, 292490, "Advertising", 0]], [[302412, 293426, "Advertising", 0]], [[304249, 295082, "Advertising", 0]]], "all_evidence": [[16184, 20051, "Advertising", 0], [18241, 22406, "Advertising", 0], [19295, 23689, "Advertising", 0], [301365, 292490, "Advertising", 0], [302412, 293426, "Advertising", 0], [304249, 295082, "Advertising", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234480, null, null, null]]], "all_evidence": [[234480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218306, 224619, "Eva_Mendes", 0]]], "all_evidence": [[218306, 224619, "Eva_Mendes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194304, 204694, "Drake_Bell", 18]], [[194311, 204703, "Drake_Bell", 18]]], "all_evidence": [[194304, 204694, "Drake_Bell", 18], [194311, 204703, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25394, 31318, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[299995, 291312, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[25394, 31318, "Kleshas_-LRB-Buddhism-RRB-", 0], [299995, 291312, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245092, 246006, "Endometrial_cancer", 26]]], "all_evidence": [[245092, 246006, "Endometrial_cancer", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197242, 207320, "Smriti_Mandhana", 0]], [[197243, 207321, "Smriti_Mandhana", 0]]], "all_evidence": [[197242, 207320, "Smriti_Mandhana", 0], [197243, 207321, "Smriti_Mandhana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199498, 209167, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199498, 209167, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105443, 118898, "Ann_Richards", 0]]], "all_evidence": [[105443, 118898, "Ann_Richards", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101571, null, null, null]]], "all_evidence": [[101571, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90412, 103159, "Danger_UXB", 0]], [[90412, 103160, "Danger_UXB", 3], [90412, 103160, "Tunnelling_companies_of_the_Royal_Engineers", 0]]], "all_evidence": [[90412, 103159, "Danger_UXB", 0], [90412, 103160, "Danger_UXB", 3], [90412, 103160, "Tunnelling_companies_of_the_Royal_Engineers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32781, 39855, "David_Spade", 2]]], "all_evidence": [[32781, 39855, "David_Spade", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86769, 99228, "United_Nations_Charter", 1]]], "all_evidence": [[86769, 99228, "United_Nations_Charter", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152887, null, null, null]]], "all_evidence": [[152887, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243685, 244856, "Palo_Alto,_California", 0]], [[243687, 244857, "Palo_Alto,_California", 0]], [[243690, 244859, "Palo_Alto,_California", 0]], [[243697, 244865, "Palo_Alto,_California", 0], [243697, 244865, "United_States", 10]], [[243697, 244866, "Palo_Alto,_California", 11]]], "all_evidence": [[243685, 244856, "Palo_Alto,_California", 0], [243687, 244857, "Palo_Alto,_California", 0], [243690, 244859, "Palo_Alto,_California", 0], [243697, 244865, "Palo_Alto,_California", 0], [243697, 244865, "United_States", 10], [243697, 244866, "Palo_Alto,_California", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61700, 72188, "Sophia_Bush", 2]]], "all_evidence": [[61700, 72188, "Sophia_Bush", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223880, null, null, null]]], "all_evidence": [[223880, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69518, null, null, null]]], "all_evidence": [[69518, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137128, null, null, null]]], "all_evidence": [[137128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171163, 184680, "EA_Black_Box", 0], [171163, 184680, "Canada", 0]]], "all_evidence": [[171163, 184680, "EA_Black_Box", 0], [171163, 184680, "Canada", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214795, 221788, "Premam", 0]]], "all_evidence": [[214795, 221788, "Premam", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68041, null, null, null]]], "all_evidence": [[68041, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210303, 218074, "Southpaw_-LRB-film-RRB-", 0]]], "all_evidence": [[210303, 218074, "Southpaw_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175444, 188435, "Civilization_IV", 0]], [[175444, 188436, "Civilization_IV", 5]], [[175444, 188437, "Civilization_IV", 12]], [[175445, 188438, "Civilization_IV", 0]], [[175445, 188439, "Civilization_IV", 5]], [[175445, 188440, "Civilization_IV", 12]]], "all_evidence": [[175444, 188435, "Civilization_IV", 0], [175444, 188436, "Civilization_IV", 5], [175444, 188437, "Civilization_IV", 12], [175445, 188438, "Civilization_IV", 0], [175445, 188439, "Civilization_IV", 5], [175445, 188440, "Civilization_IV", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119233, null, null, null]]], "all_evidence": [[119233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174130, 187315, "Melancholia_-LRB-2011_film-RRB-", 0], [174130, 187315, "Lars_von_Trier", 0]]], "all_evidence": [[174130, 187315, "Melancholia_-LRB-2011_film-RRB-", 0], [174130, 187315, "Lars_von_Trier", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72569, null, null, null]]], "all_evidence": [[72569, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258694, 257463, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258694, 257463, "John_Grisham", 0]]], "all_evidence": [[258694, 257463, "The_Pelican_Brief_-LRB-film-RRB-", 0], [258694, 257463, "John_Grisham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69461, 80265, "Aleister_Crowley", 0]], [[69461, 80266, "Aleister_Crowley", 8]], [[69461, 80267, "Aleister_Crowley", 10]], [[69461, 80268, "Aleister_Crowley", 15]], [[69461, 80269, "Aleister_Crowley", 16]], [[69461, 80270, "Aleister_Crowley", 18], [69461, 80270, "World_War_I", 0]], [[69461, 80271, "Aleister_Crowley", 19]], [[69461, 80272, "Aleister_Crowley", 20]]], "all_evidence": [[69461, 80265, "Aleister_Crowley", 0], [69461, 80266, "Aleister_Crowley", 8], [69461, 80267, "Aleister_Crowley", 10], [69461, 80268, "Aleister_Crowley", 15], [69461, 80269, "Aleister_Crowley", 16], [69461, 80270, "Aleister_Crowley", 18], [69461, 80270, "World_War_I", 0], [69461, 80271, "Aleister_Crowley", 19], [69461, 80272, "Aleister_Crowley", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82034, 93826, "Folklore", 1]], [[82034, 93827, "Folklore", 7]]], "all_evidence": [[82034, 93826, "Folklore", 1], [82034, 93827, "Folklore", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199469, 209146, "The_Beach_-LRB-film-RRB-", 0]]], "all_evidence": [[199469, 209146, "The_Beach_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49247, null, null, null], [49248, null, null, null]]], "all_evidence": [[49247, null, null, null], [49248, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153656, 168497, "Winter's_Tale_-LRB-novel-RRB-", 0], [153656, 168497, "Mark_Helprin", 0]]], "all_evidence": [[153656, 168497, "Winter's_Tale_-LRB-novel-RRB-", 0], [153656, 168497, "Mark_Helprin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22325, null, null, null]]], "all_evidence": [[22325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228485, 232661, "Stripes_-LRB-film-RRB-", 0], [228485, 232661, "Bill_Murray", 0], [228485, 232661, "Harold_Ramis", 0], [228485, 232661, "Ivan_Reitman", 0], [228485, 232661, "John_Candy", 0], [228485, 232661, "P._J._Soles", 0], [228485, 232661, "Sean_Young", 0]]], "all_evidence": [[228485, 232661, "Stripes_-LRB-film-RRB-", 0], [228485, 232661, "Bill_Murray", 0], [228485, 232661, "Harold_Ramis", 0], [228485, 232661, "Ivan_Reitman", 0], [228485, 232661, "John_Candy", 0], [228485, 232661, "P._J._Soles", 0], [228485, 232661, "Sean_Young", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45975, 54915, "Awkward_Black_Girl", 0]]], "all_evidence": [[45975, 54915, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173119, null, null, null]]], "all_evidence": [[173119, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47971, 57290, "Stephen_Colbert", 1]]], "all_evidence": [[47971, 57290, "Stephen_Colbert", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155364, 170057, "Craig_David", 5]]], "all_evidence": [[155364, 170057, "Craig_David", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138886, null, null, null]]], "all_evidence": [[138886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26149, 32161, "Vedam_-LRB-film-RRB-", 0]]], "all_evidence": [[26149, 32161, "Vedam_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31618, 38371, "Email_filtering", 5]]], "all_evidence": [[31618, 38371, "Email_filtering", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114804, 128541, "Caroline_Kennedy", 0], [114804, 128541, "Twilight_-LRB-novel_series-RRB-", 0]]], "all_evidence": [[114804, 128541, "Caroline_Kennedy", 0], [114804, 128541, "Twilight_-LRB-novel_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180502, null, null, null]]], "all_evidence": [[180502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199050, 208732, "Matteo_Renzi", 0]]], "all_evidence": [[199050, 208732, "Matteo_Renzi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211225, 218900, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]], [[211225, 218901, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 15]], [[211225, 218902, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 16]], [[211225, 218903, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 17]]], "all_evidence": [[211225, 218900, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0], [211225, 218901, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 15], [211225, 218902, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 16], [211225, 218903, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268418, 265003, "Danielle_Cormack", 0]]], "all_evidence": [[268418, 265003, "Danielle_Cormack", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153124, 167863, "Pharrell_Williams", 0]]], "all_evidence": [[153124, 167863, "Pharrell_Williams", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27559, 33745, "Mirny_-LRB-sloop-of-war-RRB-", 0], [27559, 33745, "Mikhail_Lazarev", 0]]], "all_evidence": [[27559, 33745, "Mirny_-LRB-sloop-of-war-RRB-", 0], [27559, 33745, "Mikhail_Lazarev", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185489, 197248, "Juventus_F.C.", 1]]], "all_evidence": [[185489, 197248, "Juventus_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12884, 16055, "Naples", 34], [12884, 16055, "Herculaneum", 0]]], "all_evidence": [[12884, 16055, "Naples", 34], [12884, 16055, "Herculaneum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106105, 119496, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]], "all_evidence": [[106105, 119496, "Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175624, null, null, null]]], "all_evidence": [[175624, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116993, 130881, "Mick_Thomson", 1], [116993, 130881, "Slipknot_-LRB-band-RRB-", 0]], [[116993, 130882, "Mick_Thomson", 2]], [[116993, 130883, "Mick_Thomson", 3], [116993, 130883, "Slipknot_-LRB-band-RRB-", 0]]], "all_evidence": [[116993, 130881, "Mick_Thomson", 1], [116993, 130881, "Slipknot_-LRB-band-RRB-", 0], [116993, 130882, "Mick_Thomson", 2], [116993, 130883, "Mick_Thomson", 3], [116993, 130883, "Slipknot_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58855, 69171, "Halsey_-LRB-singer-RRB-", 1]]], "all_evidence": [[58855, 69171, "Halsey_-LRB-singer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120882, 135173, "Blue_Jasmine", 0]], [[120882, 135174, "Blue_Jasmine", 1]], [[120882, 135176, "Blue_Jasmine", 2]]], "all_evidence": [[120882, 135173, "Blue_Jasmine", 0], [120882, 135174, "Blue_Jasmine", 1], [120882, 135176, "Blue_Jasmine", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228462, 232641, "Stripes_-LRB-film-RRB-", 0]], [[228462, 232642, "Stripes_-LRB-film-RRB-", 1]], [[228462, 232643, "Stripes_-LRB-film-RRB-", 2]], [[228465, 232645, "Stripes_-LRB-film-RRB-", 0]], [[228465, 232646, "Stripes_-LRB-film-RRB-", 1]], [[228465, 232647, "Stripes_-LRB-film-RRB-", 2]], [[228470, 232649, "Stripes_-LRB-film-RRB-", 1]]], "all_evidence": [[228462, 232641, "Stripes_-LRB-film-RRB-", 0], [228462, 232642, "Stripes_-LRB-film-RRB-", 1], [228462, 232643, "Stripes_-LRB-film-RRB-", 2], [228465, 232645, "Stripes_-LRB-film-RRB-", 0], [228465, 232646, "Stripes_-LRB-film-RRB-", 1], [228465, 232647, "Stripes_-LRB-film-RRB-", 2], [228470, 232649, "Stripes_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245455, 246259, "Mel_B", 5]], [[245455, 246260, "Mel_B", 9]]], "all_evidence": [[245455, 246259, "Mel_B", 5], [245455, 246260, "Mel_B", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142191, 157407, "French_Indochina", 0]]], "all_evidence": [[142191, 157407, "French_Indochina", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225639, null, null, null]]], "all_evidence": [[225639, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228207, null, null, null]]], "all_evidence": [[228207, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120765, 135035, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[120765, 135035, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23921, 29609, "Pene\u0301lope_Cruz", 12]]], "all_evidence": [[23921, 29609, "Pene\u0301lope_Cruz", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93039, 105939, "Helmand_Province", 7], [93039, 105939, "Helmand_Province", 0]]], "all_evidence": [[93039, 105939, "Helmand_Province", 7], [93039, 105939, "Helmand_Province", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46836, 55850, "Sebastian_Stan", 1]], [[46836, 55851, "Sebastian_Stan", 2], [46836, 55851, "Political_Animals_-LRB-miniseries-RRB-", 0]]], "all_evidence": [[46836, 55850, "Sebastian_Stan", 1], [46836, 55851, "Sebastian_Stan", 2], [46836, 55851, "Political_Animals_-LRB-miniseries-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[246610, 247087, "Excuse_My_French_-LRB-album-RRB-", 0]], [[246614, 247090, "Excuse_My_French_-LRB-album-RRB-", 0]]], "all_evidence": [[246610, 247087, "Excuse_My_French_-LRB-album-RRB-", 0], [246614, 247090, "Excuse_My_French_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230155, 233882, "Frozen_-LRB-2013_film-RRB-", 0]], [[230155, 233883, "Frozen_-LRB-2013_film-RRB-", 10]]], "all_evidence": [[230155, 233882, "Frozen_-LRB-2013_film-RRB-", 0], [230155, 233883, "Frozen_-LRB-2013_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91817, 104622, "Heart", 19]]], "all_evidence": [[91817, 104622, "Heart", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39049, null, null, null]]], "all_evidence": [[39049, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95344, 108370, "Washington_Wizards", 12]]], "all_evidence": [[95344, 108370, "Washington_Wizards", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19474, 23909, "Noah_Cyrus", 0]]], "all_evidence": [[19474, 23909, "Noah_Cyrus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238517, 240517, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]], [[238518, 240518, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]], "all_evidence": [[238517, 240517, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], [238518, 240518, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295559, null, null, null], [295562, null, null, null]]], "all_evidence": [[295559, null, null, null], [295562, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116523, null, null, null]]], "all_evidence": [[116523, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48394, 57726, "Eva_Green", 1]]], "all_evidence": [[48394, 57726, "Eva_Green", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149200, 164202, "Daggering", 0]], [[149200, 164203, "Daggering", 1]], [[149200, 164204, "Daggering", 2]]], "all_evidence": [[149200, 164202, "Daggering", 0], [149200, 164203, "Daggering", 1], [149200, 164204, "Daggering", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34236, 41500, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]], "all_evidence": [[34236, 41500, "The_Dark_Tower_-LRB-2017_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[273301, null, null, null], [274013, null, null, null], [276399, null, null, null], [323374, null, null, null], [323375, null, null, null], [323376, null, null, null]]], "all_evidence": [[273301, null, null, null], [274013, null, null, null], [276399, null, null, null], [323374, null, null, null], [323375, null, null, null], [323376, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153537, null, null, null]]], "all_evidence": [[153537, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99530, 112636, "In_the_End", 6]], [[101703, 114961, "In_the_End", 6]], [[102757, 116064, "In_the_End", 6]], [[306937, 297510, "In_the_End", 6]], [[307817, 298256, "In_the_End", 6]]], "all_evidence": [[99530, 112636, "In_the_End", 6], [101703, 114961, "In_the_End", 6], [102757, 116064, "In_the_End", 6], [306937, 297510, "In_the_End", 6], [307817, 298256, "In_the_End", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101888, 115136, "Underdog_-LRB-film-RRB-", 1]]], "all_evidence": [[101888, 115136, "Underdog_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227061, 231478, "Bea_Arthur", 0]], [[227062, 231479, "Bea_Arthur", 0]]], "all_evidence": [[227061, 231478, "Bea_Arthur", 0], [227062, 231479, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209756, 217546, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]], "all_evidence": [[209756, 217546, "Victoria_-LRB-Dance_Exponents_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118076, 131932, "Reign_Over_Me", 0]]], "all_evidence": [[118076, 131932, "Reign_Over_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238534, null, null, null]]], "all_evidence": [[238534, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263224, 260958, "A&E_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[263224, 260958, "A&E_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92173, 104946, "Marvel_vs._Capcom-COLON-_Infinite", 0]], [[92173, 104947, "Marvel_vs._Capcom-COLON-_Infinite", 1]], [[92173, 104948, "Marvel_vs._Capcom-COLON-_Infinite", 6]]], "all_evidence": [[92173, 104946, "Marvel_vs._Capcom-COLON-_Infinite", 0], [92173, 104947, "Marvel_vs._Capcom-COLON-_Infinite", 1], [92173, 104948, "Marvel_vs._Capcom-COLON-_Infinite", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286930, null, null, null], [334818, null, null, null], [334820, null, null, null], [334830, null, null, null]]], "all_evidence": [[286930, null, null, null], [334818, null, null, null], [334820, null, null, null], [334830, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48640, 57951, "Colosseum", 0]], [[51596, 61369, "Colosseum", 0]], [[54598, 64594, "Colosseum", 0]], [[302716, 293711, "Colosseum", 0]], [[302716, 293712, "Colosseum", 1]], [[302716, 293713, "Colosseum", 5]]], "all_evidence": [[48640, 57951, "Colosseum", 0], [51596, 61369, "Colosseum", 0], [54598, 64594, "Colosseum", 0], [302716, 293711, "Colosseum", 0], [302716, 293712, "Colosseum", 1], [302716, 293713, "Colosseum", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175265, 188262, "Prowler_-LRB-comics-RRB-", 1], [175265, 188262, "Jim_Mooney", 0], [175265, 188262, "John_Buscema", 0], [175265, 188262, "Stan_Lee", 0]]], "all_evidence": [[175265, 188262, "Prowler_-LRB-comics-RRB-", 1], [175265, 188262, "Jim_Mooney", 0], [175265, 188262, "John_Buscema", 0], [175265, 188262, "Stan_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164596, 178826, "Carlos_Santana", 0]], [[164597, 178827, "Carlos_Santana", 0]]], "all_evidence": [[164596, 178826, "Carlos_Santana", 0], [164597, 178827, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52743, 62700, "Crips", 3]]], "all_evidence": [[52743, 62700, "Crips", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55213, null, null, null]]], "all_evidence": [[55213, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210324, 218092, "Southpaw_-LRB-film-RRB-", 2]]], "all_evidence": [[210324, 218092, "Southpaw_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58355, 68614, "You_Belong_with_Me", 0]], [[58355, 68615, "You_Belong_with_Me", 1]], [[58355, 68616, "You_Belong_with_Me", 4]]], "all_evidence": [[58355, 68614, "You_Belong_with_Me", 0], [58355, 68615, "You_Belong_with_Me", 1], [58355, 68616, "You_Belong_with_Me", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198619, 208413, "Selena_Gomez_&_the_Scene", 3]], [[198624, 208417, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198619, 208413, "Selena_Gomez_&_the_Scene", 3], [198624, 208417, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46522, 55494, "Basildon", 0]], [[46522, 55495, "Basildon", 3], [46522, 55495, "Chelmsford", 0]], [[46522, 55496, "Basildon", 4], [46522, 55496, "Billericay", 0]], [[46522, 55497, "Basildon", 5], [46522, 55497, "London_overspill", 0]], [[46522, 55498, "Basildon", 6], [46522, 55498, "Borough_of_Basildon", 0]], [[46522, 55499, "Basildon", 9], [46522, 55499, "Wickford", 0]]], "all_evidence": [[46522, 55494, "Basildon", 0], [46522, 55495, "Basildon", 3], [46522, 55495, "Chelmsford", 0], [46522, 55496, "Basildon", 4], [46522, 55496, "Billericay", 0], [46522, 55497, "Basildon", 5], [46522, 55497, "London_overspill", 0], [46522, 55498, "Basildon", 6], [46522, 55498, "Borough_of_Basildon", 0], [46522, 55499, "Basildon", 9], [46522, 55499, "Wickford", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272399, 268110, "Island_Records", 1]]], "all_evidence": [[272399, 268110, "Island_Records", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74466, 85705, "Danny_Brown", 2]], [[74466, 85706, "Danny_Brown", 3]], [[74466, 85707, "Danny_Brown", 4]], [[74466, 85708, "Danny_Brown", 5]]], "all_evidence": [[74466, 85705, "Danny_Brown", 2], [74466, 85706, "Danny_Brown", 3], [74466, 85707, "Danny_Brown", 4], [74466, 85708, "Danny_Brown", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155040, null, null, null]]], "all_evidence": [[155040, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180910, 193253, "Aparshakti_Khurana", 0], [180910, 193253, "News_presenter", 0], [180910, 193253, "Journalism", 0]]], "all_evidence": [[180910, 193253, "Aparshakti_Khurana", 0], [180910, 193253, "News_presenter", 0], [180910, 193253, "Journalism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218107, null, null, null]]], "all_evidence": [[218107, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255991, null, null, null]]], "all_evidence": [[255991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161620, 176053, "New_York_Knicks", 1], [161620, 176053, "New_York_Knicks", 2]]], "all_evidence": [[161620, 176053, "New_York_Knicks", 1], [161620, 176053, "New_York_Knicks", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91140, null, null, null], [91153, null, null, null]]], "all_evidence": [[91140, null, null, null], [91153, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135019, null, null, null]]], "all_evidence": [[135019, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175079, 188136, "The_Adventures_of_Pluto_Nash", 0]], [[175079, 188137, "The_Adventures_of_Pluto_Nash", 2]]], "all_evidence": [[175079, 188136, "The_Adventures_of_Pluto_Nash", 0], [175079, 188137, "The_Adventures_of_Pluto_Nash", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228724, 232839, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[228724, 232840, "Recovery_-LRB-Eminem_album-RRB-", 1]], [[228724, 232841, "Recovery_-LRB-Eminem_album-RRB-", 2]], [[228724, 232842, "Recovery_-LRB-Eminem_album-RRB-", 13]], [[231275, 234795, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[232693, 235837, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[232693, 235838, "Recovery_-LRB-Eminem_album-RRB-", 1]], [[232693, 235839, "Recovery_-LRB-Eminem_album-RRB-", 2]], [[232693, 235840, "Recovery_-LRB-Eminem_album-RRB-", 6]], [[232693, 235841, "Recovery_-LRB-Eminem_album-RRB-", 13]], [[319954, 308681, "Recovery_-LRB-Eminem_album-RRB-", 0]], [[319955, 308682, "Recovery_-LRB-Eminem_album-RRB-", 0]]], "all_evidence": [[228724, 232839, "Recovery_-LRB-Eminem_album-RRB-", 0], [228724, 232840, "Recovery_-LRB-Eminem_album-RRB-", 1], [228724, 232841, "Recovery_-LRB-Eminem_album-RRB-", 2], [228724, 232842, "Recovery_-LRB-Eminem_album-RRB-", 13], [231275, 234795, "Recovery_-LRB-Eminem_album-RRB-", 0], [232693, 235837, "Recovery_-LRB-Eminem_album-RRB-", 0], [232693, 235838, "Recovery_-LRB-Eminem_album-RRB-", 1], [232693, 235839, "Recovery_-LRB-Eminem_album-RRB-", 2], [232693, 235840, "Recovery_-LRB-Eminem_album-RRB-", 6], [232693, 235841, "Recovery_-LRB-Eminem_album-RRB-", 13], [319954, 308681, "Recovery_-LRB-Eminem_album-RRB-", 0], [319955, 308682, "Recovery_-LRB-Eminem_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132001, 146853, "Tremont_Street_Subway", 5]]], "all_evidence": [[132001, 146853, "Tremont_Street_Subway", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41414, 49789, "The_Adventures_of_Pluto_Nash", 0]], [[41414, 49790, "The_Adventures_of_Pluto_Nash", 2]], [[41414, 49791, "The_Adventures_of_Pluto_Nash", 1], [41414, 49791, "Jay_Mohr", 2]]], "all_evidence": [[41414, 49789, "The_Adventures_of_Pluto_Nash", 0], [41414, 49790, "The_Adventures_of_Pluto_Nash", 2], [41414, 49791, "The_Adventures_of_Pluto_Nash", 1], [41414, 49791, "Jay_Mohr", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86860, null, null, null]]], "all_evidence": [[86860, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150970, null, null, null]]], "all_evidence": [[150970, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255594, 255015, "Dreamer_-LRB-2005_film-RRB-", 0], [255594, 255015, "John_Gatins", 0]]], "all_evidence": [[255594, 255015, "Dreamer_-LRB-2005_film-RRB-", 0], [255594, 255015, "John_Gatins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174706, 187855, "Hedda_Gabler", 1]]], "all_evidence": [[174706, 187855, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205344, 213948, "Invasion_literature", 3]], [[205344, 213949, "Invasion_literature", 2]]], "all_evidence": [[205344, 213948, "Invasion_literature", 3], [205344, 213949, "Invasion_literature", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63143, 73853, "Always_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[63143, 73853, "Always_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213711, null, null, null], [213713, null, null, null]]], "all_evidence": [[213711, null, null, null], [213713, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223586, 228561, "Mirny_-LRB-sloop-of-war-RRB-", 0], [223586, 228561, "Imperial_Russian_Navy", 0]], [[227219, 231622, "Mirny_-LRB-sloop-of-war-RRB-", 0]], [[230006, 233780, "Mirny_-LRB-sloop-of-war-RRB-", 0], [230006, 233780, "Imperial_Russian_Navy", 0]], [[318105, 307072, "Mirny_-LRB-sloop-of-war-RRB-", 0], [318105, 307072, "Imperial_Russian_Navy", 0]], [[318106, 307073, "Mirny_-LRB-sloop-of-war-RRB-", 0]]], "all_evidence": [[223586, 228561, "Mirny_-LRB-sloop-of-war-RRB-", 0], [223586, 228561, "Imperial_Russian_Navy", 0], [227219, 231622, "Mirny_-LRB-sloop-of-war-RRB-", 0], [230006, 233780, "Mirny_-LRB-sloop-of-war-RRB-", 0], [230006, 233780, "Imperial_Russian_Navy", 0], [318105, 307072, "Mirny_-LRB-sloop-of-war-RRB-", 0], [318105, 307072, "Imperial_Russian_Navy", 0], [318106, 307073, "Mirny_-LRB-sloop-of-war-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236650, 239081, "Marcus_Bentley", 0]]], "all_evidence": [[236650, 239081, "Marcus_Bentley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208641, 216644, "Wentworth_Miller", 2]]], "all_evidence": [[208641, 216644, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101595, null, null, null]]], "all_evidence": [[101595, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215830, 222606, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215830, 222606, "Charles_Durning", 0]]], "all_evidence": [[215830, 222606, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215830, 222606, "Charles_Durning", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[298815, 290210, "Tom_Baker_-LRB-English_actor-RRB-", 0]], [[298815, 290211, "Tom_Baker_-LRB-English_actor-RRB-", 1]]], "all_evidence": [[298815, 290210, "Tom_Baker_-LRB-English_actor-RRB-", 0], [298815, 290211, "Tom_Baker_-LRB-English_actor-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68589, 79448, "Bloods", 0]]], "all_evidence": [[68589, 79448, "Bloods", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[223860, 228779, "Keith_Urban_-LRB-1999_album-RRB-", 0]]], "all_evidence": [[223860, 228779, "Keith_Urban_-LRB-1999_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238975, 240933, "Despicable_Me_2", 1], [238975, 240933, "Illumination_Mac_Guff", 0]]], "all_evidence": [[238975, 240933, "Despicable_Me_2", 1], [238975, 240933, "Illumination_Mac_Guff", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209583, 217379, "Swordfish_-LRB-film-RRB-", 0]], [[209583, 217380, "Swordfish_-LRB-film-RRB-", 2]]], "all_evidence": [[209583, 217379, "Swordfish_-LRB-film-RRB-", 0], [209583, 217380, "Swordfish_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149841, 164769, "Saw_-LRB-franchise-RRB-", 8]]], "all_evidence": [[149841, 164769, "Saw_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109474, 123109, "Nicholas_Brody", 1]]], "all_evidence": [[109474, 123109, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179697, 192265, "Shooter_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[179697, 192265, "Shooter_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47823, 57089, "NRG_Recording_Studios", 0], [47823, 57089, "Jay_Baumgardner", 0]]], "all_evidence": [[47823, 57089, "NRG_Recording_Studios", 0], [47823, 57089, "Jay_Baumgardner", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62483, 73105, "Stan_Beeman", 2]]], "all_evidence": [[62483, 73105, "Stan_Beeman", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70489, 81379, "Pearl_Jam", 13]]], "all_evidence": [[70489, 81379, "Pearl_Jam", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194802, 205162, "Manmohan_Singh", 1]], [[194803, 205163, "Manmohan_Singh", 1]]], "all_evidence": [[194802, 205162, "Manmohan_Singh", 1], [194803, 205163, "Manmohan_Singh", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25154, null, null, null]]], "all_evidence": [[25154, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62501, 73123, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[62501, 73123, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23089, 28431, "Michael_B._Jordan", 0]]], "all_evidence": [[23089, 28431, "Michael_B._Jordan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30451, 37052, "Luke_Cage", 6]]], "all_evidence": [[30451, 37052, "Luke_Cage", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243106, 244386, "First_Motion_Picture_Unit", 1]], [[243106, 244387, "First_Motion_Picture_Unit", 4], [243106, 244387, "First_Motion_Picture_Unit", 0]]], "all_evidence": [[243106, 244386, "First_Motion_Picture_Unit", 1], [243106, 244387, "First_Motion_Picture_Unit", 4], [243106, 244387, "First_Motion_Picture_Unit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161354, null, null, null]]], "all_evidence": [[161354, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115669, null, null, null], [115675, null, null, null]]], "all_evidence": [[115669, null, null, null], [115675, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100515, 113813, "Wish_Upon", 2]]], "all_evidence": [[100515, 113813, "Wish_Upon", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168451, null, null, null]]], "all_evidence": [[168451, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203382, 212416, "Artpop", 13]]], "all_evidence": [[203382, 212416, "Artpop", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154824, 169576, "How_to_Train_Your_Dragon_2", 0]]], "all_evidence": [[154824, 169576, "How_to_Train_Your_Dragon_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41814, null, null, null]]], "all_evidence": [[41814, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120634, null, null, null]]], "all_evidence": [[120634, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212187, 219788, "Epistemology", 3]]], "all_evidence": [[212187, 219788, "Epistemology", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258713, 257476, "The_Pelican_Brief_-LRB-film-RRB-", 0]]], "all_evidence": [[258713, 257476, "The_Pelican_Brief_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159403, 173948, "Diana,_Princess_of_Wales", 18]]], "all_evidence": [[159403, 173948, "Diana,_Princess_of_Wales", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191473, 202328, "Roswell_-LRB-TV_series-RRB-", 0], [191473, 202328, "Roswell_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[191473, 202328, "Roswell_-LRB-TV_series-RRB-", 0], [191473, 202328, "Roswell_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107169, null, null, null]]], "all_evidence": [[107169, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231961, 235267, "Luke_Cage", 2], [231961, 235267, "Creative_work", 0]]], "all_evidence": [[231961, 235267, "Luke_Cage", 2], [231961, 235267, "Creative_work", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35107, 42564, "Qui-Gon_Jinn", 0], [35107, 42564, "Star_Wars-COLON-_Episode_I_\u2013_The_Phantom_Menace", 4]]], "all_evidence": [[35107, 42564, "Qui-Gon_Jinn", 0], [35107, 42564, "Star_Wars-COLON-_Episode_I_\u2013_The_Phantom_Menace", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175118, null, null, null]]], "all_evidence": [[175118, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150827, null, null, null]]], "all_evidence": [[150827, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289421, 282501, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [289421, 282501, "Kim_Go-eun", 0], [289421, 282501, "Park_Hae-jin", 0]], [[290984, 283945, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [290984, 283945, "Kim_Go-eun", 0]], [[336077, 321747, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0]], [[336083, 321751, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [336083, 321751, "Park_Hae-jin", 0]]], "all_evidence": [[289421, 282501, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [289421, 282501, "Kim_Go-eun", 0], [289421, 282501, "Park_Hae-jin", 0], [290984, 283945, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [290984, 283945, "Kim_Go-eun", 0], [336077, 321747, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [336083, 321751, "Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], [336083, 321751, "Park_Hae-jin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140448, 155514, "Scotty_Moore", 0]]], "all_evidence": [[140448, 155514, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39902, 48007, "Creedence_Clearwater_Revival", 1]]], "all_evidence": [[39902, 48007, "Creedence_Clearwater_Revival", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80705, null, null, null]]], "all_evidence": [[80705, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286895, null, null, null], [289049, null, null, null], [290741, null, null, null], [334013, null, null, null], [334810, null, null, null]]], "all_evidence": [[286895, null, null, null], [289049, null, null, null], [290741, null, null, null], [334013, null, null, null], [334810, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115639, null, null, null], [115650, null, null, null]]], "all_evidence": [[115639, null, null, null], [115650, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178480, 191067, "Veeru_Devgan", 0]], [[178480, 191068, "Veeru_Devgan", 2]], [[178480, 191069, "Veeru_Devgan", 3]]], "all_evidence": [[178480, 191067, "Veeru_Devgan", 0], [178480, 191068, "Veeru_Devgan", 2], [178480, 191069, "Veeru_Devgan", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175356, 188337, "EA_Black_Box", 0]]], "all_evidence": [[175356, 188337, "EA_Black_Box", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234514, null, null, null]]], "all_evidence": [[234514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56956, 67191, "Colosseum", 0]], [[56956, 67192, "Colosseum", 2], [56956, 67192, "Roman_Forum", 0]], [[56956, 67193, "Colosseum", 14]], [[56956, 67194, "Colosseum", 40], [56956, 67194, "Temple_of_Venus_and_Roma", 0]]], "all_evidence": [[56956, 67191, "Colosseum", 0], [56956, 67192, "Colosseum", 2], [56956, 67192, "Roman_Forum", 0], [56956, 67193, "Colosseum", 14], [56956, 67194, "Colosseum", 40], [56956, 67194, "Temple_of_Venus_and_Roma", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154304, null, null, null]]], "all_evidence": [[154304, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125913, null, null, null]]], "all_evidence": [[125913, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89197, 101886, "X-Men-COLON-_Apocalypse", 0]]], "all_evidence": [[89197, 101886, "X-Men-COLON-_Apocalypse", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225650, 230273, "Ian_Brennan_-LRB-writer-RRB-", 0]], [[225651, 230274, "Ian_Brennan_-LRB-writer-RRB-", 0]]], "all_evidence": [[225650, 230273, "Ian_Brennan_-LRB-writer-RRB-", 0], [225651, 230274, "Ian_Brennan_-LRB-writer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215857, null, null, null]]], "all_evidence": [[215857, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119372, 133375, "Bee_Gees", 3], [119372, 133375, "Barry_Gibb", 0]], [[119372, 133376, "Bee_Gees", 2]], [[119372, 133378, "Bee_Gees", 4]], [[119372, 133380, "Bee_Gees", 5]], [[119372, 133382, "Bee_Gees", 6]], [[119372, 133384, "Bee_Gees", 11]], [[119372, 133385, "Bee_Gees", 14]]], "all_evidence": [[119372, 133375, "Bee_Gees", 3], [119372, 133375, "Barry_Gibb", 0], [119372, 133376, "Bee_Gees", 2], [119372, 133378, "Bee_Gees", 4], [119372, 133380, "Bee_Gees", 5], [119372, 133382, "Bee_Gees", 6], [119372, 133384, "Bee_Gees", 11], [119372, 133385, "Bee_Gees", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178633, null, null, null]]], "all_evidence": [[178633, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109085, null, null, null]]], "all_evidence": [[109085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22842, 28139, "AMGTV", 0]]], "all_evidence": [[22842, 28139, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243009, 244296, "St._Anger", 0]], [[243009, 244297, "St._Anger", 1], [243009, 244297, "Reload_-LRB-Metallica_album-RRB-", 0]], [[243009, 244298, "St._Anger", 16], [243009, 244298, "St._Anger_-LRB-song-RRB-", 0], [243009, 244298, "St._Anger_-LRB-song-RRB-", 1]]], "all_evidence": [[243009, 244296, "St._Anger", 0], [243009, 244297, "St._Anger", 1], [243009, 244297, "Reload_-LRB-Metallica_album-RRB-", 0], [243009, 244298, "St._Anger", 16], [243009, 244298, "St._Anger_-LRB-song-RRB-", 0], [243009, 244298, "St._Anger_-LRB-song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44990, 53692, "Angela_Bassett", 6]]], "all_evidence": [[44990, 53692, "Angela_Bassett", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203337, 212378, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203337, 212378, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62831, 73486, "Angelsberg", 0]], [[62831, 73487, "Angelsberg", 1]]], "all_evidence": [[62831, 73486, "Angelsberg", 0], [62831, 73487, "Angelsberg", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262166, 260214, "Bullitt", 0]], [[262167, 260215, "Bullitt", 0]]], "all_evidence": [[262166, 260214, "Bullitt", 0], [262167, 260215, "Bullitt", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216575, null, null, null]]], "all_evidence": [[216575, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171607, null, null, null]]], "all_evidence": [[171607, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72381, null, null, null]]], "all_evidence": [[72381, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293401, null, null, null], [341687, null, null, null], [341695, null, null, null], [341699, null, null, null]]], "all_evidence": [[293401, null, null, null], [341687, null, null, null], [341695, null, null, null], [341699, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24110, null, null, null]]], "all_evidence": [[24110, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102290, 115570, "The_100_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[102290, 115570, "The_100_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240249, 241902, "The_Sugarland_Express", 3]]], "all_evidence": [[240249, 241902, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71951, null, null, null]]], "all_evidence": [[71951, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203229, null, null, null]]], "all_evidence": [[203229, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267470, 264170, "Ralph_Fults", 0]], [[267471, 264171, "Ralph_Fults", 0]]], "all_evidence": [[267470, 264170, "Ralph_Fults", 0], [267471, 264171, "Ralph_Fults", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171282, 184773, "Paramore", 0]]], "all_evidence": [[171282, 184773, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63658, null, null, null]]], "all_evidence": [[63658, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229595, null, null, null]]], "all_evidence": [[229595, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243003, 244288, "St._Anger", 0], [243003, 244288, "Elektra_Records", 0]], [[243003, 244289, "St._Anger", 1], [243003, 244289, "Elektra_Records", 0]]], "all_evidence": [[243003, 244288, "St._Anger", 0], [243003, 244288, "Elektra_Records", 0], [243003, 244289, "St._Anger", 1], [243003, 244289, "Elektra_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55014, 65030, "Taylor_Lautner", 4], [55014, 65030, "My_Wife_and_Kids", 0], [55014, 65030, "The_Bernie_Mac_Show", 0]], [[55014, 65031, "Taylor_Lautner", 10], [55014, 65031, "Cuckoo_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[55014, 65030, "Taylor_Lautner", 4], [55014, 65030, "My_Wife_and_Kids", 0], [55014, 65030, "The_Bernie_Mac_Show", 0], [55014, 65031, "Taylor_Lautner", 10], [55014, 65031, "Cuckoo_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141083, 156276, "Ashley_Cole", 0]]], "all_evidence": [[141083, 156276, "Ashley_Cole", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135338, 150233, "Edison_Machine_Works", 0]], [[137283, 152123, "Edison_Machine_Works", 0]], [[138762, 153826, "Edison_Machine_Works", 0]], [[309886, 299979, "Edison_Machine_Works", 0]], [[310810, 300822, "Edison_Machine_Works", 0]]], "all_evidence": [[135338, 150233, "Edison_Machine_Works", 0], [137283, 152123, "Edison_Machine_Works", 0], [138762, 153826, "Edison_Machine_Works", 0], [309886, 299979, "Edison_Machine_Works", 0], [310810, 300822, "Edison_Machine_Works", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125559, 139915, "TV_Choice", 1]]], "all_evidence": [[125559, 139915, "TV_Choice", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239915, null, null, null], [239916, null, null, null]]], "all_evidence": [[239915, null, null, null], [239916, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207675, null, null, null]]], "all_evidence": [[207675, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155825, 170501, "Magic_Johnson", 0]], [[155825, 170502, "Magic_Johnson", 2]], [[155825, 170503, "Magic_Johnson", 1]], [[155825, 170504, "Magic_Johnson", 3]], [[155825, 170505, "Magic_Johnson", 4]], [[155825, 170506, "Magic_Johnson", 5]], [[155825, 170507, "Magic_Johnson", 8]], [[155825, 170508, "Magic_Johnson", 9]], [[155825, 170509, "Magic_Johnson", 10]], [[155825, 170510, "Magic_Johnson", 11]], [[155825, 170511, "Magic_Johnson", 12]], [[155825, 170512, "Magic_Johnson", 16]], [[155825, 170513, "Magic_Johnson", 17]]], "all_evidence": [[155825, 170501, "Magic_Johnson", 0], [155825, 170502, "Magic_Johnson", 2], [155825, 170503, "Magic_Johnson", 1], [155825, 170504, "Magic_Johnson", 3], [155825, 170505, "Magic_Johnson", 4], [155825, 170506, "Magic_Johnson", 5], [155825, 170507, "Magic_Johnson", 8], [155825, 170508, "Magic_Johnson", 9], [155825, 170509, "Magic_Johnson", 10], [155825, 170510, "Magic_Johnson", 11], [155825, 170511, "Magic_Johnson", 12], [155825, 170512, "Magic_Johnson", 16], [155825, 170513, "Magic_Johnson", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37386, 45306, "Danger_UXB", 0]]], "all_evidence": [[37386, 45306, "Danger_UXB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207974, null, null, null]]], "all_evidence": [[207974, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144333, null, null, null]]], "all_evidence": [[144333, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127049, null, null, null]]], "all_evidence": [[127049, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158984, 173606, "Queen_-LRB-band-RRB-", 0], [158984, 173606, "London", 0]]], "all_evidence": [[158984, 173606, "Queen_-LRB-band-RRB-", 0], [158984, 173606, "London", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238513, 240514, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]], "all_evidence": [[238513, 240514, "Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225937, null, null, null], [225938, null, null, null]]], "all_evidence": [[225937, null, null, null], [225938, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268460, 265039, "Michaela_Watkins", 0]], [[268460, 265040, "Michaela_Watkins", 1]], [[268460, 265041, "Michaela_Watkins", 2]]], "all_evidence": [[268460, 265039, "Michaela_Watkins", 0], [268460, 265040, "Michaela_Watkins", 1], [268460, 265041, "Michaela_Watkins", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33307, 40408, "John_Deighton", 24]]], "all_evidence": [[33307, 40408, "John_Deighton", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137246, 152067, "Trollhunters", 0]]], "all_evidence": [[137246, 152067, "Trollhunters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18378, 22564, "Paris_-LRB-Paris_Hilton_album-RRB-", 9], [18378, 22564, "Reggae", 0]]], "all_evidence": [[18378, 22564, "Paris_-LRB-Paris_Hilton_album-RRB-", 9], [18378, 22564, "Reggae", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32980, null, null, null]]], "all_evidence": [[32980, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68832, 79649, "PacSun", 5]]], "all_evidence": [[68832, 79649, "PacSun", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180301, null, null, null]]], "all_evidence": [[180301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260718, 259039, "Valencia", 3], [260718, 259039, "Port_of_Valencia", 0]]], "all_evidence": [[260718, 259039, "Valencia", 3], [260718, 259039, "Port_of_Valencia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[273649, 269022, "Working_animal", 0]]], "all_evidence": [[273649, 269022, "Working_animal", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107054, 120435, "Murda_Beatz", 0]]], "all_evidence": [[107054, 120435, "Murda_Beatz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43346, 51999, "T2_Trainspotting", 0]]], "all_evidence": [[43346, 51999, "T2_Trainspotting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132565, 147473, "Duane_Chapman", 0]]], "all_evidence": [[132565, 147473, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109782, null, null, null]]], "all_evidence": [[109782, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136752, null, null, null]]], "all_evidence": [[136752, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156742, 171350, "John_Dolmayan", 0]]], "all_evidence": [[156742, 171350, "John_Dolmayan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163336, 177532, "Augustus", 41]]], "all_evidence": [[163336, 177532, "Augustus", 41]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73579, 84830, "Duane_Chapman", 0]]], "all_evidence": [[73579, 84830, "Duane_Chapman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236659, null, null, null], [236660, null, null, null]]], "all_evidence": [[236659, null, null, null], [236660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211215, 218886, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]], "all_evidence": [[211215, 218886, "So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106295, 119752, "Chris_Eubank_Jr.", 0]]], "all_evidence": [[106295, 119752, "Chris_Eubank_Jr.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74523, 85761, "The_Bassoon_King", 0]]], "all_evidence": [[74523, 85761, "The_Bassoon_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32090, 38970, "The_Gifted_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[32090, 38970, "The_Gifted_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222344, 227698, "Blade_Runner_2049", 1]], [[224920, 229647, "Blade_Runner_2049", 1]], [[225967, 230525, "Blade_Runner_2049", 1]], [[317884, 306889, "Blade_Runner_2049", 1]], [[319594, 308322, "Blade_Runner_2049", 1]]], "all_evidence": [[222344, 227698, "Blade_Runner_2049", 1], [224920, 229647, "Blade_Runner_2049", 1], [225967, 230525, "Blade_Runner_2049", 1], [317884, 306889, "Blade_Runner_2049", 1], [319594, 308322, "Blade_Runner_2049", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131541, 146343, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[131541, 146343, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207455, null, null, null]]], "all_evidence": [[207455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240282, 241920, "The_Sugarland_Express", 3]]], "all_evidence": [[240282, 241920, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203227, null, null, null]]], "all_evidence": [[203227, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33368, 40479, "Queen_-LRB-band-RRB-", 0]]], "all_evidence": [[33368, 40479, "Queen_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56482, 66691, "Despacito", 12]], [[56485, 66692, "Despacito", 12]], [[56510, 66709, "Despacito", 12]]], "all_evidence": [[56482, 66691, "Despacito", 12], [56485, 66692, "Despacito", 12], [56510, 66709, "Despacito", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178388, 190978, "Helmand_Province", 0], [178388, 190978, "Afghanistan", 0]]], "all_evidence": [[178388, 190978, "Helmand_Province", 0], [178388, 190978, "Afghanistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140450, 155516, "Bret_Easton_Ellis", 20]]], "all_evidence": [[140450, 155516, "Bret_Easton_Ellis", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126437, 140821, "West_Virginia", 1]], [[126437, 140822, "West_Virginia", 0]]], "all_evidence": [[126437, 140821, "West_Virginia", 1], [126437, 140822, "West_Virginia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222960, null, null, null]]], "all_evidence": [[222960, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189350, 200633, "To_Pimp_a_Butterfly", 12]]], "all_evidence": [[189350, 200633, "To_Pimp_a_Butterfly", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262170, null, null, null], [262173, null, null, null]]], "all_evidence": [[262170, null, null, null], [262173, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89973, null, null, null]]], "all_evidence": [[89973, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[254330, 254032, "DJ_Quik", 0]]], "all_evidence": [[254330, 254032, "DJ_Quik", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116725, 130607, "The_Godfather_Part_II", 0]]], "all_evidence": [[116725, 130607, "The_Godfather_Part_II", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230064, null, null, null]]], "all_evidence": [[230064, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279083, 273735, "Wish_Upon", 0]], [[280688, 275101, "Wish_Upon", 0]], [[280958, 275345, "Wish_Upon", 0]], [[327278, 314597, "Wish_Upon", 0]], [[328584, 315588, "Wish_Upon", 0]]], "all_evidence": [[279083, 273735, "Wish_Upon", 0], [280688, 275101, "Wish_Upon", 0], [280958, 275345, "Wish_Upon", 0], [327278, 314597, "Wish_Upon", 0], [328584, 315588, "Wish_Upon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94195, null, null, null]]], "all_evidence": [[94195, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141290, 156484, "Alexandra_Daddario", 0]]], "all_evidence": [[141290, 156484, "Alexandra_Daddario", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211426, null, null, null]]], "all_evidence": [[211426, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269547, null, null, null]]], "all_evidence": [[269547, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15236, null, null, null]]], "all_evidence": [[15236, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208034, null, null, null], [208037, null, null, null]]], "all_evidence": [[208034, null, null, null], [208037, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36171, null, null, null]]], "all_evidence": [[36171, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213743, null, null, null]]], "all_evidence": [[213743, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136827, 151628, "Marvel_vs._Capcom-COLON-_Infinite", 0]]], "all_evidence": [[136827, 151628, "Marvel_vs._Capcom-COLON-_Infinite", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282170, null, null, null], [284183, null, null, null], [284195, null, null, null], [330139, null, null, null], [330141, null, null, null]]], "all_evidence": [[282170, null, null, null], [284183, null, null, null], [284195, null, null, null], [330139, null, null, null], [330141, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193473, 203972, "Don_Bradman", 20]]], "all_evidence": [[193473, 203972, "Don_Bradman", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34866, null, null, null]]], "all_evidence": [[34866, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228811, 232921, "Albert_S._Ruddy", 0]], [[228812, 232922, "Albert_S._Ruddy", 0]], [[228815, 232924, "Albert_S._Ruddy", 0]], [[228829, 232935, "Albert_S._Ruddy", 0]]], "all_evidence": [[228811, 232921, "Albert_S._Ruddy", 0], [228812, 232922, "Albert_S._Ruddy", 0], [228815, 232924, "Albert_S._Ruddy", 0], [228829, 232935, "Albert_S._Ruddy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179902, 192454, "The_Mighty_Ducks", 1]]], "all_evidence": [[179902, 192454, "The_Mighty_Ducks", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170814, 184377, "Ingushetia", 5]]], "all_evidence": [[170814, 184377, "Ingushetia", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182502, null, null, null]]], "all_evidence": [[182502, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235726, null, null, null]]], "all_evidence": [[235726, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116685, 130579, "Sidse_Babett_Knudsen", 0]]], "all_evidence": [[116685, 130579, "Sidse_Babett_Knudsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167866, 181648, "House_-LRB-TV_series-RRB-", 10]]], "all_evidence": [[167866, 181648, "House_-LRB-TV_series-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34882, null, null, null]]], "all_evidence": [[34882, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240844, 242445, "Down_with_Love", 0]]], "all_evidence": [[240844, 242445, "Down_with_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86092, 98442, "Margaret_Thatcher", 3]]], "all_evidence": [[86092, 98442, "Margaret_Thatcher", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46016, 54973, "Advertising", 0]], [[46016, 54974, "Advertising", 3]]], "all_evidence": [[46016, 54973, "Advertising", 0], [46016, 54974, "Advertising", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248539, 248696, "Tie_Your_Mother_Down", 1]], [[248539, 248697, "Tie_Your_Mother_Down", 2]], [[248539, 248698, "Tie_Your_Mother_Down", 6]], [[248539, 248699, "Tie_Your_Mother_Down", 7]], [[248539, 248700, "Tie_Your_Mother_Down", 8]]], "all_evidence": [[248539, 248696, "Tie_Your_Mother_Down", 1], [248539, 248697, "Tie_Your_Mother_Down", 2], [248539, 248698, "Tie_Your_Mother_Down", 6], [248539, 248699, "Tie_Your_Mother_Down", 7], [248539, 248700, "Tie_Your_Mother_Down", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163014, 177241, "Heart", 19]]], "all_evidence": [[163014, 177241, "Heart", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216086, 222797, "CHiPs_-LRB-film-RRB-", 0], [216086, 222797, "Dax_Shepard", 0]], [[216089, 222800, "CHiPs_-LRB-film-RRB-", 0], [216089, 222800, "Dax_Shepard", 0]]], "all_evidence": [[216086, 222797, "CHiPs_-LRB-film-RRB-", 0], [216086, 222797, "Dax_Shepard", 0], [216089, 222800, "CHiPs_-LRB-film-RRB-", 0], [216089, 222800, "Dax_Shepard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16231, 20116, "Tottenham_Hotspur_F.C.", 0]], [[16231, 20117, "Tottenham_Hotspur_F.C.", 5]], [[16231, 20118, "Tottenham_Hotspur_F.C.", 6], [16231, 20118, "FA_Cup", 0]], [[16231, 20119, "Tottenham_Hotspur_F.C.", 7], [16231, 20119, "FA_Cup", 0]], [[16231, 20120, "Tottenham_Hotspur_F.C.", 8], [16231, 20120, "FA_Cup", 0]], [[16231, 20121, "Tottenham_Hotspur_F.C.", 9], [16231, 20121, "EFL_Cup", 0]], [[16231, 20122, "Tottenham_Hotspur_F.C.", 11], [16231, 20122, "FA_Cup", 0]], [[16231, 20123, "Tottenham_Hotspur_F.C.", 12], [16231, 20123, "EFL_Cup", 0]], [[16231, 20124, "Tottenham_Hotspur_F.C.", 15]]], "all_evidence": [[16231, 20116, "Tottenham_Hotspur_F.C.", 0], [16231, 20117, "Tottenham_Hotspur_F.C.", 5], [16231, 20118, "Tottenham_Hotspur_F.C.", 6], [16231, 20118, "FA_Cup", 0], [16231, 20119, "Tottenham_Hotspur_F.C.", 7], [16231, 20119, "FA_Cup", 0], [16231, 20120, "Tottenham_Hotspur_F.C.", 8], [16231, 20120, "FA_Cup", 0], [16231, 20121, "Tottenham_Hotspur_F.C.", 9], [16231, 20121, "EFL_Cup", 0], [16231, 20122, "Tottenham_Hotspur_F.C.", 11], [16231, 20122, "FA_Cup", 0], [16231, 20123, "Tottenham_Hotspur_F.C.", 12], [16231, 20123, "EFL_Cup", 0], [16231, 20124, "Tottenham_Hotspur_F.C.", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167610, 181387, "Papua_-LRB-province-RRB-", 0]], [[167610, 181388, "Papua_-LRB-province-RRB-", 1]], [[167610, 181389, "Papua_-LRB-province-RRB-", 2]], [[167610, 181390, "Papua_-LRB-province-RRB-", 3]]], "all_evidence": [[167610, 181387, "Papua_-LRB-province-RRB-", 0], [167610, 181388, "Papua_-LRB-province-RRB-", 1], [167610, 181389, "Papua_-LRB-province-RRB-", 2], [167610, 181390, "Papua_-LRB-province-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107230, 120624, "Lost_-LRB-TV_series-RRB-", 0]], [[107230, 120625, "Lost_-LRB-TV_series-RRB-", 14]], [[107230, 120626, "Lost_-LRB-TV_series-RRB-", 7], [107230, 120626, "Pilot_-LRB-Lost-RRB-", 0]], [[107230, 120627, "Lost_-LRB-TV_series-RRB-", 10], [107230, 120627, "The_New_Man_in_Charge", 0]], [[107230, 120628, "Lost_-LRB-TV_series-RRB-", 16], [107230, 120628, "List_of_awards_and_nominations_received_by_Lost", 0]]], "all_evidence": [[107230, 120624, "Lost_-LRB-TV_series-RRB-", 0], [107230, 120625, "Lost_-LRB-TV_series-RRB-", 14], [107230, 120626, "Lost_-LRB-TV_series-RRB-", 7], [107230, 120626, "Pilot_-LRB-Lost-RRB-", 0], [107230, 120627, "Lost_-LRB-TV_series-RRB-", 10], [107230, 120627, "The_New_Man_in_Charge", 0], [107230, 120628, "Lost_-LRB-TV_series-RRB-", 16], [107230, 120628, "List_of_awards_and_nominations_received_by_Lost", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26277, null, null, null], [28009, null, null, null], [302622, null, null, null], [304351, null, null, null]]], "all_evidence": [[26277, null, null, null], [28009, null, null, null], [302622, null, null, null], [304351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88989, 101633, "San_Diego_Comic-Con", 1]]], "all_evidence": [[88989, 101633, "San_Diego_Comic-Con", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78797, null, null, null]]], "all_evidence": [[78797, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225785, 230369, "The_Millers", 4]], [[225785, 230370, "The_Millers", 8]]], "all_evidence": [[225785, 230369, "The_Millers", 4], [225785, 230370, "The_Millers", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49639, null, null, null]]], "all_evidence": [[49639, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198055, 207998, "Dave_Gibbons", 0]]], "all_evidence": [[198055, 207998, "Dave_Gibbons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256003, 255306, "Weekly_Idol", 1], [256003, 255306, "Jeong_Hyeong-don", 0]]], "all_evidence": [[256003, 255306, "Weekly_Idol", 1], [256003, 255306, "Jeong_Hyeong-don", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110401, 124006, "Edmund_H._North", 0]]], "all_evidence": [[110401, 124006, "Edmund_H._North", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127755, 142410, "Aparshakti_Khurana", 2], [127755, 142410, "Dangal_-LRB-film-RRB-", 0]]], "all_evidence": [[127755, 142410, "Aparshakti_Khurana", 2], [127755, 142410, "Dangal_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148836, 163879, "Ashley_Graham_-LRB-model-RRB-", 1]], [[148836, 163880, "Ashley_Graham_-LRB-model-RRB-", 4], [148836, 163880, "Sports_Illustrated_Swimsuit_Issue", 0], [148836, 163880, "Sports_Illustrated_Swimsuit_Issue", 2]], [[148836, 163881, "Ashley_Graham_-LRB-model-RRB-", 6], [148836, 163881, "Vogue_-LRB-magazine-RRB-", 0]]], "all_evidence": [[148836, 163879, "Ashley_Graham_-LRB-model-RRB-", 1], [148836, 163880, "Ashley_Graham_-LRB-model-RRB-", 4], [148836, 163880, "Sports_Illustrated_Swimsuit_Issue", 0], [148836, 163880, "Sports_Illustrated_Swimsuit_Issue", 2], [148836, 163881, "Ashley_Graham_-LRB-model-RRB-", 6], [148836, 163881, "Vogue_-LRB-magazine-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39262, null, null, null]]], "all_evidence": [[39262, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230044, null, null, null]]], "all_evidence": [[230044, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114317, 128097, "Paramore", 0]]], "all_evidence": [[114317, 128097, "Paramore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24999, null, null, null]]], "all_evidence": [[24999, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177591, null, null, null]]], "all_evidence": [[177591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147165, 162152, "Gin", 0], [147165, 162152, "Distilled_beverage", 0], [147165, 162152, "Distilled_beverage", 5]]], "all_evidence": [[147165, 162152, "Gin", 0], [147165, 162152, "Distilled_beverage", 0], [147165, 162152, "Distilled_beverage", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257433, 256437, "Fidel_Castro", 0]], [[321242, 309727, "Fidel_Castro", 0]], [[321250, 309750, "Fidel_Castro", 0]], [[321254, 309751, "Fidel_Castro", 0]]], "all_evidence": [[257433, 256437, "Fidel_Castro", 0], [321242, 309727, "Fidel_Castro", 0], [321250, 309750, "Fidel_Castro", 0], [321254, 309751, "Fidel_Castro", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194705, 205077, "Middle-earth", 0], [194705, 205077, "J._R._R._Tolkien", 9], [194705, 205077, "J._R._R._Tolkien", 25]]], "all_evidence": [[194705, 205077, "Middle-earth", 0], [194705, 205077, "J._R._R._Tolkien", 9], [194705, 205077, "J._R._R._Tolkien", 25]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238552, null, null, null]]], "all_evidence": [[238552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251011, 250980, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[251011, 250980, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57552, 67783, "Carlos_Santana", 0]], [[57552, 67784, "Carlos_Santana", 1]], [[57552, 67785, "Carlos_Santana", 4]]], "all_evidence": [[57552, 67783, "Carlos_Santana", 0], [57552, 67784, "Carlos_Santana", 1], [57552, 67785, "Carlos_Santana", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250368, null, null, null], [250369, null, null, null]]], "all_evidence": [[250368, null, null, null], [250369, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99848, null, null, null]]], "all_evidence": [[99848, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[217694, null, null, null], [217695, null, null, null]]], "all_evidence": [[217694, null, null, null], [217695, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84731, 96943, "Jens_Stoltenberg", 4]]], "all_evidence": [[84731, 96943, "Jens_Stoltenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200449, 209954, "Sancho_Panza", 0]]], "all_evidence": [[200449, 209954, "Sancho_Panza", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115439, 129288, "English_people", 1], [115439, 129288, "English_people", 2]]], "all_evidence": [[115439, 129288, "English_people", 1], [115439, 129288, "English_people", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30074, 36630, "Diana,_Princess_of_Wales", 18], [30074, 36630, "Funeral_of_Diana,_Princess_of_Wales", 0]]], "all_evidence": [[30074, 36630, "Diana,_Princess_of_Wales", 18], [30074, 36630, "Funeral_of_Diana,_Princess_of_Wales", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248602, 248745, "In_a_Lonely_Place", 1]]], "all_evidence": [[248602, 248745, "In_a_Lonely_Place", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262155, 260205, "Bullitt", 0]]], "all_evidence": [[262155, 260205, "Bullitt", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133703, null, null, null]]], "all_evidence": [[133703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18519, null, null, null], [205379, null, null, null], [221234, null, null, null], [231100, null, null, null], [252429, null, null, null], [266619, null, null, null], [279535, null, null, null], [282298, null, null, null]]], "all_evidence": [[18519, null, null, null], [205379, null, null, null], [221234, null, null, null], [231100, null, null, null], [252429, null, null, null], [266619, null, null, null], [279535, null, null, null], [282298, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121578, 135840, "Civilization_IV", 0]], [[121578, 135841, "Civilization_IV", 5]], [[121578, 135843, "Civilization_IV", 12]], [[123406, 137853, "Civilization_IV", 0]], [[124925, 139255, "Civilization_IV", 0]], [[124925, 139256, "Civilization_IV", 5]], [[308696, 299014, "Civilization_IV", 0]], [[310371, 300428, "Civilization_IV", 0]]], "all_evidence": [[121578, 135840, "Civilization_IV", 0], [121578, 135841, "Civilization_IV", 5], [121578, 135843, "Civilization_IV", 12], [123406, 137853, "Civilization_IV", 0], [124925, 139255, "Civilization_IV", 0], [124925, 139256, "Civilization_IV", 5], [308696, 299014, "Civilization_IV", 0], [310371, 300428, "Civilization_IV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194404, 204799, "Drake_Bell", 18]]], "all_evidence": [[194404, 204799, "Drake_Bell", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70818, null, null, null]]], "all_evidence": [[70818, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208046, 216195, "Franchising", 8]]], "all_evidence": [[208046, 216195, "Franchising", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208611, 216607, "Wentworth_Miller", 2]]], "all_evidence": [[208611, 216607, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235689, 238264, "Tom_DeLonge", 4]]], "all_evidence": [[235689, 238264, "Tom_DeLonge", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[223884, 228795, "Yandex", 8]]], "all_evidence": [[223884, 228795, "Yandex", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170316, null, null, null]]], "all_evidence": [[170316, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[278282, null, null, null], [278284, null, null, null]]], "all_evidence": [[278282, null, null, null], [278284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116525, 130407, "Lockheed_Martin_F-35_Lightning_II", 21]], [[119176, 133122, "Lockheed_Martin_F-35_Lightning_II", 0], [119176, 133122, "Lockheed_Martin_F-35_Lightning_II", 21]]], "all_evidence": [[116525, 130407, "Lockheed_Martin_F-35_Lightning_II", 21], [119176, 133122, "Lockheed_Martin_F-35_Lightning_II", 0], [119176, 133122, "Lockheed_Martin_F-35_Lightning_II", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78525, null, null, null]]], "all_evidence": [[78525, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151936, 166696, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[151936, 166696, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62036, 72537, "Scotty_Moore", 0]]], "all_evidence": [[62036, 72537, "Scotty_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40460, null, null, null]]], "all_evidence": [[40460, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240274, 241916, "The_Sugarland_Express", 3]]], "all_evidence": [[240274, 241916, "The_Sugarland_Express", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215819, null, null, null]]], "all_evidence": [[215819, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38926, 46879, "Omar_Khadr", 12]], [[38926, 46880, "Omar_Khadr", 18]], [[38926, 46881, "Omar_Khadr", 25]]], "all_evidence": [[38926, 46879, "Omar_Khadr", 12], [38926, 46880, "Omar_Khadr", 18], [38926, 46881, "Omar_Khadr", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228464, 232644, "Veeru_Devgan", 0]], [[232497, 235661, "Veeru_Devgan", 0]], [[232497, 235662, "Veeru_Devgan", 3]], [[318345, 307295, "Veeru_Devgan", 0]], [[318347, 307297, "Veeru_Devgan", 0]], [[318347, 307298, "Veeru_Devgan", 3]]], "all_evidence": [[228464, 232644, "Veeru_Devgan", 0], [232497, 235661, "Veeru_Devgan", 0], [232497, 235662, "Veeru_Devgan", 3], [318345, 307295, "Veeru_Devgan", 0], [318347, 307297, "Veeru_Devgan", 0], [318347, 307298, "Veeru_Devgan", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70987, 81879, "Joe_Rogan", 7]]], "all_evidence": [[70987, 81879, "Joe_Rogan", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32784, null, null, null]]], "all_evidence": [[32784, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20250, null, null, null]]], "all_evidence": [[20250, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190014, null, null, null]]], "all_evidence": [[190014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43630, 52269, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[43630, 52269, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60937, 71396, "Mary_of_Teck", 11]]], "all_evidence": [[60937, 71396, "Mary_of_Teck", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154530, null, null, null]]], "all_evidence": [[154530, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276042, null, null, null], [278340, null, null, null], [280274, null, null, null], [325321, null, null, null], [326248, null, null, null]]], "all_evidence": [[276042, null, null, null], [278340, null, null, null], [280274, null, null, null], [325321, null, null, null], [326248, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199904, 209541, "Anne_Sullivan", 0]]], "all_evidence": [[199904, 209541, "Anne_Sullivan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34232, 41497, "Matthew_Gray_Gubler", 0]]], "all_evidence": [[34232, 41497, "Matthew_Gray_Gubler", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200759, null, null, null]]], "all_evidence": [[200759, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26752, 32844, "Jose\u0301_Ferrer", 4]]], "all_evidence": [[26752, 32844, "Jose\u0301_Ferrer", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184161, 196110, "Edgar_Wright", 0]], [[184161, 196111, "Edgar_Wright", 5]], [[184161, 196112, "Edgar_Wright", 1], [184161, 196112, "Hot_Fuzz", 0], [184161, 196112, "Shaun_of_the_Dead", 0], [184161, 196112, "The_World's_End_-LRB-film-RRB-", 0]]], "all_evidence": [[184161, 196110, "Edgar_Wright", 0], [184161, 196111, "Edgar_Wright", 5], [184161, 196112, "Edgar_Wright", 1], [184161, 196112, "Hot_Fuzz", 0], [184161, 196112, "Shaun_of_the_Dead", 0], [184161, 196112, "The_World's_End_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110200, 123824, "Republic_of_Macedonia", 1]]], "all_evidence": [[110200, 123824, "Republic_of_Macedonia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136553, 151363, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [136553, 151363, "Ray_Winstone", 0]]], "all_evidence": [[136553, 151363, "Henry_VIII_-LRB-TV_serial-RRB-", 5], [136553, 151363, "Ray_Winstone", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230054, null, null, null]]], "all_evidence": [[230054, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181669, null, null, null]]], "all_evidence": [[181669, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118023, 131877, "French_Indochina", 0]], [[118031, 131889, "French_Indochina", 0]]], "all_evidence": [[118023, 131877, "French_Indochina", 0], [118031, 131889, "French_Indochina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112095, 125900, "TV_Choice", 0]], [[112095, 125901, "TV_Choice", 1]]], "all_evidence": [[112095, 125900, "TV_Choice", 0], [112095, 125901, "TV_Choice", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117110, 131004, "Blue_Jasmine", 0]]], "all_evidence": [[117110, 131004, "Blue_Jasmine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250979, 250942, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250979, 250942, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113971, 127805, "Carlos_Santana", 0]]], "all_evidence": [[113971, 127805, "Carlos_Santana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138579, 153659, "Seohyun", 0]]], "all_evidence": [[138579, 153659, "Seohyun", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198597, 208394, "Selena_Gomez_&_the_Scene", 3]]], "all_evidence": [[198597, 208394, "Selena_Gomez_&_the_Scene", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262175, 260218, "Bullitt", 0]]], "all_evidence": [[262175, 260218, "Bullitt", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37449, null, null, null]]], "all_evidence": [[37449, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31556, 38280, "Gin", 0]]], "all_evidence": [[31556, 38280, "Gin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152124, 166899, "Kellogg's", 0]], [[152124, 166900, "Kellogg's", 2], [152124, 166900, "Eggo", 0]], [[152124, 166901, "Kellogg's", 7]], [[152124, 166902, "Kellogg's", 8], [152124, 166902, "Royal_Warrant_of_Appointment_-LRB-United_Kingdom-RRB-", 0]]], "all_evidence": [[152124, 166899, "Kellogg's", 0], [152124, 166900, "Kellogg's", 2], [152124, 166900, "Eggo", 0], [152124, 166901, "Kellogg's", 7], [152124, 166902, "Kellogg's", 8], [152124, 166902, "Royal_Warrant_of_Appointment_-LRB-United_Kingdom-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42207, 50778, "Lockheed_Martin_F-35_Lightning_II", 10]], [[44722, 53406, "Lockheed_Martin_F-35_Lightning_II", 10]], [[46917, 55967, "Lockheed_Martin_F-35_Lightning_II", 10]], [[302235, 293261, "Lockheed_Martin_F-35_Lightning_II", 10]], [[302236, 293262, "Lockheed_Martin_F-35_Lightning_II", 10]]], "all_evidence": [[42207, 50778, "Lockheed_Martin_F-35_Lightning_II", 10], [44722, 53406, "Lockheed_Martin_F-35_Lightning_II", 10], [46917, 55967, "Lockheed_Martin_F-35_Lightning_II", 10], [302235, 293261, "Lockheed_Martin_F-35_Lightning_II", 10], [302236, 293262, "Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113169, null, null, null]]], "all_evidence": [[113169, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181036, null, null, null], [181038, null, null, null]]], "all_evidence": [[181036, null, null, null], [181038, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58266, 68507, "Kellogg's", 0]], [[58266, 68508, "Kellogg's", 1]], [[58266, 68509, "Kellogg's", 2]], [[58266, 68510, "Kellogg's", 6]], [[58266, 68511, "Kellogg's", 7]], [[58266, 68512, "Kellogg's", 8]]], "all_evidence": [[58266, 68507, "Kellogg's", 0], [58266, 68508, "Kellogg's", 1], [58266, 68509, "Kellogg's", 2], [58266, 68510, "Kellogg's", 6], [58266, 68511, "Kellogg's", 7], [58266, 68512, "Kellogg's", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282370, 276563, "Blue_Jasmine", 0]], [[282370, 276564, "Blue_Jasmine", 2]], [[284330, 278165, "Blue_Jasmine", 0]], [[285270, 278934, "Blue_Jasmine", 0]], [[330493, 317090, "Blue_Jasmine", 0]], [[331654, 318148, "Blue_Jasmine", 0]]], "all_evidence": [[282370, 276563, "Blue_Jasmine", 0], [282370, 276564, "Blue_Jasmine", 2], [284330, 278165, "Blue_Jasmine", 0], [285270, 278934, "Blue_Jasmine", 0], [330493, 317090, "Blue_Jasmine", 0], [331654, 318148, "Blue_Jasmine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56759, null, null, null]]], "all_evidence": [[56759, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127744, null, null, null]]], "all_evidence": [[127744, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168652, null, null, null]]], "all_evidence": [[168652, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26532, 32571, "How_to_Train_Your_Dragon_2", 11]]], "all_evidence": [[26532, 32571, "How_to_Train_Your_Dragon_2", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209767, null, null, null]]], "all_evidence": [[209767, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239634, null, null, null]]], "all_evidence": [[239634, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203319, 212365, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]], "all_evidence": [[203319, 212365, "The_Cry_of_the_Owl_-LRB-2009_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21475, null, null, null]]], "all_evidence": [[21475, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203193, 212278, "Fabian_Nicieza", 0]]], "all_evidence": [[203193, 212278, "Fabian_Nicieza", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227657, null, null, null]]], "all_evidence": [[227657, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258099, null, null, null]]], "all_evidence": [[258099, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150306, 165227, "Uranium-235", 6]]], "all_evidence": [[150306, 165227, "Uranium-235", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185636, 197387, "Gal_Gadot", 4]]], "all_evidence": [[185636, 197387, "Gal_Gadot", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[278302, 273154, "Sandra_Bullock", 17]], [[280253, 274771, "Sandra_Bullock", 17]], [[325224, 312970, "Sandra_Bullock", 17]], [[326223, 313735, "Sandra_Bullock", 17]]], "all_evidence": [[278302, 273154, "Sandra_Bullock", 17], [280253, 274771, "Sandra_Bullock", 17], [325224, 312970, "Sandra_Bullock", 17], [326223, 313735, "Sandra_Bullock", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173732, 186914, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [173732, 186914, "James_Taylor", 0]], [[173733, 186915, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [173733, 186915, "James_Taylor", 0]]], "all_evidence": [[173732, 186914, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [173732, 186914, "James_Taylor", 0], [173733, 186915, "Hourglass_-LRB-James_Taylor_album-RRB-", 0], [173733, 186915, "James_Taylor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105317, 118763, "Henry_II_of_France", 15]]], "all_evidence": [[105317, 118763, "Henry_II_of_France", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208608, 216604, "Wentworth_Miller", 2]]], "all_evidence": [[208608, 216604, "Wentworth_Miller", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34780, 42180, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[34780, 42180, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296157, null, null, null], [342392, null, null, null], [342395, null, null, null], [342403, null, null, null]]], "all_evidence": [[296157, null, null, null], [342392, null, null, null], [342395, null, null, null], [342403, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117197, 131092, "John_Deighton", 24]]], "all_evidence": [[117197, 131092, "John_Deighton", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155991, 170658, "Creedence_Clearwater_Revival", 0]]], "all_evidence": [[155991, 170658, "Creedence_Clearwater_Revival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34198, 41462, "Mohra", 4], [34198, 41462, "Filmfare", 0], [34198, 41462, "Filmfare", 2]]], "all_evidence": [[34198, 41462, "Mohra", 4], [34198, 41462, "Filmfare", 0], [34198, 41462, "Filmfare", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49239, null, null, null]]], "all_evidence": [[49239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126707, null, null, null]]], "all_evidence": [[126707, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208026, 216180, "Franchising", 8]], [[208027, 216181, "Franchising", 8]], [[208028, 216182, "Franchising", 8]]], "all_evidence": [[208026, 216180, "Franchising", 8], [208027, 216181, "Franchising", 8], [208028, 216182, "Franchising", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211465, null, null, null]]], "all_evidence": [[211465, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89963, null, null, null]]], "all_evidence": [[89963, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54122, null, null, null]]], "all_evidence": [[54122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116432, 130324, "Beaverton,_Oregon", 0]]], "all_evidence": [[116432, 130324, "Beaverton,_Oregon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26589, 32637, "AMGTV", 0]]], "all_evidence": [[26589, 32637, "AMGTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165528, 179565, "Battle_of_France", 13]]], "all_evidence": [[165528, 179565, "Battle_of_France", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279111, 273774, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[280964, 275356, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[280969, 275361, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[327302, 314604, "Kleshas_-LRB-Buddhism-RRB-", 0]], [[327304, 314605, "Kleshas_-LRB-Buddhism-RRB-", 0]]], "all_evidence": [[279111, 273774, "Kleshas_-LRB-Buddhism-RRB-", 0], [280964, 275356, "Kleshas_-LRB-Buddhism-RRB-", 0], [280969, 275361, "Kleshas_-LRB-Buddhism-RRB-", 0], [327302, 314604, "Kleshas_-LRB-Buddhism-RRB-", 0], [327304, 314605, "Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104539, 117963, "Chile", 0]], [[104539, 117964, "Chile", 20]], [[104539, 117965, "Chile", 23]]], "all_evidence": [[104539, 117963, "Chile", 0], [104539, 117964, "Chile", 20], [104539, 117965, "Chile", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102556, null, null, null]]], "all_evidence": [[102556, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145466, 160465, "Stephen_Hillenburg", 4]]], "all_evidence": [[145466, 160465, "Stephen_Hillenburg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255461, 254918, "Private_Lives", 0], [255461, 254918, "Noe\u0308l_Coward", 0]]], "all_evidence": [[255461, 254918, "Private_Lives", 0], [255461, 254918, "Noe\u0308l_Coward", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65324, 76222, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]], "all_evidence": [[65324, 76222, "Fantastic_Four_-LRB-2005_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77417, 88858, "Rage_Against_the_Machine", 17]]], "all_evidence": [[77417, 88858, "Rage_Against_the_Machine", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181066, 193362, "Renato_Balestra", 3]]], "all_evidence": [[181066, 193362, "Renato_Balestra", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25699, 31628, "Flaked", 2]]], "all_evidence": [[25699, 31628, "Flaked", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192754, null, null, null]]], "all_evidence": [[192754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250972, 250937, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[250972, 250937, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268470, 265050, "Michaela_Watkins", 0]]], "all_evidence": [[268470, 265050, "Michaela_Watkins", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84490, 96655, "Hedda_Gabler", 1]]], "all_evidence": [[84490, 96655, "Hedda_Gabler", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227032, 231459, "Bea_Arthur", 0]]], "all_evidence": [[227032, 231459, "Bea_Arthur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251009, 250979, "Brick_-LRB-film-RRB-", 0]]], "all_evidence": [[251009, 250979, "Brick_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95351, 108381, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[95351, 108381, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59015, 69339, "Terry_Crews", 9]]], "all_evidence": [[59015, 69339, "Terry_Crews", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82316, 94101, "Ann_Richards", 0]], [[82316, 94102, "Ann_Richards", 2]]], "all_evidence": [[82316, 94101, "Ann_Richards", 0], [82316, 94102, "Ann_Richards", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268048, 264708, "Kentucky", 11]]], "all_evidence": [[268048, 264708, "Kentucky", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165562, null, null, null], [167761, null, null, null], [169903, null, null, null], [312407, null, null, null], [313600, null, null, null]]], "all_evidence": [[165562, null, null, null], [167761, null, null, null], [169903, null, null, null], [312407, null, null, null], [313600, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24844, null, null, null]]], "all_evidence": [[24844, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109472, 123108, "Nicholas_Brody", 1]]], "all_evidence": [[109472, 123108, "Nicholas_Brody", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240814, 242426, "Glee.com", 1]], [[240815, 242427, "Glee.com", 1]]], "all_evidence": [[240814, 242426, "Glee.com", 1], [240815, 242427, "Glee.com", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[280002, 274585, "Connie_Nielsen", 2], [280002, 274585, "The_Following_-LRB-season_2-RRB-", 0]], [[328908, 315857, "Connie_Nielsen", 2], [328908, 315857, "The_Following", 0], [328908, 315857, "The_Following", 8]], [[329356, 316177, "Connie_Nielsen", 2], [329356, 316177, "The_Following_-LRB-season_2-RRB-", 0]]], "all_evidence": [[280002, 274585, "Connie_Nielsen", 2], [280002, 274585, "The_Following_-LRB-season_2-RRB-", 0], [328908, 315857, "Connie_Nielsen", 2], [328908, 315857, "The_Following", 0], [328908, 315857, "The_Following", 8], [329356, 316177, "Connie_Nielsen", 2], [329356, 316177, "The_Following_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40252, 48415, "Melancholia_-LRB-2011_film-RRB-", 0]]], "all_evidence": [[40252, 48415, "Melancholia_-LRB-2011_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163626, 177872, "Francis_I_of_France", 11]]], "all_evidence": [[163626, 177872, "Francis_I_of_France", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169207, 182867, "A_River_Runs_Through_It_-LRB-film-RRB-", 0]]], "all_evidence": [[169207, 182867, "A_River_Runs_Through_It_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236601, null, null, null]]], "all_evidence": [[236601, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51408, 61130, "Kellyanne_Conway", 12]]], "all_evidence": [[51408, 61130, "Kellyanne_Conway", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74269, 85493, "Star_Trek-COLON-_Discovery", 2]]], "all_evidence": [[74269, 85493, "Star_Trek-COLON-_Discovery", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190778, null, null, null]]], "all_evidence": [[190778, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101225, null, null, null]]], "all_evidence": [[101225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160200, 174721, "Arizona", 0]], [[160200, 174723, "Arizona", 2], [160200, 174723, "List_of_U.S._states_and_territories_by_area", 0]], [[160200, 174725, "Arizona", 1], [160200, 174725, "Mountain_States", 6]], [[160200, 174726, "Arizona", 3], [160200, 174726, "Phoenix,_Arizona", 0]], [[160200, 174727, "Arizona", 4]], [[160200, 174728, "Arizona", 5], [160200, 174728, "California", 0], [160200, 174728, "Colorado", 0]], [[160200, 174729, "Arizona", 6], [160200, 174729, "Baja_California", 0], [160200, 174729, "California", 0], [160200, 174729, "Mexico", 0]], [[160200, 174730, "Arizona", 9], [160200, 174730, "Contiguous_United_States", 0]], [[160200, 174731, "Arizona", 15]], [[160200, 174732, "Arizona", 16], [160200, 174732, "Northern_Arizona", 0]], [[160200, 174733, "Arizona", 17], [160200, 174733, "Alpine,_Arizona", 0]], [[160200, 174734, "Arizona", 18], [160200, 174734, "Grand_Canyon", 0]], [[160200, 174735, "Arizona", 21]]], "all_evidence": [[160200, 174721, "Arizona", 0], [160200, 174723, "Arizona", 2], [160200, 174723, "List_of_U.S._states_and_territories_by_area", 0], [160200, 174725, "Arizona", 1], [160200, 174725, "Mountain_States", 6], [160200, 174726, "Arizona", 3], [160200, 174726, "Phoenix,_Arizona", 0], [160200, 174727, "Arizona", 4], [160200, 174728, "Arizona", 5], [160200, 174728, "California", 0], [160200, 174728, "Colorado", 0], [160200, 174729, "Arizona", 6], [160200, 174729, "Baja_California", 0], [160200, 174729, "California", 0], [160200, 174729, "Mexico", 0], [160200, 174730, "Arizona", 9], [160200, 174730, "Contiguous_United_States", 0], [160200, 174731, "Arizona", 15], [160200, 174732, "Arizona", 16], [160200, 174732, "Northern_Arizona", 0], [160200, 174733, "Arizona", 17], [160200, 174733, "Alpine,_Arizona", 0], [160200, 174734, "Arizona", 18], [160200, 174734, "Grand_Canyon", 0], [160200, 174735, "Arizona", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163165, 177385, "First_inauguration_of_Bill_Clinton", 0]]], "all_evidence": [[163165, 177385, "First_inauguration_of_Bill_Clinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88467, 101093, "Winter's_Tale_-LRB-novel-RRB-", 0]]], "all_evidence": [[88467, 101093, "Winter's_Tale_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237494, null, null, null]]], "all_evidence": [[237494, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123845, null, null, null]]], "all_evidence": [[123845, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215852, 222611, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215852, 222611, "Anne_Bancroft", 0], [215852, 222611, "Charles_Durning", 0], [215852, 222611, "Holly_Hunter", 0]]], "all_evidence": [[215852, 222611, "Home_for_the_Holidays_-LRB-1995_film-RRB-", 5], [215852, 222611, "Anne_Bancroft", 0], [215852, 222611, "Charles_Durning", 0], [215852, 222611, "Holly_Hunter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179219, null, null, null]]], "all_evidence": [[179219, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125601, null, null, null]]], "all_evidence": [[125601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243686, null, null, null]]], "all_evidence": [[243686, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238979, null, null, null]]], "all_evidence": [[238979, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94757, null, null, null]]], "all_evidence": [[94757, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233559, null, null, null], [235594, null, null, null], [236416, null, null, null], [318628, null, null, null], [320090, null, null, null], [320091, null, null, null]]], "all_evidence": [[233559, null, null, null], [235594, null, null, null], [236416, null, null, null], [318628, null, null, null], [320090, null, null, null], [320091, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[231468, null, null, null]]], "all_evidence": [[231468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279226, 273870, "Aarhus", 1]], [[281017, 275396, "Aarhus", 1]], [[327466, 314700, "Aarhus", 1]], [[327472, 314703, "Aarhus", 1]]], "all_evidence": [[279226, 273870, "Aarhus", 1], [281017, 275396, "Aarhus", 1], [327466, 314700, "Aarhus", 1], [327472, 314703, "Aarhus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259746, 258294, "Hanford_Site", 23]]], "all_evidence": [[259746, 258294, "Hanford_Site", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[252357, 252156, "Harvard_University", 8]]], "all_evidence": [[252357, 252156, "Harvard_University", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241367, 242917, "Brad_Wilk", 4]]], "all_evidence": [[241367, 242917, "Brad_Wilk", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108293, 121833, "Kerplunk_-LRB-album-RRB-", 2]]], "all_evidence": [[108293, 121833, "Kerplunk_-LRB-album-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61033, null, null, null]]], "all_evidence": [[61033, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83064, 94959, "Reign_Over_Me", 1]]], "all_evidence": [[83064, 94959, "Reign_Over_Me", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73568, null, null, null]]], "all_evidence": [[73568, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237942, null, null, null], [237944, null, null, null]]], "all_evidence": [[237942, null, null, null], [237944, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21784, 26782, "Miranda_Otto", 1]]], "all_evidence": [[21784, 26782, "Miranda_Otto", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138793, 153853, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]], [[141221, 156425, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]], [[143152, 158249, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]], [[310933, 300967, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]], [[310934, 300968, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]], "all_evidence": [[138793, 153853, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [141221, 156425, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [143152, 158249, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [310933, 300967, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], [310934, 300968, "NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284225, null, null, null], [285168, null, null, null], [330267, null, null, null], [330271, null, null, null]]], "all_evidence": [[284225, null, null, null], [285168, null, null, null], [330267, null, null, null], [330271, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71922, null, null, null]]], "all_evidence": [[71922, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49508, null, null, null]]], "all_evidence": [[49508, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[246624, null, null, null]]], "all_evidence": [[246624, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92386, null, null, null]]], "all_evidence": [[92386, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133128, null, null, null]]], "all_evidence": [[133128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296950, 288668, "Ukrainian_Soviet_Socialist_Republic", 7]], [[298602, 290067, "Ukrainian_Soviet_Socialist_Republic", 7], [298602, 290067, "United_Nations", 0]], [[300696, 291816, "Ukrainian_Soviet_Socialist_Republic", 7]], [[344347, 327887, "Ukrainian_Soviet_Socialist_Republic", 7]], [[344994, 328433, "Ukrainian_Soviet_Socialist_Republic", 7]], [[344997, 328435, "Ukrainian_Soviet_Socialist_Republic", 7]]], "all_evidence": [[296950, 288668, "Ukrainian_Soviet_Socialist_Republic", 7], [298602, 290067, "Ukrainian_Soviet_Socialist_Republic", 7], [298602, 290067, "United_Nations", 0], [300696, 291816, "Ukrainian_Soviet_Socialist_Republic", 7], [344347, 327887, "Ukrainian_Soviet_Socialist_Republic", 7], [344994, 328433, "Ukrainian_Soviet_Socialist_Republic", 7], [344997, 328435, "Ukrainian_Soviet_Socialist_Republic", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225394, 230056, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]], [[317953, 306972, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]], [[319638, 308345, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]], [[319643, 308348, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]]], "all_evidence": [[225394, 230056, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0], [317953, 306972, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0], [319638, 308345, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0], [319643, 308348, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238335, 240393, "New_Jersey_Turnpike", 15]]], "all_evidence": [[238335, 240393, "New_Jersey_Turnpike", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178035, null, null, null], [182093, null, null, null], [314120, null, null, null], [314126, null, null, null], [314131, null, null, null]]], "all_evidence": [[178035, null, null, null], [182093, null, null, null], [314120, null, null, null], [314126, null, null, null], [314131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22769, 28071, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]], [[22769, 28072, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]]], "all_evidence": [[22769, 28071, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0], [22769, 28072, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204612, null, null, null]]], "all_evidence": [[204612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152264, 167060, "Burbank,_California", 7]]], "all_evidence": [[152264, 167060, "Burbank,_California", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117690, null, null, null]]], "all_evidence": [[117690, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241594, 243126, "Commodore_-LRB-rank-RRB-", 0]], [[241594, 243127, "Commodore_-LRB-rank-RRB-", 9], [241594, 243127, "Rear_admiral", 0]]], "all_evidence": [[241594, 243126, "Commodore_-LRB-rank-RRB-", 0], [241594, 243127, "Commodore_-LRB-rank-RRB-", 9], [241594, 243127, "Rear_admiral", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279727, null, null, null], [281436, null, null, null], [328133, null, null, null], [328138, null, null, null]]], "all_evidence": [[279727, null, null, null], [281436, null, null, null], [328133, null, null, null], [328138, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189631, 200881, "Hezbollah", 7]], [[189634, 200883, "Hezbollah", 7]]], "all_evidence": [[189631, 200881, "Hezbollah", 7], [189634, 200883, "Hezbollah", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70666, 81553, "Electric_chair", 0], [70666, 81553, "Capital_punishment", 1], [70666, 81553, "Electric_chair", 14]]], "all_evidence": [[70666, 81553, "Electric_chair", 0], [70666, 81553, "Capital_punishment", 1], [70666, 81553, "Electric_chair", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265347, null, null, null]]], "all_evidence": [[265347, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[261348, 259507, "Corsica", 5]], [[261348, 259508, "Corsica", 0]]], "all_evidence": [[261348, 259507, "Corsica", 5], [261348, 259508, "Corsica", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157419, 171981, "Ice-T", 1]], [[157419, 171982, "Ice-T", 2]]], "all_evidence": [[157419, 171981, "Ice-T", 1], [157419, 171982, "Ice-T", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146153, 161143, "Gettysburg_Address", 13]], [[146153, 161144, "Gettysburg_Address", 14]], [[146153, 161145, "Gettysburg_Address", 0]]], "all_evidence": [[146153, 161143, "Gettysburg_Address", 13], [146153, 161144, "Gettysburg_Address", 14], [146153, 161145, "Gettysburg_Address", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156665, 171278, "Jason_Bourne_-LRB-film-RRB-", 6]]], "all_evidence": [[156665, 171278, "Jason_Bourne_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147296, 162301, "Ron_Dennis", 0]], [[147296, 162302, "Ron_Dennis", 1]], [[147296, 162303, "Ron_Dennis", 28]]], "all_evidence": [[147296, 162301, "Ron_Dennis", 0], [147296, 162302, "Ron_Dennis", 1], [147296, 162303, "Ron_Dennis", 28]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35108, null, null, null]]], "all_evidence": [[35108, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269158, null, null, null]]], "all_evidence": [[269158, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142261, 157459, "One_Dance", 11]], [[144163, 159214, "One_Dance", 11]], [[147186, 162176, "One_Dance", 11]], [[311097, 301123, "One_Dance", 11]]], "all_evidence": [[142261, 157459, "One_Dance", 11], [144163, 159214, "One_Dance", 11], [147186, 162176, "One_Dance", 11], [311097, 301123, "One_Dance", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103077, 116408, "Adidas", 0]], [[103079, 116410, "Adidas", 0]], [[103079, 116411, "Adidas", 10]], [[103084, 116413, "Adidas", 0]]], "all_evidence": [[103077, 116408, "Adidas", 0], [103079, 116410, "Adidas", 0], [103079, 116411, "Adidas", 10], [103084, 116413, "Adidas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210390, null, null, null]]], "all_evidence": [[210390, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17781, 21933, "Dissociative_identity_disorder", 0]]], "all_evidence": [[17781, 21933, "Dissociative_identity_disorder", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[323155, 311380, "Zoe_Saldana", 0], [323155, 311380, "Leo_-LRB-astrology-RRB-", 2]], [[323712, 311935, "Zoe_Saldana", 0], [323712, 311935, "Leo_-LRB-astrology-RRB-", 2]], [[325174, 312933, "Zoe_Saldana", 0]]], "all_evidence": [[323155, 311380, "Zoe_Saldana", 0], [323155, 311380, "Leo_-LRB-astrology-RRB-", 2], [323712, 311935, "Zoe_Saldana", 0], [323712, 311935, "Leo_-LRB-astrology-RRB-", 2], [325174, 312933, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33433, null, null, null]]], "all_evidence": [[33433, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74753, 85971, "Konidela_Production_Company", 0]]], "all_evidence": [[74753, 85971, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174559, 187739, "Paul_von_Hindenburg", 0]], [[174559, 187740, "Paul_von_Hindenburg", 1]]], "all_evidence": [[174559, 187739, "Paul_von_Hindenburg", 0], [174559, 187740, "Paul_von_Hindenburg", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208739, 216718, "Vic_Mensa", 0]]], "all_evidence": [[208739, 216718, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265883, null, null, null]]], "all_evidence": [[265883, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12029, 15072, "Jenny_McCarthy", 1]]], "all_evidence": [[12029, 15072, "Jenny_McCarthy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26722, 32798, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]], "all_evidence": [[26722, 32798, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34839, 42253, "Color_of_Night", 0]], [[34839, 42254, "Color_of_Night", 8]]], "all_evidence": [[34839, 42253, "Color_of_Night", 0], [34839, 42254, "Color_of_Night", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202955, 212094, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202955, 212094, "Death_Note_-LRB-2015_TV_series-RRB-", 5]]], "all_evidence": [[202955, 212094, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202955, 212094, "Death_Note_-LRB-2015_TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26671, null, null, null]]], "all_evidence": [[26671, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189190, null, null, null]]], "all_evidence": [[189190, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97192, 110372, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[97192, 110372, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290544, null, null, null], [338679, null, null, null]]], "all_evidence": [[290544, null, null, null], [338679, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138953, 153989, "Richard_Dawson", 0]]], "all_evidence": [[138953, 153989, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124786, 139136, "Pink_-LRB-singer-RRB-", 0]], [[124787, 139137, "Pink_-LRB-singer-RRB-", 0]], [[124788, 139138, "Pink_-LRB-singer-RRB-", 0]], [[124789, 139139, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[124786, 139136, "Pink_-LRB-singer-RRB-", 0], [124787, 139137, "Pink_-LRB-singer-RRB-", 0], [124788, 139138, "Pink_-LRB-singer-RRB-", 0], [124789, 139139, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100602, 113898, "Blue_Dog_Coalition", 0], [100602, 113898, "Blue_Dog_Coalition", 3]]], "all_evidence": [[100602, 113898, "Blue_Dog_Coalition", 0], [100602, 113898, "Blue_Dog_Coalition", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140005, 155011, "Mount_Hood", 3]]], "all_evidence": [[140005, 155011, "Mount_Hood", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46498, null, null, null]]], "all_evidence": [[46498, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13651, 17085, "US_Airways_Flight_1549", 2]], [[18944, 23209, "US_Airways_Flight_1549", 2]], [[23050, 28401, "US_Airways_Flight_1549", 1], [23050, 28401, "Chesley_Sullenberger", 0]], [[23050, 28402, "US_Airways_Flight_1549", 2]], [[184692, 196560, "US_Airways_Flight_1549", 2]], [[299281, 290657, "US_Airways_Flight_1549", 2]]], "all_evidence": [[13651, 17085, "US_Airways_Flight_1549", 2], [18944, 23209, "US_Airways_Flight_1549", 2], [23050, 28401, "US_Airways_Flight_1549", 1], [23050, 28401, "Chesley_Sullenberger", 0], [23050, 28402, "US_Airways_Flight_1549", 2], [184692, 196560, "US_Airways_Flight_1549", 2], [299281, 290657, "US_Airways_Flight_1549", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102539, 115811, "Louie_-LRB-season_1-RRB-", 0]]], "all_evidence": [[102539, 115811, "Louie_-LRB-season_1-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106750, 120139, "Mom_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[106750, 120139, "Mom_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67284, null, null, null]]], "all_evidence": [[67284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51984, 61837, "Cyprus", 16]]], "all_evidence": [[51984, 61837, "Cyprus", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155334, 170033, "Daredevil_-LRB-TV_series-RRB-", 0]], [[155335, 170034, "Daredevil_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[155334, 170033, "Daredevil_-LRB-TV_series-RRB-", 0], [155335, 170034, "Daredevil_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92104, 104882, "Moscovium", 0]]], "all_evidence": [[92104, 104882, "Moscovium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229182, 233202, "Kevin_Bacon", 2], [229182, 233202, "Sleepers", 0], [229182, 233202, "Sleepers", 1]]], "all_evidence": [[229182, 233202, "Kevin_Bacon", 2], [229182, 233202, "Sleepers", 0], [229182, 233202, "Sleepers", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120458, null, null, null]]], "all_evidence": [[120458, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145054, null, null, null], [147958, null, null, null], [150128, null, null, null], [311226, null, null, null]]], "all_evidence": [[145054, null, null, null], [147958, null, null, null], [150128, null, null, null], [311226, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75178, null, null, null]]], "all_evidence": [[75178, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228129, null, null, null]]], "all_evidence": [[228129, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85749, 98046, "Maria_Theresa", 5]]], "all_evidence": [[85749, 98046, "Maria_Theresa", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250005, 250069, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[250005, 250069, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98823, null, null, null]]], "all_evidence": [[98823, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60781, 71263, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[60781, 71263, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68598, 79460, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]], "all_evidence": [[68598, 79460, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103816, null, null, null]]], "all_evidence": [[103816, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225567, null, null, null]]], "all_evidence": [[225567, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18844, 23082, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[18844, 23082, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186735, 198514, "Ding_Yanyuhang", 1]]], "all_evidence": [[186735, 198514, "Ding_Yanyuhang", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229100, 233152, "Kevin_Bacon", 1]], [[229100, 233153, "Kevin_Bacon", 2]]], "all_evidence": [[229100, 233152, "Kevin_Bacon", 1], [229100, 233153, "Kevin_Bacon", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207470, 215727, "Move_-LRB-Little_Mix_song-RRB-", 8]]], "all_evidence": [[207470, 215727, "Move_-LRB-Little_Mix_song-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66094, 76935, "Baloch_people", 3]]], "all_evidence": [[66094, 76935, "Baloch_people", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243508, 244718, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]], "all_evidence": [[243508, 244718, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61736, 72211, "Phoenix,_Arizona", 0]]], "all_evidence": [[61736, 72211, "Phoenix,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17564, 21716, "Aphrodite", 13]]], "all_evidence": [[17564, 21716, "Aphrodite", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212546, null, null, null]]], "all_evidence": [[212546, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214599, 221588, "Vera_Wang", 0]]], "all_evidence": [[214599, 221588, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247538, 247825, "Sennacherib", 2]]], "all_evidence": [[247538, 247825, "Sennacherib", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221794, 227349, "Augustus_Prew", 5]]], "all_evidence": [[221794, 227349, "Augustus_Prew", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119152, null, null, null]]], "all_evidence": [[119152, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250007, 250072, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[250007, 250072, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65503, 76378, "Spider-Man_2", 9]]], "all_evidence": [[65503, 76378, "Spider-Man_2", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148109, null, null, null]]], "all_evidence": [[148109, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77644, 89092, "Physics", 4]]], "all_evidence": [[77644, 89092, "Physics", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135691, 150540, "Adobe_Photoshop", 12]]], "all_evidence": [[135691, 150540, "Adobe_Photoshop", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203624, 212610, "Chris_Mullin_-LRB-basketball-RRB-", 10]], [[203624, 212611, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203624, 212611, "Indiana_Pacers", 0]]], "all_evidence": [[203624, 212610, "Chris_Mullin_-LRB-basketball-RRB-", 10], [203624, 212611, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203624, 212611, "Indiana_Pacers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140040, 155049, "Louis_Malle", 6]]], "all_evidence": [[140040, 155049, "Louis_Malle", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107590, 121085, "Color_of_Night", 8]], [[107593, 121092, "Color_of_Night", 8]]], "all_evidence": [[107590, 121085, "Color_of_Night", 8], [107593, 121092, "Color_of_Night", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237312, null, null, null]]], "all_evidence": [[237312, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195199, null, null, null]]], "all_evidence": [[195199, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71485, null, null, null]]], "all_evidence": [[71485, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176597, null, null, null]]], "all_evidence": [[176597, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38214, null, null, null]]], "all_evidence": [[38214, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233428, null, null, null]]], "all_evidence": [[233428, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44912, 53597, "Maggie_Q", 1]]], "all_evidence": [[44912, 53597, "Maggie_Q", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81378, null, null, null], [81423, null, null, null]]], "all_evidence": [[81378, null, null, null], [81423, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138917, 153962, "Netscape_Navigator", 2]]], "all_evidence": [[138917, 153962, "Netscape_Navigator", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19552, 24017, "Brie_Larson", 10]]], "all_evidence": [[19552, 24017, "Brie_Larson", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272849, null, null, null]]], "all_evidence": [[272849, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91443, 104174, "Ned_Stark", 1]]], "all_evidence": [[91443, 104174, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242339, null, null, null]]], "all_evidence": [[242339, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202968, null, null, null]]], "all_evidence": [[202968, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220636, null, null, null]]], "all_evidence": [[220636, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151996, null, null, null]]], "all_evidence": [[151996, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135101, null, null, null]]], "all_evidence": [[135101, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149985, 164918, "Monosodium_glutamate", 1]], [[149985, 164919, "Monosodium_glutamate", 4]]], "all_evidence": [[149985, 164918, "Monosodium_glutamate", 1], [149985, 164919, "Monosodium_glutamate", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151879, 166638, "Trouble_with_the_Curve", 0]]], "all_evidence": [[151879, 166638, "Trouble_with_the_Curve", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260779, 259076, "Species_distribution", 14]]], "all_evidence": [[260779, 259076, "Species_distribution", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144620, null, null, null]]], "all_evidence": [[144620, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228914, 232991, "Backing_vocalist", 0]]], "all_evidence": [[228914, 232991, "Backing_vocalist", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122860, null, null, null]]], "all_evidence": [[122860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106383, 119816, "Doxycycline", 7]], [[106385, 119818, "Doxycycline", 7]]], "all_evidence": [[106383, 119816, "Doxycycline", 7], [106385, 119818, "Doxycycline", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232372, null, null, null]]], "all_evidence": [[232372, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100960, null, null, null]]], "all_evidence": [[100960, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223106, null, null, null], [226728, null, null, null], [229498, null, null, null]]], "all_evidence": [[223106, null, null, null], [226728, null, null, null], [229498, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12303, null, null, null], [12315, null, null, null], [15682, null, null, null], [19583, null, null, null], [23659, null, null, null], [298963, null, null, null], [301008, null, null, null], [302543, null, null, null], [337047, null, null, null]]], "all_evidence": [[12303, null, null, null], [12315, null, null, null], [15682, null, null, null], [19583, null, null, null], [23659, null, null, null], [298963, null, null, null], [301008, null, null, null], [302543, null, null, null], [337047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145391, 160383, "Jack_Dylan_Grazer", 0]], [[148346, 163366, "Jack_Dylan_Grazer", 0]], [[311290, 301308, "Jack_Dylan_Grazer", 0]], [[312867, 302595, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[145391, 160383, "Jack_Dylan_Grazer", 0], [148346, 163366, "Jack_Dylan_Grazer", 0], [311290, 301308, "Jack_Dylan_Grazer", 0], [312867, 302595, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182303, 194557, "Wolfgang_Amadeus_Mozart", 12]]], "all_evidence": [[182303, 194557, "Wolfgang_Amadeus_Mozart", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83720, null, null, null]]], "all_evidence": [[83720, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219547, null, null, null]]], "all_evidence": [[219547, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13518, null, null, null], [18925, null, null, null], [169066, null, null, null], [299271, null, null, null]]], "all_evidence": [[13518, null, null, null], [18925, null, null, null], [169066, null, null, null], [299271, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77733, 89187, "Half_Girlfriend_-LRB-film-RRB-", 4]]], "all_evidence": [[77733, 89187, "Half_Girlfriend_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230181, null, null, null], [230193, null, null, null]]], "all_evidence": [[230181, null, null, null], [230193, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125176, 139520, "Google_Search", 13]]], "all_evidence": [[125176, 139520, "Google_Search", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[287371, 280812, "Shannon_Lee", 0]], [[289358, 282434, "Shannon_Lee", 0]], [[290961, 283934, "Shannon_Lee", 0]], [[335969, 321658, "Shannon_Lee", 0]], [[336235, 321849, "Shannon_Lee", 0]]], "all_evidence": [[287371, 280812, "Shannon_Lee", 0], [289358, 282434, "Shannon_Lee", 0], [290961, 283934, "Shannon_Lee", 0], [335969, 321658, "Shannon_Lee", 0], [336235, 321849, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117631, null, null, null], [122271, null, null, null], [308582, null, null, null], [310224, null, null, null], [310541, null, null, null]]], "all_evidence": [[117631, null, null, null], [122271, null, null, null], [308582, null, null, null], [310224, null, null, null], [310541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196026, 206177, "Japan_national_football_team", 4]]], "all_evidence": [[196026, 206177, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147976, null, null, null]]], "all_evidence": [[147976, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117170, null, null, null]]], "all_evidence": [[117170, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265514, null, null, null]]], "all_evidence": [[265514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269255, 265636, "Revolver_-LRB-Beatles_album-RRB-", 16]]], "all_evidence": [[269255, 265636, "Revolver_-LRB-Beatles_album-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233424, 236352, "Catherine_Hardwicke", 0]], [[233426, 236354, "Catherine_Hardwicke", 0]]], "all_evidence": [[233424, 236352, "Catherine_Hardwicke", 0], [233426, 236354, "Catherine_Hardwicke", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80909, null, null, null]]], "all_evidence": [[80909, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55835, null, null, null]]], "all_evidence": [[55835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56110, 66238, "Benjamin_Franklin", 0]]], "all_evidence": [[56110, 66238, "Benjamin_Franklin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156498, null, null, null]]], "all_evidence": [[156498, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241561, 243089, "Commodore_-LRB-rank-RRB-", 0]], [[241563, 243103, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241561, 243089, "Commodore_-LRB-rank-RRB-", 0], [241563, 243103, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142642, null, null, null]]], "all_evidence": [[142642, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53156, null, null, null]]], "all_evidence": [[53156, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150173, null, null, null]]], "all_evidence": [[150173, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31489, 38221, "Solanum", 1]]], "all_evidence": [[31489, 38221, "Solanum", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263315, 261025, "Ted_Cruz", 0], [263315, 261025, "Ted_Cruz", 1], [263315, 261025, "Ted_Cruz", 5], [263315, 261025, "Ted_Cruz", 9], [263315, 261025, "Ted_Cruz", 10], [263315, 261025, "Ted_Cruz", 14], [263315, 261025, "Ted_Cruz", 15], [263315, 261025, "Ted_Cruz", 16], [263315, 261025, "Ted_Cruz", 17], [263315, 261025, "Ted_Cruz", 21], [263315, 261025, "Ted_Cruz", 25], [263315, 261025, "Ted_Cruz", 26]]], "all_evidence": [[263315, 261025, "Ted_Cruz", 0], [263315, 261025, "Ted_Cruz", 1], [263315, 261025, "Ted_Cruz", 5], [263315, 261025, "Ted_Cruz", 9], [263315, 261025, "Ted_Cruz", 10], [263315, 261025, "Ted_Cruz", 14], [263315, 261025, "Ted_Cruz", 15], [263315, 261025, "Ted_Cruz", 16], [263315, 261025, "Ted_Cruz", 17], [263315, 261025, "Ted_Cruz", 21], [263315, 261025, "Ted_Cruz", 25], [263315, 261025, "Ted_Cruz", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95472, 108483, "Doug_Petrie", 5]]], "all_evidence": [[95472, 108483, "Doug_Petrie", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16826, 20840, "Vandals", 0]]], "all_evidence": [[16826, 20840, "Vandals", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74722, null, null, null]]], "all_evidence": [[74722, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111688, 125495, "Brown_University", 0]]], "all_evidence": [[111688, 125495, "Brown_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99643, 112769, "Gray_Matters", 0]], [[99643, 112770, "Gray_Matters", 1]], [[99645, 112777, "Gray_Matters", 0]], [[99645, 112778, "Gray_Matters", 1]], [[99650, 112782, "Gray_Matters", 0]], [[99650, 112783, "Gray_Matters", 1]]], "all_evidence": [[99643, 112769, "Gray_Matters", 0], [99643, 112770, "Gray_Matters", 1], [99645, 112777, "Gray_Matters", 0], [99645, 112778, "Gray_Matters", 1], [99650, 112782, "Gray_Matters", 0], [99650, 112783, "Gray_Matters", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202366, 211649, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]], "all_evidence": [[202366, 211649, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169045, 182720, "Great_white_shark", 10]]], "all_evidence": [[169045, 182720, "Great_white_shark", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103235, null, null, null], [103240, null, null, null]]], "all_evidence": [[103235, null, null, null], [103240, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157790, 172389, "Joni_Mitchell", 10]]], "all_evidence": [[157790, 172389, "Joni_Mitchell", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148022, null, null, null]]], "all_evidence": [[148022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143436, 158552, "Cyprus", 29]]], "all_evidence": [[143436, 158552, "Cyprus", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71139, 82075, "Virginia", 19]]], "all_evidence": [[71139, 82075, "Virginia", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292567, null, null, null], [340373, null, null, null], [340381, null, null, null], [340382, null, null, null]]], "all_evidence": [[292567, null, null, null], [340373, null, null, null], [340381, null, null, null], [340382, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113970, 127804, "Globalism", 1]]], "all_evidence": [[113970, 127804, "Globalism", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133503, 148357, "John_Goodman", 7]]], "all_evidence": [[133503, 148357, "John_Goodman", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[261547, 259643, "Corsica", 0]], [[261547, 259644, "Corsica", 5]], [[261547, 259645, "Corsica", 13]]], "all_evidence": [[261547, 259643, "Corsica", 0], [261547, 259644, "Corsica", 5], [261547, 259645, "Corsica", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65634, null, null, null], [67468, null, null, null], [69643, null, null, null], [303747, null, null, null], [303797, null, null, null]]], "all_evidence": [[65634, null, null, null], [67468, null, null, null], [69643, null, null, null], [303747, null, null, null], [303797, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212872, 220288, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212872, 220288, "Nicolas_Roeg", 0]]], "all_evidence": [[212872, 220288, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212872, 220288, "Nicolas_Roeg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79094, null, null, null], [81462, null, null, null], [305885, null, null, null], [307137, null, null, null]]], "all_evidence": [[79094, null, null, null], [81462, null, null, null], [305885, null, null, null], [307137, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65277, 76150, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]], [[65319, 76217, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]], [[65319, 76218, "Reanimation_-LRB-Linkin_Park_album-RRB-", 2]]], "all_evidence": [[65277, 76150, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0], [65319, 76217, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0], [65319, 76218, "Reanimation_-LRB-Linkin_Park_album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153417, 168223, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[153417, 168223, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26336, 32374, "Benzodiazepine", 2]], [[26336, 32375, "Benzodiazepine", 7], [26336, 32375, "Premedication", 0]], [[26336, 32376, "Benzodiazepine", 16]]], "all_evidence": [[26336, 32374, "Benzodiazepine", 2], [26336, 32375, "Benzodiazepine", 7], [26336, 32375, "Premedication", 0], [26336, 32376, "Benzodiazepine", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28204, null, null, null]]], "all_evidence": [[28204, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137546, null, null, null]]], "all_evidence": [[137546, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89233, 101917, "The_Times", 21]]], "all_evidence": [[89233, 101917, "The_Times", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57737, 67976, "Spider-Man_2", 0]], [[60696, 71168, "Spider-Man_2", 0]], [[303098, 294087, "Spider-Man_2", 0]], [[305204, 296046, "Spider-Man_2", 0]], [[305205, 296047, "Spider-Man_2", 0]], [[305210, 296050, "Spider-Man_2", 0]], [[305210, 296051, "Spider-Man_2", 11]], [[305291, 296122, "Spider-Man_2", 0]]], "all_evidence": [[57737, 67976, "Spider-Man_2", 0], [60696, 71168, "Spider-Man_2", 0], [303098, 294087, "Spider-Man_2", 0], [305204, 296046, "Spider-Man_2", 0], [305205, 296047, "Spider-Man_2", 0], [305210, 296050, "Spider-Man_2", 0], [305210, 296051, "Spider-Man_2", 11], [305291, 296122, "Spider-Man_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213541, 220764, "Henry_III_of_France", 23]]], "all_evidence": [[213541, 220764, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167615, 181395, "Ghost_-LRB-1990_film-RRB-", 0]], [[167615, 181396, "Ghost_-LRB-1990_film-RRB-", 8]]], "all_evidence": [[167615, 181395, "Ghost_-LRB-1990_film-RRB-", 0], [167615, 181396, "Ghost_-LRB-1990_film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38583, 46530, "Electric_chair", 15]], [[38583, 46531, "Electric_chair", 19]]], "all_evidence": [[38583, 46530, "Electric_chair", 15], [38583, 46531, "Electric_chair", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172831, null, null, null]]], "all_evidence": [[172831, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79029, 90635, "Anne_Boleyn", 7], [79029, 90635, "Claude_of_France", 0]]], "all_evidence": [[79029, 90635, "Anne_Boleyn", 7], [79029, 90635, "Claude_of_France", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55395, 65453, "Ed_and_Lorraine_Warren", 0]]], "all_evidence": [[55395, 65453, "Ed_and_Lorraine_Warren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216878, 223528, "Kyra_Sedgwick", 2]]], "all_evidence": [[216878, 223528, "Kyra_Sedgwick", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247237, null, null, null]]], "all_evidence": [[247237, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267087, 263877, "66th_Primetime_Emmy_Awards", 2], [267087, 263877, "66th_Primetime_Creative_Arts_Emmy_Awards", 0]]], "all_evidence": [[267087, 263877, "66th_Primetime_Emmy_Awards", 2], [267087, 263877, "66th_Primetime_Creative_Arts_Emmy_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62905, 73581, "Shannon_Lee", 0]]], "all_evidence": [[62905, 73581, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87317, 99798, "Jason_Bourne_-LRB-film-RRB-", 8]]], "all_evidence": [[87317, 99798, "Jason_Bourne_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38463, null, null, null]]], "all_evidence": [[38463, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62365, 72968, "Shannon_Lee", 0]]], "all_evidence": [[62365, 72968, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174143, 187343, "Lorelai_Gilmore", 3]]], "all_evidence": [[174143, 187343, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103198, null, null, null]]], "all_evidence": [[103198, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75352, 86614, "Deepika_Padukone", 14]], [[75352, 86615, "Deepika_Padukone", 13], [75352, 86615, "Yeh_Jawaani_Hai_Deewani", 0]], [[75354, 86617, "Deepika_Padukone", 13], [75354, 86617, "Yeh_Jawaani_Hai_Deewani", 0]]], "all_evidence": [[75352, 86614, "Deepika_Padukone", 14], [75352, 86615, "Deepika_Padukone", 13], [75352, 86615, "Yeh_Jawaani_Hai_Deewani", 0], [75354, 86617, "Deepika_Padukone", 13], [75354, 86617, "Yeh_Jawaani_Hai_Deewani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76675, 87996, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[76675, 87996, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76296, 87593, "Natasha_Lyonne", 0]]], "all_evidence": [[76296, 87593, "Natasha_Lyonne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13480, 16845, "Simon_Pegg", 0]]], "all_evidence": [[13480, 16845, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269184, 265572, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269184, 265572, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40956, 49245, "ASAP_Rocky", 18]]], "all_evidence": [[40956, 49245, "ASAP_Rocky", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155253, 169941, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[155253, 169941, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73314, 84531, "Samsung", 6]]], "all_evidence": [[73314, 84531, "Samsung", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265967, 263072, "Baja_1000", 14], [265967, 263072, "Vince_Vaughn", 0]]], "all_evidence": [[265967, 263072, "Baja_1000", 14], [265967, 263072, "Vince_Vaughn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265369, null, null, null]]], "all_evidence": [[265369, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216625, null, null, null]]], "all_evidence": [[216625, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241577, 243114, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241577, 243114, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97134, null, null, null]]], "all_evidence": [[97134, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178828, 191369, "The_Fame", 13]], [[178829, 191370, "The_Fame", 13]]], "all_evidence": [[178828, 191369, "The_Fame", 13], [178829, 191370, "The_Fame", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121340, 135636, "Daenerys_Targaryen", 5]], [[121340, 135637, "Daenerys_Targaryen", 7]]], "all_evidence": [[121340, 135636, "Daenerys_Targaryen", 5], [121340, 135637, "Daenerys_Targaryen", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[294367, 286690, "The_Catcher_in_the_Rye", 6]], [[294368, 286691, "The_Catcher_in_the_Rye", 6]], [[339823, 324675, "The_Catcher_in_the_Rye", 6]]], "all_evidence": [[294367, 286690, "The_Catcher_in_the_Rye", 6], [294368, 286691, "The_Catcher_in_the_Rye", 6], [339823, 324675, "The_Catcher_in_the_Rye", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101742, 115002, "A_Good_Day_to_Die_Hard", 2]]], "all_evidence": [[101742, 115002, "A_Good_Day_to_Die_Hard", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98741, null, null, null]]], "all_evidence": [[98741, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255047, 254595, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]], "all_evidence": [[255047, 254595, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229559, 233486, "Jeb_Bush", 3]], [[229560, 233487, "Jeb_Bush", 3]]], "all_evidence": [[229559, 233486, "Jeb_Bush", 3], [229560, 233487, "Jeb_Bush", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83821, 95842, "Duke_of_York", 11]]], "all_evidence": [[83821, 95842, "Duke_of_York", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179189, 191718, "Hebe_-LRB-mythology-RRB-", 2]]], "all_evidence": [[179189, 191718, "Hebe_-LRB-mythology-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129562, 144301, "Jenny_McCarthy", 1]], [[131186, 145940, "Jenny_McCarthy", 1]], [[133308, 148174, "Jenny_McCarthy", 1]], [[309197, 299454, "Jenny_McCarthy", 1]], [[310669, 300713, "Jenny_McCarthy", 1]]], "all_evidence": [[129562, 144301, "Jenny_McCarthy", 1], [131186, 145940, "Jenny_McCarthy", 1], [133308, 148174, "Jenny_McCarthy", 1], [309197, 299454, "Jenny_McCarthy", 1], [310669, 300713, "Jenny_McCarthy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72201, 83213, "Sausage_Party", 0]]], "all_evidence": [[72201, 83213, "Sausage_Party", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188466, null, null, null]]], "all_evidence": [[188466, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206585, null, null, null]]], "all_evidence": [[206585, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158543, 173203, "Bob_Ross", 1], [158543, 173203, "The_Joy_of_Painting", 0]]], "all_evidence": [[158543, 173203, "Bob_Ross", 1], [158543, 173203, "The_Joy_of_Painting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29299, 35745, "Freddie_Highmore", 5]]], "all_evidence": [[29299, 35745, "Freddie_Highmore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161130, null, null, null]]], "all_evidence": [[161130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97648, 110799, "Neuromodulation", 3]]], "all_evidence": [[97648, 110799, "Neuromodulation", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245209, null, null, null]]], "all_evidence": [[245209, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37522, 45445, "Antigua_and_Barbuda", 6]]], "all_evidence": [[37522, 45445, "Antigua_and_Barbuda", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30939, 37597, "Sky_UK", 0]], [[30939, 37598, "Sky_UK", 1]]], "all_evidence": [[30939, 37597, "Sky_UK", 0], [30939, 37598, "Sky_UK", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115557, 129422, "Watchmen_-LRB-film-RRB-", 0], [115557, 129422, "Watchmen_-LRB-film-RRB-", 2]]], "all_evidence": [[115557, 129422, "Watchmen_-LRB-film-RRB-", 0], [115557, 129422, "Watchmen_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149233, 164230, "Ricardo_Montalba\u0301n", 0]]], "all_evidence": [[149233, 164230, "Ricardo_Montalba\u0301n", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226642, null, null, null]]], "all_evidence": [[226642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43833, 52465, "Phoenix,_Arizona", 0], [43833, 52465, "Arizona", 0]]], "all_evidence": [[43833, 52465, "Phoenix,_Arizona", 0], [43833, 52465, "Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292204, 285032, "Emmanuel_Macron", 1]], [[292204, 285033, "Emmanuel_Macron", 2]], [[294213, 286545, "Emmanuel_Macron", 1]], [[294850, 287063, "Emmanuel_Macron", 1]], [[294850, 287064, "Emmanuel_Macron", 2]], [[339387, 324362, "Emmanuel_Macron", 1]], [[339396, 324367, "Emmanuel_Macron", 1]]], "all_evidence": [[292204, 285032, "Emmanuel_Macron", 1], [292204, 285033, "Emmanuel_Macron", 2], [294213, 286545, "Emmanuel_Macron", 1], [294850, 287063, "Emmanuel_Macron", 1], [294850, 287064, "Emmanuel_Macron", 2], [339387, 324362, "Emmanuel_Macron", 1], [339396, 324367, "Emmanuel_Macron", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122187, null, null, null]]], "all_evidence": [[122187, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140069, 155072, "Phoenix,_Arizona", 0]], [[140069, 155073, "Phoenix,_Arizona", 1]], [[140069, 155074, "Phoenix,_Arizona", 4], [140069, 155074, "Phoenix_metropolitan_area", 0]], [[140069, 155075, "Phoenix,_Arizona", 5]]], "all_evidence": [[140069, 155072, "Phoenix,_Arizona", 0], [140069, 155073, "Phoenix,_Arizona", 1], [140069, 155074, "Phoenix,_Arizona", 4], [140069, 155074, "Phoenix_metropolitan_area", 0], [140069, 155075, "Phoenix,_Arizona", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221598, null, null, null], [221607, null, null, null]]], "all_evidence": [[221598, null, null, null], [221607, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42962, null, null, null]]], "all_evidence": [[42962, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19369, 23763, "Maria_Theresa", 5]]], "all_evidence": [[19369, 23763, "Maria_Theresa", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194234, 204613, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194234, 204613, "Ben_Chaplin", 0], [194234, 204613, "Elias_Koteas", 0], [194234, 204613, "Jim_Caviezel", 0], [194234, 204613, "Nick_Nolte", 0], [194234, 204613, "Sean_Penn", 0]]], "all_evidence": [[194234, 204613, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194234, 204613, "Ben_Chaplin", 0], [194234, 204613, "Elias_Koteas", 0], [194234, 204613, "Jim_Caviezel", 0], [194234, 204613, "Nick_Nolte", 0], [194234, 204613, "Sean_Penn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92593, 105388, "Brown_University", 19]]], "all_evidence": [[92593, 105388, "Brown_University", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92076, 104859, "The_Beverly_Hillbillies", 0]]], "all_evidence": [[92076, 104859, "The_Beverly_Hillbillies", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91879, null, null, null]]], "all_evidence": [[91879, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235434, null, null, null]]], "all_evidence": [[235434, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51956, 61807, "Stomp_the_Yard", 8], [51956, 61807, "Meagan_Good", 0]]], "all_evidence": [[51956, 61807, "Stomp_the_Yard", 8], [51956, 61807, "Meagan_Good", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71279, null, null, null]]], "all_evidence": [[71279, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269995, 266151, "Chadwick_Boseman", 1]]], "all_evidence": [[269995, 266151, "Chadwick_Boseman", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156698, null, null, null], [313155, null, null, null], [313170, null, null, null]]], "all_evidence": [[156698, null, null, null], [313155, null, null, null], [313170, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116745, 130640, "Younger_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[116745, 130640, "Younger_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296978, null, null, null], [300759, null, null, null]]], "all_evidence": [[296978, null, null, null], [300759, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220625, null, null, null]]], "all_evidence": [[220625, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76010, 87285, "Robert_Zemeckis", 4]]], "all_evidence": [[76010, 87285, "Robert_Zemeckis", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136102, 150938, "The_Big_Country", 0]]], "all_evidence": [[136102, 150938, "The_Big_Country", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199826, 209494, "Barcelona", 0]], [[199827, 209495, "Barcelona", 0]]], "all_evidence": [[199826, 209494, "Barcelona", 0], [199827, 209495, "Barcelona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131789, null, null, null]]], "all_evidence": [[131789, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35661, 43213, "Yemen", 5]]], "all_evidence": [[35661, 43213, "Yemen", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267017, 263826, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[267017, 263826, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253258, 253150, "The_Originals_-LRB-TV_series-RRB-", 0]], [[253259, 253151, "The_Originals_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[253258, 253150, "The_Originals_-LRB-TV_series-RRB-", 0], [253259, 253151, "The_Originals_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166396, 180245, "Castlevania_-LRB-1986_video_game-RRB-", 0]], [[166396, 180246, "Castlevania_-LRB-1986_video_game-RRB-", 1], [166396, 180246, "Wii", 0]]], "all_evidence": [[166396, 180245, "Castlevania_-LRB-1986_video_game-RRB-", 0], [166396, 180246, "Castlevania_-LRB-1986_video_game-RRB-", 1], [166396, 180246, "Wii", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89477, 102172, "Jamie_Lee_Curtis", 1]]], "all_evidence": [[89477, 102172, "Jamie_Lee_Curtis", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267022, 263830, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[267022, 263830, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164213, null, null, null]]], "all_evidence": [[164213, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296090, 288037, "The_Beguiled_-LRB-1971_film-RRB-", 1]], [[297675, 289290, "The_Beguiled_-LRB-1971_film-RRB-", 1], [297675, 289290, "Southern_Gothic", 0]], [[299786, 291168, "The_Beguiled_-LRB-1971_film-RRB-", 1], [299786, 291168, "Southern_Gothic", 0]], [[342244, 326330, "The_Beguiled_-LRB-1971_film-RRB-", 1], [342244, 326330, "Southern_Gothic", 0]]], "all_evidence": [[296090, 288037, "The_Beguiled_-LRB-1971_film-RRB-", 1], [297675, 289290, "The_Beguiled_-LRB-1971_film-RRB-", 1], [297675, 289290, "Southern_Gothic", 0], [299786, 291168, "The_Beguiled_-LRB-1971_film-RRB-", 1], [299786, 291168, "Southern_Gothic", 0], [342244, 326330, "The_Beguiled_-LRB-1971_film-RRB-", 1], [342244, 326330, "Southern_Gothic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109991, null, null, null]]], "all_evidence": [[109991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19750, 24281, "Jed_Whedon", 0]]], "all_evidence": [[19750, 24281, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134197, null, null, null]]], "all_evidence": [[134197, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149855, null, null, null]]], "all_evidence": [[149855, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162390, null, null, null]]], "all_evidence": [[162390, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103447, 116861, "Joseph_Merrick", 0], [103447, 116861, "Twitter", 6]]], "all_evidence": [[103447, 116861, "Joseph_Merrick", 0], [103447, 116861, "Twitter", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215896, 222644, "Simi_Valley,_California", 13]]], "all_evidence": [[215896, 222644, "Simi_Valley,_California", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267006, null, null, null]]], "all_evidence": [[267006, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212557, 220048, "Nina_Jacobson", 0]]], "all_evidence": [[212557, 220048, "Nina_Jacobson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227730, 232070, "Indiana_Pacers", 2]]], "all_evidence": [[227730, 232070, "Indiana_Pacers", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73340, 84549, "Nymphomaniac_-LRB-film-RRB-", 13]], [[73351, 84566, "Nymphomaniac_-LRB-film-RRB-", 13]]], "all_evidence": [[73340, 84549, "Nymphomaniac_-LRB-film-RRB-", 13], [73351, 84566, "Nymphomaniac_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255649, 255059, "PBS", 0]], [[255650, 255060, "PBS", 0]]], "all_evidence": [[255649, 255059, "PBS", 0], [255650, 255060, "PBS", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57492, 67705, "The_Wonder_Years", 0]]], "all_evidence": [[57492, 67705, "The_Wonder_Years", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19764, 24296, "Ice-T", 1]]], "all_evidence": [[19764, 24296, "Ice-T", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61571, 72081, "Birmingham", 0]]], "all_evidence": [[61571, 72081, "Birmingham", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63083, null, null, null]]], "all_evidence": [[63083, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175000, null, null, null]]], "all_evidence": [[175000, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165144, null, null, null], [165189, null, null, null]]], "all_evidence": [[165144, null, null, null], [165189, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38751, 46719, "Jason_Bourne_-LRB-film-RRB-", 6], [38751, 46719, "Riz_Ahmed", 0]]], "all_evidence": [[38751, 46719, "Jason_Bourne_-LRB-film-RRB-", 6], [38751, 46719, "Riz_Ahmed", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95492, 108500, "Benjamin_Franklin", 1]], [[95492, 108501, "Benjamin_Franklin", 7]]], "all_evidence": [[95492, 108500, "Benjamin_Franklin", 1], [95492, 108501, "Benjamin_Franklin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29139, 35539, "Brazilian_jiu-jitsu", 0]]], "all_evidence": [[29139, 35539, "Brazilian_jiu-jitsu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53308, null, null, null]]], "all_evidence": [[53308, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286554, 280017, "Jenny_McCarthy", 0]], [[286554, 280018, "Jenny_McCarthy", 1]], [[288312, 281593, "Jenny_McCarthy", 0]], [[288312, 281594, "Jenny_McCarthy", 1]], [[288731, 281964, "Jenny_McCarthy", 0]], [[288731, 281965, "Jenny_McCarthy", 1]], [[333482, 319740, "Jenny_McCarthy", 0]], [[333482, 319741, "Jenny_McCarthy", 1]], [[334442, 320507, "Jenny_McCarthy", 0]]], "all_evidence": [[286554, 280017, "Jenny_McCarthy", 0], [286554, 280018, "Jenny_McCarthy", 1], [288312, 281593, "Jenny_McCarthy", 0], [288312, 281594, "Jenny_McCarthy", 1], [288731, 281964, "Jenny_McCarthy", 0], [288731, 281965, "Jenny_McCarthy", 1], [333482, 319740, "Jenny_McCarthy", 0], [333482, 319741, "Jenny_McCarthy", 1], [334442, 320507, "Jenny_McCarthy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282758, 276892, "Trouble_with_the_Curve", 0]], [[282758, 276893, "Trouble_with_the_Curve", 1]], [[282760, 276895, "Trouble_with_the_Curve", 0]], [[284672, 278424, "Trouble_with_the_Curve", 0]]], "all_evidence": [[282758, 276892, "Trouble_with_the_Curve", 0], [282758, 276893, "Trouble_with_the_Curve", 1], [282760, 276895, "Trouble_with_the_Curve", 0], [284672, 278424, "Trouble_with_the_Curve", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151748, null, null, null]]], "all_evidence": [[151748, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218637, null, null, null], [218638, null, null, null]]], "all_evidence": [[218637, null, null, null], [218638, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215788, 222572, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]], "all_evidence": [[215788, 222572, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62601, 73231, "Henry_III_of_England", 1]]], "all_evidence": [[62601, 73231, "Henry_III_of_England", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35726, 43270, "Yemen", 5]], [[35726, 43271, "Yemen", 4], [35726, 43271, "Sana'a", 3]], [[35726, 43272, "Yemen", 32], [35726, 43272, "Sana'a", 3]], [[35726, 43273, "Yemen", 17], [35726, 43273, "Aden", 19]], [[35726, 43274, "Yemen", 3], [35726, 43274, "Aden", 19]]], "all_evidence": [[35726, 43270, "Yemen", 5], [35726, 43271, "Yemen", 4], [35726, 43271, "Sana'a", 3], [35726, 43272, "Yemen", 32], [35726, 43272, "Sana'a", 3], [35726, 43273, "Yemen", 17], [35726, 43273, "Aden", 19], [35726, 43274, "Yemen", 3], [35726, 43274, "Aden", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141657, 156899, "Buffy_the_Vampire_Slayer", 0]], [[141657, 156900, "Buffy_the_Vampire_Slayer", 2], [141657, 156900, "Slayer_-LRB-Buffy_the_Vampire_Slayer-RRB-", 0]], [[141657, 156901, "Buffy_the_Vampire_Slayer", 3], [141657, 156901, "Slayer_-LRB-Buffy_the_Vampire_Slayer-RRB-", 0]], [[141657, 156902, "Buffy_the_Vampire_Slayer", 4], [141657, 156902, "Slayer_-LRB-Buffy_the_Vampire_Slayer-RRB-", 0]]], "all_evidence": [[141657, 156899, "Buffy_the_Vampire_Slayer", 0], [141657, 156900, "Buffy_the_Vampire_Slayer", 2], [141657, 156900, "Slayer_-LRB-Buffy_the_Vampire_Slayer-RRB-", 0], [141657, 156901, "Buffy_the_Vampire_Slayer", 3], [141657, 156901, "Slayer_-LRB-Buffy_the_Vampire_Slayer-RRB-", 0], [141657, 156902, "Buffy_the_Vampire_Slayer", 4], [141657, 156902, "Slayer_-LRB-Buffy_the_Vampire_Slayer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110165, 123784, "John_Frusciante", 5]]], "all_evidence": [[110165, 123784, "John_Frusciante", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70024, null, null, null]]], "all_evidence": [[70024, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222831, null, null, null]]], "all_evidence": [[222831, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127569, 142155, "James_Brolin", 0]]], "all_evidence": [[127569, 142155, "James_Brolin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94387, 107372, "Vandals", 0]]], "all_evidence": [[94387, 107372, "Vandals", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233431, 236355, "Catherine_Hardwicke", 0], [233431, 236355, "Catherine_Hardwicke", 1]]], "all_evidence": [[233431, 236355, "Catherine_Hardwicke", 0], [233431, 236355, "Catherine_Hardwicke", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158697, 173322, "Touch_My_Body", 2]]], "all_evidence": [[158697, 173322, "Touch_My_Body", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35143, null, null, null]]], "all_evidence": [[35143, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153255, 168014, "Kaya_Scodelario", 5]], [[153255, 168015, "Kaya_Scodelario", 2]], [[153256, 168016, "Kaya_Scodelario", 5]], [[153256, 168017, "Kaya_Scodelario", 2]]], "all_evidence": [[153255, 168014, "Kaya_Scodelario", 5], [153255, 168015, "Kaya_Scodelario", 2], [153256, 168016, "Kaya_Scodelario", 5], [153256, 168017, "Kaya_Scodelario", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49918, null, null, null]]], "all_evidence": [[49918, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111329, 124960, "Warren_Beatty", 2], [111329, 124960, "Reds_-LRB-film-RRB-", 0]]], "all_evidence": [[111329, 124960, "Warren_Beatty", 2], [111329, 124960, "Reds_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138680, 153762, "Warren_Beatty", 2]], [[139226, 154277, "Warren_Beatty", 2]], [[139227, 154278, "Warren_Beatty", 2]], [[139228, 154279, "Warren_Beatty", 2]], [[139229, 154280, "Warren_Beatty", 2]], [[139230, 154281, "Warren_Beatty", 2]], [[139231, 154282, "Warren_Beatty", 2]], [[139232, 154283, "Warren_Beatty", 2]], [[139233, 154284, "Warren_Beatty", 2]], [[139234, 154285, "Warren_Beatty", 2]], [[139235, 154286, "Warren_Beatty", 2]], [[139236, 154288, "Warren_Beatty", 2]], [[139237, 154287, "Warren_Beatty", 2]], [[139239, 154290, "Warren_Beatty", 2]], [[139240, 154291, "Warren_Beatty", 2]], [[139241, 154292, "Warren_Beatty", 2]], [[139242, 154293, "Warren_Beatty", 2]]], "all_evidence": [[138680, 153762, "Warren_Beatty", 2], [139226, 154277, "Warren_Beatty", 2], [139227, 154278, "Warren_Beatty", 2], [139228, 154279, "Warren_Beatty", 2], [139229, 154280, "Warren_Beatty", 2], [139230, 154281, "Warren_Beatty", 2], [139231, 154282, "Warren_Beatty", 2], [139232, 154283, "Warren_Beatty", 2], [139233, 154284, "Warren_Beatty", 2], [139234, 154285, "Warren_Beatty", 2], [139235, 154286, "Warren_Beatty", 2], [139236, 154288, "Warren_Beatty", 2], [139237, 154287, "Warren_Beatty", 2], [139239, 154290, "Warren_Beatty", 2], [139240, 154291, "Warren_Beatty", 2], [139241, 154292, "Warren_Beatty", 2], [139242, 154293, "Warren_Beatty", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142651, null, null, null]]], "all_evidence": [[142651, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134470, null, null, null]]], "all_evidence": [[134470, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161397, null, null, null]]], "all_evidence": [[161397, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120131, null, null, null]]], "all_evidence": [[120131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27706, 33935, "SpongeBob_SquarePants", 2]]], "all_evidence": [[27706, 33935, "SpongeBob_SquarePants", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173291, 186551, "United_States_dollar", 72]]], "all_evidence": [[173291, 186551, "United_States_dollar", 72]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50858, 60585, "Super_Bowl_XLV", 2]]], "all_evidence": [[50858, 60585, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194659, 205045, "Boeing_767", 17]]], "all_evidence": [[194659, 205045, "Boeing_767", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69752, 80625, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[69752, 80625, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206138, null, null, null]]], "all_evidence": [[206138, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167337, 181181, "ASAP_Rocky", 18]], [[167338, 181182, "ASAP_Rocky", 18]]], "all_evidence": [[167337, 181181, "ASAP_Rocky", 18], [167338, 181182, "ASAP_Rocky", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64679, 75502, "Ian_Gillan", 0]]], "all_evidence": [[64679, 75502, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37828, null, null, null]]], "all_evidence": [[37828, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148982, 164030, "Dodo", 10]]], "all_evidence": [[148982, 164030, "Dodo", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[288757, 281992, "Alcoholic_drink", 13]], [[299438, 290822, "Alcoholic_drink", 13]]], "all_evidence": [[288757, 281992, "Alcoholic_drink", 13], [299438, 290822, "Alcoholic_drink", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251290, null, null, null]]], "all_evidence": [[251290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39484, 47566, "Babur", 0]]], "all_evidence": [[39484, 47566, "Babur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156948, 171509, "Atlanta_metropolitan_area", 3]], [[311819, 301747, "Atlanta_metropolitan_area", 3]], [[311820, 301748, "Atlanta_metropolitan_area", 3]]], "all_evidence": [[156948, 171509, "Atlanta_metropolitan_area", 3], [311819, 301747, "Atlanta_metropolitan_area", 3], [311820, 301748, "Atlanta_metropolitan_area", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89422, 102115, "US_Airways_Flight_1549", 1]]], "all_evidence": [[89422, 102115, "US_Airways_Flight_1549", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32415, 39386, "Premier_League_Asia_Trophy", 0]], [[32415, 39387, "Premier_League_Asia_Trophy", 1]], [[32415, 39388, "Premier_League_Asia_Trophy", 7]], [[32415, 39389, "Premier_League_Asia_Trophy", 6]], [[32415, 39390, "Premier_League_Asia_Trophy", 8], [32415, 39390, "2017_Premier_League_Asia_Trophy", 1]], [[32415, 39391, "Premier_League_Asia_Trophy", 12]], [[32415, 39392, "Premier_League_Asia_Trophy", 9]], [[32415, 39393, "Premier_League_Asia_Trophy", 14]], [[32415, 39394, "Premier_League_Asia_Trophy", 15]], [[32415, 39395, "Premier_League_Asia_Trophy", 16]], [[32415, 39396, "Premier_League_Asia_Trophy", 13], [32415, 39396, "Premier_League", 0]]], "all_evidence": [[32415, 39386, "Premier_League_Asia_Trophy", 0], [32415, 39387, "Premier_League_Asia_Trophy", 1], [32415, 39388, "Premier_League_Asia_Trophy", 7], [32415, 39389, "Premier_League_Asia_Trophy", 6], [32415, 39390, "Premier_League_Asia_Trophy", 8], [32415, 39390, "2017_Premier_League_Asia_Trophy", 1], [32415, 39391, "Premier_League_Asia_Trophy", 12], [32415, 39392, "Premier_League_Asia_Trophy", 9], [32415, 39393, "Premier_League_Asia_Trophy", 14], [32415, 39394, "Premier_League_Asia_Trophy", 15], [32415, 39395, "Premier_League_Asia_Trophy", 16], [32415, 39396, "Premier_League_Asia_Trophy", 13], [32415, 39396, "Premier_League", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162741, 176991, "Brie_Larson", 10], [162741, 176991, "Short_Term_12", 0]]], "all_evidence": [[162741, 176991, "Brie_Larson", 10], [162741, 176991, "Short_Term_12", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108991, null, null, null]]], "all_evidence": [[108991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163112, 177316, "Tangled", 0]], [[163112, 177317, "Tangled", 1]], [[163112, 177318, "Tangled", 7]], [[163112, 177319, "Tangled", 15]], [[163112, 177320, "Tangled", 16]]], "all_evidence": [[163112, 177316, "Tangled", 0], [163112, 177317, "Tangled", 1], [163112, 177318, "Tangled", 7], [163112, 177319, "Tangled", 15], [163112, 177320, "Tangled", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95294, 108303, "Konidela_Production_Company", 0]]], "all_evidence": [[95294, 108303, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244751, null, null, null]]], "all_evidence": [[244751, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88032, 100568, "Amancio_Ortega", 0]], [[88037, 100573, "Amancio_Ortega", 0]]], "all_evidence": [[88032, 100568, "Amancio_Ortega", 0], [88037, 100573, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193522, 204019, "Jean-Jacques_Dessalines", 0]]], "all_evidence": [[193522, 204019, "Jean-Jacques_Dessalines", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38680, 46638, "Raven-Symone\u0301", 0]], [[38680, 46639, "Raven-Symone\u0301", 1]], [[38680, 46640, "Raven-Symone\u0301", 2]], [[38680, 46641, "Raven-Symone\u0301", 3], [38680, 46641, "Undeniable_-LRB-Raven-Symone\u0301_album-RRB-", 0]], [[38680, 46642, "Raven-Symone\u0301", 6]], [[38680, 46643, "Raven-Symone\u0301", 7]], [[38680, 46644, "Raven-Symone\u0301", 8]], [[38680, 46645, "Raven-Symone\u0301", 9]], [[38680, 46646, "Raven-Symone\u0301", 11]], [[38680, 46647, "Raven-Symone\u0301", 12]], [[38680, 46648, "Raven-Symone\u0301", 14]], [[38680, 46649, "Raven-Symone\u0301", 17]], [[38680, 46650, "Raven-Symone\u0301", 18]], [[38680, 46651, "Raven-Symone\u0301", 19]], [[38680, 46652, "Raven-Symone\u0301", 20]], [[38680, 46653, "Raven-Symone\u0301", 23]], [[38680, 46654, "Raven-Symone\u0301", 24]], [[38680, 46655, "Raven-Symone\u0301", 25]]], "all_evidence": [[38680, 46638, "Raven-Symone\u0301", 0], [38680, 46639, "Raven-Symone\u0301", 1], [38680, 46640, "Raven-Symone\u0301", 2], [38680, 46641, "Raven-Symone\u0301", 3], [38680, 46641, "Undeniable_-LRB-Raven-Symone\u0301_album-RRB-", 0], [38680, 46642, "Raven-Symone\u0301", 6], [38680, 46643, "Raven-Symone\u0301", 7], [38680, 46644, "Raven-Symone\u0301", 8], [38680, 46645, "Raven-Symone\u0301", 9], [38680, 46646, "Raven-Symone\u0301", 11], [38680, 46647, "Raven-Symone\u0301", 12], [38680, 46648, "Raven-Symone\u0301", 14], [38680, 46649, "Raven-Symone\u0301", 17], [38680, 46650, "Raven-Symone\u0301", 18], [38680, 46651, "Raven-Symone\u0301", 19], [38680, 46652, "Raven-Symone\u0301", 20], [38680, 46653, "Raven-Symone\u0301", 23], [38680, 46654, "Raven-Symone\u0301", 24], [38680, 46655, "Raven-Symone\u0301", 25]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130538, 145318, "Hinduism", 8], [130538, 145318, "Yoga", 0]]], "all_evidence": [[130538, 145318, "Hinduism", 8], [130538, 145318, "Yoga", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220220, null, null, null]]], "all_evidence": [[220220, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73930, 85166, "Victor_Frankenstein_-LRB-film-RRB-", 2]]], "all_evidence": [[73930, 85166, "Victor_Frankenstein_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257568, null, null, null]]], "all_evidence": [[257568, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145718, 160723, "Ian_Gillan", 0]]], "all_evidence": [[145718, 160723, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137594, 152481, "Africa_Cup_of_Nations", 17]], [[140364, 155392, "Africa_Cup_of_Nations", 17]], [[310083, 300154, "Africa_Cup_of_Nations", 17]], [[310846, 300850, "Africa_Cup_of_Nations", 17]], [[312456, 302231, "Africa_Cup_of_Nations", 17]]], "all_evidence": [[137594, 152481, "Africa_Cup_of_Nations", 17], [140364, 155392, "Africa_Cup_of_Nations", 17], [310083, 300154, "Africa_Cup_of_Nations", 17], [310846, 300850, "Africa_Cup_of_Nations", 17], [312456, 302231, "Africa_Cup_of_Nations", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229606, null, null, null]]], "all_evidence": [[229606, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136318, null, null, null]]], "all_evidence": [[136318, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124889, 139228, "Michael_Hutchence", 15]]], "all_evidence": [[124889, 139228, "Michael_Hutchence", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245200, null, null, null]]], "all_evidence": [[245200, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199438, 209118, "Northwestern_University", 19], [199438, 209118, "Big_Ten_Conference", 5]]], "all_evidence": [[199438, 209118, "Northwestern_University", 19], [199438, 209118, "Big_Ten_Conference", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234616, 237450, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[240964, 242530, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[318842, 307677, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[320193, 308818, "Alex_Jones_-LRB-radio_host-RRB-", 0]]], "all_evidence": [[234616, 237450, "Alex_Jones_-LRB-radio_host-RRB-", 0], [240964, 242530, "Alex_Jones_-LRB-radio_host-RRB-", 0], [318842, 307677, "Alex_Jones_-LRB-radio_host-RRB-", 0], [320193, 308818, "Alex_Jones_-LRB-radio_host-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[261350, 259510, "Corsica", 9]], [[261351, 259511, "Corsica", 9], [261351, 259511, "Haute-Corse", 0]]], "all_evidence": [[261350, 259510, "Corsica", 9], [261351, 259511, "Corsica", 9], [261351, 259511, "Haute-Corse", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178550, 191142, "I_Want_to_Know_What_Love_Is", 0]], [[178550, 191143, "I_Want_to_Know_What_Love_Is", 1]], [[178550, 191144, "I_Want_to_Know_What_Love_Is", 4]], [[178550, 191145, "I_Want_to_Know_What_Love_Is", 3]]], "all_evidence": [[178550, 191142, "I_Want_to_Know_What_Love_Is", 0], [178550, 191143, "I_Want_to_Know_What_Love_Is", 1], [178550, 191144, "I_Want_to_Know_What_Love_Is", 4], [178550, 191145, "I_Want_to_Know_What_Love_Is", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218850, null, null, null]]], "all_evidence": [[218850, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96584, 109746, "Touch_My_Body", 0]], [[96657, 109802, "Touch_My_Body", 0]], [[96657, 109803, "Touch_My_Body", 7]]], "all_evidence": [[96584, 109746, "Touch_My_Body", 0], [96657, 109802, "Touch_My_Body", 0], [96657, 109803, "Touch_My_Body", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60600, 71022, "Pakistan", 16]]], "all_evidence": [[60600, 71022, "Pakistan", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127225, 141757, "Heroes_-LRB-TV_series-RRB-", 0]], [[127225, 141758, "Heroes_-LRB-TV_series-RRB-", 7]], [[127225, 141759, "Heroes_-LRB-TV_series-RRB-", 8]], [[127225, 141760, "Heroes_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[127225, 141757, "Heroes_-LRB-TV_series-RRB-", 0], [127225, 141758, "Heroes_-LRB-TV_series-RRB-", 7], [127225, 141759, "Heroes_-LRB-TV_series-RRB-", 8], [127225, 141760, "Heroes_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164303, 178562, "Exit_the_King", 0]]], "all_evidence": [[164303, 178562, "Exit_the_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95791, 108831, "Skopje", 8]]], "all_evidence": [[95791, 108831, "Skopje", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68765, null, null, null]]], "all_evidence": [[68765, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26104, null, null, null]]], "all_evidence": [[26104, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164878, 179076, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]], "all_evidence": [[164878, 179076, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30812, 37443, "Shomu_Mukherjee", 9]]], "all_evidence": [[30812, 37443, "Shomu_Mukherjee", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180179, null, null, null]]], "all_evidence": [[180179, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197912, 207838, "Jiang_Wen", 0]]], "all_evidence": [[197912, 207838, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119755, 133865, "Medical_school", 6]]], "all_evidence": [[119755, 133865, "Medical_school", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238334, null, null, null]]], "all_evidence": [[238334, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161901, 176312, "Internet_access", 0]]], "all_evidence": [[161901, 176312, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67880, 78733, "Sabbir_Khan", 1]], [[67880, 78734, "Sabbir_Khan", 3]]], "all_evidence": [[67880, 78733, "Sabbir_Khan", 1], [67880, 78734, "Sabbir_Khan", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109793, 123388, "City_of_Literature", 0]]], "all_evidence": [[109793, 123388, "City_of_Literature", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155780, 170437, "Touch_My_Body", 0]], [[155780, 170438, "Touch_My_Body", 2]]], "all_evidence": [[155780, 170437, "Touch_My_Body", 0], [155780, 170438, "Touch_My_Body", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180383, 192881, "Benjamin_Franklin", 1]]], "all_evidence": [[180383, 192881, "Benjamin_Franklin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90994, 103667, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[90994, 103667, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232334, 235563, "University_of_Leicester", 11]]], "all_evidence": [[232334, 235563, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176120, null, null, null]]], "all_evidence": [[176120, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51741, null, null, null]]], "all_evidence": [[51741, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22661, null, null, null]]], "all_evidence": [[22661, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137156, 152000, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]], "all_evidence": [[137156, 152000, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241592, null, null, null], [241602, null, null, null]]], "all_evidence": [[241592, null, null, null], [241602, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238344, 240399, "New_Jersey_Turnpike", 15]]], "all_evidence": [[238344, 240399, "New_Jersey_Turnpike", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221819, 227366, "Augustus_Prew", 5]]], "all_evidence": [[221819, 227366, "Augustus_Prew", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79716, 91456, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[79716, 91456, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269051, 265467, "David_Lloyd_George", 14]], [[269051, 265468, "David_Lloyd_George", 20]]], "all_evidence": [[269051, 265467, "David_Lloyd_George", 14], [269051, 265468, "David_Lloyd_George", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151535, 166291, "Sausage_Party", 0]], [[151536, 166292, "Sausage_Party", 6]]], "all_evidence": [[151535, 166291, "Sausage_Party", 0], [151536, 166292, "Sausage_Party", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184808, 196696, "Jarhead_-LRB-film-RRB-", 0], [184808, 196696, "Sam_Mendes", 1]]], "all_evidence": [[184808, 196696, "Jarhead_-LRB-film-RRB-", 0], [184808, 196696, "Sam_Mendes", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93219, 106151, "Ice-T", 1]]], "all_evidence": [[93219, 106151, "Ice-T", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271670, 267504, "Lyon", 4]]], "all_evidence": [[271670, 267504, "Lyon", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45676, 54534, "The_Invisible_Man_-LRB-film-RRB-", 0]], [[45679, 54543, "The_Invisible_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[45676, 54534, "The_Invisible_Man_-LRB-film-RRB-", 0], [45679, 54543, "The_Invisible_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86122, 98467, "SpongeBob_SquarePants", 0]]], "all_evidence": [[86122, 98467, "SpongeBob_SquarePants", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74322, null, null, null]]], "all_evidence": [[74322, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49326, 58667, "The_Walking_Dead_-LRB-comic_book-RRB-", 12]]], "all_evidence": [[49326, 58667, "The_Walking_Dead_-LRB-comic_book-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270806, null, null, null]]], "all_evidence": [[270806, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107568, null, null, null]]], "all_evidence": [[107568, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90912, 103606, "Menace_II_Society", 1]]], "all_evidence": [[90912, 103606, "Menace_II_Society", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147122, 162111, "Stomp_the_Yard", 8]]], "all_evidence": [[147122, 162111, "Stomp_the_Yard", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89128, 101814, "Georges_Gilles_de_la_Tourette", 11]], [[91052, 103722, "Georges_Gilles_de_la_Tourette", 11]], [[93494, 106451, "Georges_Gilles_de_la_Tourette", 11]], [[306481, 297153, "Georges_Gilles_de_la_Tourette", 11]], [[307516, 298002, "Georges_Gilles_de_la_Tourette", 11]], [[307517, 298003, "Georges_Gilles_de_la_Tourette", 11]], [[307518, 298004, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[89128, 101814, "Georges_Gilles_de_la_Tourette", 11], [91052, 103722, "Georges_Gilles_de_la_Tourette", 11], [93494, 106451, "Georges_Gilles_de_la_Tourette", 11], [306481, 297153, "Georges_Gilles_de_la_Tourette", 11], [307516, 298002, "Georges_Gilles_de_la_Tourette", 11], [307517, 298003, "Georges_Gilles_de_la_Tourette", 11], [307518, 298004, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255656, 255065, "PBS", 0]], [[255657, 255066, "PBS", 0]]], "all_evidence": [[255656, 255065, "PBS", 0], [255657, 255066, "PBS", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237300, null, null, null]]], "all_evidence": [[237300, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155287, null, null, null]]], "all_evidence": [[155287, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242312, 243713, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242312, 243713, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232340, 235568, "University_of_Leicester", 11]]], "all_evidence": [[232340, 235568, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180799, 193178, "South_Island", 5]]], "all_evidence": [[180799, 193178, "South_Island", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111286, 124909, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[111286, 124909, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268443, null, null, null]]], "all_evidence": [[268443, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251082, null, null, null]]], "all_evidence": [[251082, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251573, null, null, null]]], "all_evidence": [[251573, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156311, null, null, null]]], "all_evidence": [[156311, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85870, 98142, "The_Catcher_in_the_Rye", 6]]], "all_evidence": [[85870, 98142, "The_Catcher_in_the_Rye", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150656, 165518, "Georges_Gilles_de_la_Tourette", 11]], [[150658, 165519, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[150656, 165518, "Georges_Gilles_de_la_Tourette", 11], [150658, 165519, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109907, 123515, "Firefox", 15]], [[109907, 123516, "Firefox", 14]], [[109907, 123517, "Firefox", 13]], [[109907, 123518, "Firefox", 11]]], "all_evidence": [[109907, 123515, "Firefox", 15], [109907, 123516, "Firefox", 14], [109907, 123517, "Firefox", 13], [109907, 123518, "Firefox", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48637, 57947, "Japan", 0]]], "all_evidence": [[48637, 57947, "Japan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73290, 84506, "Samsung", 6]]], "all_evidence": [[73290, 84506, "Samsung", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227896, 232243, "Kyle_MacLachlan", 6]]], "all_evidence": [[227896, 232243, "Kyle_MacLachlan", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149090, 164120, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]], [[149090, 164121, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 8]]], "all_evidence": [[149090, 164120, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0], [149090, 164121, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26875, null, null, null]]], "all_evidence": [[26875, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55178, 65215, "Two_and_a_Half_Men", 1], [55178, 65215, "Charlie_Sheen", 0], [55178, 65215, "Angus_T._Jones", 0]]], "all_evidence": [[55178, 65215, "Two_and_a_Half_Men", 1], [55178, 65215, "Charlie_Sheen", 0], [55178, 65215, "Angus_T._Jones", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202356, null, null, null]]], "all_evidence": [[202356, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83051, 94948, "Watchmen_-LRB-film-RRB-", 2]]], "all_evidence": [[83051, 94948, "Watchmen_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142650, 157805, "Golf", 4]]], "all_evidence": [[142650, 157805, "Golf", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132874, 147780, "The_Hit_-LRB-1984_film-RRB-", 0]]], "all_evidence": [[132874, 147780, "The_Hit_-LRB-1984_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49053, 58395, "Louis_Malle", 0]], [[49053, 58396, "Louis_Malle", 6]]], "all_evidence": [[49053, 58395, "Louis_Malle", 0], [49053, 58396, "Louis_Malle", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104760, null, null, null]]], "all_evidence": [[104760, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149280, 164263, "Mandy_Moore", 0]], [[149281, 164264, "Mandy_Moore", 0]]], "all_evidence": [[149280, 164263, "Mandy_Moore", 0], [149281, 164264, "Mandy_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127572, 142157, "Manchester_by_the_Sea_-LRB-film-RRB-", 4]]], "all_evidence": [[127572, 142157, "Manchester_by_the_Sea_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26481, null, null, null]]], "all_evidence": [[26481, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50441, 60017, "Cars_3", 2], [50441, 60017, "Brian_Fee", 0]]], "all_evidence": [[50441, 60017, "Cars_3", 2], [50441, 60017, "Brian_Fee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64971, 75829, "Pakistan", 22]]], "all_evidence": [[64971, 75829, "Pakistan", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39466, null, null, null]]], "all_evidence": [[39466, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103840, 117335, "Joseph_Merrick", 29]]], "all_evidence": [[103840, 117335, "Joseph_Merrick", 29]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153001, null, null, null]]], "all_evidence": [[153001, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41240, 49575, "The_Love_Club_EP", 0]]], "all_evidence": [[41240, 49575, "The_Love_Club_EP", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[276365, 271420, "The_Times", 1], [276365, 271420, "American_Revolution", 0]], [[326554, 314016, "The_Times", 1], [326554, 314016, "American_Revolution", 0]], [[326568, 314021, "The_Times", 1]]], "all_evidence": [[276365, 271420, "The_Times", 1], [276365, 271420, "American_Revolution", 0], [326554, 314016, "The_Times", 1], [326554, 314016, "American_Revolution", 0], [326568, 314021, "The_Times", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148068, null, null, null]]], "all_evidence": [[148068, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169708, null, null, null]]], "all_evidence": [[169708, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23434, 28874, "Icelandic_Coast_Guard", 0]]], "all_evidence": [[23434, 28874, "Icelandic_Coast_Guard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187383, 199012, "Islamabad", 18], [187383, 199012, "Quaid-i-Azam_University", 0]]], "all_evidence": [[187383, 199012, "Islamabad", 18], [187383, 199012, "Quaid-i-Azam_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173538, 186769, "Azithromycin", 17]], [[173539, 186770, "Azithromycin", 17]]], "all_evidence": [[173538, 186769, "Azithromycin", 17], [173539, 186770, "Azithromycin", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233423, null, null, null]]], "all_evidence": [[233423, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247239, null, null, null]]], "all_evidence": [[247239, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123241, 137634, "Stanford_prison_experiment", 2], [123241, 137634, "Office_of_Naval_Research", 0]]], "all_evidence": [[123241, 137634, "Stanford_prison_experiment", 2], [123241, 137634, "Office_of_Naval_Research", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158676, 173302, "Birmingham", 0], [158676, 173302, "West_Midlands_-LRB-county-RRB-", 0]]], "all_evidence": [[158676, 173302, "Birmingham", 0], [158676, 173302, "West_Midlands_-LRB-county-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180243, 192778, "Kajol", 4]]], "all_evidence": [[180243, 192778, "Kajol", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96278, 109431, "Chumlee", 0]]], "all_evidence": [[96278, 109431, "Chumlee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135781, 150633, "Road_House_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[135781, 150633, "Road_House_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89284, null, null, null]]], "all_evidence": [[89284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99653, 112786, "Aphrodite", 0]]], "all_evidence": [[99653, 112786, "Aphrodite", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26812, 32905, "Samsung", 7], [26812, 32905, "CJ_Group", 0], [26812, 32905, "Hansol", 0], [26812, 32905, "Shinsegae", 0]]], "all_evidence": [[26812, 32905, "Samsung", 7], [26812, 32905, "CJ_Group", 0], [26812, 32905, "Hansol", 0], [26812, 32905, "Shinsegae", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145678, 160680, "Castlevania_-LRB-1986_video_game-RRB-", 0], [145678, 160680, "Platform_game", 0], [145678, 160680, "Platform_game", 1]]], "all_evidence": [[145678, 160680, "Castlevania_-LRB-1986_video_game-RRB-", 0], [145678, 160680, "Platform_game", 0], [145678, 160680, "Platform_game", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131754, 146599, "Annabelle_-LRB-doll-RRB-", 1]]], "all_evidence": [[131754, 146599, "Annabelle_-LRB-doll-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26444, 32478, "Solanum", 1]]], "all_evidence": [[26444, 32478, "Solanum", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154148, 168917, "Lorelai_Gilmore", 1]]], "all_evidence": [[154148, 168917, "Lorelai_Gilmore", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44118, null, null, null]]], "all_evidence": [[44118, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275329, null, null, null], [277727, null, null, null], [324378, null, null, null]]], "all_evidence": [[275329, null, null, null], [277727, null, null, null], [324378, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152877, null, null, null]]], "all_evidence": [[152877, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54222, 64217, "Ricardo_Montalba\u0301n", 4]], [[54222, 64218, "Ricardo_Montalba\u0301n", 6]]], "all_evidence": [[54222, 64217, "Ricardo_Montalba\u0301n", 4], [54222, 64218, "Ricardo_Montalba\u0301n", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40031, null, null, null]]], "all_evidence": [[40031, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189098, 200431, "Carey_Hayes", 0]]], "all_evidence": [[189098, 200431, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263469, null, null, null]]], "all_evidence": [[263469, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298607, null, null, null], [300693, null, null, null], [344350, null, null, null], [345001, null, null, null], [345002, null, null, null]]], "all_evidence": [[298607, null, null, null], [300693, null, null, null], [344350, null, null, null], [345001, null, null, null], [345002, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92934, 105814, "Loretta_Sanchez", 0]]], "all_evidence": [[92934, 105814, "Loretta_Sanchez", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[293263, 285862, "The_Paper_-LRB-film-RRB-", 0]], [[295789, 287822, "The_Paper_-LRB-film-RRB-", 0]], [[295791, 287826, "The_Paper_-LRB-film-RRB-", 0]], [[341534, 325954, "The_Paper_-LRB-film-RRB-", 0]], [[341539, 325956, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[293263, 285862, "The_Paper_-LRB-film-RRB-", 0], [295789, 287822, "The_Paper_-LRB-film-RRB-", 0], [295791, 287826, "The_Paper_-LRB-film-RRB-", 0], [341534, 325954, "The_Paper_-LRB-film-RRB-", 0], [341539, 325956, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162269, 176570, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[162269, 176570, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85366, 97676, "John_Frusciante", 0]], [[85366, 97677, "John_Frusciante", 2]], [[85366, 97678, "John_Frusciante", 1]], [[85366, 97679, "John_Frusciante", 5]]], "all_evidence": [[85366, 97676, "John_Frusciante", 0], [85366, 97677, "John_Frusciante", 2], [85366, 97678, "John_Frusciante", 1], [85366, 97679, "John_Frusciante", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106533, null, null, null]]], "all_evidence": [[106533, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71063, null, null, null]]], "all_evidence": [[71063, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51795, 61630, "John_S._McCain_Jr.", 3]]], "all_evidence": [[51795, 61630, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89763, 102463, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[89763, 102463, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163492, null, null, null]]], "all_evidence": [[163492, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33593, 40758, "Yin_and_yang", 10]]], "all_evidence": [[33593, 40758, "Yin_and_yang", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286080, 279643, "No_Strings_Attached_-LRB-film-RRB-", 2], [286080, 279643, "United_States", 0]], [[288458, 281718, "No_Strings_Attached_-LRB-film-RRB-", 2]], [[332798, 319067, "No_Strings_Attached_-LRB-film-RRB-", 2]], [[333974, 320147, "No_Strings_Attached_-LRB-film-RRB-", 2], [333974, 320147, "United_States", 2]]], "all_evidence": [[286080, 279643, "No_Strings_Attached_-LRB-film-RRB-", 2], [286080, 279643, "United_States", 0], [288458, 281718, "No_Strings_Attached_-LRB-film-RRB-", 2], [332798, 319067, "No_Strings_Attached_-LRB-film-RRB-", 2], [333974, 320147, "No_Strings_Attached_-LRB-film-RRB-", 2], [333974, 320147, "United_States", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183623, 195583, "Hollow_Man", 15]]], "all_evidence": [[183623, 195583, "Hollow_Man", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84125, 96250, "Laura_Robson", 3]]], "all_evidence": [[84125, 96250, "Laura_Robson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38264, 46195, "Faye_Resnick", 0]]], "all_evidence": [[38264, 46195, "Faye_Resnick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50757, 60410, "Rick_Ross", 3]]], "all_evidence": [[50757, 60410, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22227, 27347, "San_Francisco_Bay_Area", 3]]], "all_evidence": [[22227, 27347, "San_Francisco_Bay_Area", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68419, 79282, "Monosodium_glutamate", 4]]], "all_evidence": [[68419, 79282, "Monosodium_glutamate", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76492, 87787, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[76492, 87787, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192331, 203091, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[192331, 203091, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247838, 248140, "Alexandria", 2]], [[247841, 248144, "Alexandria", 2]]], "all_evidence": [[247838, 248140, "Alexandria", 2], [247841, 248144, "Alexandria", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37808, 45737, "Sonny_Bono", 0]]], "all_evidence": [[37808, 45737, "Sonny_Bono", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31775, 38552, "Scandal_-LRB-American_band-RRB-", 0]]], "all_evidence": [[31775, 38552, "Scandal_-LRB-American_band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224623, 229440, "American_Library_Association", 1]]], "all_evidence": [[224623, 229440, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78720, 90271, "Aestheticism", 0]], [[78720, 90272, "Aestheticism", 1]]], "all_evidence": [[78720, 90271, "Aestheticism", 0], [78720, 90272, "Aestheticism", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[283015, 277144, "John_DiMaggio", 0]], [[283015, 277145, "John_DiMaggio", 1]], [[283016, 277146, "John_DiMaggio", 1]], [[283016, 277147, "John_DiMaggio", 0]], [[284913, 278650, "John_DiMaggio", 0]], [[331467, 317998, "John_DiMaggio", 0]], [[331469, 317999, "John_DiMaggio", 1]]], "all_evidence": [[283015, 277144, "John_DiMaggio", 0], [283015, 277145, "John_DiMaggio", 1], [283016, 277146, "John_DiMaggio", 1], [283016, 277147, "John_DiMaggio", 0], [284913, 278650, "John_DiMaggio", 0], [331467, 317998, "John_DiMaggio", 0], [331469, 317999, "John_DiMaggio", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279901, null, null, null], [281603, null, null, null], [328511, null, null, null], [328515, null, null, null], [329193, null, null, null]]], "all_evidence": [[279901, null, null, null], [281603, null, null, null], [328511, null, null, null], [328515, null, null, null], [329193, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114144, 127957, "Donald_Duck", 2]]], "all_evidence": [[114144, 127957, "Donald_Duck", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196019, 206173, "Japan_national_football_team", 4]]], "all_evidence": [[196019, 206173, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229677, null, null, null]]], "all_evidence": [[229677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63259, 73973, "Skopje", 0]], [[63259, 73974, "Skopje", 22]], [[63259, 73975, "Skopje", 23]], [[63259, 73976, "Skopje", 5]], [[63259, 73977, "Skopje", 9]], [[63259, 73978, "Skopje", 10]], [[63259, 73979, "Skopje", 12]], [[63259, 73980, "Skopje", 13]], [[63259, 73981, "Skopje", 14]], [[63259, 73982, "Skopje", 15]], [[63259, 73983, "Skopje", 16]], [[63259, 73984, "Skopje", 17]]], "all_evidence": [[63259, 73973, "Skopje", 0], [63259, 73974, "Skopje", 22], [63259, 73975, "Skopje", 23], [63259, 73976, "Skopje", 5], [63259, 73977, "Skopje", 9], [63259, 73978, "Skopje", 10], [63259, 73979, "Skopje", 12], [63259, 73980, "Skopje", 13], [63259, 73981, "Skopje", 14], [63259, 73982, "Skopje", 15], [63259, 73983, "Skopje", 16], [63259, 73984, "Skopje", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137366, null, null, null]]], "all_evidence": [[137366, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[264576, null, null, null]]], "all_evidence": [[264576, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239428, null, null, null]]], "all_evidence": [[239428, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91711, null, null, null]]], "all_evidence": [[91711, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263038, null, null, null], [263047, null, null, null]]], "all_evidence": [[263038, null, null, null], [263047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32954, 40043, "The_Challenge-COLON-_Rivals_III", 0]]], "all_evidence": [[32954, 40043, "The_Challenge-COLON-_Rivals_III", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251084, null, null, null]]], "all_evidence": [[251084, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48645, 57956, "Japan", 0]], [[48645, 57957, "Japan", 1]]], "all_evidence": [[48645, 57956, "Japan", 0], [48645, 57957, "Japan", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209744, null, null, null]]], "all_evidence": [[209744, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[281929, 276200, "Fred_Seibert", 3]], [[329706, 316438, "Fred_Seibert", 3]], [[329707, 316439, "Fred_Seibert", 3]], [[329708, 316440, "Fred_Seibert", 3]], [[329709, 316441, "Fred_Seibert", 3]], [[329710, 316442, "Fred_Seibert", 3]], [[329717, 316445, "Fred_Seibert", 3]]], "all_evidence": [[281929, 276200, "Fred_Seibert", 3], [329706, 316438, "Fred_Seibert", 3], [329707, 316439, "Fred_Seibert", 3], [329708, 316440, "Fred_Seibert", 3], [329709, 316441, "Fred_Seibert", 3], [329710, 316442, "Fred_Seibert", 3], [329717, 316445, "Fred_Seibert", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105560, 119019, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[105560, 119019, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257589, 256576, "Timur", 21]]], "all_evidence": [[257589, 256576, "Timur", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195182, null, null, null]]], "all_evidence": [[195182, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120954, 135258, "Quay_-LRB-film-RRB-", 1]]], "all_evidence": [[120954, 135258, "Quay_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130442, 145217, "Kaya_Scodelario", 0]]], "all_evidence": [[130442, 145217, "Kaya_Scodelario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69474, 80283, "Exit_the_King", 0]]], "all_evidence": [[69474, 80283, "Exit_the_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143749, 158834, "Emperor_Norton", 19]], [[143753, 158836, "Emperor_Norton", 19]]], "all_evidence": [[143749, 158834, "Emperor_Norton", 19], [143753, 158836, "Emperor_Norton", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151670, null, null, null]]], "all_evidence": [[151670, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94666, 107648, "Bob_Ross", 0]], [[94666, 107649, "Bob_Ross", 1], [94666, 107649, "The_Joy_of_Painting", 0], [94666, 107649, "The_Joy_of_Painting", 1]]], "all_evidence": [[94666, 107648, "Bob_Ross", 0], [94666, 107649, "Bob_Ross", 1], [94666, 107649, "The_Joy_of_Painting", 0], [94666, 107649, "The_Joy_of_Painting", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221820, null, null, null]]], "all_evidence": [[221820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29646, 36151, "Michael_Hutchence", 0]], [[29652, 36156, "Michael_Hutchence", 0]], [[29652, 36157, "Michael_Hutchence", 15]]], "all_evidence": [[29646, 36151, "Michael_Hutchence", 0], [29652, 36156, "Michael_Hutchence", 0], [29652, 36157, "Michael_Hutchence", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114544, 128304, "Gray_Matters", 0]]], "all_evidence": [[114544, 128304, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59431, null, null, null]]], "all_evidence": [[59431, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243513, 244721, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]], "all_evidence": [[243513, 244721, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41305, 49640, "The_Beguiled_-LRB-1971_film-RRB-", 1]]], "all_evidence": [[41305, 49640, "The_Beguiled_-LRB-1971_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62054, null, null, null], [66157, null, null, null], [303484, null, null, null], [305338, null, null, null]]], "all_evidence": [[62054, null, null, null], [66157, null, null, null], [303484, null, null, null], [305338, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151090, 165904, "Amancio_Ortega", 0]]], "all_evidence": [[151090, 165904, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65718, 76589, "Hannah_and_Her_Sisters", 0]]], "all_evidence": [[65718, 76589, "Hannah_and_Her_Sisters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78044, null, null, null]]], "all_evidence": [[78044, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104182, 117648, "Theresa_May", 0]]], "all_evidence": [[104182, 117648, "Theresa_May", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87852, 100370, "John_Goodman", 7]]], "all_evidence": [[87852, 100370, "John_Goodman", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269181, null, null, null]]], "all_evidence": [[269181, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56393, 66596, "Ed_Decter", 3], [56393, 66596, "Fargo_-LRB-film-RRB-", 0]]], "all_evidence": [[56393, 66596, "Ed_Decter", 3], [56393, 66596, "Fargo_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154355, 169106, "Vatican_City", 10]], [[154355, 169107, "Vatican_City", 11]]], "all_evidence": [[154355, 169106, "Vatican_City", 10], [154355, 169107, "Vatican_City", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235297, 237990, "Boxing_Helena", 5]]], "all_evidence": [[235297, 237990, "Boxing_Helena", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166297, 180177, "Scaramouche", 0]]], "all_evidence": [[166297, 180177, "Scaramouche", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282118, 276366, "Sky_UK", 0]], [[284138, 278007, "Sky_UK", 0], [284138, 278007, "United_Kingdom", 0]], [[285123, 278848, "Sky_UK", 0]], [[285124, 278849, "Sky_UK", 0]], [[329995, 316668, "Sky_UK", 0]]], "all_evidence": [[282118, 276366, "Sky_UK", 0], [284138, 278007, "Sky_UK", 0], [284138, 278007, "United_Kingdom", 0], [285123, 278848, "Sky_UK", 0], [285124, 278849, "Sky_UK", 0], [329995, 316668, "Sky_UK", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251305, 251193, "Pet", 6]]], "all_evidence": [[251305, 251193, "Pet", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85307, null, null, null]]], "all_evidence": [[85307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127616, 142212, "Jonah_Hill", 4]]], "all_evidence": [[127616, 142212, "Jonah_Hill", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58403, 68678, "Brazilian_jiu-jitsu", 0]]], "all_evidence": [[58403, 68678, "Brazilian_jiu-jitsu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27154, null, null, null], [27155, null, null, null]]], "all_evidence": [[27154, null, null, null], [27155, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138282, 153269, "Chris_Paul", 1]], [[142904, 158026, "Chris_Paul", 1], [142904, 158026, "Basketball_at_the_Summer_Olympics", 0]], [[310882, 300895, "Chris_Paul", 1], [310882, 300895, "Chris_Paul", 0]]], "all_evidence": [[138282, 153269, "Chris_Paul", 1], [142904, 158026, "Chris_Paul", 1], [142904, 158026, "Basketball_at_the_Summer_Olympics", 0], [310882, 300895, "Chris_Paul", 1], [310882, 300895, "Chris_Paul", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163417, 177654, "Africa_Cup_of_Nations", 2]]], "all_evidence": [[163417, 177654, "Africa_Cup_of_Nations", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42397, 51012, "Pocahontas", 0]]], "all_evidence": [[42397, 51012, "Pocahontas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[250008, null, null, null]]], "all_evidence": [[250008, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192337, 203094, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[192337, 203094, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36381, 43955, "Jamie_Lee_Curtis", 12], [36381, 43955, "Janet_Leigh", 1]]], "all_evidence": [[36381, 43955, "Jamie_Lee_Curtis", 12], [36381, 43955, "Janet_Leigh", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160177, 174689, "Simon_Cowell", 1], [160177, 174689, "The_X_Factor_-LRB-UK_TV_series-RRB-", 0]]], "all_evidence": [[160177, 174689, "Simon_Cowell", 1], [160177, 174689, "The_X_Factor_-LRB-UK_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45456, null, null, null]]], "all_evidence": [[45456, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226997, 231436, "Ed_Gagliardi", 13]]], "all_evidence": [[226997, 231436, "Ed_Gagliardi", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157575, 172172, "Southern_Hospitality_-LRB-song-RRB-", 2]]], "all_evidence": [[157575, 172172, "Southern_Hospitality_-LRB-song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187391, 199032, "Islamabad", 0]], [[187391, 199033, "Islamabad", 1]], [[187391, 199034, "Islamabad", 2]], [[187391, 199035, "Islamabad", 10]], [[187391, 199036, "Islamabad", 11]], [[187391, 199037, "Islamabad", 12]], [[187391, 199038, "Islamabad", 16]], [[187391, 199039, "Islamabad", 17]], [[187391, 199040, "Islamabad", 18]], [[187391, 199041, "Islamabad", 19]], [[187391, 199042, "Islamabad", 5], [187391, 199042, "Margalla_Hills_National_Park", 0]], [[187391, 199043, "Islamabad", 6], [187391, 199043, "Khyber_Pakhtunkhwa", 0]], [[187391, 199044, "Islamabad", 9]]], "all_evidence": [[187391, 199032, "Islamabad", 0], [187391, 199033, "Islamabad", 1], [187391, 199034, "Islamabad", 2], [187391, 199035, "Islamabad", 10], [187391, 199036, "Islamabad", 11], [187391, 199037, "Islamabad", 12], [187391, 199038, "Islamabad", 16], [187391, 199039, "Islamabad", 17], [187391, 199040, "Islamabad", 18], [187391, 199041, "Islamabad", 19], [187391, 199042, "Islamabad", 5], [187391, 199042, "Margalla_Hills_National_Park", 0], [187391, 199043, "Islamabad", 6], [187391, 199043, "Khyber_Pakhtunkhwa", 0], [187391, 199044, "Islamabad", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96511, null, null, null]]], "all_evidence": [[96511, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44859, null, null, null]]], "all_evidence": [[44859, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149555, null, null, null]]], "all_evidence": [[149555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172407, 185716, "Independent_Spirit_Awards", 10]]], "all_evidence": [[172407, 185716, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95935, 109009, "Stomp_the_Yard", 1]], [[95935, 109010, "Stomp_the_Yard", 8], [95935, 109010, "Valarie_Pettiford", 0], [95935, 109010, "Valarie_Pettiford", 1], [95935, 109010, "Darrin_Henson", 4], [95935, 109010, "Darrin_Henson", 5], [95935, 109010, "Darrin_Henson", 6], [95935, 109010, "Darrin_Henson", 0], [95935, 109010, "Darrin_Henson", 1], [95935, 109010, "Meagan_Good", 5], [95935, 109010, "Meagan_Good", 6], [95935, 109010, "Meagan_Good", 0], [95935, 109010, "Meagan_Good", 1], [95935, 109010, "Brian_J._White", 0], [95935, 109010, "Laz_Alonso", 0], [95935, 109010, "Laz_Alonso", 1], [95935, 109010, "Columbus_Short", 3], [95935, 109010, "Columbus_Short", 0]]], "all_evidence": [[95935, 109009, "Stomp_the_Yard", 1], [95935, 109010, "Stomp_the_Yard", 8], [95935, 109010, "Valarie_Pettiford", 0], [95935, 109010, "Valarie_Pettiford", 1], [95935, 109010, "Darrin_Henson", 4], [95935, 109010, "Darrin_Henson", 5], [95935, 109010, "Darrin_Henson", 6], [95935, 109010, "Darrin_Henson", 0], [95935, 109010, "Darrin_Henson", 1], [95935, 109010, "Meagan_Good", 5], [95935, 109010, "Meagan_Good", 6], [95935, 109010, "Meagan_Good", 0], [95935, 109010, "Meagan_Good", 1], [95935, 109010, "Brian_J._White", 0], [95935, 109010, "Laz_Alonso", 0], [95935, 109010, "Laz_Alonso", 1], [95935, 109010, "Columbus_Short", 3], [95935, 109010, "Columbus_Short", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265220, 262465, "A_United_Kingdom", 0]]], "all_evidence": [[265220, 262465, "A_United_Kingdom", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282662, 276806, "Ed_and_Lorraine_Warren", 0]], [[284599, 278378, "Ed_and_Lorraine_Warren", 0]], [[284599, 278379, "Ed_and_Lorraine_Warren", 6]], [[285418, 279040, "Ed_and_Lorraine_Warren", 0]], [[330821, 317360, "Ed_and_Lorraine_Warren", 0]], [[331942, 318373, "Ed_and_Lorraine_Warren", 0]]], "all_evidence": [[282662, 276806, "Ed_and_Lorraine_Warren", 0], [284599, 278378, "Ed_and_Lorraine_Warren", 0], [284599, 278379, "Ed_and_Lorraine_Warren", 6], [285418, 279040, "Ed_and_Lorraine_Warren", 0], [330821, 317360, "Ed_and_Lorraine_Warren", 0], [331942, 318373, "Ed_and_Lorraine_Warren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130895, 145673, "Moscovium", 0]], [[130895, 145674, "Moscovium", 1]], [[130898, 145678, "Moscovium", 0]], [[130898, 145679, "Moscovium", 1]]], "all_evidence": [[130895, 145673, "Moscovium", 0], [130895, 145674, "Moscovium", 1], [130898, 145678, "Moscovium", 0], [130898, 145679, "Moscovium", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222845, 228001, "Alan_White", 23]]], "all_evidence": [[222845, 228001, "Alan_White", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105730, null, null, null]]], "all_evidence": [[105730, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259313, 257939, "Indian_National_Congress", 8]], [[259313, 257940, "Indian_National_Congress", 1], [259313, 257940, "British_Raj", 69]]], "all_evidence": [[259313, 257939, "Indian_National_Congress", 8], [259313, 257940, "Indian_National_Congress", 1], [259313, 257940, "British_Raj", 69]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220125, 225982, "Pitch_Perfect_2", 2]]], "all_evidence": [[220125, 225982, "Pitch_Perfect_2", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93738, null, null, null]]], "all_evidence": [[93738, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199797, 209466, "Barcelona", 0]], [[199798, 209467, "Barcelona", 0]]], "all_evidence": [[199797, 209466, "Barcelona", 0], [199798, 209467, "Barcelona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66189, 77025, "Neuromodulation", 3]]], "all_evidence": [[66189, 77025, "Neuromodulation", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229694, null, null, null], [229695, null, null, null]]], "all_evidence": [[229694, null, null, null], [229695, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160874, 175355, "Visigoths", 16]]], "all_evidence": [[160874, 175355, "Visigoths", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68637, null, null, null]]], "all_evidence": [[68637, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55046, null, null, null]]], "all_evidence": [[55046, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185003, 196838, "Meghan_Markle", 0]]], "all_evidence": [[185003, 196838, "Meghan_Markle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71263, 82214, "Jamie_Lee_Curtis", 12]]], "all_evidence": [[71263, 82214, "Jamie_Lee_Curtis", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64982, 75835, "Annabelle_-LRB-doll-RRB-", 1]]], "all_evidence": [[64982, 75835, "Annabelle_-LRB-doll-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145282, 160282, "Times_Higher_Education_World_University_Rankings", 0]], [[145285, 160285, "Times_Higher_Education_World_University_Rankings", 0]]], "all_evidence": [[145282, 160282, "Times_Higher_Education_World_University_Rankings", 0], [145285, 160285, "Times_Higher_Education_World_University_Rankings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218861, 225045, "Dan_Brown", 0]]], "all_evidence": [[218861, 225045, "Dan_Brown", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170335, 183898, "One_Dance", 6]]], "all_evidence": [[170335, 183898, "One_Dance", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85100, null, null, null]]], "all_evidence": [[85100, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167691, 181457, "Guns_N'_Roses", 0]], [[167691, 181458, "Guns_N'_Roses", 2]], [[167691, 181459, "Guns_N'_Roses", 5]], [[167691, 181460, "Guns_N'_Roses", 13]], [[169830, 183420, "Guns_N'_Roses", 0]], [[169830, 183421, "Guns_N'_Roses", 2]], [[169830, 183422, "Guns_N'_Roses", 19]], [[312399, 302187, "Guns_N'_Roses", 0]]], "all_evidence": [[167691, 181457, "Guns_N'_Roses", 0], [167691, 181458, "Guns_N'_Roses", 2], [167691, 181459, "Guns_N'_Roses", 5], [167691, 181460, "Guns_N'_Roses", 13], [169830, 183420, "Guns_N'_Roses", 0], [169830, 183421, "Guns_N'_Roses", 2], [169830, 183422, "Guns_N'_Roses", 19], [312399, 302187, "Guns_N'_Roses", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230175, 233924, "Hyksos", 18]]], "all_evidence": [[230175, 233924, "Hyksos", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166451, 180284, "Battle_of_the_Trebia", 6]]], "all_evidence": [[166451, 180284, "Battle_of_the_Trebia", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154950, 169673, "The_SpongeBob_SquarePants_Movie", 1]], [[154951, 169674, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[154950, 169673, "The_SpongeBob_SquarePants_Movie", 1], [154951, 169674, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201008, 210462, "An_Education", 0]], [[201014, 210468, "An_Education", 1], [201014, 210468, "An_Education", 0]]], "all_evidence": [[201008, 210462, "An_Education", 0], [201014, 210468, "An_Education", 1], [201014, 210468, "An_Education", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188469, 199869, "Ukrainian_Soviet_Socialist_Republic", 7]]], "all_evidence": [[188469, 199869, "Ukrainian_Soviet_Socialist_Republic", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106685, 120086, "Bengal_tiger", 2], [106685, 120086, "Tiger", 0]]], "all_evidence": [[106685, 120086, "Bengal_tiger", 2], [106685, 120086, "Tiger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203453, 212469, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]], "all_evidence": [[203453, 212469, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68207, null, null, null], [70295, null, null, null], [70968, null, null, null], [303838, null, null, null], [305528, null, null, null]]], "all_evidence": [[68207, null, null, null], [70295, null, null, null], [70968, null, null, null], [303838, null, null, null], [305528, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224610, null, null, null], [224611, null, null, null]]], "all_evidence": [[224610, null, null, null], [224611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53320, 63294, "Henry_III_of_England", 1]], [[56619, 66831, "Henry_III_of_England", 0], [56619, 66831, "Punic_Wars", 0]], [[59564, 69968, "Henry_III_of_England", 1]]], "all_evidence": [[53320, 63294, "Henry_III_of_England", 1], [56619, 66831, "Henry_III_of_England", 0], [56619, 66831, "Punic_Wars", 0], [59564, 69968, "Henry_III_of_England", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50225, null, null, null]]], "all_evidence": [[50225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62650, 73314, "Parkinson's_disease", 34]]], "all_evidence": [[62650, 73314, "Parkinson's_disease", 34]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237126, null, null, null]]], "all_evidence": [[237126, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21069, 25866, "Moscovium", 0]], [[21069, 25867, "Moscovium", 2]], [[21069, 25868, "Moscovium", 6]], [[21069, 25869, "Moscovium", 7]]], "all_evidence": [[21069, 25866, "Moscovium", 0], [21069, 25867, "Moscovium", 2], [21069, 25868, "Moscovium", 6], [21069, 25869, "Moscovium", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97326, 110503, "Amancio_Ortega", 0]]], "all_evidence": [[97326, 110503, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65901, null, null, null]]], "all_evidence": [[65901, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[249034, 249057, "GLOW_-LRB-TV_series-RRB-", 3]]], "all_evidence": [[249034, 249057, "GLOW_-LRB-TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186561, 198351, "Benjamin_Walker_-LRB-actor-RRB-", 0]]], "all_evidence": [[186561, 198351, "Benjamin_Walker_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269091, 265506, "David_Lloyd_George", 20]]], "all_evidence": [[269091, 265506, "David_Lloyd_George", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[293707, 286143, "Donna_Noble", 0]], [[338035, 323328, "Donna_Noble", 0]], [[338036, 323329, "Donna_Noble", 0]], [[338036, 323330, "Donna_Noble", 1], [338036, 323330, "Tenth_Doctor", 0], [338036, 323330, "Tenth_Doctor", 1]]], "all_evidence": [[293707, 286143, "Donna_Noble", 0], [338035, 323328, "Donna_Noble", 0], [338036, 323329, "Donna_Noble", 0], [338036, 323330, "Donna_Noble", 1], [338036, 323330, "Tenth_Doctor", 0], [338036, 323330, "Tenth_Doctor", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89304, 102000, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[89304, 102000, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58372, null, null, null]]], "all_evidence": [[58372, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22428, 27637, "Baloch_people", 3]]], "all_evidence": [[22428, 27637, "Baloch_people", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212517, 220024, "Nina_Jacobson", 0]], [[212518, 220025, "Nina_Jacobson", 0]], [[212521, 220027, "Nina_Jacobson", 0]]], "all_evidence": [[212517, 220024, "Nina_Jacobson", 0], [212518, 220025, "Nina_Jacobson", 0], [212521, 220027, "Nina_Jacobson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97317, null, null, null]]], "all_evidence": [[97317, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213496, 220730, "Simi_Valley,_California", 13]]], "all_evidence": [[213496, 220730, "Simi_Valley,_California", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107217, 120606, "Doxycycline", 6]], [[107220, 120609, "Doxycycline", 6]]], "all_evidence": [[107217, 120606, "Doxycycline", 6], [107220, 120609, "Doxycycline", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69599, 80419, "The_Big_Country", 0]], [[69599, 80420, "The_Big_Country", 1]], [[69599, 80421, "The_Big_Country", 5]]], "all_evidence": [[69599, 80419, "The_Big_Country", 0], [69599, 80420, "The_Big_Country", 1], [69599, 80421, "The_Big_Country", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208778, 216764, "Vic_Mensa", 0]]], "all_evidence": [[208778, 216764, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200696, 210156, "Moesia", 1]]], "all_evidence": [[200696, 210156, "Moesia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181244, null, null, null]]], "all_evidence": [[181244, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122427, null, null, null]]], "all_evidence": [[122427, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102744, 116052, "Mormons", 24]]], "all_evidence": [[102744, 116052, "Mormons", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147201, 162191, "Brown_University", 0], [147201, 162191, "Providence,_Rhode_Island", 0]], [[147201, 162192, "Brown_University", 19], [147201, 162192, "Providence,_Rhode_Island", 0]]], "all_evidence": [[147201, 162191, "Brown_University", 0], [147201, 162191, "Providence,_Rhode_Island", 0], [147201, 162192, "Brown_University", 19], [147201, 162192, "Providence,_Rhode_Island", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195197, 205513, "Hammer_Film_Productions", 17]]], "all_evidence": [[195197, 205513, "Hammer_Film_Productions", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251536, 251370, "Gory_Guerrero", 0]], [[251537, 251371, "Gory_Guerrero", 0]], [[251537, 251372, "Gory_Guerrero", 1]], [[251537, 251373, "Gory_Guerrero", 2]], [[251538, 251374, "Gory_Guerrero", 0]], [[251538, 251375, "Gory_Guerrero", 1]], [[251538, 251376, "Gory_Guerrero", 2]]], "all_evidence": [[251536, 251370, "Gory_Guerrero", 0], [251537, 251371, "Gory_Guerrero", 0], [251537, 251372, "Gory_Guerrero", 1], [251537, 251373, "Gory_Guerrero", 2], [251538, 251374, "Gory_Guerrero", 0], [251538, 251375, "Gory_Guerrero", 1], [251538, 251376, "Gory_Guerrero", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206287, 214677, "Trick-or-treating", 10]]], "all_evidence": [[206287, 214677, "Trick-or-treating", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214116, 221202, "Gotham_City_Sirens", 0]]], "all_evidence": [[214116, 221202, "Gotham_City_Sirens", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89431, 102126, "Therasia", 0]], [[89431, 102127, "Therasia", 1]], [[89431, 102128, "Therasia", 2]], [[89431, 102129, "Therasia", 5]], [[89431, 102130, "Therasia", 6]], [[91196, 103903, "Therasia", 0]], [[91196, 103904, "Therasia", 1]], [[91196, 103905, "Therasia", 2]], [[91196, 103906, "Therasia", 5]], [[91196, 103907, "Therasia", 6]], [[91196, 103908, "Therasia", 9]], [[93630, 106573, "Therasia", 0]], [[93630, 106574, "Therasia", 2]], [[93630, 106575, "Therasia", 5]], [[307530, 298014, "Therasia", 0]]], "all_evidence": [[89431, 102126, "Therasia", 0], [89431, 102127, "Therasia", 1], [89431, 102128, "Therasia", 2], [89431, 102129, "Therasia", 5], [89431, 102130, "Therasia", 6], [91196, 103903, "Therasia", 0], [91196, 103904, "Therasia", 1], [91196, 103905, "Therasia", 2], [91196, 103906, "Therasia", 5], [91196, 103907, "Therasia", 6], [91196, 103908, "Therasia", 9], [93630, 106573, "Therasia", 0], [93630, 106574, "Therasia", 2], [93630, 106575, "Therasia", 5], [307530, 298014, "Therasia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272077, null, null, null]]], "all_evidence": [[272077, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140849, 155986, "Issa_Rae", 2]]], "all_evidence": [[140849, 155986, "Issa_Rae", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244761, 245685, "Punch-Drunk_Love", 4]]], "all_evidence": [[244761, 245685, "Punch-Drunk_Love", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94803, null, null, null]]], "all_evidence": [[94803, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181813, null, null, null]]], "all_evidence": [[181813, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32787, 39864, "Chris_Benoit", 0]], [[32787, 39865, "Chris_Benoit", 14]]], "all_evidence": [[32787, 39864, "Chris_Benoit", 0], [32787, 39865, "Chris_Benoit", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29155, 35568, "Cle\u0301opa\u0302tre", 1]]], "all_evidence": [[29155, 35568, "Cle\u0301opa\u0302tre", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115234, null, null, null]]], "all_evidence": [[115234, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66451, null, null, null]]], "all_evidence": [[66451, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99259, 112394, "Younger_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[99259, 112394, "Younger_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163746, 177992, "ASAP_Rocky", 18]]], "all_evidence": [[163746, 177992, "ASAP_Rocky", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63172, null, null, null]]], "all_evidence": [[63172, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222824, null, null, null]]], "all_evidence": [[222824, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91323, 104036, "Lorelai_Gilmore", 3]], [[91326, 104038, "Lorelai_Gilmore", 3]]], "all_evidence": [[91323, 104036, "Lorelai_Gilmore", 3], [91326, 104038, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229675, 233562, "William_Howard_Taft", 0]], [[229675, 233563, "William_Howard_Taft", 5]]], "all_evidence": [[229675, 233562, "William_Howard_Taft", 0], [229675, 233563, "William_Howard_Taft", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114483, 128245, "Cyclades", 0]], [[114483, 128246, "Cyclades", 1]]], "all_evidence": [[114483, 128245, "Cyclades", 0], [114483, 128246, "Cyclades", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136373, 151180, "Shut_Up_-LRB-Stormzy_song-RRB-", 6]]], "all_evidence": [[136373, 151180, "Shut_Up_-LRB-Stormzy_song-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70101, 80991, "Birmingham", 0]]], "all_evidence": [[70101, 80991, "Birmingham", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30602, null, null, null]]], "all_evidence": [[30602, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103536, 116953, "Fuller_House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[103536, 116953, "Fuller_House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282693, 276833, "Pocahontas", 1]], [[284624, 278396, "Pocahontas", 1]], [[284627, 278397, "Pocahontas", 1]], [[330862, 317385, "Pocahontas", 1]], [[330863, 317386, "Pocahontas", 1]], [[330868, 317389, "Pocahontas", 1]]], "all_evidence": [[282693, 276833, "Pocahontas", 1], [284624, 278396, "Pocahontas", 1], [284627, 278397, "Pocahontas", 1], [330862, 317385, "Pocahontas", 1], [330863, 317386, "Pocahontas", 1], [330868, 317389, "Pocahontas", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133856, null, null, null]]], "all_evidence": [[133856, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34958, 42373, "Matt_Bomer", 0]]], "all_evidence": [[34958, 42373, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141816, 157064, "Sands_Hotel_and_Casino", 6]]], "all_evidence": [[141816, 157064, "Sands_Hotel_and_Casino", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270485, 266516, "Sejong_the_Great", 0]]], "all_evidence": [[270485, 266516, "Sejong_the_Great", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257586, 256573, "Timur", 21]]], "all_evidence": [[257586, 256573, "Timur", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40394, 48593, "Azithromycin", 17]]], "all_evidence": [[40394, 48593, "Azithromycin", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41063, 49383, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[41063, 49383, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75621, 86867, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[75621, 86867, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45480, 54301, "Pocahontas", 0]]], "all_evidence": [[45480, 54301, "Pocahontas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64996, null, null, null]]], "all_evidence": [[64996, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60766, 71249, "Richard_Dawson", 0]]], "all_evidence": [[60766, 71249, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233416, 236344, "Catherine_Hardwicke", 0]]], "all_evidence": [[233416, 236344, "Catherine_Hardwicke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196117, 206262, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196117, 206262, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265861, 263001, "FC_Bayern_Munich", 4]]], "all_evidence": [[265861, 263001, "FC_Bayern_Munich", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207393, 215677, "Dawood_Ibrahim", 0]], [[207394, 215678, "Dawood_Ibrahim", 0]]], "all_evidence": [[207393, 215677, "Dawood_Ibrahim", 0], [207394, 215678, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263072, 260861, "Group_of_15", 4]], [[263074, 260862, "Group_of_15", 4]], [[263075, 260863, "Group_of_15", 4]]], "all_evidence": [[263072, 260861, "Group_of_15", 4], [263074, 260862, "Group_of_15", 4], [263075, 260863, "Group_of_15", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72523, 83563, "Morgan_Fairchild", 4]], [[72523, 83564, "Morgan_Fairchild", 5]]], "all_evidence": [[72523, 83563, "Morgan_Fairchild", 4], [72523, 83564, "Morgan_Fairchild", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21986, 26995, "Alberto_Contador", 3]], [[21986, 26996, "Alberto_Contador", 16]]], "all_evidence": [[21986, 26995, "Alberto_Contador", 3], [21986, 26996, "Alberto_Contador", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50525, 60087, "The_Catcher_in_the_Rye", 0]]], "all_evidence": [[50525, 60087, "The_Catcher_in_the_Rye", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41574, null, null, null]]], "all_evidence": [[41574, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87826, null, null, null]]], "all_evidence": [[87826, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143633, null, null, null]]], "all_evidence": [[143633, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164239, null, null, null]]], "all_evidence": [[164239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124616, null, null, null]]], "all_evidence": [[124616, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195528, null, null, null], [195530, null, null, null]]], "all_evidence": [[195528, null, null, null], [195530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257971, 256880, "Innovation", 1]]], "all_evidence": [[257971, 256880, "Innovation", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161365, null, null, null]]], "all_evidence": [[161365, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132535, 147441, "Toy_Story_2", 16]], [[132535, 147442, "Toy_Story_2", 0]]], "all_evidence": [[132535, 147441, "Toy_Story_2", 16], [132535, 147442, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65907, 76775, "Quay_-LRB-film-RRB-", 1], [65907, 76775, "Film_Forum", 0]]], "all_evidence": [[65907, 76775, "Quay_-LRB-film-RRB-", 1], [65907, 76775, "Film_Forum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21700, 26668, "Younger_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[21700, 26668, "Younger_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284840, null, null, null], [285576, null, null, null], [331355, null, null, null]]], "all_evidence": [[284840, null, null, null], [285576, null, null, null], [331355, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262097, 260150, "Aristocracy", 1]]], "all_evidence": [[262097, 260150, "Aristocracy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67776, 78621, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]], "all_evidence": [[67776, 78621, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51932, 61780, "Premier_League_Asia_Trophy", 0]], [[51932, 61781, "Premier_League_Asia_Trophy", 1]]], "all_evidence": [[51932, 61780, "Premier_League_Asia_Trophy", 0], [51932, 61781, "Premier_League_Asia_Trophy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201009, 210463, "An_Education", 0]]], "all_evidence": [[201009, 210463, "An_Education", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147264, 162261, "Ronaldinho", 10]]], "all_evidence": [[147264, 162261, "Ronaldinho", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218849, 225034, "Dan_Brown", 0]]], "all_evidence": [[218849, 225034, "Dan_Brown", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64394, 75157, "Sarah_Hyland", 1]]], "all_evidence": [[64394, 75157, "Sarah_Hyland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146232, null, null, null]]], "all_evidence": [[146232, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[283075, 277183, "Airbus_A380", 3]], [[283076, 277184, "Airbus_A380", 3]], [[283077, 277185, "Airbus_A380", 3]], [[331574, 318068, "Airbus_A380", 3]], [[332289, 318687, "Airbus_A380", 3]]], "all_evidence": [[283075, 277183, "Airbus_A380", 3], [283076, 277184, "Airbus_A380", 3], [283077, 277185, "Airbus_A380", 3], [331574, 318068, "Airbus_A380", 3], [332289, 318687, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34843, 42257, "House_of_Balloons", 0]]], "all_evidence": [[34843, 42257, "House_of_Balloons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73541, null, null, null]]], "all_evidence": [[73541, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13861, null, null, null], [13912, null, null, null]]], "all_evidence": [[13861, null, null, null], [13912, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[316457, null, null, null]]], "all_evidence": [[316457, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106878, null, null, null]]], "all_evidence": [[106878, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17990, null, null, null]]], "all_evidence": [[17990, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16072, 19941, "Blue_Dog_Coalition", 0]]], "all_evidence": [[16072, 19941, "Blue_Dog_Coalition", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96086, 109143, "Danish_language", 1]]], "all_evidence": [[96086, 109143, "Danish_language", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30899, 37541, "South_Island", 5]]], "all_evidence": [[30899, 37541, "South_Island", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170299, null, null, null]]], "all_evidence": [[170299, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74492, 85728, "Mad_Max-COLON-_Fury_Road", 0]]], "all_evidence": [[74492, 85728, "Mad_Max-COLON-_Fury_Road", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51395, 61117, "Ricardo_Montalba\u0301n", 0]], [[51395, 61118, "Ricardo_Montalba\u0301n", 4]], [[51395, 61119, "Ricardo_Montalba\u0301n", 5]], [[51395, 61120, "Ricardo_Montalba\u0301n", 7]]], "all_evidence": [[51395, 61117, "Ricardo_Montalba\u0301n", 0], [51395, 61118, "Ricardo_Montalba\u0301n", 4], [51395, 61119, "Ricardo_Montalba\u0301n", 5], [51395, 61120, "Ricardo_Montalba\u0301n", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103360, null, null, null]]], "all_evidence": [[103360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37819, 45746, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[37819, 45746, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49665, null, null, null]]], "all_evidence": [[49665, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176747, 189677, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[176747, 189677, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237133, null, null, null]]], "all_evidence": [[237133, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87201, 99714, "SZA_-LRB-singer-RRB-", 6]]], "all_evidence": [[87201, 99714, "SZA_-LRB-singer-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61899, 72384, "Clueless_-LRB-film-RRB-", 7]]], "all_evidence": [[61899, 72384, "Clueless_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124588, 138923, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[124588, 138923, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68557, 79415, "Anna_Nicole_Smith", 2]]], "all_evidence": [[68557, 79415, "Anna_Nicole_Smith", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87019, 99506, "Guns_N'_Roses", 0]]], "all_evidence": [[87019, 99506, "Guns_N'_Roses", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171891, 185349, "Wolfgang_Amadeus_Mozart", 12]]], "all_evidence": [[171891, 185349, "Wolfgang_Amadeus_Mozart", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85108, 97377, "Azithromycin", 17], [85108, 97377, "Azithromycin", 2], [85108, 97377, "Azithromycin", 0], [85108, 97377, "Azithromycin", 1]]], "all_evidence": [[85108, 97377, "Azithromycin", 17], [85108, 97377, "Azithromycin", 2], [85108, 97377, "Azithromycin", 0], [85108, 97377, "Azithromycin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50217, 59764, "Phoenix,_Arizona", 0]], [[50217, 59765, "Phoenix,_Arizona", 1]], [[50217, 59766, "Phoenix,_Arizona", 6]], [[50217, 59767, "Phoenix,_Arizona", 15]]], "all_evidence": [[50217, 59764, "Phoenix,_Arizona", 0], [50217, 59765, "Phoenix,_Arizona", 1], [50217, 59766, "Phoenix,_Arizona", 6], [50217, 59767, "Phoenix,_Arizona", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215790, null, null, null]]], "all_evidence": [[215790, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196232, 206371, "Ann_Biderman", 0]]], "all_evidence": [[196232, 206371, "Ann_Biderman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70459, 81327, "Gray_Matters", 0]]], "all_evidence": [[70459, 81327, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247310, 247618, "The_Monster_-LRB-song-RRB-", 0]], [[247318, 247629, "The_Monster_-LRB-song-RRB-", 0]], [[247318, 247630, "The_Monster_-LRB-song-RRB-", 1]], [[247318, 247631, "The_Monster_-LRB-song-RRB-", 3]], [[247318, 247632, "The_Monster_-LRB-song-RRB-", 4]], [[247318, 247633, "The_Monster_-LRB-song-RRB-", 7]], [[247318, 247634, "The_Monster_-LRB-song-RRB-", 8]], [[247318, 247635, "The_Monster_-LRB-song-RRB-", 9]], [[247318, 247636, "The_Monster_-LRB-song-RRB-", 12]], [[247318, 247637, "The_Monster_-LRB-song-RRB-", 14]]], "all_evidence": [[247310, 247618, "The_Monster_-LRB-song-RRB-", 0], [247318, 247629, "The_Monster_-LRB-song-RRB-", 0], [247318, 247630, "The_Monster_-LRB-song-RRB-", 1], [247318, 247631, "The_Monster_-LRB-song-RRB-", 3], [247318, 247632, "The_Monster_-LRB-song-RRB-", 4], [247318, 247633, "The_Monster_-LRB-song-RRB-", 7], [247318, 247634, "The_Monster_-LRB-song-RRB-", 8], [247318, 247635, "The_Monster_-LRB-song-RRB-", 9], [247318, 247636, "The_Monster_-LRB-song-RRB-", 12], [247318, 247637, "The_Monster_-LRB-song-RRB-", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122972, 137235, "IPhone_4", 0]]], "all_evidence": [[122972, 137235, "IPhone_4", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197931, 207857, "Fringe_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[197931, 207857, "Fringe_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168335, 182082, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]], "all_evidence": [[168335, 182082, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177054, 189987, "B._R._Ambedkar", 10]]], "all_evidence": [[177054, 189987, "B._R._Ambedkar", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266476, 263456, "UNICEF_UK", 0]]], "all_evidence": [[266476, 263456, "UNICEF_UK", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215785, null, null, null]]], "all_evidence": [[215785, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[293033, 285668, "Food_Network", 0]], [[293036, 285671, "Food_Network", 8]], [[295631, 287698, "Food_Network", 8]], [[341268, 325744, "Food_Network", 8]], [[341270, 325748, "Food_Network", 8]]], "all_evidence": [[293033, 285668, "Food_Network", 0], [293036, 285671, "Food_Network", 8], [295631, 287698, "Food_Network", 8], [341268, 325744, "Food_Network", 8], [341270, 325748, "Food_Network", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101339, null, null, null]]], "all_evidence": [[101339, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104570, 117985, "George_III_of_the_United_Kingdom", 6]]], "all_evidence": [[104570, 117985, "George_III_of_the_United_Kingdom", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151576, 166327, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]], [[151577, 166328, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]], "all_evidence": [[151576, 166327, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0], [151577, 166328, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207748, 215959, "The_Good_German", 1], [207748, 215959, "The_Good_German", 0]]], "all_evidence": [[207748, 215959, "The_Good_German", 1], [207748, 215959, "The_Good_German", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166567, null, null, null]]], "all_evidence": [[166567, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91586, 104343, "Victor_Frankenstein_-LRB-film-RRB-", 0]]], "all_evidence": [[91586, 104343, "Victor_Frankenstein_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206117, 214566, "Milk_-LRB-film-RRB-", 0]], [[206119, 214568, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206117, 214566, "Milk_-LRB-film-RRB-", 0], [206119, 214568, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[293532, 286037, "Warren_Beatty", 2]], [[297406, 289064, "Warren_Beatty", 2]], [[341783, 326077, "Warren_Beatty", 2]], [[341784, 326078, "Warren_Beatty", 2]]], "all_evidence": [[293532, 286037, "Warren_Beatty", 2], [297406, 289064, "Warren_Beatty", 2], [341783, 326077, "Warren_Beatty", 2], [341784, 326078, "Warren_Beatty", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192332, null, null, null], [192335, null, null, null]]], "all_evidence": [[192332, null, null, null], [192335, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[303482, 294447, "Therasia", 0]], [[305337, 296171, "Therasia", 0]]], "all_evidence": [[303482, 294447, "Therasia", 0], [305337, 296171, "Therasia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[287181, 280649, "Pakistan", 22]], [[289231, 282337, "Pakistan", 22]], [[290864, 283822, "Pakistan", 22]], [[335283, 321129, "Pakistan", 22]], [[335326, 321154, "Pakistan", 22]]], "all_evidence": [[287181, 280649, "Pakistan", 22], [289231, 282337, "Pakistan", 22], [290864, 283822, "Pakistan", 22], [335283, 321129, "Pakistan", 22], [335326, 321154, "Pakistan", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180351, null, null, null]]], "all_evidence": [[180351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244775, 245695, "Punch-Drunk_Love", 4]]], "all_evidence": [[244775, 245695, "Punch-Drunk_Love", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220661, 226475, "William_Cohen", 0]], [[220662, 226476, "William_Cohen", 0]]], "all_evidence": [[220661, 226475, "William_Cohen", 0], [220662, 226476, "William_Cohen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118381, 132211, "Dissociative_identity_disorder", 7]]], "all_evidence": [[118381, 132211, "Dissociative_identity_disorder", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80055, null, null, null]]], "all_evidence": [[80055, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63799, null, null, null]]], "all_evidence": [[63799, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242315, 243716, "The_Little_Prince_-LRB-2015_film-RRB-", 0]], [[242315, 243717, "The_Little_Prince_-LRB-2015_film-RRB-", 5]], [[242315, 243718, "The_Little_Prince_-LRB-2015_film-RRB-", 2]], [[242315, 243719, "The_Little_Prince_-LRB-2015_film-RRB-", 9]], [[242315, 243720, "The_Little_Prince_-LRB-2015_film-RRB-", 12]]], "all_evidence": [[242315, 243716, "The_Little_Prince_-LRB-2015_film-RRB-", 0], [242315, 243717, "The_Little_Prince_-LRB-2015_film-RRB-", 5], [242315, 243718, "The_Little_Prince_-LRB-2015_film-RRB-", 2], [242315, 243719, "The_Little_Prince_-LRB-2015_film-RRB-", 9], [242315, 243720, "The_Little_Prince_-LRB-2015_film-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229086, 233144, "Designated_Survivor_-LRB-TV_series-RRB-", 0]], [[231581, 235041, "Designated_Survivor_-LRB-TV_series-RRB-", 0]], [[232954, 235999, "Designated_Survivor_-LRB-TV_series-RRB-", 0]], [[318458, 307382, "Designated_Survivor_-LRB-TV_series-RRB-", 0]], [[319986, 308698, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[229086, 233144, "Designated_Survivor_-LRB-TV_series-RRB-", 0], [231581, 235041, "Designated_Survivor_-LRB-TV_series-RRB-", 0], [232954, 235999, "Designated_Survivor_-LRB-TV_series-RRB-", 0], [318458, 307382, "Designated_Survivor_-LRB-TV_series-RRB-", 0], [319986, 308698, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205702, 214195, "Pythagoras", 7]]], "all_evidence": [[205702, 214195, "Pythagoras", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181807, 194073, "Key_&_Peele", 10]]], "all_evidence": [[181807, 194073, "Key_&_Peele", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92877, 105728, "Hebe_-LRB-mythology-RRB-", 1], [92877, 105728, "Hera", 0]], [[92877, 105729, "Hebe_-LRB-mythology-RRB-", 2]], [[92877, 105730, "Hebe_-LRB-mythology-RRB-", 4], [92877, 105730, "Ares", 0]]], "all_evidence": [[92877, 105728, "Hebe_-LRB-mythology-RRB-", 1], [92877, 105728, "Hera", 0], [92877, 105729, "Hebe_-LRB-mythology-RRB-", 2], [92877, 105730, "Hebe_-LRB-mythology-RRB-", 4], [92877, 105730, "Ares", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[302147, null, null, null], [303909, null, null, null]]], "all_evidence": [[302147, null, null, null], [303909, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261371, null, null, null]]], "all_evidence": [[261371, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36105, 43633, "Balibo_-LRB-film-RRB-", 0], [36105, 43633, "East_Timor", 0]]], "all_evidence": [[36105, 43633, "Balibo_-LRB-film-RRB-", 0], [36105, 43633, "East_Timor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220512, null, null, null]]], "all_evidence": [[220512, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15669, null, null, null]]], "all_evidence": [[15669, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243495, 244705, "The_Office_-LRB-U.S._TV_series-RRB-", 13]]], "all_evidence": [[243495, 244705, "The_Office_-LRB-U.S._TV_series-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165947, null, null, null], [166342, null, null, null], [312199, null, null, null], [312202, null, null, null]]], "all_evidence": [[165947, null, null, null], [166342, null, null, null], [312199, null, null, null], [312202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26465, 32499, "Legendary_Entertainment", 2], [26465, 32499, "Wanda_Group", 0]]], "all_evidence": [[26465, 32499, "Legendary_Entertainment", 2], [26465, 32499, "Wanda_Group", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76449, 87741, "Superhuman", 6]]], "all_evidence": [[76449, 87741, "Superhuman", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265319, 262541, "Vedic_Sanskrit", 0]]], "all_evidence": [[265319, 262541, "Vedic_Sanskrit", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269541, 265843, "Bob_Ross", 0]], [[272637, 268292, "Bob_Ross", 0]], [[273921, 269243, "Bob_Ross", 0]], [[322019, 310361, "Bob_Ross", 0]], [[322019, 310362, "Bob_Ross", 1], [322019, 310362, "The_Joy_of_Painting", 0]], [[322020, 310363, "Bob_Ross", 0]], [[322022, 310364, "Bob_Ross", 0]]], "all_evidence": [[269541, 265843, "Bob_Ross", 0], [272637, 268292, "Bob_Ross", 0], [273921, 269243, "Bob_Ross", 0], [322019, 310361, "Bob_Ross", 0], [322019, 310362, "Bob_Ross", 1], [322019, 310362, "The_Joy_of_Painting", 0], [322020, 310363, "Bob_Ross", 0], [322022, 310364, "Bob_Ross", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239466, null, null, null], [239467, null, null, null]]], "all_evidence": [[239466, null, null, null], [239467, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235013, 237771, "Sweet_Home_Alabama", 0]], [[235013, 237772, "Sweet_Home_Alabama", 3]]], "all_evidence": [[235013, 237771, "Sweet_Home_Alabama", 0], [235013, 237772, "Sweet_Home_Alabama", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91339, 104045, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[91339, 104045, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57401, 67616, "Maria_Theresa", 5]], [[57401, 67617, "Maria_Theresa", 6]]], "all_evidence": [[57401, 67616, "Maria_Theresa", 5], [57401, 67617, "Maria_Theresa", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134714, 149636, "Antigua_and_Barbuda", 6], [134714, 149636, "Christopher_Columbus", 7]]], "all_evidence": [[134714, 149636, "Antigua_and_Barbuda", 6], [134714, 149636, "Christopher_Columbus", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47130, 56230, "Bob_Ross", 1]]], "all_evidence": [[47130, 56230, "Bob_Ross", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[187181, null, null, null]]], "all_evidence": [[187181, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162958, 177183, "Scandal_-LRB-American_band-RRB-", 0]]], "all_evidence": [[162958, 177183, "Scandal_-LRB-American_band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70738, 81615, "Doug_Petrie", 5]]], "all_evidence": [[70738, 81615, "Doug_Petrie", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229682, 233565, "William_Howard_Taft", 11]]], "all_evidence": [[229682, 233565, "William_Howard_Taft", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27688, 33907, "Tangled", 0]]], "all_evidence": [[27688, 33907, "Tangled", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11407, 14352, "Betsy_Hodges", 5]], [[11409, 14354, "Betsy_Hodges", 5]]], "all_evidence": [[11407, 14352, "Betsy_Hodges", 5], [11409, 14354, "Betsy_Hodges", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[223989, null, null, null], [318188, null, null, null]]], "all_evidence": [[223989, null, null, null], [318188, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222826, null, null, null]]], "all_evidence": [[222826, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33358, 40473, "One_True_Thing", 0]]], "all_evidence": [[33358, 40473, "One_True_Thing", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25915, null, null, null]]], "all_evidence": [[25915, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198100, 208026, "Japan_national_football_team", 4]], [[198109, 208036, "Japan_national_football_team", 6]]], "all_evidence": [[198100, 208026, "Japan_national_football_team", 4], [198109, 208036, "Japan_national_football_team", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225562, null, null, null]]], "all_evidence": [[225562, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162951, null, null, null]]], "all_evidence": [[162951, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29506, 35984, "Melilla", 0]]], "all_evidence": [[29506, 35984, "Melilla", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19858, 24406, "Riz_Ahmed", 3], [19858, 24406, "The_Night_Of", 0]]], "all_evidence": [[19858, 24406, "Riz_Ahmed", 3], [19858, 24406, "The_Night_Of", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130746, 145531, "Babur", 0]]], "all_evidence": [[130746, 145531, "Babur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214619, null, null, null], [214620, null, null, null]]], "all_evidence": [[214619, null, null, null], [214620, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189649, 200890, "Hezbollah", 7]]], "all_evidence": [[189649, 200890, "Hezbollah", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265221, null, null, null]]], "all_evidence": [[265221, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267595, 264266, "Vampire_Academy_-LRB-film-RRB-", 6]]], "all_evidence": [[267595, 264266, "Vampire_Academy_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131398, 146177, "Floyd_Mayweather_Jr.", 10]]], "all_evidence": [[131398, 146177, "Floyd_Mayweather_Jr.", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203435, null, null, null]]], "all_evidence": [[203435, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196220, null, null, null], [196221, null, null, null]]], "all_evidence": [[196220, null, null, null], [196221, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53632, 63626, "General_Motors", 12]], [[53632, 63627, "General_Motors", 13]]], "all_evidence": [[53632, 63626, "General_Motors", 12], [53632, 63627, "General_Motors", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263314, null, null, null]]], "all_evidence": [[263314, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145901, null, null, null]]], "all_evidence": [[145901, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209677, null, null, null]]], "all_evidence": [[209677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179072, 191617, "The_Quiet", 0]]], "all_evidence": [[179072, 191617, "The_Quiet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119197, 133137, "The_Invisible_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[119197, 133137, "The_Invisible_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247218, 247530, "The_Monster_-LRB-song-RRB-", 0]], [[247218, 247531, "The_Monster_-LRB-song-RRB-", 1]], [[247218, 247532, "The_Monster_-LRB-song-RRB-", 3]], [[247218, 247533, "The_Monster_-LRB-song-RRB-", 4]], [[247218, 247534, "The_Monster_-LRB-song-RRB-", 7]], [[247218, 247535, "The_Monster_-LRB-song-RRB-", 8]], [[247218, 247536, "The_Monster_-LRB-song-RRB-", 9]], [[247218, 247537, "The_Monster_-LRB-song-RRB-", 12]], [[247218, 247538, "The_Monster_-LRB-song-RRB-", 14]]], "all_evidence": [[247218, 247530, "The_Monster_-LRB-song-RRB-", 0], [247218, 247531, "The_Monster_-LRB-song-RRB-", 1], [247218, 247532, "The_Monster_-LRB-song-RRB-", 3], [247218, 247533, "The_Monster_-LRB-song-RRB-", 4], [247218, 247534, "The_Monster_-LRB-song-RRB-", 7], [247218, 247535, "The_Monster_-LRB-song-RRB-", 8], [247218, 247536, "The_Monster_-LRB-song-RRB-", 9], [247218, 247537, "The_Monster_-LRB-song-RRB-", 12], [247218, 247538, "The_Monster_-LRB-song-RRB-", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270493, 266524, "Sejong_the_Great", 0]], [[270493, 266525, "Sejong_the_Great", 13]]], "all_evidence": [[270493, 266524, "Sejong_the_Great", 0], [270493, 266525, "Sejong_the_Great", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142149, null, null, null], [142151, null, null, null]]], "all_evidence": [[142149, null, null, null], [142151, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120573, null, null, null]]], "all_evidence": [[120573, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214634, 221615, "Vera_Wang", 0]]], "all_evidence": [[214634, 221615, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33283, 40369, "Guthrie_Theater", 6]]], "all_evidence": [[33283, 40369, "Guthrie_Theater", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27048, 33169, "Kenny_Chesney", 0]]], "all_evidence": [[27048, 33169, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177100, 190014, "Pakistan", 22]]], "all_evidence": [[177100, 190014, "Pakistan", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97477, null, null, null]]], "all_evidence": [[97477, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19039, null, null, null], [20112, null, null, null], [301431, null, null, null], [302487, null, null, null], [302502, null, null, null]]], "all_evidence": [[19039, null, null, null], [20112, null, null, null], [301431, null, null, null], [302487, null, null, null], [302502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125645, 140019, "Linkin_Park", 2], [125645, 140019, "Meteora_-LRB-album-RRB-", 1]], [[125645, 140020, "Linkin_Park", 10], [125645, 140020, "Meteora_-LRB-album-RRB-", 1]]], "all_evidence": [[125645, 140019, "Linkin_Park", 2], [125645, 140019, "Meteora_-LRB-album-RRB-", 1], [125645, 140020, "Linkin_Park", 10], [125645, 140020, "Meteora_-LRB-album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234321, 237225, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]]], "all_evidence": [[234321, 237225, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256472, 255681, "Jerome_Flynn", 0]]], "all_evidence": [[256472, 255681, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241246, 242788, "Latvian_Soviet_Socialist_Republic", 0]]], "all_evidence": [[241246, 242788, "Latvian_Soviet_Socialist_Republic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152210, 166985, "Keegan-Michael_Key", 6]]], "all_evidence": [[152210, 166985, "Keegan-Michael_Key", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120965, 135266, "Kate_Walsh_-LRB-actress-RRB-", 0]]], "all_evidence": [[120965, 135266, "Kate_Walsh_-LRB-actress-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258064, 256949, "Pakistan_Movement", 13], [258064, 256949, "Pakistan_Movement", 12]]], "all_evidence": [[258064, 256949, "Pakistan_Movement", 13], [258064, 256949, "Pakistan_Movement", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186979, null, null, null]]], "all_evidence": [[186979, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187211, 198878, "Norman_Bates", 0]]], "all_evidence": [[187211, 198878, "Norman_Bates", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51021, 60756, "Team_Fortress_2", 9]], [[51021, 60757, "Team_Fortress_2", 0], [51021, 60757, "Valve_Corporation", 0]]], "all_evidence": [[51021, 60756, "Team_Fortress_2", 9], [51021, 60757, "Team_Fortress_2", 0], [51021, 60757, "Valve_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108450, 122026, "Half_Girlfriend_-LRB-film-RRB-", 4], [108450, 122026, "New_York_City", 0], [108450, 122026, "Mumbai", 0]]], "all_evidence": [[108450, 122026, "Half_Girlfriend_-LRB-film-RRB-", 4], [108450, 122026, "New_York_City", 0], [108450, 122026, "Mumbai", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17484, 21641, "Joni_Mitchell", 20]]], "all_evidence": [[17484, 21641, "Joni_Mitchell", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207510, 215765, "Dawood_Ibrahim", 0]]], "all_evidence": [[207510, 215765, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112531, null, null, null]]], "all_evidence": [[112531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202951, 212091, "Death_Note_-LRB-2015_TV_series-RRB-", 0]]], "all_evidence": [[202951, 212091, "Death_Note_-LRB-2015_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61376, 71887, "Cambridgeshire", 7]]], "all_evidence": [[61376, 71887, "Cambridgeshire", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131809, null, null, null]]], "all_evidence": [[131809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37210, 45021, "Brie_Larson", 0]], [[37210, 45022, "Brie_Larson", 1]], [[37210, 45023, "Brie_Larson", 2]], [[37210, 45024, "Brie_Larson", 5]], [[37210, 45025, "Brie_Larson", 6]], [[37210, 45026, "Brie_Larson", 7]], [[37210, 45027, "Brie_Larson", 10]], [[37210, 45028, "Brie_Larson", 11]], [[37210, 45029, "Brie_Larson", 12]], [[37210, 45030, "Brie_Larson", 13]], [[37210, 45031, "Brie_Larson", 14]]], "all_evidence": [[37210, 45021, "Brie_Larson", 0], [37210, 45022, "Brie_Larson", 1], [37210, 45023, "Brie_Larson", 2], [37210, 45024, "Brie_Larson", 5], [37210, 45025, "Brie_Larson", 6], [37210, 45026, "Brie_Larson", 7], [37210, 45027, "Brie_Larson", 10], [37210, 45028, "Brie_Larson", 11], [37210, 45029, "Brie_Larson", 12], [37210, 45030, "Brie_Larson", 13], [37210, 45031, "Brie_Larson", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125442, 139779, "New_England_Patriots", 14]], [[125442, 139780, "New_England_Patriots", 16]]], "all_evidence": [[125442, 139779, "New_England_Patriots", 14], [125442, 139780, "New_England_Patriots", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164487, null, null, null]]], "all_evidence": [[164487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80095, 91871, "Daenerys_Targaryen", 5]], [[80095, 91872, "Daenerys_Targaryen", 11]], [[80095, 91873, "Daenerys_Targaryen", 13]], [[80095, 91874, "Daenerys_Targaryen", 14]]], "all_evidence": [[80095, 91871, "Daenerys_Targaryen", 5], [80095, 91872, "Daenerys_Targaryen", 11], [80095, 91873, "Daenerys_Targaryen", 13], [80095, 91874, "Daenerys_Targaryen", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31039, 37701, "Inside_Llewyn_Davis", 10]]], "all_evidence": [[31039, 37701, "Inside_Llewyn_Davis", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267031, 263833, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[267031, 263833, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105198, 118613, "Ned_Stark", 1]]], "all_evidence": [[105198, 118613, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20022, null, null, null]]], "all_evidence": [[20022, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109769, null, null, null]]], "all_evidence": [[109769, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163032, 177253, "Agent_Raghav_\u2013_Crime_Branch", 2]]], "all_evidence": [[163032, 177253, "Agent_Raghav_\u2013_Crime_Branch", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159224, 173815, "Scandal_-LRB-American_band-RRB-", 0]]], "all_evidence": [[159224, 173815, "Scandal_-LRB-American_band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130687, 145478, "Manchester_United_F.C.", 17]]], "all_evidence": [[130687, 145478, "Manchester_United_F.C.", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149032, 164069, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]], "all_evidence": [[149032, 164069, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272095, null, null, null], [272096, null, null, null]]], "all_evidence": [[272095, null, null, null], [272096, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146480, 161460, "Brie_Larson", 0]]], "all_evidence": [[146480, 161460, "Brie_Larson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239443, 241290, "Akon", 0]]], "all_evidence": [[239443, 241290, "Akon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228119, null, null, null]]], "all_evidence": [[228119, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34840, null, null, null]]], "all_evidence": [[34840, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208746, 216723, "Vic_Mensa", 0]]], "all_evidence": [[208746, 216723, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155827, 170516, "Anna_Nicole_Smith", 2]]], "all_evidence": [[155827, 170516, "Anna_Nicole_Smith", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158872, 173526, "Cordilleran_Ice_Sheet", 0]], [[158872, 173527, "Cordilleran_Ice_Sheet", 23]]], "all_evidence": [[158872, 173526, "Cordilleran_Ice_Sheet", 0], [158872, 173527, "Cordilleran_Ice_Sheet", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182908, 195027, "Bill_Graham_Civic_Auditorium", 2], [182908, 195027, "John_Galen_Howard", 0]]], "all_evidence": [[182908, 195027, "Bill_Graham_Civic_Auditorium", 2], [182908, 195027, "John_Galen_Howard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27710, 33939, "Argentina", 3]]], "all_evidence": [[27710, 33939, "Argentina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99003, 112120, "Kaya_Scodelario", 0]]], "all_evidence": [[99003, 112120, "Kaya_Scodelario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265884, 263022, "FC_Bayern_Munich", 4]]], "all_evidence": [[265884, 263022, "FC_Bayern_Munich", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262354, 260366, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24]]], "all_evidence": [[262354, 260366, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30032, null, null, null]]], "all_evidence": [[30032, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201735, 211120, "Red_Bull_Racing", 0]]], "all_evidence": [[201735, 211120, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54884, 64894, "Zac_Efron", 0]]], "all_evidence": [[54884, 64894, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205779, 214264, "Brick_Mansions", 2]]], "all_evidence": [[205779, 214264, "Brick_Mansions", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225526, 230162, "The_Colbert_Report", 10]], [[225526, 230163, "The_Colbert_Report", 11]]], "all_evidence": [[225526, 230162, "The_Colbert_Report", 10], [225526, 230163, "The_Colbert_Report", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[298460, 289946, "Norman_Bates", 0]], [[298461, 289947, "Norman_Bates", 0]], [[344294, 327850, "Norman_Bates", 0]]], "all_evidence": [[298460, 289946, "Norman_Bates", 0], [298461, 289947, "Norman_Bates", 0], [344294, 327850, "Norman_Bates", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128277, 142990, "Emperor_Norton", 19]]], "all_evidence": [[128277, 142990, "Emperor_Norton", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117116, 131012, "Personality", 0]]], "all_evidence": [[117116, 131012, "Personality", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78941, 90535, "Battle_of_the_Bastards", 15]]], "all_evidence": [[78941, 90535, "Battle_of_the_Bastards", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166915, 180718, "Washington_Monument", 1]]], "all_evidence": [[166915, 180718, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[261366, 259521, "Corsica", 0]]], "all_evidence": [[261366, 259521, "Corsica", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201892, 211243, "The_X-Files_-LRB-franchise-RRB-", 0], [201892, 211243, "The_X-Files_-LRB-film-RRB-", 4]]], "all_evidence": [[201892, 211243, "The_X-Files_-LRB-franchise-RRB-", 0], [201892, 211243, "The_X-Files_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218632, 224872, "Rob_McElhenney", 0]], [[218632, 224873, "Rob_McElhenney", 3]]], "all_evidence": [[218632, 224872, "Rob_McElhenney", 0], [218632, 224873, "Rob_McElhenney", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100232, null, null, null], [100237, null, null, null]]], "all_evidence": [[100232, null, null, null], [100237, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34064, 41302, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[34064, 41302, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59826, 70226, "Samsung", 7]]], "all_evidence": [[59826, 70226, "Samsung", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36458, 44052, "Vincent_D'Onofrio", 4]], [[36459, 44053, "Vincent_D'Onofrio", 4]]], "all_evidence": [[36458, 44052, "Vincent_D'Onofrio", 4], [36459, 44053, "Vincent_D'Onofrio", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117935, 131809, "Sarah_Hyland", 1]]], "all_evidence": [[117935, 131809, "Sarah_Hyland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161990, 176380, "Personality", 0]]], "all_evidence": [[161990, 176380, "Personality", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136192, 151024, "Color_of_Night", 8]]], "all_evidence": [[136192, 151024, "Color_of_Night", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113051, 126892, "Dan_Trachtenberg", 0]]], "all_evidence": [[113051, 126892, "Dan_Trachtenberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72076, 83067, "James_Brolin", 0]]], "all_evidence": [[72076, 83067, "James_Brolin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150770, 165612, "Chris_Bosh", 0]], [[150770, 165613, "Chris_Bosh", 6]], [[150770, 165614, "Chris_Bosh", 8]], [[150770, 165615, "Chris_Bosh", 9]], [[150770, 165616, "Chris_Bosh", 3]], [[150770, 165617, "Chris_Bosh", 2]]], "all_evidence": [[150770, 165612, "Chris_Bosh", 0], [150770, 165613, "Chris_Bosh", 6], [150770, 165614, "Chris_Bosh", 8], [150770, 165615, "Chris_Bosh", 9], [150770, 165616, "Chris_Bosh", 3], [150770, 165617, "Chris_Bosh", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58572, 68872, "Deepika_Padukone", 13], [58572, 68872, "Bajirao_Mastani", 0], [58572, 68872, "Happy_New_Year_-LRB-2014_film-RRB-", 0], [58572, 68872, "Chennai_Express", 0], [58572, 68872, "Yeh_Jawaani_Hai_Deewani", 0]]], "all_evidence": [[58572, 68872, "Deepika_Padukone", 13], [58572, 68872, "Bajirao_Mastani", 0], [58572, 68872, "Happy_New_Year_-LRB-2014_film-RRB-", 0], [58572, 68872, "Chennai_Express", 0], [58572, 68872, "Yeh_Jawaani_Hai_Deewani", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157302, null, null, null]]], "all_evidence": [[157302, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176867, 189810, "Loretta_Sanchez", 0]]], "all_evidence": [[176867, 189810, "Loretta_Sanchez", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137791, 152737, "Firefox", 13]]], "all_evidence": [[137791, 152737, "Firefox", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188471, 199870, "Ukrainian_Soviet_Socialist_Republic", 7], [188471, 199870, "United_Nations", 0]]], "all_evidence": [[188471, 199870, "Ukrainian_Soviet_Socialist_Republic", 7], [188471, 199870, "United_Nations", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59987, null, null, null]]], "all_evidence": [[59987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226633, 231154, "Bala_-LRB-director-RRB-", 0]], [[226633, 231155, "Bala_-LRB-director-RRB-", 2]]], "all_evidence": [[226633, 231154, "Bala_-LRB-director-RRB-", 0], [226633, 231155, "Bala_-LRB-director-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292931, 285593, "Camp_Flog_Gnaw", 0]], [[295472, 287584, "Camp_Flog_Gnaw", 0]], [[297182, 288866, "Camp_Flog_Gnaw", 0]], [[340966, 325461, "Camp_Flog_Gnaw", 0]], [[341028, 325503, "Camp_Flog_Gnaw", 0]]], "all_evidence": [[292931, 285593, "Camp_Flog_Gnaw", 0], [295472, 287584, "Camp_Flog_Gnaw", 0], [297182, 288866, "Camp_Flog_Gnaw", 0], [340966, 325461, "Camp_Flog_Gnaw", 0], [341028, 325503, "Camp_Flog_Gnaw", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17119, 21204, "Port_of_Spain", 5]]], "all_evidence": [[17119, 21204, "Port_of_Spain", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269077, null, null, null], [269078, null, null, null]]], "all_evidence": [[269077, null, null, null], [269078, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89794, null, null, null]]], "all_evidence": [[89794, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96799, null, null, null]]], "all_evidence": [[96799, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55970, 66076, "Malta", 18]]], "all_evidence": [[55970, 66076, "Malta", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270789, 266790, "Blank_Space", 9]], [[270789, 266791, "Blank_Space", 10]]], "all_evidence": [[270789, 266790, "Blank_Space", 9], [270789, 266791, "Blank_Space", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[312565, null, null, null], [313694, null, null, null], [315582, null, null, null], [315584, null, null, null]]], "all_evidence": [[312565, null, null, null], [313694, null, null, null], [315582, null, null, null], [315584, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53986, 63974, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]], "all_evidence": [[53986, 63974, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149781, 164725, "The_Incredibles_2", 3]], [[149792, 164735, "The_Incredibles_2", 3]]], "all_evidence": [[149781, 164725, "The_Incredibles_2", 3], [149792, 164735, "The_Incredibles_2", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139085, 154157, "Overexposed_-LRB-album-RRB-", 0]]], "all_evidence": [[139085, 154157, "Overexposed_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229170, 233195, "Kevin_Bacon", 2], [229170, 233195, "The_Woodsman_-LRB-2004_film-RRB-", 0], [229170, 233195, "Kevin_Bacon", 0]]], "all_evidence": [[229170, 233195, "Kevin_Bacon", 2], [229170, 233195, "The_Woodsman_-LRB-2004_film-RRB-", 0], [229170, 233195, "Kevin_Bacon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71785, null, null, null]]], "all_evidence": [[71785, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107843, null, null, null]]], "all_evidence": [[107843, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207750, 215960, "The_Good_German", 1]]], "all_evidence": [[207750, 215960, "The_Good_German", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260781, null, null, null]]], "all_evidence": [[260781, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224824, null, null, null]]], "all_evidence": [[224824, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125839, null, null, null]]], "all_evidence": [[125839, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186748, 198524, "Ding_Yanyuhang", 0]], [[186748, 198525, "Ding_Yanyuhang", 1], [186748, 198525, "Chinese_Basketball_Association", 0]], [[186749, 198526, "Ding_Yanyuhang", 0]]], "all_evidence": [[186748, 198524, "Ding_Yanyuhang", 0], [186748, 198525, "Ding_Yanyuhang", 1], [186748, 198525, "Chinese_Basketball_Association", 0], [186749, 198526, "Ding_Yanyuhang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49138, 58467, "Zoroastrianism", 2]]], "all_evidence": [[49138, 58467, "Zoroastrianism", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188705, 200150, "Saturn_Award_for_Best_Fantasy_Film", 0]]], "all_evidence": [[188705, 200150, "Saturn_Award_for_Best_Fantasy_Film", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43414, 52059, "Kung_Fu_Panda", 0]]], "all_evidence": [[43414, 52059, "Kung_Fu_Panda", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176095, 189055, "David_Attenborough", 4]]], "all_evidence": [[176095, 189055, "David_Attenborough", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175416, null, null, null]]], "all_evidence": [[175416, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272720, null, null, null]]], "all_evidence": [[272720, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113860, null, null, null]]], "all_evidence": [[113860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61975, 72466, "Anneliese_van_der_Pol", 1]], [[61994, 72495, "Anneliese_van_der_Pol", 1]]], "all_evidence": [[61975, 72466, "Anneliese_van_der_Pol", 1], [61994, 72495, "Anneliese_van_der_Pol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245194, 246069, "Military_deception", 2]]], "all_evidence": [[245194, 246069, "Military_deception", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211669, 219340, "The_Fly_-LRB-1986_film-RRB-", 0]], [[211669, 219341, "The_Fly_-LRB-1986_film-RRB-", 1]], [[211669, 219342, "The_Fly_-LRB-1986_film-RRB-", 2]], [[211669, 219343, "The_Fly_-LRB-1986_film-RRB-", 6]], [[211669, 219344, "The_Fly_-LRB-1986_film-RRB-", 9], [211669, 219344, "The_Fly_II", 0]], [[211669, 219345, "The_Fly_-LRB-1986_film-RRB-", 8]]], "all_evidence": [[211669, 219340, "The_Fly_-LRB-1986_film-RRB-", 0], [211669, 219341, "The_Fly_-LRB-1986_film-RRB-", 1], [211669, 219342, "The_Fly_-LRB-1986_film-RRB-", 2], [211669, 219343, "The_Fly_-LRB-1986_film-RRB-", 6], [211669, 219344, "The_Fly_-LRB-1986_film-RRB-", 9], [211669, 219344, "The_Fly_II", 0], [211669, 219345, "The_Fly_-LRB-1986_film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185632, 197384, "Dissociative_identity_disorder", 7]]], "all_evidence": [[185632, 197384, "Dissociative_identity_disorder", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147140, 162125, "Ed_and_Lorraine_Warren", 0]], [[147140, 162126, "Ed_and_Lorraine_Warren", 1]]], "all_evidence": [[147140, 162125, "Ed_and_Lorraine_Warren", 0], [147140, 162126, "Ed_and_Lorraine_Warren", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61197, 71681, "Henry_Cavill", 8]]], "all_evidence": [[61197, 71681, "Henry_Cavill", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247831, 248133, "Alexandria", 0], [247831, 248133, "Qatar", 0]]], "all_evidence": [[247831, 248133, "Alexandria", 0], [247831, 248133, "Qatar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161173, 175681, "Adidas", 1], [161173, 175681, "Sportswear_-LRB-activewear-RRB-", 0]]], "all_evidence": [[161173, 175681, "Adidas", 1], [161173, 175681, "Sportswear_-LRB-activewear-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201745, 211132, "Red_Bull_Racing", 0]]], "all_evidence": [[201745, 211132, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138629, 153715, "Gray_Matters", 0]]], "all_evidence": [[138629, 153715, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41020, 49324, "Internet_access", 0]]], "all_evidence": [[41020, 49324, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221590, 227189, "Martial_arts_film", 1]]], "all_evidence": [[221590, 227189, "Martial_arts_film", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11247, null, null, null]]], "all_evidence": [[11247, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26019, 31954, "Bob_Ross", 1]]], "all_evidence": [[26019, 31954, "Bob_Ross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136434, 151228, "Salt_River_Valley", 0]]], "all_evidence": [[136434, 151228, "Salt_River_Valley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86561, 99018, "Robert_Zemeckis", 4]]], "all_evidence": [[86561, 99018, "Robert_Zemeckis", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63678, null, null, null]]], "all_evidence": [[63678, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120449, 134667, "Musala", 0]], [[120449, 134669, "Musala", 2]], [[120450, 134668, "Musala", 0]], [[120450, 134670, "Musala", 2]]], "all_evidence": [[120449, 134667, "Musala", 0], [120449, 134669, "Musala", 2], [120450, 134668, "Musala", 0], [120450, 134670, "Musala", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114451, 128202, "IMDb", 0]], [[114451, 128203, "IMDb", 10]], [[114451, 128204, "IMDb", 11]], [[114451, 128205, "IMDb", 13]], [[114451, 128206, "IMDb", 17]], [[114451, 128207, "IMDb", 18]], [[114451, 128208, "IMDb", 19]], [[114451, 128209, "IMDb", 20]], [[114451, 128210, "IMDb", 21]], [[114451, 128211, "IMDb", 22]]], "all_evidence": [[114451, 128202, "IMDb", 0], [114451, 128203, "IMDb", 10], [114451, 128204, "IMDb", 11], [114451, 128205, "IMDb", 13], [114451, 128206, "IMDb", 17], [114451, 128207, "IMDb", 18], [114451, 128208, "IMDb", 19], [114451, 128209, "IMDb", 20], [114451, 128210, "IMDb", 21], [114451, 128211, "IMDb", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152398, null, null, null]]], "all_evidence": [[152398, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189937, null, null, null], [195896, null, null, null], [314951, null, null, null], [314957, null, null, null]]], "all_evidence": [[189937, null, null, null], [195896, null, null, null], [314951, null, null, null], [314957, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259622, null, null, null], [261383, null, null, null], [321418, null, null, null], [321427, null, null, null], [321430, null, null, null]]], "all_evidence": [[259622, null, null, null], [261383, null, null, null], [321418, null, null, null], [321427, null, null, null], [321430, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60314, 70694, "Birmingham", 0]]], "all_evidence": [[60314, 70694, "Birmingham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12594, 15732, "Hinduism", 6]]], "all_evidence": [[12594, 15732, "Hinduism", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67512, null, null, null]]], "all_evidence": [[67512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130177, 144910, "Cordilleran_Ice_Sheet", 0], [130177, 144910, "Ice_sheet", 0]]], "all_evidence": [[130177, 144910, "Cordilleran_Ice_Sheet", 0], [130177, 144910, "Ice_sheet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29014, 35385, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[29014, 35385, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91812, 104616, "Melilla", 0]], [[91812, 104617, "Melilla", 1]], [[91812, 104618, "Melilla", 5]]], "all_evidence": [[91812, 104616, "Melilla", 0], [91812, 104617, "Melilla", 1], [91812, 104618, "Melilla", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238343, null, null, null]]], "all_evidence": [[238343, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261353, null, null, null]]], "all_evidence": [[261353, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232910, 235968, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232910, 235968, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202284, 211595, "Syco", 0]], [[205198, 213839, "Syco", 0]], [[207679, 215900, "Syco", 0]], [[315727, 304963, "Syco", 0]], [[315728, 304964, "Syco", 0]]], "all_evidence": [[202284, 211595, "Syco", 0], [205198, 213839, "Syco", 0], [207679, 215900, "Syco", 0], [315727, 304963, "Syco", 0], [315728, 304964, "Syco", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94519, 107499, "Washington_Monument", 1]]], "all_evidence": [[94519, 107499, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153876, null, null, null]]], "all_evidence": [[153876, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81705, 93480, "Parkinson's_disease", 34]]], "all_evidence": [[81705, 93480, "Parkinson's_disease", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126295, 140705, "Kenny_Chesney", 0]], [[126295, 140706, "Kenny_Chesney", 1]], [[126295, 140707, "Kenny_Chesney", 2]], [[126295, 140708, "Kenny_Chesney", 3]], [[126295, 140709, "Kenny_Chesney", 8]], [[126295, 140710, "Kenny_Chesney", 9]], [[126295, 140711, "Kenny_Chesney", 10]], [[126295, 140712, "Kenny_Chesney", 13]], [[126295, 140713, "Kenny_Chesney", 14]], [[126295, 140714, "Kenny_Chesney", 15]]], "all_evidence": [[126295, 140705, "Kenny_Chesney", 0], [126295, 140706, "Kenny_Chesney", 1], [126295, 140707, "Kenny_Chesney", 2], [126295, 140708, "Kenny_Chesney", 3], [126295, 140709, "Kenny_Chesney", 8], [126295, 140710, "Kenny_Chesney", 9], [126295, 140711, "Kenny_Chesney", 10], [126295, 140712, "Kenny_Chesney", 13], [126295, 140713, "Kenny_Chesney", 14], [126295, 140714, "Kenny_Chesney", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144778, null, null, null], [144782, null, null, null]]], "all_evidence": [[144778, null, null, null], [144782, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243503, 244712, "The_Office_-LRB-U.S._TV_series-RRB-", 9]], [[243503, 244713, "The_Office_-LRB-U.S._TV_series-RRB-", 15]], [[243503, 244714, "The_Office_-LRB-U.S._TV_series-RRB-", 13]]], "all_evidence": [[243503, 244712, "The_Office_-LRB-U.S._TV_series-RRB-", 9], [243503, 244713, "The_Office_-LRB-U.S._TV_series-RRB-", 15], [243503, 244714, "The_Office_-LRB-U.S._TV_series-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100943, null, null, null]]], "all_evidence": [[100943, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211675, null, null, null]]], "all_evidence": [[211675, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127590, 142180, "Premier_League_Asia_Trophy", 0]]], "all_evidence": [[127590, 142180, "Premier_League_Asia_Trophy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91735, 104536, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]], "all_evidence": [[91735, 104536, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122992, 137261, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]], "all_evidence": [[122992, 137261, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93126, null, null, null]]], "all_evidence": [[93126, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130399, null, null, null]]], "all_evidence": [[130399, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184521, 196402, "Levoamphetamine", 0]]], "all_evidence": [[184521, 196402, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120690, 134941, "Zoey_Deutch", 2], [120690, 134941, "Zoey_Deutch", 0], [120690, 134941, "Zoey_Deutch", 1]]], "all_evidence": [[120690, 134941, "Zoey_Deutch", 2], [120690, 134941, "Zoey_Deutch", 0], [120690, 134941, "Zoey_Deutch", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171276, null, null, null], [171280, null, null, null]]], "all_evidence": [[171276, null, null, null], [171280, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136870, 151682, "Cthulhu", 0], [136870, 151682, "Cthulhu", 2]]], "all_evidence": [[136870, 151682, "Cthulhu", 0], [136870, 151682, "Cthulhu", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31990, 38823, "China", 16]]], "all_evidence": [[31990, 38823, "China", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23955, 29666, "Battle_of_the_Trebia", 6]]], "all_evidence": [[23955, 29666, "Battle_of_the_Trebia", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172230, null, null, null]]], "all_evidence": [[172230, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132410, null, null, null]]], "all_evidence": [[132410, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224817, 229583, "Sacre\u0301-C\u0153ur,_Paris", 0]], [[224817, 229584, "Sacre\u0301-C\u0153ur,_Paris", 2]]], "all_evidence": [[224817, 229583, "Sacre\u0301-C\u0153ur,_Paris", 0], [224817, 229584, "Sacre\u0301-C\u0153ur,_Paris", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11814, 14815, "Exit_the_King", 0]], [[11814, 14816, "Exit_the_King", 1]]], "all_evidence": [[11814, 14815, "Exit_the_King", 0], [11814, 14816, "Exit_the_King", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163292, 177489, "A_Good_Day_to_Die_Hard", 0]], [[163297, 177494, "A_Good_Day_to_Die_Hard", 0], [163297, 177494, "Die_Hard", 12]], [[163311, 177502, "A_Good_Day_to_Die_Hard", 0]]], "all_evidence": [[163292, 177489, "A_Good_Day_to_Die_Hard", 0], [163297, 177494, "A_Good_Day_to_Die_Hard", 0], [163297, 177494, "Die_Hard", 12], [163311, 177502, "A_Good_Day_to_Die_Hard", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106989, null, null, null]]], "all_evidence": [[106989, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30585, 37180, "United_States_dollar", 72]]], "all_evidence": [[30585, 37180, "United_States_dollar", 72]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136772, null, null, null]]], "all_evidence": [[136772, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242549, 243890, "Rwanda", 26]]], "all_evidence": [[242549, 243890, "Rwanda", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213590, 220809, "Estelle_Getty", 0]]], "all_evidence": [[213590, 220809, "Estelle_Getty", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274811, 270046, "Maximum_Overdrive", 0]], [[276892, 271912, "Maximum_Overdrive", 0]], [[277637, 272562, "Maximum_Overdrive", 0]], [[277637, 272563, "Maximum_Overdrive", 1], [277637, 272563, "Laura_Harrington", 8]], [[325262, 312994, "Maximum_Overdrive", 0]]], "all_evidence": [[274811, 270046, "Maximum_Overdrive", 0], [276892, 271912, "Maximum_Overdrive", 0], [277637, 272562, "Maximum_Overdrive", 0], [277637, 272563, "Maximum_Overdrive", 1], [277637, 272563, "Laura_Harrington", 8], [325262, 312994, "Maximum_Overdrive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122146, 136441, "English_Wikipedia", 0]]], "all_evidence": [[122146, 136441, "English_Wikipedia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63877, null, null, null]]], "all_evidence": [[63877, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20011, 24569, "The_Fame", 14]], [[20011, 24570, "The_Fame", 13]]], "all_evidence": [[20011, 24569, "The_Fame", 14], [20011, 24570, "The_Fame", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158846, 173462, "Tenth_Doctor", 8]]], "all_evidence": [[158846, 173462, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41349, 49700, "Elizabeth_of_York", 9]]], "all_evidence": [[41349, 49700, "Elizabeth_of_York", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149932, 164861, "George_Harrison", 20]]], "all_evidence": [[149932, 164861, "George_Harrison", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111921, null, null, null]]], "all_evidence": [[111921, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153576, 168404, "Balibo_-LRB-film-RRB-", 0], [153576, 168404, "Balibo_Five", 0]]], "all_evidence": [[153576, 168404, "Balibo_-LRB-film-RRB-", 0], [153576, 168404, "Balibo_Five", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272083, null, null, null]]], "all_evidence": [[272083, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269162, 265553, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269162, 265553, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42582, 51234, "Laura_Robson", 0]], [[42582, 51235, "Laura_Robson", 3], [42582, 51235, "The_Championships,_Wimbledon", 0]], [[42582, 51236, "Laura_Robson", 8], [42582, 51236, "Grand_Slam_-LRB-tennis-RRB-", 0]], [[42582, 51237, "Laura_Robson", 9]], [[42582, 51238, "Laura_Robson", 11], [42582, 51238, "WTA_Awards", 0]]], "all_evidence": [[42582, 51234, "Laura_Robson", 0], [42582, 51235, "Laura_Robson", 3], [42582, 51235, "The_Championships,_Wimbledon", 0], [42582, 51236, "Laura_Robson", 8], [42582, 51236, "Grand_Slam_-LRB-tennis-RRB-", 0], [42582, 51237, "Laura_Robson", 9], [42582, 51238, "Laura_Robson", 11], [42582, 51238, "WTA_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158731, 173369, "Dulquer_Salmaan", 5], [158731, 173369, "Ustad_Hotel", 0]]], "all_evidence": [[158731, 173369, "Dulquer_Salmaan", 5], [158731, 173369, "Ustad_Hotel", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235015, 237773, "Sweet_Home_Alabama", 4], [235015, 237773, "Sweet_Home_Alabama", 0]]], "all_evidence": [[235015, 237773, "Sweet_Home_Alabama", 4], [235015, 237773, "Sweet_Home_Alabama", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237129, null, null, null]]], "all_evidence": [[237129, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239449, 241292, "Akon", 0]], [[239449, 241293, "Akon", 1], [239449, 241293, "Locked_Up_-LRB-song-RRB-", 0]]], "all_evidence": [[239449, 241292, "Akon", 0], [239449, 241293, "Akon", 1], [239449, 241293, "Locked_Up_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84354, 96492, "Scandinavia", 4]]], "all_evidence": [[84354, 96492, "Scandinavia", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34860, null, null, null]]], "all_evidence": [[34860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141466, 156662, "Hermit_crab", 0]], [[143413, 158531, "Hermit_crab", 0]], [[310956, 300988, "Hermit_crab", 0]], [[312624, 302395, "Hermit_crab", 0]], [[312626, 302396, "Hermit_crab", 0]]], "all_evidence": [[141466, 156662, "Hermit_crab", 0], [143413, 158531, "Hermit_crab", 0], [310956, 300988, "Hermit_crab", 0], [312624, 302395, "Hermit_crab", 0], [312626, 302396, "Hermit_crab", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259308, 257934, "Indian_National_Congress", 8]], [[259308, 257935, "Indian_National_Congress", 1]]], "all_evidence": [[259308, 257934, "Indian_National_Congress", 8], [259308, 257935, "Indian_National_Congress", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130160, 144891, "Tenth_Doctor", 0]]], "all_evidence": [[130160, 144891, "Tenth_Doctor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189641, 200887, "Hezbollah", 12]]], "all_evidence": [[189641, 200887, "Hezbollah", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279202, null, null, null], [280753, null, null, null], [281000, null, null, null], [327418, null, null, null]]], "all_evidence": [[279202, null, null, null], [280753, null, null, null], [281000, null, null, null], [327418, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161361, 175853, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]], "all_evidence": [[161361, 175853, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91745, null, null, null]]], "all_evidence": [[91745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37774, 45706, "The_Incredibles_2", 3]]], "all_evidence": [[37774, 45706, "The_Incredibles_2", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258048, null, null, null]]], "all_evidence": [[258048, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172271, 185633, "Ian_Gillan", 1], [172271, 185633, "Deep_Purple", 0]]], "all_evidence": [[172271, 185633, "Ian_Gillan", 1], [172271, 185633, "Deep_Purple", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145777, 160794, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0], [145777, 160794, "Album", 0]]], "all_evidence": [[145777, 160794, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0], [145777, 160794, "Album", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292833, null, null, null], [295409, null, null, null], [340852, null, null, null], [340854, null, null, null]]], "all_evidence": [[292833, null, null, null], [295409, null, null, null], [340852, null, null, null], [340854, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175545, 188554, "Touch_My_Body", 0]], [[175545, 188555, "Touch_My_Body", 2]], [[175546, 188556, "Touch_My_Body", 0]], [[175546, 188557, "Touch_My_Body", 2]]], "all_evidence": [[175545, 188554, "Touch_My_Body", 0], [175545, 188555, "Touch_My_Body", 2], [175546, 188556, "Touch_My_Body", 0], [175546, 188557, "Touch_My_Body", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262373, 260376, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24], [262373, 260376, "Law_of_chastity", 0]]], "all_evidence": [[262373, 260376, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24], [262373, 260376, "Law_of_chastity", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238921, 240893, "The_Chaperone_-LRB-film-RRB-", 0]]], "all_evidence": [[238921, 240893, "The_Chaperone_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102131, null, null, null], [103193, null, null, null], [307290, null, null, null]]], "all_evidence": [[102131, null, null, null], [103193, null, null, null], [307290, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28462, null, null, null]]], "all_evidence": [[28462, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170115, 183696, "Dark_matter", 0]]], "all_evidence": [[170115, 183696, "Dark_matter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232376, null, null, null]]], "all_evidence": [[232376, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148435, 163460, "Burj_Khalifa", 20]]], "all_evidence": [[148435, 163460, "Burj_Khalifa", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13363, 16702, "Danish_language", 1]], [[13366, 16703, "Danish_language", 1]], [[22638, 27931, "Danish_language", 1]], [[109651, 123272, "Danish_language", 1]], [[299241, 290623, "Danish_language", 1]]], "all_evidence": [[13363, 16702, "Danish_language", 1], [13366, 16703, "Danish_language", 1], [22638, 27931, "Danish_language", 1], [109651, 123272, "Danish_language", 1], [299241, 290623, "Danish_language", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196213, 206360, "Ann_Biderman", 0]], [[196213, 206361, "Ann_Biderman", 2], [196213, 206361, "Ray_Donovan", 0]], [[196213, 206362, "Ann_Biderman", 1], [196213, 206362, "NYPD_Blue", 0]]], "all_evidence": [[196213, 206360, "Ann_Biderman", 0], [196213, 206361, "Ann_Biderman", 2], [196213, 206361, "Ray_Donovan", 0], [196213, 206362, "Ann_Biderman", 1], [196213, 206362, "NYPD_Blue", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66509, 77336, "Scandal_-LRB-American_band-RRB-", 0], [66509, 77336, "Patty_Smyth", 0]]], "all_evidence": [[66509, 77336, "Scandal_-LRB-American_band-RRB-", 0], [66509, 77336, "Patty_Smyth", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207769, null, null, null]]], "all_evidence": [[207769, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62835, 73488, "Sabbir_Khan", 1]]], "all_evidence": [[62835, 73488, "Sabbir_Khan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256454, 255667, "Jerome_Flynn", 0]]], "all_evidence": [[256454, 255667, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235005, null, null, null]]], "all_evidence": [[235005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186440, 198251, "Alan_Shepard", 3]], [[186440, 198252, "Alan_Shepard", 0]], [[186440, 198253, "Alan_Shepard", 4]]], "all_evidence": [[186440, 198251, "Alan_Shepard", 3], [186440, 198252, "Alan_Shepard", 0], [186440, 198253, "Alan_Shepard", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70957, null, null, null]]], "all_evidence": [[70957, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139993, 155000, "Zoey_Deutch", 0]], [[139993, 155001, "Zoey_Deutch", 1]]], "all_evidence": [[139993, 155000, "Zoey_Deutch", 0], [139993, 155001, "Zoey_Deutch", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119580, 133641, "Richard_Kuklinski", 0]], [[119580, 133642, "Richard_Kuklinski", 3]], [[119580, 133643, "Richard_Kuklinski", 4]], [[119580, 133644, "Richard_Kuklinski", 6]], [[119580, 133645, "Richard_Kuklinski", 12]], [[119580, 133646, "Richard_Kuklinski", 13]], [[119580, 133647, "Richard_Kuklinski", 14]], [[119580, 133648, "Richard_Kuklinski", 15]], [[119580, 133649, "Richard_Kuklinski", 18]], [[119580, 133650, "Richard_Kuklinski", 19]], [[119580, 133651, "Richard_Kuklinski", 20]]], "all_evidence": [[119580, 133641, "Richard_Kuklinski", 0], [119580, 133642, "Richard_Kuklinski", 3], [119580, 133643, "Richard_Kuklinski", 4], [119580, 133644, "Richard_Kuklinski", 6], [119580, 133645, "Richard_Kuklinski", 12], [119580, 133646, "Richard_Kuklinski", 13], [119580, 133647, "Richard_Kuklinski", 14], [119580, 133648, "Richard_Kuklinski", 15], [119580, 133649, "Richard_Kuklinski", 18], [119580, 133650, "Richard_Kuklinski", 19], [119580, 133651, "Richard_Kuklinski", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225558, null, null, null]]], "all_evidence": [[225558, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220066, 225935, "Babur", 0]], [[220915, 226692, "Babur", 0]], [[317526, 306572, "Babur", 0]], [[317531, 306576, "Babur", 0]], [[317534, 306583, "Babur", 0]], [[317535, 306584, "Babur", 0]], [[317536, 306585, "Babur", 0]], [[317569, 306602, "Babur", 0]]], "all_evidence": [[220066, 225935, "Babur", 0], [220915, 226692, "Babur", 0], [317526, 306572, "Babur", 0], [317531, 306576, "Babur", 0], [317534, 306583, "Babur", 0], [317535, 306584, "Babur", 0], [317536, 306585, "Babur", 0], [317569, 306602, "Babur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271686, 267515, "Lyon", 0]]], "all_evidence": [[271686, 267515, "Lyon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145156, null, null, null]]], "all_evidence": [[145156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34997, 42437, "Pulmonary_embolism", 3]]], "all_evidence": [[34997, 42437, "Pulmonary_embolism", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98047, 111179, "John_Goodman", 7], [98047, 111179, "The_Babe", 0]]], "all_evidence": [[98047, 111179, "John_Goodman", 7], [98047, 111179, "The_Babe", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206297, null, null, null]]], "all_evidence": [[206297, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[187393, null, null, null]]], "all_evidence": [[187393, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176821, 189773, "Simon_Cowell", 1], [176821, 189773, "Got_Talent", 6]], [[176821, 189774, "Simon_Cowell", 0]], [[176821, 189775, "Simon_Cowell", 7], [176821, 189775, "America's_Got_Talent_-LRB-season_11-RRB-", 0]]], "all_evidence": [[176821, 189773, "Simon_Cowell", 1], [176821, 189773, "Got_Talent", 6], [176821, 189774, "Simon_Cowell", 0], [176821, 189775, "Simon_Cowell", 7], [176821, 189775, "America's_Got_Talent_-LRB-season_11-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189112, null, null, null], [192196, null, null, null], [316328, null, null, null], [316543, null, null, null]]], "all_evidence": [[189112, null, null, null], [192196, null, null, null], [316328, null, null, null], [316543, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66995, 77792, "Clueless_-LRB-film-RRB-", 7], [66995, 77792, "Clueless_-LRB-TV_series-RRB-", 0], [66995, 77792, "Clueless_-LRB-film-RRB-", 0]]], "all_evidence": [[66995, 77792, "Clueless_-LRB-film-RRB-", 7], [66995, 77792, "Clueless_-LRB-TV_series-RRB-", 0], [66995, 77792, "Clueless_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270612, 266626, "Spider-Man_2", 0]], [[271671, 267505, "Spider-Man_2", 0]], [[321884, 310248, "Spider-Man_2", 0], [321884, 310248, "Sam_Raimi", 0]], [[323182, 311399, "Spider-Man_2", 0]], [[323185, 311401, "Spider-Man_2", 0], [323185, 311401, "Sam_Raimi", 0]]], "all_evidence": [[270612, 266626, "Spider-Man_2", 0], [271671, 267505, "Spider-Man_2", 0], [321884, 310248, "Spider-Man_2", 0], [321884, 310248, "Sam_Raimi", 0], [323182, 311399, "Spider-Man_2", 0], [323185, 311401, "Spider-Man_2", 0], [323185, 311401, "Sam_Raimi", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242317, null, null, null]]], "all_evidence": [[242317, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21979, 26992, "Uranium", 0]]], "all_evidence": [[21979, 26992, "Uranium", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25512, null, null, null]]], "all_evidence": [[25512, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105933, null, null, null]]], "all_evidence": [[105933, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30891, null, null, null]]], "all_evidence": [[30891, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210411, 218180, "Sean_Gunn", 0]]], "all_evidence": [[210411, 218180, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111911, null, null, null]]], "all_evidence": [[111911, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78701, 90256, "Sherilyn_Fenn", 2]]], "all_evidence": [[78701, 90256, "Sherilyn_Fenn", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196217, null, null, null]]], "all_evidence": [[196217, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253243, 253136, "The_Originals_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[253243, 253136, "The_Originals_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170278, null, null, null]]], "all_evidence": [[170278, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265378, 262596, "Practical_Magic", 0]]], "all_evidence": [[265378, 262596, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44216, 52859, "Ice-T", 1]]], "all_evidence": [[44216, 52859, "Ice-T", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227738, null, null, null]]], "all_evidence": [[227738, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244770, 245691, "Punch-Drunk_Love", 0]], [[244771, 245692, "Punch-Drunk_Love", 0]]], "all_evidence": [[244770, 245691, "Punch-Drunk_Love", 0], [244771, 245692, "Punch-Drunk_Love", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237113, null, null, null], [237117, null, null, null]]], "all_evidence": [[237113, null, null, null], [237117, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96859, null, null, null]]], "all_evidence": [[96859, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160744, null, null, null]]], "all_evidence": [[160744, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242210, 243640, "Tyler_Perry", 0]]], "all_evidence": [[242210, 243640, "Tyler_Perry", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151274, 166072, "Toy_Story_2", 0]]], "all_evidence": [[151274, 166072, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41078, null, null, null]]], "all_evidence": [[41078, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202259, null, null, null]]], "all_evidence": [[202259, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73405, null, null, null]]], "all_evidence": [[73405, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185660, null, null, null]]], "all_evidence": [[185660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194202, 204589, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2]], [[194202, 204590, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 3]]], "all_evidence": [[194202, 204589, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194202, 204590, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213584, null, null, null]]], "all_evidence": [[213584, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83865, 95898, "Grease_-LRB-film-RRB-", 4], [83865, 95898, "Grease-COLON-_The_Original_Soundtrack_from_the_Motion_Picture", 2]]], "all_evidence": [[83865, 95898, "Grease_-LRB-film-RRB-", 4], [83865, 95898, "Grease-COLON-_The_Original_Soundtrack_from_the_Motion_Picture", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128946, 143708, "Little_Dorrit", 0]]], "all_evidence": [[128946, 143708, "Little_Dorrit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125482, null, null, null]]], "all_evidence": [[125482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194640, 205016, "Boeing_767", 19]]], "all_evidence": [[194640, 205016, "Boeing_767", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54711, 64698, "E\u0301douard_Se\u0301guin", 0]]], "all_evidence": [[54711, 64698, "E\u0301douard_Se\u0301guin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95677, null, null, null]]], "all_evidence": [[95677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203667, 212649, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203667, 212649, "Indiana_Pacers", 0]]], "all_evidence": [[203667, 212649, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203667, 212649, "Indiana_Pacers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41601, null, null, null], [301969, null, null, null], [304746, null, null, null]]], "all_evidence": [[41601, null, null, null], [301969, null, null, null], [304746, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167341, 181184, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]], [[167342, 181185, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]], "all_evidence": [[167341, 181184, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0], [167342, 181185, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49630, 59035, "Romani_people", 9]]], "all_evidence": [[49630, 59035, "Romani_people", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145417, null, null, null]]], "all_evidence": [[145417, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67280, 78097, "Sausage_Party", 0]]], "all_evidence": [[67280, 78097, "Sausage_Party", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62626, 73270, "Ghost_-LRB-1990_film-RRB-", 0], [62626, 73270, "Richard_Nixon", 0]]], "all_evidence": [[62626, 73270, "Ghost_-LRB-1990_film-RRB-", 0], [62626, 73270, "Richard_Nixon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186259, null, null, null]]], "all_evidence": [[186259, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47806, 57068, "Jed_Whedon", 0]]], "all_evidence": [[47806, 57068, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255283, null, null, null], [255284, null, null, null]]], "all_evidence": [[255283, null, null, null], [255284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102594, 115862, "Dan_Trachtenberg", 0]]], "all_evidence": [[102594, 115862, "Dan_Trachtenberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91281, 103981, "Laura_Robson", 3]]], "all_evidence": [[91281, 103981, "Laura_Robson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209062, 216959, "Uganda", 11]], [[211695, 219369, "Uganda", 11]], [[214129, 221211, "Uganda", 11]], [[316015, 305222, "Uganda", 11]], [[316889, 305994, "Uganda", 11]]], "all_evidence": [[209062, 216959, "Uganda", 11], [211695, 219369, "Uganda", 11], [214129, 221211, "Uganda", 11], [316015, 305222, "Uganda", 11], [316889, 305994, "Uganda", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116581, null, null, null]]], "all_evidence": [[116581, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263289, 260998, "Ted_Cruz", 0]]], "all_evidence": [[263289, 260998, "Ted_Cruz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257865, null, null, null]]], "all_evidence": [[257865, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115776, null, null, null]]], "all_evidence": [[115776, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209722, null, null, null]]], "all_evidence": [[209722, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37880, null, null, null]]], "all_evidence": [[37880, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256870, 255987, "Tenacious_D_-LRB-album-RRB-", 6]]], "all_evidence": [[256870, 255987, "Tenacious_D_-LRB-album-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83406, 95373, "NXT_Tag_Team_Championship", 0]]], "all_evidence": [[83406, 95373, "NXT_Tag_Team_Championship", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219541, null, null, null]]], "all_evidence": [[219541, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20385, null, null, null]]], "all_evidence": [[20385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188769, 200207, "Annie_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188769, 200207, "Annie_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174545, 187730, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]], "all_evidence": [[174545, 187730, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66356, null, null, null]]], "all_evidence": [[66356, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15211, null, null, null], [19635, null, null, null], [227159, null, null, null], [299408, null, null, null]]], "all_evidence": [[15211, null, null, null], [19635, null, null, null], [227159, null, null, null], [299408, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45205, 53941, "Sierra_Morena", 0]]], "all_evidence": [[45205, 53941, "Sierra_Morena", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85540, 97854, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[85540, 97854, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251585, 251406, "Gory_Guerrero", 0]]], "all_evidence": [[251585, 251406, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98757, 111840, "Grateful_Dead", 15]]], "all_evidence": [[98757, 111840, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143703, 158800, "Wolfgang_Amadeus_Mozart", 12]]], "all_evidence": [[143703, 158800, "Wolfgang_Amadeus_Mozart", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73743, 84986, "Issa_Rae", 2]], [[305859, 296644, "Issa_Rae", 2]], [[307101, 297631, "Issa_Rae", 2]]], "all_evidence": [[73743, 84986, "Issa_Rae", 2], [305859, 296644, "Issa_Rae", 2], [307101, 297631, "Issa_Rae", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97276, 110458, "Cyclades", 0]]], "all_evidence": [[97276, 110458, "Cyclades", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146031, null, null, null]]], "all_evidence": [[146031, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174828, null, null, null]]], "all_evidence": [[174828, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226643, null, null, null]]], "all_evidence": [[226643, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98793, 111868, "Pharmacology", 10]]], "all_evidence": [[98793, 111868, "Pharmacology", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29787, 36307, "Qin_dynasty", 21]]], "all_evidence": [[29787, 36307, "Qin_dynasty", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45839, 54741, "Keegan-Michael_Key", 6]]], "all_evidence": [[45839, 54741, "Keegan-Michael_Key", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227462, 231839, "Mike_Friedrich", 0]], [[227464, 231841, "Mike_Friedrich", 0]], [[227466, 231843, "Mike_Friedrich", 0]]], "all_evidence": [[227462, 231839, "Mike_Friedrich", 0], [227464, 231841, "Mike_Friedrich", 0], [227466, 231843, "Mike_Friedrich", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251107, null, null, null]]], "all_evidence": [[251107, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93413, null, null, null]]], "all_evidence": [[93413, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121026, 135314, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[121026, 135314, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265510, 262683, "All-seater_stadium", 0]]], "all_evidence": [[265510, 262683, "All-seater_stadium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267084, 263874, "66th_Primetime_Emmy_Awards", 2], [267084, 263874, "Seth_Meyers", 1]]], "all_evidence": [[267084, 263874, "66th_Primetime_Emmy_Awards", 2], [267084, 263874, "Seth_Meyers", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230480, 234141, "Jon_Hamm", 14]]], "all_evidence": [[230480, 234141, "Jon_Hamm", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77933, null, null, null]]], "all_evidence": [[77933, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71516, 82489, "Dark_matter", 0]], [[71516, 82490, "Dark_matter", 11]]], "all_evidence": [[71516, 82489, "Dark_matter", 0], [71516, 82490, "Dark_matter", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172510, 185812, "The_Maze_Runner_-LRB-film-RRB-", 13]]], "all_evidence": [[172510, 185812, "The_Maze_Runner_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162780, null, null, null]]], "all_evidence": [[162780, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[271664, null, null, null]]], "all_evidence": [[271664, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154589, null, null, null]]], "all_evidence": [[154589, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120868, 135161, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]], "all_evidence": [[120868, 135161, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197898, 207826, "Jiang_Wen", 0]], [[197898, 207827, "Jiang_Wen", 2]], [[197899, 207828, "Jiang_Wen", 0]], [[197899, 207829, "Jiang_Wen", 2]], [[197899, 207830, "Jiang_Wen", 3]]], "all_evidence": [[197898, 207826, "Jiang_Wen", 0], [197898, 207827, "Jiang_Wen", 2], [197899, 207828, "Jiang_Wen", 0], [197899, 207829, "Jiang_Wen", 2], [197899, 207830, "Jiang_Wen", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116023, null, null, null]]], "all_evidence": [[116023, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69069, null, null, null]]], "all_evidence": [[69069, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161059, 175535, "The_Walking_Dead_-LRB-comic_book-RRB-", 10]], [[161059, 175536, "The_Walking_Dead_-LRB-comic_book-RRB-", 12]]], "all_evidence": [[161059, 175535, "The_Walking_Dead_-LRB-comic_book-RRB-", 10], [161059, 175536, "The_Walking_Dead_-LRB-comic_book-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115127, null, null, null]]], "all_evidence": [[115127, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87946, 100467, "Konidela_Production_Company", 0]]], "all_evidence": [[87946, 100467, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56128, 66289, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[56128, 66289, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40506, 48733, "Laura_Robson", 3]]], "all_evidence": [[40506, 48733, "Laura_Robson", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125246, null, null, null]]], "all_evidence": [[125246, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39625, null, null, null]]], "all_evidence": [[39625, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227517, null, null, null]]], "all_evidence": [[227517, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48034, 57353, "Sebastian_Vettel", 17]]], "all_evidence": [[48034, 57353, "Sebastian_Vettel", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143960, 159041, "Adam_Lambert", 10]], [[143965, 159044, "Adam_Lambert", 10]]], "all_evidence": [[143960, 159041, "Adam_Lambert", 10], [143965, 159044, "Adam_Lambert", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264626, 262044, "The_Block_-LRB-album-RRB-", 6]]], "all_evidence": [[264626, 262044, "The_Block_-LRB-album-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107758, null, null, null]]], "all_evidence": [[107758, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123947, null, null, null]]], "all_evidence": [[123947, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48620, 57925, "Bengal_tiger", 10], [48620, 57925, "Bengal", 0], [48620, 57925, "Bangladesh", 9], [48620, 57925, "Bangladesh", 24]]], "all_evidence": [[48620, 57925, "Bengal_tiger", 10], [48620, 57925, "Bengal", 0], [48620, 57925, "Bangladesh", 9], [48620, 57925, "Bangladesh", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[277266, 272203, "Emperor_Norton", 19], [277266, 272203, "Mark_Twain", 0], [277266, 272203, "Neil_Gaiman", 0], [277266, 272203, "Selma_Lagerlo\u0308f", 0]], [[324448, 312421, "Emperor_Norton", 19], [324448, 312421, "Mark_Twain", 0], [324448, 312421, "Neil_Gaiman", 0], [324448, 312421, "Selma_Lagerlo\u0308f", 0]], [[325889, 313510, "Emperor_Norton", 19], [325889, 313510, "Mark_Twain", 0], [325889, 313510, "Neil_Gaiman", 0], [325889, 313510, "Selma_Lagerlo\u0308f", 0]]], "all_evidence": [[277266, 272203, "Emperor_Norton", 19], [277266, 272203, "Mark_Twain", 0], [277266, 272203, "Neil_Gaiman", 0], [277266, 272203, "Selma_Lagerlo\u0308f", 0], [324448, 312421, "Emperor_Norton", 19], [324448, 312421, "Mark_Twain", 0], [324448, 312421, "Neil_Gaiman", 0], [324448, 312421, "Selma_Lagerlo\u0308f", 0], [325889, 313510, "Emperor_Norton", 19], [325889, 313510, "Mark_Twain", 0], [325889, 313510, "Neil_Gaiman", 0], [325889, 313510, "Selma_Lagerlo\u0308f", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242332, null, null, null]]], "all_evidence": [[242332, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76591, 87892, "Edward_Cullen", 0]]], "all_evidence": [[76591, 87892, "Edward_Cullen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145792, 160808, "Tye_Sheridan", 0]]], "all_evidence": [[145792, 160808, "Tye_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74813, 86039, "Theresa_May", 1]], [[74813, 86040, "Theresa_May", 7]]], "all_evidence": [[74813, 86039, "Theresa_May", 1], [74813, 86040, "Theresa_May", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107808, 121284, "Petyr_Baelish", 0]]], "all_evidence": [[107808, 121284, "Petyr_Baelish", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27540, 33730, "US_Airways_Flight_1549", 1], [27540, 33730, "Hudson_River", 0], [27540, 33730, "Midtown_Manhattan", 0]]], "all_evidence": [[27540, 33730, "US_Airways_Flight_1549", 1], [27540, 33730, "Hudson_River", 0], [27540, 33730, "Midtown_Manhattan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71611, 82591, "Elizabeth_of_York", 2]]], "all_evidence": [[71611, 82591, "Elizabeth_of_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67635, 78464, "Tenth_Doctor", 8], [67635, 78464, "The_End_of_Time_-LRB-Doctor_Who-RRB-", 13]]], "all_evidence": [[67635, 78464, "Tenth_Doctor", 8], [67635, 78464, "The_End_of_Time_-LRB-Doctor_Who-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165090, 179249, "South_Island", 5]]], "all_evidence": [[165090, 179249, "South_Island", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202248, null, null, null]]], "all_evidence": [[202248, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101782, 115030, "Buffy_the_Vampire_Slayer", 0], [101782, 115030, "Joss_Whedon", 1]]], "all_evidence": [[101782, 115030, "Buffy_the_Vampire_Slayer", 0], [101782, 115030, "Joss_Whedon", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17968, 22121, "Elizabeth_Olsen", 0]]], "all_evidence": [[17968, 22121, "Elizabeth_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244107, 245193, "Uta_Hagen", 0]], [[244107, 245194, "Uta_Hagen", 1]], [[244111, 245198, "Uta_Hagen", 0]], [[244111, 245199, "Uta_Hagen", 1]], [[244111, 245200, "Uta_Hagen", 10]], [[244111, 245201, "Uta_Hagen", 11]], [[244122, 245206, "Uta_Hagen", 0]], [[244122, 245207, "Uta_Hagen", 1]], [[244122, 245208, "Uta_Hagen", 6], [244122, 245208, "Respect_for_Acting", 0]]], "all_evidence": [[244107, 245193, "Uta_Hagen", 0], [244107, 245194, "Uta_Hagen", 1], [244111, 245198, "Uta_Hagen", 0], [244111, 245199, "Uta_Hagen", 1], [244111, 245200, "Uta_Hagen", 10], [244111, 245201, "Uta_Hagen", 11], [244122, 245206, "Uta_Hagen", 0], [244122, 245207, "Uta_Hagen", 1], [244122, 245208, "Uta_Hagen", 6], [244122, 245208, "Respect_for_Acting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117836, null, null, null]]], "all_evidence": [[117836, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53298, 63267, "Trouble_with_the_Curve", 1]], [[53298, 63268, "Trouble_with_the_Curve", 0]]], "all_evidence": [[53298, 63267, "Trouble_with_the_Curve", 1], [53298, 63268, "Trouble_with_the_Curve", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89902, null, null, null]]], "all_evidence": [[89902, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106574, 119978, "Danish_language", 1]]], "all_evidence": [[106574, 119978, "Danish_language", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181451, 193705, "Pattern_recognition", 1]]], "all_evidence": [[181451, 193705, "Pattern_recognition", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198885, null, null, null]]], "all_evidence": [[198885, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225523, 230160, "The_Colbert_Report", 11]]], "all_evidence": [[225523, 230160, "The_Colbert_Report", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227908, null, null, null]]], "all_evidence": [[227908, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186965, null, null, null]]], "all_evidence": [[186965, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151862, 166620, "Japan", 9]], [[151863, 166621, "Japan", 9]], [[151863, 166622, "Japan", 10]], [[151863, 166623, "Japan", 0], [151863, 166623, "Island_country", 0]]], "all_evidence": [[151862, 166620, "Japan", 9], [151863, 166621, "Japan", 9], [151863, 166622, "Japan", 10], [151863, 166623, "Japan", 0], [151863, 166623, "Island_country", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266511, null, null, null]]], "all_evidence": [[266511, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257575, null, null, null]]], "all_evidence": [[257575, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143904, null, null, null]]], "all_evidence": [[143904, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152293, 167081, "The_Beguiled_-LRB-1971_film-RRB-", 1]]], "all_evidence": [[152293, 167081, "The_Beguiled_-LRB-1971_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46256, 55215, "IPhone_4", 0]], [[46256, 55216, "IPhone_4", 1], [46256, 55216, "IPhone", 11]], [[46256, 55217, "IPhone_4", 2], [46256, 55217, "IPhone_3GS", 0]], [[46256, 55218, "IPhone_4", 5]], [[46256, 55219, "IPhone_4", 7], [46256, 55219, "Apple_A4", 2]], [[46256, 55220, "IPhone_4", 11]], [[46256, 55221, "IPhone_4", 16]]], "all_evidence": [[46256, 55215, "IPhone_4", 0], [46256, 55216, "IPhone_4", 1], [46256, 55216, "IPhone", 11], [46256, 55217, "IPhone_4", 2], [46256, 55217, "IPhone_3GS", 0], [46256, 55218, "IPhone_4", 5], [46256, 55219, "IPhone_4", 7], [46256, 55219, "Apple_A4", 2], [46256, 55220, "IPhone_4", 11], [46256, 55221, "IPhone_4", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44401, 53072, "Sausage_Party", 0]]], "all_evidence": [[44401, 53072, "Sausage_Party", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199818, 209486, "Barcelona", 0]]], "all_evidence": [[199818, 209486, "Barcelona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51294, null, null, null]]], "all_evidence": [[51294, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29312, null, null, null]]], "all_evidence": [[29312, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78884, null, null, null]]], "all_evidence": [[78884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184819, 196703, "Jarhead_-LRB-film-RRB-", 0], [184819, 196703, "Jarhead_-LRB-book-RRB-", 0]]], "all_evidence": [[184819, 196703, "Jarhead_-LRB-film-RRB-", 0], [184819, 196703, "Jarhead_-LRB-book-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38447, 46389, "Port_of_Spain", 5]]], "all_evidence": [[38447, 46389, "Port_of_Spain", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59286, 69638, "Adidas", 0]]], "all_evidence": [[59286, 69638, "Adidas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164316, 178576, "Lorelai_Gilmore", 3]]], "all_evidence": [[164316, 178576, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150645, null, null, null]]], "all_evidence": [[150645, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122441, 136732, "House_of_Balloons", 0]], [[122441, 136733, "House_of_Balloons", 2]]], "all_evidence": [[122441, 136732, "House_of_Balloons", 0], [122441, 136733, "House_of_Balloons", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143921, null, null, null]]], "all_evidence": [[143921, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190523, null, null, null]]], "all_evidence": [[190523, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229608, null, null, null], [229614, null, null, null]]], "all_evidence": [[229608, null, null, null], [229614, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72252, 83265, "Electric_chair", 13]]], "all_evidence": [[72252, 83265, "Electric_chair", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53024, 62967, "Watchmen_-LRB-film-RRB-", 2]]], "all_evidence": [[53024, 62967, "Watchmen_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109209, 122895, "Super_Bowl_XLV", 2], [109209, 122895, "Super_Bowl_XLV", 17]]], "all_evidence": [[109209, 122895, "Super_Bowl_XLV", 2], [109209, 122895, "Super_Bowl_XLV", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42981, 51621, "Rick_Ross", 3]]], "all_evidence": [[42981, 51621, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185108, null, null, null]]], "all_evidence": [[185108, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95187, 108191, "Blue_Dog_Coalition", 3]], [[95187, 108192, "Blue_Dog_Coalition", 4], [95187, 108192, "114th_United_States_Congress", 1]], [[95187, 108193, "Blue_Dog_Coalition", 5], [95187, 108193, "115th_United_States_Congress", 1]]], "all_evidence": [[95187, 108191, "Blue_Dog_Coalition", 3], [95187, 108192, "Blue_Dog_Coalition", 4], [95187, 108192, "114th_United_States_Congress", 1], [95187, 108193, "Blue_Dog_Coalition", 5], [95187, 108193, "115th_United_States_Congress", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209725, null, null, null]]], "all_evidence": [[209725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114799, 128538, "Hannah_and_Her_Sisters", 0]]], "all_evidence": [[114799, 128538, "Hannah_and_Her_Sisters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296744, null, null, null], [298369, null, null, null], [300405, null, null, null]]], "all_evidence": [[296744, null, null, null], [298369, null, null, null], [300405, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156637, 171233, "Floyd_Mayweather_Jr.", 10]], [[156637, 171234, "Floyd_Mayweather_Jr.", 16]]], "all_evidence": [[156637, 171233, "Floyd_Mayweather_Jr.", 10], [156637, 171234, "Floyd_Mayweather_Jr.", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220657, null, null, null]]], "all_evidence": [[220657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265320, 262542, "Vedic_Sanskrit", 1]]], "all_evidence": [[265320, 262542, "Vedic_Sanskrit", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59956, 70363, "Charles_de_Gaulle", 2], [59956, 70363, "French_Fifth_Republic", 2]]], "all_evidence": [[59956, 70363, "Charles_de_Gaulle", 2], [59956, 70363, "French_Fifth_Republic", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213480, null, null, null]]], "all_evidence": [[213480, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39623, null, null, null]]], "all_evidence": [[39623, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171555, 185023, "Sky_UK", 0]]], "all_evidence": [[171555, 185023, "Sky_UK", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176991, null, null, null], [313283, null, null, null]]], "all_evidence": [[176991, null, null, null], [313283, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113765, 127626, "Ronaldinho", 10]], [[113765, 127627, "Ronaldinho", 11]], [[113765, 127628, "Ronaldinho", 15]]], "all_evidence": [[113765, 127626, "Ronaldinho", 10], [113765, 127627, "Ronaldinho", 11], [113765, 127628, "Ronaldinho", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109335, 123003, "Donna_Noble", 1]]], "all_evidence": [[109335, 123003, "Donna_Noble", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44481, 53148, "Cyprus", 16], [44481, 53148, "1974_Cypriot_coup_d'e\u0301tat", 0]]], "all_evidence": [[44481, 53148, "Cyprus", 16], [44481, 53148, "1974_Cypriot_coup_d'e\u0301tat", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69756, null, null, null]]], "all_evidence": [[69756, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14905, 18546, "Gamal_Abdel_Nasser", 13], [14905, 18546, "Cairo", 0]]], "all_evidence": [[14905, 18546, "Gamal_Abdel_Nasser", 13], [14905, 18546, "Cairo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234813, 237625, "Andrea_Pirlo", 0]], [[234815, 237627, "Andrea_Pirlo", 0]]], "all_evidence": [[234813, 237625, "Andrea_Pirlo", 0], [234815, 237627, "Andrea_Pirlo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263456, 261125, "The_Block_-LRB-album-RRB-", 6]], [[263456, 261127, "The_Block_-LRB-album-RRB-", 7]]], "all_evidence": [[263456, 261125, "The_Block_-LRB-album-RRB-", 6], [263456, 261127, "The_Block_-LRB-album-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153964, 168777, "Amancio_Ortega", 1]]], "all_evidence": [[153964, 168777, "Amancio_Ortega", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225528, 230164, "The_Colbert_Report", 11], [225528, 230164, "The_Colbert_Report", 0]]], "all_evidence": [[225528, 230164, "The_Colbert_Report", 11], [225528, 230164, "The_Colbert_Report", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11787, 14784, "Hermit_crab", 0]]], "all_evidence": [[11787, 14784, "Hermit_crab", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35872, 43424, "Aphrodite", 7], [35872, 43424, "Dione_-LRB-Titaness-RRB-", 0]]], "all_evidence": [[35872, 43424, "Aphrodite", 7], [35872, 43424, "Dione_-LRB-Titaness-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183693, 195685, "Weill_Cornell_Medicine", 0]], [[183693, 195686, "Weill_Cornell_Medicine", 1]], [[183693, 195687, "Weill_Cornell_Medicine", 4]], [[183693, 195688, "Weill_Cornell_Medicine", 6]]], "all_evidence": [[183693, 195685, "Weill_Cornell_Medicine", 0], [183693, 195686, "Weill_Cornell_Medicine", 1], [183693, 195687, "Weill_Cornell_Medicine", 4], [183693, 195688, "Weill_Cornell_Medicine", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129315, 144065, "Emilia_Clarke", 0]], [[129369, 144122, "Emilia_Clarke", 3]]], "all_evidence": [[129315, 144065, "Emilia_Clarke", 0], [129369, 144122, "Emilia_Clarke", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72857, 83948, "Chris_Bosh", 0]], [[72857, 83949, "Chris_Bosh", 1]], [[72857, 83950, "Chris_Bosh", 2]], [[72857, 83951, "Chris_Bosh", 3]], [[72857, 83952, "Chris_Bosh", 6]], [[72857, 83954, "Chris_Bosh", 8]], [[72857, 83955, "Chris_Bosh", 9]], [[72857, 83956, "Chris_Bosh", 12], [72857, 83956, "Toronto_Raptors", 1]]], "all_evidence": [[72857, 83948, "Chris_Bosh", 0], [72857, 83949, "Chris_Bosh", 1], [72857, 83950, "Chris_Bosh", 2], [72857, 83951, "Chris_Bosh", 3], [72857, 83952, "Chris_Bosh", 6], [72857, 83954, "Chris_Bosh", 8], [72857, 83955, "Chris_Bosh", 9], [72857, 83956, "Chris_Bosh", 12], [72857, 83956, "Toronto_Raptors", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219555, null, null, null]]], "all_evidence": [[219555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41838, 50329, "Manchester_by_the_Sea_-LRB-film-RRB-", 5]], [[41840, 50331, "Manchester_by_the_Sea_-LRB-film-RRB-", 5]]], "all_evidence": [[41838, 50329, "Manchester_by_the_Sea_-LRB-film-RRB-", 5], [41840, 50331, "Manchester_by_the_Sea_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47322, null, null, null]]], "all_evidence": [[47322, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68591, 79451, "Watertown,_Massachusetts", 0]], [[68591, 79452, "Watertown,_Massachusetts", 1]], [[68591, 79453, "Watertown,_Massachusetts", 3]], [[71358, 82305, "Watertown,_Massachusetts", 0]], [[71358, 82306, "Watertown,_Massachusetts", 1], [71358, 82306, "Greater_Boston", 2]], [[71358, 82307, "Watertown,_Massachusetts", 3]], [[74354, 85574, "Watertown,_Massachusetts", 0]], [[303887, 294778, "Watertown,_Massachusetts", 0]], [[303894, 294782, "Watertown,_Massachusetts", 0]], [[303894, 294783, "Watertown,_Massachusetts", 1], [303894, 294783, "Greater_Boston", 0]]], "all_evidence": [[68591, 79451, "Watertown,_Massachusetts", 0], [68591, 79452, "Watertown,_Massachusetts", 1], [68591, 79453, "Watertown,_Massachusetts", 3], [71358, 82305, "Watertown,_Massachusetts", 0], [71358, 82306, "Watertown,_Massachusetts", 1], [71358, 82306, "Greater_Boston", 2], [71358, 82307, "Watertown,_Massachusetts", 3], [74354, 85574, "Watertown,_Massachusetts", 0], [303887, 294778, "Watertown,_Massachusetts", 0], [303894, 294782, "Watertown,_Massachusetts", 0], [303894, 294783, "Watertown,_Massachusetts", 1], [303894, 294783, "Greater_Boston", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145145, 160141, "Google_Search", 13]], [[145145, 160142, "Google_Search", 12]]], "all_evidence": [[145145, 160141, "Google_Search", 13], [145145, 160142, "Google_Search", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271689, 267517, "Lyon", 0]], [[271689, 267518, "Lyon", 6]]], "all_evidence": [[271689, 267517, "Lyon", 0], [271689, 267518, "Lyon", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65524, null, null, null]]], "all_evidence": [[65524, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235001, 237761, "Sweet_Home_Alabama", 4]], [[235001, 237762, "Sweet_Home_Alabama", 0]]], "all_evidence": [[235001, 237761, "Sweet_Home_Alabama", 4], [235001, 237762, "Sweet_Home_Alabama", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67042, null, null, null]]], "all_evidence": [[67042, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179201, null, null, null]]], "all_evidence": [[179201, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282528, 276719, "Kareem_Abdul-Jabbar", 18]], [[284486, 278308, "Kareem_Abdul-Jabbar", 18]], [[284490, 278311, "Kareem_Abdul-Jabbar", 18]], [[330682, 317287, "Kareem_Abdul-Jabbar", 18]], [[331807, 318266, "Kareem_Abdul-Jabbar", 16]], [[331807, 318267, "Kareem_Abdul-Jabbar", 18]]], "all_evidence": [[282528, 276719, "Kareem_Abdul-Jabbar", 18], [284486, 278308, "Kareem_Abdul-Jabbar", 18], [284490, 278311, "Kareem_Abdul-Jabbar", 18], [330682, 317287, "Kareem_Abdul-Jabbar", 18], [331807, 318266, "Kareem_Abdul-Jabbar", 16], [331807, 318267, "Kareem_Abdul-Jabbar", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23189, null, null, null]]], "all_evidence": [[23189, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130304, null, null, null]]], "all_evidence": [[130304, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96650, null, null, null]]], "all_evidence": [[96650, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81635, null, null, null]]], "all_evidence": [[81635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206132, 214577, "Milk_-LRB-film-RRB-", 0]], [[206133, 214578, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206132, 214577, "Milk_-LRB-film-RRB-", 0], [206133, 214578, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251074, 251021, "See.SZA.Run", 5]]], "all_evidence": [[251074, 251021, "See.SZA.Run", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108023, 121528, "Kate_Walsh_-LRB-actress-RRB-", 1]]], "all_evidence": [[108023, 121528, "Kate_Walsh_-LRB-actress-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101727, null, null, null]]], "all_evidence": [[101727, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215798, 222577, "You_Only_Live_Twice_-LRB-film-RRB-", 12], [215798, 222577, "Lewis_Gilbert", 0]], [[215827, 222601, "You_Only_Live_Twice_-LRB-film-RRB-", 12], [215827, 222601, "Lewis_Gilbert", 0]]], "all_evidence": [[215798, 222577, "You_Only_Live_Twice_-LRB-film-RRB-", 12], [215798, 222577, "Lewis_Gilbert", 0], [215827, 222601, "You_Only_Live_Twice_-LRB-film-RRB-", 12], [215827, 222601, "Lewis_Gilbert", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148174, null, null, null]]], "all_evidence": [[148174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156605, 171207, "Charles_de_Gaulle", 12]]], "all_evidence": [[156605, 171207, "Charles_de_Gaulle", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228126, 232385, "L._Ron_Hubbard", 0]]], "all_evidence": [[228126, 232385, "L._Ron_Hubbard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73490, 84729, "Grateful_Dead", 15]]], "all_evidence": [[73490, 84729, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103761, null, null, null]]], "all_evidence": [[103761, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137121, null, null, null], [137130, null, null, null]]], "all_evidence": [[137121, null, null, null], [137130, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245166, null, null, null]]], "all_evidence": [[245166, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247554, 247834, "Sennacherib", 2]]], "all_evidence": [[247554, 247834, "Sennacherib", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269148, 265545, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269148, 265545, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128332, 143054, "Doxycycline", 6]]], "all_evidence": [[128332, 143054, "Doxycycline", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173917, null, null, null]]], "all_evidence": [[173917, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220638, 226459, "William_Cohen", 0]]], "all_evidence": [[220638, 226459, "William_Cohen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244116, 245204, "Uta_Hagen", 0]]], "all_evidence": [[244116, 245204, "Uta_Hagen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269368, 265699, "Scandinavia", 5]], [[272440, 268136, "Scandinavia", 5]], [[273899, 269224, "Scandinavia", 5]], [[322018, 310360, "Scandinavia", 5]], [[323257, 311459, "Scandinavia", 5]]], "all_evidence": [[269368, 265699, "Scandinavia", 5], [272440, 268136, "Scandinavia", 5], [273899, 269224, "Scandinavia", 5], [322018, 310360, "Scandinavia", 5], [323257, 311459, "Scandinavia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150914, 165758, "Near-Earth_object", 0]], [[150914, 165759, "Near-Earth_object", 1]]], "all_evidence": [[150914, 165758, "Near-Earth_object", 0], [150914, 165759, "Near-Earth_object", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16042, 19917, "Sonny_Bono", 0]]], "all_evidence": [[16042, 19917, "Sonny_Bono", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48133, 57472, "Ekta_Kapoor", 8], [48133, 57472, "Kahaani_Ghar_Ghar_Kii", 0], [48133, 57472, "Kyunki_Saas_Bhi_Kabhi_Bahu_Thi", 0]]], "all_evidence": [[48133, 57472, "Ekta_Kapoor", 8], [48133, 57472, "Kahaani_Ghar_Ghar_Kii", 0], [48133, 57472, "Kyunki_Saas_Bhi_Kabhi_Bahu_Thi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188472, 199871, "Ukrainian_Soviet_Socialist_Republic", 7]]], "all_evidence": [[188472, 199871, "Ukrainian_Soviet_Socialist_Republic", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128749, 143415, "Touch_My_Body", 0]], [[128749, 143416, "Touch_My_Body", 2]], [[128749, 143418, "Touch_My_Body", 3]], [[128749, 143422, "Touch_My_Body", 7]], [[128766, 143433, "Touch_My_Body", 2]], [[128766, 143434, "Touch_My_Body", 1]], [[128766, 143436, "Touch_My_Body", 0]], [[128766, 143437, "Touch_My_Body", 3]], [[128766, 143438, "Touch_My_Body", 6]], [[128766, 143439, "Touch_My_Body", 9]], [[128766, 143440, "Touch_My_Body", 13]], [[128766, 143441, "Touch_My_Body", 14]], [[128766, 143442, "Touch_My_Body", 15]], [[128766, 143444, "Touch_My_Body", 18]]], "all_evidence": [[128749, 143415, "Touch_My_Body", 0], [128749, 143416, "Touch_My_Body", 2], [128749, 143418, "Touch_My_Body", 3], [128749, 143422, "Touch_My_Body", 7], [128766, 143433, "Touch_My_Body", 2], [128766, 143434, "Touch_My_Body", 1], [128766, 143436, "Touch_My_Body", 0], [128766, 143437, "Touch_My_Body", 3], [128766, 143438, "Touch_My_Body", 6], [128766, 143439, "Touch_My_Body", 9], [128766, 143440, "Touch_My_Body", 13], [128766, 143441, "Touch_My_Body", 14], [128766, 143442, "Touch_My_Body", 15], [128766, 143444, "Touch_My_Body", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211667, 219338, "The_Fly_-LRB-1986_film-RRB-", 0]]], "all_evidence": [[211667, 219338, "The_Fly_-LRB-1986_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282236, 276438, "A._P._J._Abdul_Kalam", 0], [282236, 276438, "President_of_India", 0]], [[284234, 278076, "A._P._J._Abdul_Kalam", 0]], [[330299, 316892, "A._P._J._Abdul_Kalam", 0], [330299, 316892, "List_of_Presidents_of_India", 0]], [[330299, 316893, "A._P._J._Abdul_Kalam", 7]]], "all_evidence": [[282236, 276438, "A._P._J._Abdul_Kalam", 0], [282236, 276438, "President_of_India", 0], [284234, 278076, "A._P._J._Abdul_Kalam", 0], [330299, 316892, "A._P._J._Abdul_Kalam", 0], [330299, 316892, "List_of_Presidents_of_India", 0], [330299, 316893, "A._P._J._Abdul_Kalam", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227509, null, null, null]]], "all_evidence": [[227509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111366, 125004, "The_SpongeBob_SquarePants_Movie", 1], [111366, 125004, "Bill_Fagerbakke", 0], [111366, 125004, "Bill_Fagerbakke", 1], [111366, 125004, "Bill_Fagerbakke", 2], [111366, 125004, "Tom_Kenny", 0], [111366, 125004, "Tom_Kenny", 3], [111366, 125004, "Tom_Kenny", 4], [111366, 125004, "Tom_Kenny", 7], [111366, 125004, "Mr._Lawrence", 0], [111366, 125004, "Mr._Lawrence", 1], [111366, 125004, "Rodger_Bumpass", 5], [111366, 125004, "Rodger_Bumpass", 3], [111366, 125004, "Rodger_Bumpass", 2], [111366, 125004, "Rodger_Bumpass", 0], [111366, 125004, "Rodger_Bumpass", 1], [111366, 125004, "Rodger_Bumpass", 4], [111366, 125004, "Clancy_Brown", 0], [111366, 125004, "Clancy_Brown", 3], [111366, 125004, "Clancy_Brown", 2], [111366, 125004, "Clancy_Brown", 4]]], "all_evidence": [[111366, 125004, "The_SpongeBob_SquarePants_Movie", 1], [111366, 125004, "Bill_Fagerbakke", 0], [111366, 125004, "Bill_Fagerbakke", 1], [111366, 125004, "Bill_Fagerbakke", 2], [111366, 125004, "Tom_Kenny", 0], [111366, 125004, "Tom_Kenny", 3], [111366, 125004, "Tom_Kenny", 4], [111366, 125004, "Tom_Kenny", 7], [111366, 125004, "Mr._Lawrence", 0], [111366, 125004, "Mr._Lawrence", 1], [111366, 125004, "Rodger_Bumpass", 5], [111366, 125004, "Rodger_Bumpass", 3], [111366, 125004, "Rodger_Bumpass", 2], [111366, 125004, "Rodger_Bumpass", 0], [111366, 125004, "Rodger_Bumpass", 1], [111366, 125004, "Rodger_Bumpass", 4], [111366, 125004, "Clancy_Brown", 0], [111366, 125004, "Clancy_Brown", 3], [111366, 125004, "Clancy_Brown", 2], [111366, 125004, "Clancy_Brown", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267090, 263880, "66th_Primetime_Emmy_Awards", 2]]], "all_evidence": [[267090, 263880, "66th_Primetime_Emmy_Awards", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197911, null, null, null]]], "all_evidence": [[197911, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68817, 79638, "Stomp_the_Yard", 8], [68817, 79638, "Columbus_Short", 0]]], "all_evidence": [[68817, 79638, "Stomp_the_Yard", 8], [68817, 79638, "Columbus_Short", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94609, null, null, null]]], "all_evidence": [[94609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115090, 128837, "Burj_Khalifa", 20]]], "all_evidence": [[115090, 128837, "Burj_Khalifa", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200618, null, null, null]]], "all_evidence": [[200618, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215892, 222640, "Simi_Valley,_California", 13], [215892, 222640, "Simi_Valley,_California", 0]]], "all_evidence": [[215892, 222640, "Simi_Valley,_California", 13], [215892, 222640, "Simi_Valley,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145586, 160583, "Louis_Malle", 1], [145586, 160583, "The_Silent_World", 0]], [[145586, 160584, "Louis_Malle", 6]], [[145586, 160585, "Louis_Malle", 7], [145586, 160585, "Atlantic_City_-LRB-1980_film-RRB-", 0], [145586, 160585, "Elevator_to_the_Gallows", 0], [145586, 160585, "My_Dinner_with_Andre", 0], [145586, 160585, "Lacombe,_Lucien", 0]]], "all_evidence": [[145586, 160583, "Louis_Malle", 1], [145586, 160583, "The_Silent_World", 0], [145586, 160584, "Louis_Malle", 6], [145586, 160585, "Louis_Malle", 7], [145586, 160585, "Atlantic_City_-LRB-1980_film-RRB-", 0], [145586, 160585, "Elevator_to_the_Gallows", 0], [145586, 160585, "My_Dinner_with_Andre", 0], [145586, 160585, "Lacombe,_Lucien", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146262, 161238, "Zoroastrianism", 2], [146262, 161238, "Messianism", 0]]], "all_evidence": [[146262, 161238, "Zoroastrianism", 2], [146262, 161238, "Messianism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61991, null, null, null]]], "all_evidence": [[61991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171671, 185174, "Nottingham_Forest_F.C.", 0]], [[171671, 185175, "Nottingham_Forest_F.C.", 5]], [[171671, 185176, "Nottingham_Forest_F.C.", 6]], [[171671, 185177, "Nottingham_Forest_F.C.", 7]], [[171671, 185178, "Nottingham_Forest_F.C.", 8]]], "all_evidence": [[171671, 185174, "Nottingham_Forest_F.C.", 0], [171671, 185175, "Nottingham_Forest_F.C.", 5], [171671, 185176, "Nottingham_Forest_F.C.", 6], [171671, 185177, "Nottingham_Forest_F.C.", 7], [171671, 185178, "Nottingham_Forest_F.C.", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105330, 118781, "Henry_III_of_England", 0]], [[105330, 118782, "Henry_III_of_England", 1]]], "all_evidence": [[105330, 118781, "Henry_III_of_England", 0], [105330, 118782, "Henry_III_of_England", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58128, 68340, "Dodo", 10]]], "all_evidence": [[58128, 68340, "Dodo", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75350, null, null, null]]], "all_evidence": [[75350, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159618, null, null, null], [313261, null, null, null]]], "all_evidence": [[159618, null, null, null], [313261, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265335, 262553, "Vedic_Sanskrit", 1]]], "all_evidence": [[265335, 262553, "Vedic_Sanskrit", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222636, null, null, null], [225242, null, null, null], [226300, null, null, null], [317930, null, null, null], [317935, null, null, null]]], "all_evidence": [[222636, null, null, null], [225242, null, null, null], [226300, null, null, null], [317930, null, null, null], [317935, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182926, null, null, null]]], "all_evidence": [[182926, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82619, 94417, "Johnny_Van_Zant", 0]]], "all_evidence": [[82619, 94417, "Johnny_Van_Zant", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174919, 188017, "Veep", 0]]], "all_evidence": [[174919, 188017, "Veep", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218840, 225025, "Dan_Brown", 3]]], "all_evidence": [[218840, 225025, "Dan_Brown", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251293, 251188, "Pet", 6]]], "all_evidence": [[251293, 251188, "Pet", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87830, null, null, null]]], "all_evidence": [[87830, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[240027, 241688, "I_Want_to_Know_What_Love_Is", 0], [240027, 241688, "Sentimental_ballad", 0]], [[243711, 244883, "I_Want_to_Know_What_Love_Is", 0]], [[243711, 244884, "I_Want_to_Know_What_Love_Is", 1]], [[243711, 244885, "I_Want_to_Know_What_Love_Is", 2]], [[243711, 244886, "I_Want_to_Know_What_Love_Is", 4]], [[243711, 244887, "I_Want_to_Know_What_Love_Is", 5]], [[243711, 244888, "I_Want_to_Know_What_Love_Is", 3]], [[246267, 246813, "I_Want_to_Know_What_Love_Is", 0]], [[246267, 246814, "I_Want_to_Know_What_Love_Is", 4]], [[319288, 308029, "I_Want_to_Know_What_Love_Is", 3]], [[319288, 308030, "I_Want_to_Know_What_Love_Is", 4]], [[320450, 309046, "I_Want_to_Know_What_Love_Is", 0], [320450, 309046, "Sentimental_ballad", 0]]], "all_evidence": [[240027, 241688, "I_Want_to_Know_What_Love_Is", 0], [240027, 241688, "Sentimental_ballad", 0], [243711, 244883, "I_Want_to_Know_What_Love_Is", 0], [243711, 244884, "I_Want_to_Know_What_Love_Is", 1], [243711, 244885, "I_Want_to_Know_What_Love_Is", 2], [243711, 244886, "I_Want_to_Know_What_Love_Is", 4], [243711, 244887, "I_Want_to_Know_What_Love_Is", 5], [243711, 244888, "I_Want_to_Know_What_Love_Is", 3], [246267, 246813, "I_Want_to_Know_What_Love_Is", 0], [246267, 246814, "I_Want_to_Know_What_Love_Is", 4], [319288, 308029, "I_Want_to_Know_What_Love_Is", 3], [319288, 308030, "I_Want_to_Know_What_Love_Is", 4], [320450, 309046, "I_Want_to_Know_What_Love_Is", 0], [320450, 309046, "Sentimental_ballad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93892, 106842, "Mom_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[93892, 106842, "Mom_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154051, null, null, null], [156779, null, null, null], [158772, null, null, null], [311781, null, null, null]]], "all_evidence": [[154051, null, null, null], [156779, null, null, null], [158772, null, null, null], [311781, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[195186, 205506, "Hammer_Film_Productions", 17]], [[195189, 205508, "Hammer_Film_Productions", 17]], [[195217, 205530, "Hammer_Film_Productions", 17]]], "all_evidence": [[195186, 205506, "Hammer_Film_Productions", 17], [195189, 205508, "Hammer_Film_Productions", 17], [195217, 205530, "Hammer_Film_Productions", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189638, null, null, null]]], "all_evidence": [[189638, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206155, 214591, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206155, 214591, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137375, null, null, null]]], "all_evidence": [[137375, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94691, null, null, null]]], "all_evidence": [[94691, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91104, null, null, null]]], "all_evidence": [[91104, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106548, null, null, null]]], "all_evidence": [[106548, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99492, null, null, null]]], "all_evidence": [[99492, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84816, null, null, null], [87383, null, null, null], [306318, null, null, null], [306320, null, null, null]]], "all_evidence": [[84816, null, null, null], [87383, null, null, null], [306318, null, null, null], [306320, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125893, 140301, "Anneliese_van_der_Pol", 1]]], "all_evidence": [[125893, 140301, "Anneliese_van_der_Pol", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214613, null, null, null]]], "all_evidence": [[214613, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85099, 97371, "Issa_Rae", 1], [85099, 97371, "Awkward_Black_Girl", 0]]], "all_evidence": [[85099, 97371, "Issa_Rae", 1], [85099, 97371, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117388, 131306, "Maggie_Q", 1]]], "all_evidence": [[117388, 131306, "Maggie_Q", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265341, 262556, "Vedic_Sanskrit", 2]]], "all_evidence": [[265341, 262556, "Vedic_Sanskrit", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27465, null, null, null]]], "all_evidence": [[27465, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121395, null, null, null]]], "all_evidence": [[121395, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79249, null, null, null]]], "all_evidence": [[79249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57615, null, null, null]]], "all_evidence": [[57615, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87649, 100162, "House_of_Balloons", 0]]], "all_evidence": [[87649, 100162, "House_of_Balloons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103625, 117073, "Silver_Surfer", 0]], [[103625, 117074, "Silver_Surfer", 5]]], "all_evidence": [[103625, 117073, "Silver_Surfer", 0], [103625, 117074, "Silver_Surfer", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237304, null, null, null]]], "all_evidence": [[237304, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42099, 50638, "Neuromodulation", 0]], [[42099, 50639, "Neuromodulation", 3], [42099, 50639, "Acetylcholine", 0]], [[42099, 50640, "Neuromodulation", 8], [42099, 50640, "Acetylcholine", 0]]], "all_evidence": [[42099, 50638, "Neuromodulation", 0], [42099, 50639, "Neuromodulation", 3], [42099, 50639, "Acetylcholine", 0], [42099, 50640, "Neuromodulation", 8], [42099, 50640, "Acetylcholine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31856, 38666, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[31856, 38666, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213589, null, null, null]]], "all_evidence": [[213589, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200609, 210087, "Hair_-LRB-musical-RRB-", 15]]], "all_evidence": [[200609, 210087, "Hair_-LRB-musical-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230194, null, null, null]]], "all_evidence": [[230194, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104232, 117694, "Anne_Boleyn", 10]]], "all_evidence": [[104232, 117694, "Anne_Boleyn", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194211, null, null, null]]], "all_evidence": [[194211, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47565, 56767, "Dev_Patel", 2], [47565, 56767, "Slumdog_Millionaire", 0]], [[47565, 56768, "Dev_Patel", 5], [47565, 56768, "The_Best_Exotic_Marigold_Hotel", 0]], [[47565, 56769, "Dev_Patel", 7], [47565, 56769, "The_Man_Who_Knew_Infinity_-LRB-film-RRB-", 0]]], "all_evidence": [[47565, 56767, "Dev_Patel", 2], [47565, 56767, "Slumdog_Millionaire", 0], [47565, 56768, "Dev_Patel", 5], [47565, 56768, "The_Best_Exotic_Marigold_Hotel", 0], [47565, 56769, "Dev_Patel", 7], [47565, 56769, "The_Man_Who_Knew_Infinity_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24447, 30228, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [24447, 30228, "2014_MTV_Europe_Music_Awards", 0]]], "all_evidence": [[24447, 30228, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [24447, 30228, "2014_MTV_Europe_Music_Awards", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182483, null, null, null]]], "all_evidence": [[182483, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255823, null, null, null]]], "all_evidence": [[255823, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212906, 220309, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]], "all_evidence": [[212906, 220309, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64216, 74960, "Mandy_Moore", 1]], [[64216, 74961, "Mandy_Moore", 2]], [[64216, 74962, "Mandy_Moore", 3]], [[64216, 74963, "Mandy_Moore", 4]], [[64216, 74964, "Mandy_Moore", 7]], [[64216, 74965, "Mandy_Moore", 8]]], "all_evidence": [[64216, 74960, "Mandy_Moore", 1], [64216, 74961, "Mandy_Moore", 2], [64216, 74962, "Mandy_Moore", 3], [64216, 74963, "Mandy_Moore", 4], [64216, 74964, "Mandy_Moore", 7], [64216, 74965, "Mandy_Moore", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159074, null, null, null]]], "all_evidence": [[159074, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255646, null, null, null]]], "all_evidence": [[255646, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39177, 47182, "Internet_access", 0], [39177, 47182, "Internet", 1]]], "all_evidence": [[39177, 47182, "Internet_access", 0], [39177, 47182, "Internet", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28380, 34690, "The_Giver_-LRB-film-RRB-", 0]], [[28380, 34691, "The_Giver_-LRB-film-RRB-", 1]], [[28380, 34692, "The_Giver_-LRB-film-RRB-", 4]], [[28380, 34693, "The_Giver_-LRB-film-RRB-", 5]]], "all_evidence": [[28380, 34690, "The_Giver_-LRB-film-RRB-", 0], [28380, 34691, "The_Giver_-LRB-film-RRB-", 1], [28380, 34692, "The_Giver_-LRB-film-RRB-", 4], [28380, 34693, "The_Giver_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135222, 150143, "Japan", 0], [135222, 150143, "Sovereign_state", 0]]], "all_evidence": [[135222, 150143, "Japan", 0], [135222, 150143, "Sovereign_state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146967, 161938, "B._R._Ambedkar", 0]]], "all_evidence": [[146967, 161938, "B._R._Ambedkar", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139703, null, null, null]]], "all_evidence": [[139703, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187205, 198875, "Norman_Bates", 0]]], "all_evidence": [[187205, 198875, "Norman_Bates", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13512, 16877, "Grateful_Dead", 15]]], "all_evidence": [[13512, 16877, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21078, 25879, "Sausage_Party", 0]]], "all_evidence": [[21078, 25879, "Sausage_Party", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[187209, null, null, null]]], "all_evidence": [[187209, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189642, null, null, null]]], "all_evidence": [[189642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11123, 14006, "Team_Fortress_2", 9]], [[15308, 19098, "Team_Fortress_2", 9]], [[16155, 20019, "Team_Fortress_2", 9]], [[18089, 22240, "Team_Fortress_2", 9]], [[19935, 24486, "Team_Fortress_2", 9]], [[21212, 26063, "Team_Fortress_2", 9]], [[23056, 28405, "Team_Fortress_2", 9]], [[24239, 29966, "Team_Fortress_2", 9]], [[25617, 31544, "Team_Fortress_2", 9]], [[26668, 32731, "Team_Fortress_2", 9]], [[29402, 35869, "Team_Fortress_2", 9]], [[31422, 38134, "Team_Fortress_2", 9]], [[33858, 41025, "Team_Fortress_2", 9]], [[35195, 42682, "Team_Fortress_2", 9]], [[37348, 45250, "Team_Fortress_2", 9]], [[39264, 47295, "Team_Fortress_2", 9]], [[42315, 50920, "Team_Fortress_2", 9]], [[43405, 52050, "Team_Fortress_2", 9]], [[45731, 54598, "Team_Fortress_2", 9]], [[47613, 56816, "Team_Fortress_2", 9]], [[50251, 59813, "Team_Fortress_2", 9]], [[51950, 61802, "Team_Fortress_2", 9]], [[55307, 65366, "Team_Fortress_2", 9]], [[56423, 66626, "Team_Fortress_2", 9]], [[59829, 70231, "Team_Fortress_2", 9]], [[61578, 72090, "Team_Fortress_2", 9]], [[65159, 76033, "Team_Fortress_2", 9]], [[67081, 77871, "Team_Fortress_2", 9]], [[69828, 80695, "Team_Fortress_2", 9]], [[72884, 83989, "Team_Fortress_2", 9]], [[77390, 88842, "Team_Fortress_2", 9]], [[106537, 119953, "Team_Fortress_2", 9]], [[108545, 122156, "Team_Fortress_2", 9]], [[114535, 128297, "Team_Fortress_2", 9]], [[116585, 130463, "Team_Fortress_2", 9]], [[121058, 135372, "Team_Fortress_2", 8]], [[121059, 135373, "Team_Fortress_2", 8]], [[121060, 135374, "Team_Fortress_2", 8]], [[121061, 135375, "Team_Fortress_2", 8]], [[121062, 135376, "Team_Fortress_2", 8]], [[139883, 154911, "Team_Fortress_2", 9]], [[183145, 195243, "Team_Fortress_2", 9]], [[234908, 237696, "Team_Fortress_2", 9]], [[273655, 269026, "Team_Fortress_2", 9]]], "all_evidence": [[11123, 14006, "Team_Fortress_2", 9], [15308, 19098, "Team_Fortress_2", 9], [16155, 20019, "Team_Fortress_2", 9], [18089, 22240, "Team_Fortress_2", 9], [19935, 24486, "Team_Fortress_2", 9], [21212, 26063, "Team_Fortress_2", 9], [23056, 28405, "Team_Fortress_2", 9], [24239, 29966, "Team_Fortress_2", 9], [25617, 31544, "Team_Fortress_2", 9], [26668, 32731, "Team_Fortress_2", 9], [29402, 35869, "Team_Fortress_2", 9], [31422, 38134, "Team_Fortress_2", 9], [33858, 41025, "Team_Fortress_2", 9], [35195, 42682, "Team_Fortress_2", 9], [37348, 45250, "Team_Fortress_2", 9], [39264, 47295, "Team_Fortress_2", 9], [42315, 50920, "Team_Fortress_2", 9], [43405, 52050, "Team_Fortress_2", 9], [45731, 54598, "Team_Fortress_2", 9], [47613, 56816, "Team_Fortress_2", 9], [50251, 59813, "Team_Fortress_2", 9], [51950, 61802, "Team_Fortress_2", 9], [55307, 65366, "Team_Fortress_2", 9], [56423, 66626, "Team_Fortress_2", 9], [59829, 70231, "Team_Fortress_2", 9], [61578, 72090, "Team_Fortress_2", 9], [65159, 76033, "Team_Fortress_2", 9], [67081, 77871, "Team_Fortress_2", 9], [69828, 80695, "Team_Fortress_2", 9], [72884, 83989, "Team_Fortress_2", 9], [77390, 88842, "Team_Fortress_2", 9], [106537, 119953, "Team_Fortress_2", 9], [108545, 122156, "Team_Fortress_2", 9], [114535, 128297, "Team_Fortress_2", 9], [116585, 130463, "Team_Fortress_2", 9], [121058, 135372, "Team_Fortress_2", 8], [121059, 135373, "Team_Fortress_2", 8], [121060, 135374, "Team_Fortress_2", 8], [121061, 135375, "Team_Fortress_2", 8], [121062, 135376, "Team_Fortress_2", 8], [139883, 154911, "Team_Fortress_2", 9], [183145, 195243, "Team_Fortress_2", 9], [234908, 237696, "Team_Fortress_2", 9], [273655, 269026, "Team_Fortress_2", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297052, null, null, null], [298713, null, null, null], [300817, null, null, null], [344573, null, null, null], [344574, null, null, null]]], "all_evidence": [[297052, null, null, null], [298713, null, null, null], [300817, null, null, null], [344573, null, null, null], [344574, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178122, 190747, "Ed_Gein", 1]]], "all_evidence": [[178122, 190747, "Ed_Gein", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213583, 220807, "Estelle_Getty", 0]]], "all_evidence": [[213583, 220807, "Estelle_Getty", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26655, 32717, "Kenny_Chesney", 0]]], "all_evidence": [[26655, 32717, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221803, 227357, "Augustus_Prew", 5]]], "all_evidence": [[221803, 227357, "Augustus_Prew", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91413, 104147, "Africa_Cup_of_Nations", 17], [91413, 104147, "2013_Africa_Cup_of_Nations", 0]]], "all_evidence": [[91413, 104147, "Africa_Cup_of_Nations", 17], [91413, 104147, "2013_Africa_Cup_of_Nations", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221667, 227241, "Martial_arts_film", 1]]], "all_evidence": [[221667, 227241, "Martial_arts_film", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218818, 225012, "Matthew_Vaughn", 0]]], "all_evidence": [[218818, 225012, "Matthew_Vaughn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67599, null, null, null], [67600, null, null, null]]], "all_evidence": [[67599, null, null, null], [67600, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243504, 244715, "The_Office_-LRB-U.S._TV_series-RRB-", 8]], [[243505, 244716, "The_Office_-LRB-U.S._TV_series-RRB-", 8]], [[243506, 244717, "The_Office_-LRB-U.S._TV_series-RRB-", 8]]], "all_evidence": [[243504, 244715, "The_Office_-LRB-U.S._TV_series-RRB-", 8], [243505, 244716, "The_Office_-LRB-U.S._TV_series-RRB-", 8], [243506, 244717, "The_Office_-LRB-U.S._TV_series-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265233, null, null, null]]], "all_evidence": [[265233, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68959, null, null, null]]], "all_evidence": [[68959, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216386, null, null, null]]], "all_evidence": [[216386, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242345, null, null, null]]], "all_evidence": [[242345, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183212, 195299, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]], "all_evidence": [[183212, 195299, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220193, 226025, "Foot_Locker", 0], [220193, 226025, "United_States", 0]], [[220198, 226028, "Foot_Locker", 0]]], "all_evidence": [[220193, 226025, "Foot_Locker", 0], [220193, 226025, "United_States", 0], [220198, 226028, "Foot_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265364, 262574, "Practical_Magic", 0]]], "all_evidence": [[265364, 262574, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15852, 19715, "Absinthe", 16]]], "all_evidence": [[15852, 19715, "Absinthe", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134896, 149792, "Minor_League_Baseball", 0]]], "all_evidence": [[134896, 149792, "Minor_League_Baseball", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105690, 119120, "Oscar_Isaac", 1]], [[108794, 122485, "Oscar_Isaac", 7], [108794, 122485, "Poe_Dameron", 0]], [[110606, 124231, "Oscar_Isaac", 1], [110606, 124231, "Inside_Llewyn_Davis", 5], [110606, 124231, "Inside_Llewyn_Davis", 1]], [[110606, 124232, "Oscar_Isaac", 7], [110606, 124232, "Poe_Dameron", 0]], [[309574, 299755, "Oscar_Isaac", 7], [309574, 299755, "Poe_Dameron", 0]]], "all_evidence": [[105690, 119120, "Oscar_Isaac", 1], [108794, 122485, "Oscar_Isaac", 7], [108794, 122485, "Poe_Dameron", 0], [110606, 124231, "Oscar_Isaac", 1], [110606, 124231, "Inside_Llewyn_Davis", 5], [110606, 124231, "Inside_Llewyn_Davis", 1], [110606, 124232, "Oscar_Isaac", 7], [110606, 124232, "Poe_Dameron", 0], [309574, 299755, "Oscar_Isaac", 7], [309574, 299755, "Poe_Dameron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198370, 208250, "Research", 4]]], "all_evidence": [[198370, 208250, "Research", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224416, null, null, null], [224421, null, null, null]]], "all_evidence": [[224416, null, null, null], [224421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86492, 98910, "Kajol", 0]]], "all_evidence": [[86492, 98910, "Kajol", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14723, null, null, null]]], "all_evidence": [[14723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170007, 183599, "Netscape_Navigator", 0]]], "all_evidence": [[170007, 183599, "Netscape_Navigator", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70595, 81497, "Food_Network", 0]], [[70595, 81498, "Food_Network", 8]]], "all_evidence": [[70595, 81497, "Food_Network", 0], [70595, 81498, "Food_Network", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192007, 202768, "Baadshah_-LRB-2013_film-RRB-", 15]], [[192007, 202769, "Baadshah_-LRB-2013_film-RRB-", 17]]], "all_evidence": [[192007, 202768, "Baadshah_-LRB-2013_film-RRB-", 15], [192007, 202769, "Baadshah_-LRB-2013_film-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67743, 78574, "Color_of_Night", 8]]], "all_evidence": [[67743, 78574, "Color_of_Night", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206140, null, null, null]]], "all_evidence": [[206140, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234311, 237217, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]]], "all_evidence": [[234311, 237217, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71946, 82934, "Brown_University", 19]]], "all_evidence": [[71946, 82934, "Brown_University", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91208, null, null, null], [91209, null, null, null], [91225, null, null, null]]], "all_evidence": [[91208, null, null, null], [91209, null, null, null], [91225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56253, 66435, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]], "all_evidence": [[56253, 66435, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180552, null, null, null]]], "all_evidence": [[180552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186326, 198145, "Planet_Hollywood_Las_Vegas", 1], [186326, 198145, "Caesars_Entertainment_Corporation", 0]]], "all_evidence": [[186326, 198145, "Planet_Hollywood_Las_Vegas", 1], [186326, 198145, "Caesars_Entertainment_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169534, null, null, null]]], "all_evidence": [[169534, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85711, 98011, "Pierce_County,_Washington", 10], [85711, 98011, "Mount_Rainier", 0]]], "all_evidence": [[85711, 98011, "Pierce_County,_Washington", 10], [85711, 98011, "Mount_Rainier", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101382, null, null, null]]], "all_evidence": [[101382, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251316, 251199, "Pet", 6]], [[251317, 251200, "Pet", 6]]], "all_evidence": [[251316, 251199, "Pet", 6], [251317, 251200, "Pet", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282976, null, null, null], [284875, null, null, null], [331422, null, null, null], [332239, null, null, null]]], "all_evidence": [[282976, null, null, null], [284875, null, null, null], [331422, null, null, null], [332239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206278, null, null, null]]], "all_evidence": [[206278, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130564, 145341, "Bank_of_America", 16]]], "all_evidence": [[130564, 145341, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104795, null, null, null]]], "all_evidence": [[104795, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207611, null, null, null], [315709, null, null, null], [316755, null, null, null]]], "all_evidence": [[207611, null, null, null], [315709, null, null, null], [316755, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42918, null, null, null]]], "all_evidence": [[42918, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237122, null, null, null]]], "all_evidence": [[237122, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146369, null, null, null]]], "all_evidence": [[146369, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123509, null, null, null]]], "all_evidence": [[123509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71855, 82848, "Henry_Cavill", 8]]], "all_evidence": [[71855, 82848, "Henry_Cavill", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144731, 159744, "New_England_Patriots", 12]], [[144731, 159745, "New_England_Patriots", 15]], [[144742, 159761, "New_England_Patriots", 15]], [[144742, 159762, "New_England_Patriots", 12]]], "all_evidence": [[144731, 159744, "New_England_Patriots", 12], [144731, 159745, "New_England_Patriots", 15], [144742, 159761, "New_England_Patriots", 15], [144742, 159762, "New_England_Patriots", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169616, null, null, null]]], "all_evidence": [[169616, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142062, 157309, "Trouble_with_the_Curve", 0]]], "all_evidence": [[142062, 157309, "Trouble_with_the_Curve", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263323, null, null, null]]], "all_evidence": [[263323, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24938, null, null, null]]], "all_evidence": [[24938, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269997, null, null, null]]], "all_evidence": [[269997, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84163, null, null, null]]], "all_evidence": [[84163, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242324, 243732, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16]], [[242328, 243736, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16], [242328, 243736, "Rome", 0]]], "all_evidence": [[242324, 243732, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16], [242328, 243736, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16], [242328, 243736, "Rome", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103181, 116504, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[103181, 116504, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221827, 227371, "Augustus_Prew", 5], [221827, 227371, "Wendy_Dagworthy", 1]]], "all_evidence": [[221827, 227371, "Augustus_Prew", 5], [221827, 227371, "Wendy_Dagworthy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220206, 226033, "Foot_Locker", 0]]], "all_evidence": [[220206, 226033, "Foot_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105980, 119353, "Amy_Winehouse", 10]]], "all_evidence": [[105980, 119353, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37040, 44699, "Yugoslavia", 0]]], "all_evidence": [[37040, 44699, "Yugoslavia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162968, 177192, "Sarah_Hyland", 1], [162968, 177192, "Professional_Performing_Arts_School", 0]]], "all_evidence": [[162968, 177192, "Sarah_Hyland", 1], [162968, 177192, "Professional_Performing_Arts_School", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247535, null, null, null]]], "all_evidence": [[247535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179920, 192471, "Richard_Fortus", 1]], [[179926, 192476, "Richard_Fortus", 1], [179926, 192476, "Guns_N'_Roses", 24]]], "all_evidence": [[179920, 192471, "Richard_Fortus", 1], [179926, 192476, "Richard_Fortus", 1], [179926, 192476, "Guns_N'_Roses", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82169, 93950, "Stanford_prison_experiment", 2], [82169, 93950, "Office_of_Naval_Research", 0]]], "all_evidence": [[82169, 93950, "Stanford_prison_experiment", 2], [82169, 93950, "Office_of_Naval_Research", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122723, 137018, "Barbarella_-LRB-film-RRB-", 0], [122723, 137018, "Barbarella_-LRB-comics-RRB-", 0]]], "all_evidence": [[122723, 137018, "Barbarella_-LRB-film-RRB-", 0], [122723, 137018, "Barbarella_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31777, 38554, "Google_Search", 13]]], "all_evidence": [[31777, 38554, "Google_Search", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117367, null, null, null]]], "all_evidence": [[117367, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227902, 232248, "Kyle_MacLachlan", 6]]], "all_evidence": [[227902, 232248, "Kyle_MacLachlan", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200693, 210154, "Moesia", 1]]], "all_evidence": [[200693, 210154, "Moesia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74119, 85344, "Camp_Flog_Gnaw", 0]], [[74119, 85345, "Camp_Flog_Gnaw", 1]], [[74119, 85346, "Camp_Flog_Gnaw", 2]]], "all_evidence": [[74119, 85344, "Camp_Flog_Gnaw", 0], [74119, 85345, "Camp_Flog_Gnaw", 1], [74119, 85346, "Camp_Flog_Gnaw", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121891, 136176, "Fidaa", 0], [121891, 136176, "Telugu_language", 0]], [[121892, 136177, "Fidaa", 0], [121892, 136177, "Telugu_language", 0]]], "all_evidence": [[121891, 136176, "Fidaa", 0], [121891, 136176, "Telugu_language", 0], [121892, 136177, "Fidaa", 0], [121892, 136177, "Telugu_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44645, 53325, "Zoroastrianism", 2]]], "all_evidence": [[44645, 53325, "Zoroastrianism", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118118, 131974, "Shomu_Mukherjee", 9]], [[118119, 131975, "Shomu_Mukherjee", 0]], [[118119, 131976, "Shomu_Mukherjee", 9]]], "all_evidence": [[118118, 131974, "Shomu_Mukherjee", 9], [118119, 131975, "Shomu_Mukherjee", 0], [118119, 131976, "Shomu_Mukherjee", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220519, 226279, "Numenius_of_Apamea", 0]]], "all_evidence": [[220519, 226279, "Numenius_of_Apamea", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92755, 105621, "The_Beverly_Hillbillies", 6]]], "all_evidence": [[92755, 105621, "The_Beverly_Hillbillies", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137595, 152482, "Battle_of_the_Trebia", 6]], [[139772, 154775, "Battle_of_the_Trebia", 6]], [[310064, 300138, "Battle_of_the_Trebia", 6]], [[310845, 300849, "Battle_of_the_Trebia", 6], [310845, 300849, "Battle_of_the_Trebia", 0]]], "all_evidence": [[137595, 152482, "Battle_of_the_Trebia", 6], [139772, 154775, "Battle_of_the_Trebia", 6], [310064, 300138, "Battle_of_the_Trebia", 6], [310845, 300849, "Battle_of_the_Trebia", 6], [310845, 300849, "Battle_of_the_Trebia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173541, null, null, null]]], "all_evidence": [[173541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235002, 237763, "Sweet_Home_Alabama", 0]]], "all_evidence": [[235002, 237763, "Sweet_Home_Alabama", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128877, 143648, "Louis_Malle", 6]]], "all_evidence": [[128877, 143648, "Louis_Malle", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185587, null, null, null]]], "all_evidence": [[185587, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161461, 175943, "Gotham_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[161461, 175943, "Gotham_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117980, 131846, "Leslie_Alexander_-LRB-businessman-RRB-", 1]], [[120861, 135156, "Leslie_Alexander_-LRB-businessman-RRB-", 1]], [[122641, 136957, "Leslie_Alexander_-LRB-businessman-RRB-", 1]], [[308618, 298961, "Leslie_Alexander_-LRB-businessman-RRB-", 1]], [[310293, 300336, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]], "all_evidence": [[117980, 131846, "Leslie_Alexander_-LRB-businessman-RRB-", 1], [120861, 135156, "Leslie_Alexander_-LRB-businessman-RRB-", 1], [122641, 136957, "Leslie_Alexander_-LRB-businessman-RRB-", 1], [308618, 298961, "Leslie_Alexander_-LRB-businessman-RRB-", 1], [310293, 300336, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61206, 71695, "Independent_Spirit_Awards", 10]]], "all_evidence": [[61206, 71695, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21483, null, null, null]]], "all_evidence": [[21483, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110897, null, null, null]]], "all_evidence": [[110897, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65210, 76085, "James_Brolin", 0]]], "all_evidence": [[65210, 76085, "James_Brolin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180489, null, null, null]]], "all_evidence": [[180489, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113023, null, null, null]]], "all_evidence": [[113023, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76533, null, null, null]]], "all_evidence": [[76533, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64509, null, null, null]]], "all_evidence": [[64509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190560, 201561, "American_Idol_-LRB-season_8-RRB-", 1]], [[190561, 201562, "American_Idol_-LRB-season_8-RRB-", 1]]], "all_evidence": [[190560, 201561, "American_Idol_-LRB-season_8-RRB-", 1], [190561, 201562, "American_Idol_-LRB-season_8-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180363, null, null, null]]], "all_evidence": [[180363, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50092, 59617, "Samsung", 6]]], "all_evidence": [[50092, 59617, "Samsung", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256863, null, null, null]]], "all_evidence": [[256863, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150637, null, null, null], [152720, null, null, null], [155155, null, null, null], [311601, null, null, null], [311603, null, null, null]]], "all_evidence": [[150637, null, null, null], [152720, null, null, null], [155155, null, null, null], [311601, null, null, null], [311603, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152550, 167343, "Freddie_Highmore", 5]]], "all_evidence": [[152550, 167343, "Freddie_Highmore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210416, 218185, "Sean_Gunn", 0]]], "all_evidence": [[210416, 218185, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187208, 198877, "Norman_Bates", 0]]], "all_evidence": [[187208, 198877, "Norman_Bates", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162423, null, null, null]]], "all_evidence": [[162423, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269983, null, null, null]]], "all_evidence": [[269983, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174081, 187265, "American_Civil_War", 0]]], "all_evidence": [[174081, 187265, "American_Civil_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44573, 53242, "Tenth_Doctor", 8]]], "all_evidence": [[44573, 53242, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43543, 52194, "University_of_Chicago_Law_School", 6]]], "all_evidence": [[43543, 52194, "University_of_Chicago_Law_School", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80897, 92756, "B._R._Ambedkar", 0]], [[80897, 92757, "B._R._Ambedkar", 1]], [[80897, 92758, "B._R._Ambedkar", 4]], [[80897, 92759, "B._R._Ambedkar", 10]], [[80897, 92760, "B._R._Ambedkar", 6]]], "all_evidence": [[80897, 92756, "B._R._Ambedkar", 0], [80897, 92757, "B._R._Ambedkar", 1], [80897, 92758, "B._R._Ambedkar", 4], [80897, 92759, "B._R._Ambedkar", 10], [80897, 92760, "B._R._Ambedkar", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30191, null, null, null]]], "all_evidence": [[30191, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149386, 164345, "Gotham_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[149386, 164345, "Gotham_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54580, 64572, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]], "all_evidence": [[54580, 64572, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272861, 268521, "Two_and_a_Half_Men", 0]]], "all_evidence": [[272861, 268521, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23267, 28669, "Bank_of_America", 13]], [[23267, 28670, "Bank_of_America", 16]]], "all_evidence": [[23267, 28669, "Bank_of_America", 13], [23267, 28670, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146527, 161511, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 1]]], "all_evidence": [[146527, 161511, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182624, 194820, "Tennessee", 11]]], "all_evidence": [[182624, 194820, "Tennessee", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[249992, 250055, "Resident_Evil_-LRB-film-RRB-", 0]]], "all_evidence": [[249992, 250055, "Resident_Evil_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227901, null, null, null]]], "all_evidence": [[227901, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100713, 114009, "Kate_Walsh_-LRB-actress-RRB-", 1]]], "all_evidence": [[100713, 114009, "Kate_Walsh_-LRB-actress-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142573, 157747, "Jimi_Hendrix", 0]], [[142573, 157748, "Jimi_Hendrix", 5]]], "all_evidence": [[142573, 157747, "Jimi_Hendrix", 0], [142573, 157748, "Jimi_Hendrix", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218830, 225015, "Matthew_Vaughn", 0]]], "all_evidence": [[218830, 225015, "Matthew_Vaughn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58924, 69238, "Times_Higher_Education_World_University_Rankings", 0]]], "all_evidence": [[58924, 69238, "Times_Higher_Education_World_University_Rankings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25690, 31619, "Manchester_United_F.C.", 17]]], "all_evidence": [[25690, 31619, "Manchester_United_F.C.", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118983, null, null, null]]], "all_evidence": [[118983, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69647, 80496, "Trouble_with_the_Curve", 0]], [[69647, 80497, "Trouble_with_the_Curve", 1]], [[69647, 80498, "Trouble_with_the_Curve", 2]], [[69647, 80499, "Trouble_with_the_Curve", 6]]], "all_evidence": [[69647, 80496, "Trouble_with_the_Curve", 0], [69647, 80497, "Trouble_with_the_Curve", 1], [69647, 80498, "Trouble_with_the_Curve", 2], [69647, 80499, "Trouble_with_the_Curve", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178898, null, null, null]]], "all_evidence": [[178898, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196111, null, null, null]]], "all_evidence": [[196111, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100135, null, null, null]]], "all_evidence": [[100135, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29663, 36168, "Michael_Hutchence", 0]], [[29663, 36169, "Michael_Hutchence", 15]]], "all_evidence": [[29663, 36168, "Michael_Hutchence", 0], [29663, 36169, "Michael_Hutchence", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32208, null, null, null]]], "all_evidence": [[32208, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165376, 179451, "Mamata_Banerjee", 0]]], "all_evidence": [[165376, 179451, "Mamata_Banerjee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45832, 54735, "The_Invisible_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[45832, 54735, "The_Invisible_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195170, 205493, "Hammer_Film_Productions", 3]]], "all_evidence": [[195170, 205493, "Hammer_Film_Productions", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125837, null, null, null]]], "all_evidence": [[125837, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169954, 183551, "LinkedIn", 14]]], "all_evidence": [[169954, 183551, "LinkedIn", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51107, 60842, "Kenny_Chesney", 0]]], "all_evidence": [[51107, 60842, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135839, 150685, "Ronaldinho", 10]]], "all_evidence": [[135839, 150685, "Ronaldinho", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122657, 136971, "Jason_Bourne_-LRB-film-RRB-", 0]]], "all_evidence": [[122657, 136971, "Jason_Bourne_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239967, null, null, null], [243699, null, null, null], [246236, null, null, null], [319286, null, null, null], [320453, null, null, null]]], "all_evidence": [[239967, null, null, null], [243699, null, null, null], [246236, null, null, null], [319286, null, null, null], [320453, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136177, 151010, "Raja_Hindustani", 0]]], "all_evidence": [[136177, 151010, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39883, 47977, "Solanum", 0], [39883, 47977, "Tomato", 15]], [[39883, 47978, "Solanum", 1]], [[39883, 47979, "Solanum", 5], [39883, 47979, "Cyphomandra", 10]], [[39885, 47981, "Solanum", 1]]], "all_evidence": [[39883, 47977, "Solanum", 0], [39883, 47977, "Tomato", 15], [39883, 47978, "Solanum", 1], [39883, 47979, "Solanum", 5], [39883, 47979, "Cyphomandra", 10], [39885, 47981, "Solanum", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69229, 80002, "Independent_Spirit_Awards", 10]]], "all_evidence": [[69229, 80002, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202976, null, null, null]]], "all_evidence": [[202976, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194197, 204586, "John_S._McCain_Jr.", 3], [194197, 204586, "United_States_Naval_Academy", 0]], [[197109, 207176, "John_S._McCain_Jr.", 3]], [[199013, 208696, "John_S._McCain_Jr.", 3]], [[315199, 304477, "John_S._McCain_Jr.", 3], [315199, 304477, "United_States_Naval_Academy", 0]], [[316471, 305664, "John_S._McCain_Jr.", 3]]], "all_evidence": [[194197, 204586, "John_S._McCain_Jr.", 3], [194197, 204586, "United_States_Naval_Academy", 0], [197109, 207176, "John_S._McCain_Jr.", 3], [199013, 208696, "John_S._McCain_Jr.", 3], [315199, 304477, "John_S._McCain_Jr.", 3], [315199, 304477, "United_States_Naval_Academy", 0], [316471, 305664, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208758, 216734, "Vic_Mensa", 0]]], "all_evidence": [[208758, 216734, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18308, null, null, null]]], "all_evidence": [[18308, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212915, 220314, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]], "all_evidence": [[212915, 220314, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62648, 73313, "Salman_Rushdie", 1]]], "all_evidence": [[62648, 73313, "Salman_Rushdie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58510, 68809, "Icelandic_Coast_Guard", 0]], [[58510, 68810, "Icelandic_Coast_Guard", 11]]], "all_evidence": [[58510, 68809, "Icelandic_Coast_Guard", 0], [58510, 68810, "Icelandic_Coast_Guard", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105843, 119234, "Adidas", 0]]], "all_evidence": [[105843, 119234, "Adidas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203640, 212630, "Chris_Mullin_-LRB-basketball-RRB-", 11]]], "all_evidence": [[203640, 212630, "Chris_Mullin_-LRB-basketball-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186247, 198113, "Multicellular_organism", 3]]], "all_evidence": [[186247, 198113, "Multicellular_organism", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181979, 194266, "Robert_Singer_-LRB-producer-RRB-", 0]], [[181979, 194267, "Robert_Singer_-LRB-producer-RRB-", 1]]], "all_evidence": [[181979, 194266, "Robert_Singer_-LRB-producer-RRB-", 0], [181979, 194267, "Robert_Singer_-LRB-producer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269251, 265633, "Revolver_-LRB-Beatles_album-RRB-", 16]]], "all_evidence": [[269251, 265633, "Revolver_-LRB-Beatles_album-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220117, 225976, "Pitch_Perfect_2", 2]]], "all_evidence": [[220117, 225976, "Pitch_Perfect_2", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229591, 233511, "Rebel_in_the_Rye", 4]], [[229591, 233512, "Rebel_in_the_Rye", 0]]], "all_evidence": [[229591, 233511, "Rebel_in_the_Rye", 4], [229591, 233512, "Rebel_in_the_Rye", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112609, 126432, "Tangled", 14]], [[112609, 126433, "Tangled", 16]], [[112609, 126434, "Tangled", 12]]], "all_evidence": [[112609, 126432, "Tangled", 14], [112609, 126433, "Tangled", 16], [112609, 126434, "Tangled", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31363, 38085, "Nymphomaniac_-LRB-film-RRB-", 13]]], "all_evidence": [[31363, 38085, "Nymphomaniac_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184787, 196676, "No_Strings_Attached_-LRB-film-RRB-", 0]], [[184787, 196677, "No_Strings_Attached_-LRB-film-RRB-", 2]]], "all_evidence": [[184787, 196676, "No_Strings_Attached_-LRB-film-RRB-", 0], [184787, 196677, "No_Strings_Attached_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151666, 166410, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]], "all_evidence": [[151666, 166410, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72190, 83205, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]], "all_evidence": [[72190, 83205, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148883, null, null, null]]], "all_evidence": [[148883, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259287, 257917, "Indian_National_Congress", 8]]], "all_evidence": [[259287, 257917, "Indian_National_Congress", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186562, 198352, "Benjamin_Walker_-LRB-actor-RRB-", 0]]], "all_evidence": [[186562, 198352, "Benjamin_Walker_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66665, 77481, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[66665, 77481, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160710, 175235, "A_Good_Day_to_Die_Hard", 1]], [[162535, 176812, "A_Good_Day_to_Die_Hard", 1]], [[162536, 176813, "A_Good_Day_to_Die_Hard", 1]], [[312085, 301958, "A_Good_Day_to_Die_Hard", 1]], [[313389, 303014, "A_Good_Day_to_Die_Hard", 1], [313389, 303014, "A_Good_Day_to_Die_Hard", 0]], [[313396, 303018, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[160710, 175235, "A_Good_Day_to_Die_Hard", 1], [162535, 176812, "A_Good_Day_to_Die_Hard", 1], [162536, 176813, "A_Good_Day_to_Die_Hard", 1], [312085, 301958, "A_Good_Day_to_Die_Hard", 1], [313389, 303014, "A_Good_Day_to_Die_Hard", 1], [313389, 303014, "A_Good_Day_to_Die_Hard", 0], [313396, 303018, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222861, null, null, null]]], "all_evidence": [[222861, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33223, 40303, "Hollow_Man", 15]]], "all_evidence": [[33223, 40303, "Hollow_Man", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41459, 49842, "E\u0301douard_Se\u0301guin", 0]], [[41459, 49843, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[41459, 49842, "E\u0301douard_Se\u0301guin", 0], [41459, 49843, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224604, 229431, "American_Library_Association", 1]]], "all_evidence": [[224604, 229431, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175376, 188355, "Sonny_Bono", 0]]], "all_evidence": [[175376, 188355, "Sonny_Bono", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69066, null, null, null], [303989, null, null, null], [305609, null, null, null]]], "all_evidence": [[69066, null, null, null], [303989, null, null, null], [305609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170639, 184186, "Ovary", 2]], [[170639, 184187, "Ovary", 0]]], "all_evidence": [[170639, 184186, "Ovary", 2], [170639, 184187, "Ovary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268441, 265024, "Brian_De_Palma", 0], [268441, 265024, "United_States", 0], [268441, 265024, "United_States", 2], [268441, 265024, "United_States", 3]]], "all_evidence": [[268441, 265024, "Brian_De_Palma", 0], [268441, 265024, "United_States", 0], [268441, 265024, "United_States", 2], [268441, 265024, "United_States", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165587, null, null, null]]], "all_evidence": [[165587, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229664, 233557, "William_Howard_Taft", 11]]], "all_evidence": [[229664, 233557, "William_Howard_Taft", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39442, 47489, "Netscape_Navigator", 0]], [[39442, 47490, "Netscape_Navigator", 1]], [[39442, 47491, "Netscape_Navigator", 9]], [[39442, 47492, "Netscape_Navigator", 16]]], "all_evidence": [[39442, 47489, "Netscape_Navigator", 0], [39442, 47490, "Netscape_Navigator", 1], [39442, 47491, "Netscape_Navigator", 9], [39442, 47492, "Netscape_Navigator", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189195, 200518, "Nobel_Prize_in_Chemistry", 6], [189195, 200518, "Netherlands", 0]]], "all_evidence": [[189195, 200518, "Nobel_Prize_in_Chemistry", 6], [189195, 200518, "Netherlands", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218212, null, null, null], [220168, null, null, null], [221023, null, null, null], [317541, null, null, null], [319386, null, null, null]]], "all_evidence": [[218212, null, null, null], [220168, null, null, null], [221023, null, null, null], [317541, null, null, null], [319386, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73813, 85054, "Hermit_crab", 0]]], "all_evidence": [[73813, 85054, "Hermit_crab", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13155, null, null, null], [18798, null, null, null], [21084, null, null, null], [22269, null, null, null]]], "all_evidence": [[13155, null, null, null], [18798, null, null, null], [21084, null, null, null], [22269, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239417, 241275, "Akon", 9]], [[239423, 241280, "Akon", 9]]], "all_evidence": [[239417, 241275, "Akon", 9], [239423, 241280, "Akon", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172721, 185981, "Sarah_Hyland", 1]]], "all_evidence": [[172721, 185981, "Sarah_Hyland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256468, 255678, "Jerome_Flynn", 0]]], "all_evidence": [[256468, 255678, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67654, 78479, "Shut_Up_-LRB-Stormzy_song-RRB-", 6]]], "all_evidence": [[67654, 78479, "Shut_Up_-LRB-Stormzy_song-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53635, 63630, "Bank_of_America", 13]]], "all_evidence": [[53635, 63630, "Bank_of_America", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218814, 225007, "Matthew_Vaughn", 0]]], "all_evidence": [[218814, 225007, "Matthew_Vaughn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242196, 243635, "Tyler_Perry", 0]]], "all_evidence": [[242196, 243635, "Tyler_Perry", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154020, 168825, "Michael_Hutchence", 0]], [[154020, 168826, "Michael_Hutchence", 1]], [[154020, 168827, "Michael_Hutchence", 17]], [[154020, 168828, "Michael_Hutchence", 15]], [[154020, 168829, "Michael_Hutchence", 16]]], "all_evidence": [[154020, 168825, "Michael_Hutchence", 0], [154020, 168826, "Michael_Hutchence", 1], [154020, 168827, "Michael_Hutchence", 17], [154020, 168828, "Michael_Hutchence", 15], [154020, 168829, "Michael_Hutchence", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63559, 74312, "Heath_Ledger", 3]]], "all_evidence": [[63559, 74312, "Heath_Ledger", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134423, 149306, "Simon_Cowell", 0], [134423, 149306, "Philanthropy", 7]]], "all_evidence": [[134423, 149306, "Simon_Cowell", 0], [134423, 149306, "Philanthropy", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175613, null, null, null]]], "all_evidence": [[175613, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84602, null, null, null]]], "all_evidence": [[84602, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206601, null, null, null]]], "all_evidence": [[206601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68285, null, null, null]]], "all_evidence": [[68285, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171410, null, null, null]]], "all_evidence": [[171410, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229173, null, null, null]]], "all_evidence": [[229173, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128977, null, null, null]]], "all_evidence": [[128977, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29006, 35382, "Salt_River_Valley", 0]]], "all_evidence": [[29006, 35382, "Salt_River_Valley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101530, null, null, null]]], "all_evidence": [[101530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140919, 156068, "A_Good_Day_to_Die_Hard", 0]], [[140919, 156069, "A_Good_Day_to_Die_Hard", 8]], [[140919, 156070, "A_Good_Day_to_Die_Hard", 11]]], "all_evidence": [[140919, 156068, "A_Good_Day_to_Die_Hard", 0], [140919, 156069, "A_Good_Day_to_Die_Hard", 8], [140919, 156070, "A_Good_Day_to_Die_Hard", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49314, null, null, null]]], "all_evidence": [[49314, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112691, null, null, null], [112695, null, null, null]]], "all_evidence": [[112691, null, null, null], [112695, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122989, null, null, null]]], "all_evidence": [[122989, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17747, 21897, "Dissociative_identity_disorder", 0]]], "all_evidence": [[17747, 21897, "Dissociative_identity_disorder", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47833, 57100, "Ice-T", 1]]], "all_evidence": [[47833, 57100, "Ice-T", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76382, 87673, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]], "all_evidence": [[76382, 87673, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86605, null, null, null]]], "all_evidence": [[86605, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171222, 184724, "Virginia", 19]]], "all_evidence": [[171222, 184724, "Virginia", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120369, 134592, "Personality", 0]]], "all_evidence": [[120369, 134592, "Personality", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167845, 181623, "Yugoslavia", 0]], [[167845, 181624, "Yugoslavia", 13]], [[167845, 181625, "Yugoslavia", 12]], [[167845, 181626, "Yugoslavia", 8]], [[167845, 181627, "Yugoslavia", 7], [167845, 181627, "Kingdom_of_Yugoslavia", 0]], [[167845, 181628, "Yugoslavia", 4]], [[167845, 181629, "Yugoslavia", 16]]], "all_evidence": [[167845, 181623, "Yugoslavia", 0], [167845, 181624, "Yugoslavia", 13], [167845, 181625, "Yugoslavia", 12], [167845, 181626, "Yugoslavia", 8], [167845, 181627, "Yugoslavia", 7], [167845, 181627, "Kingdom_of_Yugoslavia", 0], [167845, 181628, "Yugoslavia", 4], [167845, 181629, "Yugoslavia", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42775, 51415, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[42775, 51415, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207469, null, null, null]]], "all_evidence": [[207469, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95550, null, null, null]]], "all_evidence": [[95550, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62363, null, null, null], [62370, null, null, null]]], "all_evidence": [[62363, null, null, null], [62370, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251089, 251034, "See.SZA.Run", 0]], [[251089, 251035, "See.SZA.Run", 6]], [[251089, 251036, "See.SZA.Run", 9]], [[251089, 251037, "See.SZA.Run", 10]]], "all_evidence": [[251089, 251034, "See.SZA.Run", 0], [251089, 251035, "See.SZA.Run", 6], [251089, 251036, "See.SZA.Run", 9], [251089, 251037, "See.SZA.Run", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224797, null, null, null]]], "all_evidence": [[224797, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33414, 40532, "Trouble_with_the_Curve", 2]], [[33414, 40533, "Trouble_with_the_Curve", 0]]], "all_evidence": [[33414, 40532, "Trouble_with_the_Curve", 2], [33414, 40533, "Trouble_with_the_Curve", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229564, 233491, "Mike_Friedrich", 0]]], "all_evidence": [[229564, 233491, "Mike_Friedrich", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26047, 32014, "Google_Search", 13]]], "all_evidence": [[26047, 32014, "Google_Search", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[281225, 275634, "The_Times", 21]], [[281227, 275635, "The_Times", 21]], [[327826, 315026, "The_Times", 21]], [[327830, 315027, "The_Times", 21]], [[328853, 315820, "The_Times", 21]], [[328854, 315821, "The_Times", 21]]], "all_evidence": [[281225, 275634, "The_Times", 21], [281227, 275635, "The_Times", 21], [327826, 315026, "The_Times", 21], [327830, 315027, "The_Times", 21], [328853, 315820, "The_Times", 21], [328854, 315821, "The_Times", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191892, null, null, null]]], "all_evidence": [[191892, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178664, null, null, null], [179240, null, null, null], [313263, null, null, null], [313974, null, null, null], [315790, null, null, null]]], "all_evidence": [[178664, null, null, null], [179240, null, null, null], [313263, null, null, null], [313974, null, null, null], [315790, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165779, 179763, "Arijit_Singh", 1]], [[165779, 179764, "Arijit_Singh", 2]], [[165779, 179765, "Arijit_Singh", 3]], [[165779, 179766, "Arijit_Singh", 4]]], "all_evidence": [[165779, 179763, "Arijit_Singh", 1], [165779, 179764, "Arijit_Singh", 2], [165779, 179765, "Arijit_Singh", 3], [165779, 179766, "Arijit_Singh", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67135, null, null, null]]], "all_evidence": [[67135, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123635, null, null, null]]], "all_evidence": [[123635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41147, 49479, "Jed_Whedon", 0]]], "all_evidence": [[41147, 49479, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105981, 119354, "Ares", 1]]], "all_evidence": [[105981, 119354, "Ares", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132411, 147302, "Michael_Hutchence", 0]], [[132411, 147303, "Michael_Hutchence", 15]]], "all_evidence": [[132411, 147302, "Michael_Hutchence", 0], [132411, 147303, "Michael_Hutchence", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228120, 232380, "L._Ron_Hubbard", 0]]], "all_evidence": [[228120, 232380, "L._Ron_Hubbard", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72256, null, null, null]]], "all_evidence": [[72256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186958, 198687, "The_Suite_Life_of_Zack_&_Cody", 0]]], "all_evidence": [[186958, 198687, "The_Suite_Life_of_Zack_&_Cody", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108862, null, null, null]]], "all_evidence": [[108862, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242104, 243578, "Latvian_Soviet_Socialist_Republic", 0]]], "all_evidence": [[242104, 243578, "Latvian_Soviet_Socialist_Republic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12642, 15783, "Ragtime_-LRB-film-RRB-", 0]]], "all_evidence": [[12642, 15783, "Ragtime_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104237, 117697, "Anne_Boleyn", 10]]], "all_evidence": [[104237, 117697, "Anne_Boleyn", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233456, null, null, null]]], "all_evidence": [[233456, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290466, null, null, null], [291903, null, null, null], [293894, null, null, null], [338537, null, null, null], [338538, null, null, null]]], "all_evidence": [[290466, null, null, null], [291903, null, null, null], [293894, null, null, null], [338537, null, null, null], [338538, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89467, 102163, "Google_Search", 14]]], "all_evidence": [[89467, 102163, "Google_Search", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143122, 158228, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]], "all_evidence": [[143122, 158228, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87985, 100516, "Goldie_Hawn", 2], [87985, 100516, "Seems_Like_Old_Times_-LRB-film-RRB-", 0], [87985, 100516, "Foul_Play_-LRB-1978_film-RRB-", 0]]], "all_evidence": [[87985, 100516, "Goldie_Hawn", 2], [87985, 100516, "Seems_Like_Old_Times_-LRB-film-RRB-", 0], [87985, 100516, "Foul_Play_-LRB-1978_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118335, null, null, null]]], "all_evidence": [[118335, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46346, 55332, "The_Love_Club_EP", 0]]], "all_evidence": [[46346, 55332, "The_Love_Club_EP", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272075, null, null, null]]], "all_evidence": [[272075, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265228, 262469, "A_United_Kingdom", 0]]], "all_evidence": [[265228, 262469, "A_United_Kingdom", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206557, 214890, "Move_-LRB-Little_Mix_song-RRB-", 8]]], "all_evidence": [[206557, 214890, "Move_-LRB-Little_Mix_song-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57389, 67607, "United_States_dollar", 72]]], "all_evidence": [[57389, 67607, "United_States_dollar", 72]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77262, null, null, null]]], "all_evidence": [[77262, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166461, 180295, "Ian_Gillan", 0]], [[166461, 180296, "Ian_Gillan", 1]], [[166461, 180297, "Ian_Gillan", 4]], [[166461, 180298, "Ian_Gillan", 6]], [[166461, 180299, "Ian_Gillan", 9]], [[166461, 180300, "Ian_Gillan", 10]], [[166461, 180301, "Ian_Gillan", 11]], [[166461, 180302, "Ian_Gillan", 14]], [[166461, 180303, "Ian_Gillan", 15]]], "all_evidence": [[166461, 180295, "Ian_Gillan", 0], [166461, 180296, "Ian_Gillan", 1], [166461, 180297, "Ian_Gillan", 4], [166461, 180298, "Ian_Gillan", 6], [166461, 180299, "Ian_Gillan", 9], [166461, 180300, "Ian_Gillan", 10], [166461, 180301, "Ian_Gillan", 11], [166461, 180302, "Ian_Gillan", 14], [166461, 180303, "Ian_Gillan", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29653, 36158, "Qin_dynasty", 0]], [[29653, 36159, "Qin_dynasty", 29], [29653, 36159, "Han_dynasty", 0]]], "all_evidence": [[29653, 36158, "Qin_dynasty", 0], [29653, 36159, "Qin_dynasty", 29], [29653, 36159, "Han_dynasty", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258409, 257202, "Fiji_Hindi", 1]]], "all_evidence": [[258409, 257202, "Fiji_Hindi", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265242, 262481, "A_United_Kingdom", 0]], [[265243, 262482, "A_United_Kingdom", 0]], [[265246, 262484, "A_United_Kingdom", 0]]], "all_evidence": [[265242, 262481, "A_United_Kingdom", 0], [265243, 262482, "A_United_Kingdom", 0], [265246, 262484, "A_United_Kingdom", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220128, 225985, "Pitch_Perfect_2", 0]]], "all_evidence": [[220128, 225985, "Pitch_Perfect_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187213, 198880, "Norman_Bates", 0]], [[187213, 198881, "Norman_Bates", 1]]], "all_evidence": [[187213, 198880, "Norman_Bates", 0], [187213, 198881, "Norman_Bates", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32771, 39837, "Dulquer_Salmaan", 0]], [[32771, 39838, "Dulquer_Salmaan", 1]], [[32771, 39839, "Dulquer_Salmaan", 4]], [[32771, 39840, "Dulquer_Salmaan", 5]], [[32771, 39841, "Dulquer_Salmaan", 6]], [[32771, 39842, "Dulquer_Salmaan", 7]], [[32771, 39843, "Dulquer_Salmaan", 9]]], "all_evidence": [[32771, 39837, "Dulquer_Salmaan", 0], [32771, 39838, "Dulquer_Salmaan", 1], [32771, 39839, "Dulquer_Salmaan", 4], [32771, 39840, "Dulquer_Salmaan", 5], [32771, 39841, "Dulquer_Salmaan", 6], [32771, 39842, "Dulquer_Salmaan", 7], [32771, 39843, "Dulquer_Salmaan", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78767, 90339, "Times_Higher_Education_World_University_Rankings", 0]]], "all_evidence": [[78767, 90339, "Times_Higher_Education_World_University_Rankings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172381, 185702, "The_SpongeBob_SquarePants_Movie", 0]], [[175763, 188743, "The_SpongeBob_SquarePants_Movie", 2]], [[175763, 188744, "The_SpongeBob_SquarePants_Movie", 0]], [[312922, 302646, "The_SpongeBob_SquarePants_Movie", 1]], [[312922, 302647, "The_SpongeBob_SquarePants_Movie", 0]]], "all_evidence": [[172381, 185702, "The_SpongeBob_SquarePants_Movie", 0], [175763, 188743, "The_SpongeBob_SquarePants_Movie", 2], [175763, 188744, "The_SpongeBob_SquarePants_Movie", 0], [312922, 302646, "The_SpongeBob_SquarePants_Movie", 1], [312922, 302647, "The_SpongeBob_SquarePants_Movie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84882, 97116, "Daredevil_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[84882, 97116, "Daredevil_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209742, null, null, null]]], "all_evidence": [[209742, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269183, 265571, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269183, 265571, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[249128, 249171, "Toy_Story_2", 0]], [[251265, 251166, "Toy_Story_2", 0]], [[251265, 251167, "Toy_Story_2", 16]], [[251265, 251168, "Toy_Story_2", 18]], [[251270, 251172, "Toy_Story_2", 0]], [[319715, 308428, "Toy_Story_2", 0]], [[319715, 308429, "Toy_Story_2", 16]], [[319715, 308430, "Toy_Story_2", 18]], [[320753, 309293, "Toy_Story_2", 0]], [[320753, 309294, "Toy_Story_2", 6]], [[320753, 309295, "Toy_Story_2", 10]], [[320753, 309296, "Toy_Story_2", 16]], [[320753, 309297, "Toy_Story_2", 18]]], "all_evidence": [[249128, 249171, "Toy_Story_2", 0], [251265, 251166, "Toy_Story_2", 0], [251265, 251167, "Toy_Story_2", 16], [251265, 251168, "Toy_Story_2", 18], [251270, 251172, "Toy_Story_2", 0], [319715, 308428, "Toy_Story_2", 0], [319715, 308429, "Toy_Story_2", 16], [319715, 308430, "Toy_Story_2", 18], [320753, 309293, "Toy_Story_2", 0], [320753, 309294, "Toy_Story_2", 6], [320753, 309295, "Toy_Story_2", 10], [320753, 309296, "Toy_Story_2", 16], [320753, 309297, "Toy_Story_2", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225316, null, null, null]]], "all_evidence": [[225316, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265868, 263007, "FC_Bayern_Munich", 4]]], "all_evidence": [[265868, 263007, "FC_Bayern_Munich", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170028, 183618, "SpongeBob_SquarePants", 0]], [[170028, 183619, "SpongeBob_SquarePants", 2]], [[170028, 183620, "SpongeBob_SquarePants", 12]], [[170028, 183621, "SpongeBob_SquarePants", 14]], [[170028, 183622, "SpongeBob_SquarePants", 16]], [[170028, 183623, "SpongeBob_SquarePants", 17]], [[170028, 183624, "SpongeBob_SquarePants", 21]]], "all_evidence": [[170028, 183618, "SpongeBob_SquarePants", 0], [170028, 183619, "SpongeBob_SquarePants", 2], [170028, 183620, "SpongeBob_SquarePants", 12], [170028, 183621, "SpongeBob_SquarePants", 14], [170028, 183622, "SpongeBob_SquarePants", 16], [170028, 183623, "SpongeBob_SquarePants", 17], [170028, 183624, "SpongeBob_SquarePants", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241550, null, null, null]]], "all_evidence": [[241550, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11899, 14911, "Bank_of_America", 16]], [[11904, 14915, "Bank_of_America", 16]], [[15725, 19579, "Bank_of_America", 16]], [[16840, 20848, "Bank_of_America", 16]], [[22049, 27073, "Bank_of_America", 16]], [[182327, 194568, "Bank_of_America", 16]], [[201034, 210489, "Bank_of_America", 16]], [[218539, 224802, "Bank_of_America", 16]], [[229607, 233522, "Bank_of_America", 16]], [[241038, 242603, "Bank_of_America", 16]], [[254452, 254118, "Bank_of_America", 16]], [[256045, 255339, "Bank_of_America", 16]], [[266720, 263618, "Bank_of_America", 16]], [[268878, 265322, "Bank_of_America", 16]], [[273432, 268909, "Bank_of_America", 16]], [[294269, 286607, "Bank_of_America", 16]], [[300990, 292106, "Bank_of_America", 16]], [[306389, 297090, "Bank_of_America", 16]], [[315170, 304449, "Bank_of_America", 16]], [[334005, 320178, "Bank_of_America", 16]]], "all_evidence": [[11899, 14911, "Bank_of_America", 16], [11904, 14915, "Bank_of_America", 16], [15725, 19579, "Bank_of_America", 16], [16840, 20848, "Bank_of_America", 16], [22049, 27073, "Bank_of_America", 16], [182327, 194568, "Bank_of_America", 16], [201034, 210489, "Bank_of_America", 16], [218539, 224802, "Bank_of_America", 16], [229607, 233522, "Bank_of_America", 16], [241038, 242603, "Bank_of_America", 16], [254452, 254118, "Bank_of_America", 16], [256045, 255339, "Bank_of_America", 16], [266720, 263618, "Bank_of_America", 16], [268878, 265322, "Bank_of_America", 16], [273432, 268909, "Bank_of_America", 16], [294269, 286607, "Bank_of_America", 16], [300990, 292106, "Bank_of_America", 16], [306389, 297090, "Bank_of_America", 16], [315170, 304449, "Bank_of_America", 16], [334005, 320178, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200690, null, null, null]]], "all_evidence": [[200690, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155381, null, null, null]]], "all_evidence": [[155381, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115362, 129188, "George_Harrison", 20]], [[115363, 129189, "George_Harrison", 20]]], "all_evidence": [[115362, 129188, "George_Harrison", 20], [115363, 129189, "George_Harrison", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64851, 75709, "Pulmonary_embolism", 1]]], "all_evidence": [[64851, 75709, "Pulmonary_embolism", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143568, 158684, "Georgians", 4]]], "all_evidence": [[143568, 158684, "Georgians", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145613, 160616, "Ayananka_Bose", 0]]], "all_evidence": [[145613, 160616, "Ayananka_Bose", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68271, 79152, "Mandy_Moore", 0]]], "all_evidence": [[68271, 79152, "Mandy_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153704, 168557, "House_of_Balloons", 0]]], "all_evidence": [[153704, 168557, "House_of_Balloons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92090, 104873, "Jamie_Lee_Curtis", 2]]], "all_evidence": [[92090, 104873, "Jamie_Lee_Curtis", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241223, 242769, "Latvian_Soviet_Socialist_Republic", 0], [241223, 242769, "Republics_of_the_Soviet_Union", 0]]], "all_evidence": [[241223, 242769, "Latvian_Soviet_Socialist_Republic", 0], [241223, 242769, "Republics_of_the_Soviet_Union", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59898, null, null, null]]], "all_evidence": [[59898, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159515, 174034, "Deepika_Padukone", 9]], [[159515, 174035, "Deepika_Padukone", 13]], [[159515, 174036, "Deepika_Padukone", 15], [159515, 174036, "Deepika_Padukone", 12], [159515, 174036, "Deepika_Padukone", 14]]], "all_evidence": [[159515, 174034, "Deepika_Padukone", 9], [159515, 174035, "Deepika_Padukone", 13], [159515, 174036, "Deepika_Padukone", 15], [159515, 174036, "Deepika_Padukone", 12], [159515, 174036, "Deepika_Padukone", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133116, null, null, null]]], "all_evidence": [[133116, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125320, 139652, "English_Wikipedia", 0]]], "all_evidence": [[125320, 139652, "English_Wikipedia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129821, null, null, null]]], "all_evidence": [[129821, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94488, 107484, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[94488, 107484, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102050, 115319, "The_Nice_Guys", 0]]], "all_evidence": [[102050, 115319, "The_Nice_Guys", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109442, null, null, null]]], "all_evidence": [[109442, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88474, null, null, null]]], "all_evidence": [[88474, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58946, 69263, "Zac_Efron", 0]]], "all_evidence": [[58946, 69263, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97760, 110922, "Scream_-LRB-franchise-RRB-", 2]], [[97760, 110923, "Scream_-LRB-franchise-RRB-", 17]], [[97760, 110924, "Scream_-LRB-franchise-RRB-", 19]]], "all_evidence": [[97760, 110922, "Scream_-LRB-franchise-RRB-", 2], [97760, 110923, "Scream_-LRB-franchise-RRB-", 17], [97760, 110924, "Scream_-LRB-franchise-RRB-", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169894, null, null, null]]], "all_evidence": [[169894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164016, 178265, "Hebe_-LRB-mythology-RRB-", 2]]], "all_evidence": [[164016, 178265, "Hebe_-LRB-mythology-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70678, 81561, "Syco", 0]]], "all_evidence": [[70678, 81561, "Syco", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258043, 256932, "Pakistan_Movement", 13]]], "all_evidence": [[258043, 256932, "Pakistan_Movement", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40212, 48381, "LinkedIn", 14]]], "all_evidence": [[40212, 48381, "LinkedIn", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150542, 165422, "Spider-Man_2", 0]], [[152596, 167385, "Spider-Man_2", 0]], [[152596, 167386, "Spider-Man_2", 9]], [[155088, 169802, "Spider-Man_2", 9]], [[155088, 169803, "Spider-Man_2", 0]], [[311587, 301521, "Spider-Man_2", 0]], [[311587, 301522, "Spider-Man_2", 9]], [[311589, 301523, "Spider-Man_2", 0]], [[311589, 301524, "Spider-Man_2", 9]]], "all_evidence": [[150542, 165422, "Spider-Man_2", 0], [152596, 167385, "Spider-Man_2", 0], [152596, 167386, "Spider-Man_2", 9], [155088, 169802, "Spider-Man_2", 9], [155088, 169803, "Spider-Man_2", 0], [311587, 301521, "Spider-Man_2", 0], [311587, 301522, "Spider-Man_2", 9], [311589, 301523, "Spider-Man_2", 0], [311589, 301524, "Spider-Man_2", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186404, 198220, "Kenny_Chesney", 0]], [[188035, 199602, "Kenny_Chesney", 0]], [[314558, 303907, "Kenny_Chesney", 0]], [[316180, 305390, "Kenny_Chesney", 0]], [[316181, 305391, "Kenny_Chesney", 0]]], "all_evidence": [[186404, 198220, "Kenny_Chesney", 0], [188035, 199602, "Kenny_Chesney", 0], [314558, 303907, "Kenny_Chesney", 0], [316180, 305390, "Kenny_Chesney", 0], [316181, 305391, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120612, 134857, "Two_and_a_Half_Men", 1]], [[120613, 134858, "Two_and_a_Half_Men", 1]], [[120614, 134859, "Two_and_a_Half_Men", 1]], [[120615, 134860, "Two_and_a_Half_Men", 1]], [[120616, 134861, "Two_and_a_Half_Men", 1]], [[120617, 134862, "Two_and_a_Half_Men", 1]], [[120618, 134864, "Two_and_a_Half_Men", 1]], [[120619, 134863, "Two_and_a_Half_Men", 1]], [[120620, 134865, "Two_and_a_Half_Men", 1]], [[120621, 134866, "Two_and_a_Half_Men", 1]], [[120622, 134867, "Two_and_a_Half_Men", 1]], [[120628, 134872, "Two_and_a_Half_Men", 1]], [[120628, 134873, "Two_and_a_Half_Men", 7]], [[120628, 134874, "Two_and_a_Half_Men", 8]]], "all_evidence": [[120612, 134857, "Two_and_a_Half_Men", 1], [120613, 134858, "Two_and_a_Half_Men", 1], [120614, 134859, "Two_and_a_Half_Men", 1], [120615, 134860, "Two_and_a_Half_Men", 1], [120616, 134861, "Two_and_a_Half_Men", 1], [120617, 134862, "Two_and_a_Half_Men", 1], [120618, 134864, "Two_and_a_Half_Men", 1], [120619, 134863, "Two_and_a_Half_Men", 1], [120620, 134865, "Two_and_a_Half_Men", 1], [120621, 134866, "Two_and_a_Half_Men", 1], [120622, 134867, "Two_and_a_Half_Men", 1], [120628, 134872, "Two_and_a_Half_Men", 1], [120628, 134873, "Two_and_a_Half_Men", 7], [120628, 134874, "Two_and_a_Half_Men", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128024, 142729, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]], "all_evidence": [[128024, 142729, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29981, null, null, null]]], "all_evidence": [[29981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221816, 227364, "Augustus_Prew", 5]]], "all_evidence": [[221816, 227364, "Augustus_Prew", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38777, null, null, null]]], "all_evidence": [[38777, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260768, 259069, "Species_distribution", 14]]], "all_evidence": [[260768, 259069, "Species_distribution", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241247, 242789, "Latvian_Soviet_Socialist_Republic", 0]]], "all_evidence": [[241247, 242789, "Latvian_Soviet_Socialist_Republic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296214, null, null, null], [297803, null, null, null], [299937, null, null, null], [342539, null, null, null], [342552, null, null, null]]], "all_evidence": [[296214, null, null, null], [297803, null, null, null], [299937, null, null, null], [342539, null, null, null], [342552, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194200, null, null, null]]], "all_evidence": [[194200, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109731, null, null, null]]], "all_evidence": [[109731, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150576, 165448, "Tennessee", 0]]], "all_evidence": [[150576, 165448, "Tennessee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239436, null, null, null]]], "all_evidence": [[239436, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13853, 17345, "Prague", 16]]], "all_evidence": [[13853, 17345, "Prague", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265334, 262552, "Vedic_Sanskrit", 1]]], "all_evidence": [[265334, 262552, "Vedic_Sanskrit", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28096, null, null, null]]], "all_evidence": [[28096, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111013, 124700, "Carol_Danvers", 0]], [[111013, 124701, "Carol_Danvers", 7]]], "all_evidence": [[111013, 124700, "Carol_Danvers", 0], [111013, 124701, "Carol_Danvers", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237303, 239537, "Thunderstorm", 17]], [[237303, 239538, "Thunderstorm", 24]], [[237303, 239539, "Thunderstorm", 27]]], "all_evidence": [[237303, 239537, "Thunderstorm", 17], [237303, 239538, "Thunderstorm", 24], [237303, 239539, "Thunderstorm", 27]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232341, 235569, "University_of_Leicester", 11]]], "all_evidence": [[232341, 235569, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142311, 157504, "IPhone_4", 0]]], "all_evidence": [[142311, 157504, "IPhone_4", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23569, null, null, null]]], "all_evidence": [[23569, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91092, 103779, "GLOW_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[91092, 103779, "GLOW_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29945, null, null, null]]], "all_evidence": [[29945, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206146, 214585, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206146, 214585, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155889, null, null, null]]], "all_evidence": [[155889, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159261, 173841, "Zac_Efron", 0]], [[159262, 173842, "Zac_Efron", 0], [159262, 173842, "Americans", 0]], [[159263, 173843, "Zac_Efron", 0], [159263, 173843, "Americans", 0]]], "all_evidence": [[159261, 173841, "Zac_Efron", 0], [159262, 173842, "Zac_Efron", 0], [159262, 173842, "Americans", 0], [159263, 173843, "Zac_Efron", 0], [159263, 173843, "Americans", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197942, 207865, "Fringe_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[197942, 207865, "Fringe_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154059, null, null, null], [154060, null, null, null]]], "all_evidence": [[154059, null, null, null], [154060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108604, 122206, "Woodrow_Wilson", 0]], [[108604, 122207, "Woodrow_Wilson", 1]], [[108604, 122208, "Woodrow_Wilson", 2]], [[108604, 122209, "Woodrow_Wilson", 4]], [[108604, 122210, "Woodrow_Wilson", 6]], [[108604, 122211, "Woodrow_Wilson", 12]], [[108604, 122212, "Woodrow_Wilson", 14]], [[108604, 122213, "Woodrow_Wilson", 15]], [[108604, 122214, "Woodrow_Wilson", 17]], [[108604, 122215, "Woodrow_Wilson", 19]], [[108604, 122216, "Woodrow_Wilson", 26]], [[108604, 122217, "Woodrow_Wilson", 28]], [[108604, 122218, "Woodrow_Wilson", 32]], [[108604, 122219, "Woodrow_Wilson", 40]], [[108604, 122220, "Woodrow_Wilson", 41]], [[108604, 122221, "Woodrow_Wilson", 43]], [[108604, 122222, "Woodrow_Wilson", 44]], [[108627, 122250, "Woodrow_Wilson", 0]], [[108627, 122251, "Woodrow_Wilson", 1]], [[108627, 122252, "Woodrow_Wilson", 2]], [[108627, 122253, "Woodrow_Wilson", 4]], [[108627, 122254, "Woodrow_Wilson", 3]], [[108627, 122255, "Woodrow_Wilson", 6]], [[108627, 122256, "Woodrow_Wilson", 12]], [[108627, 122257, "Woodrow_Wilson", 15]], [[108627, 122258, "Woodrow_Wilson", 14]], [[108627, 122259, "Woodrow_Wilson", 17]], [[108627, 122260, "Woodrow_Wilson", 19]], [[108627, 122261, "Woodrow_Wilson", 22]], [[108627, 122262, "Woodrow_Wilson", 24]], [[108627, 122263, "Woodrow_Wilson", 26]], [[108627, 122264, "Woodrow_Wilson", 25], [108627, 122264, "Adamson_Act", 0]], [[108627, 122265, "Woodrow_Wilson", 23], [108627, 122265, "Clayton_Antitrust_Act", 0]], [[108627, 122266, "Woodrow_Wilson", 28]], [[108627, 122267, "Woodrow_Wilson", 32]], [[108627, 122268, "Woodrow_Wilson", 33], [108627, 122268, "Allies_of_World_War_I", 3], [108627, 122268, "Allies_of_World_War_I", 9]], [[108627, 122269, "Woodrow_Wilson", 34], [108627, 122269, "John_J._Pershing", 6]], [[108627, 122270, "Woodrow_Wilson", 35], [108627, 122270, "Selective_Service_Act_of_1917", 0]], [[108627, 122271, "Woodrow_Wilson", 38]], [[108627, 122272, "Woodrow_Wilson", 37], [108627, 122272, "War_Industries_Board", 0]], [[108627, 122273, "Woodrow_Wilson", 39]], [[108627, 122274, "Woodrow_Wilson", 43]], [[108627, 122275, "Woodrow_Wilson", 41]], [[108627, 122276, "Woodrow_Wilson", 40]], [[108627, 122277, "Woodrow_Wilson", 44]]], "all_evidence": [[108604, 122206, "Woodrow_Wilson", 0], [108604, 122207, "Woodrow_Wilson", 1], [108604, 122208, "Woodrow_Wilson", 2], [108604, 122209, "Woodrow_Wilson", 4], [108604, 122210, "Woodrow_Wilson", 6], [108604, 122211, "Woodrow_Wilson", 12], [108604, 122212, "Woodrow_Wilson", 14], [108604, 122213, "Woodrow_Wilson", 15], [108604, 122214, "Woodrow_Wilson", 17], [108604, 122215, "Woodrow_Wilson", 19], [108604, 122216, "Woodrow_Wilson", 26], [108604, 122217, "Woodrow_Wilson", 28], [108604, 122218, "Woodrow_Wilson", 32], [108604, 122219, "Woodrow_Wilson", 40], [108604, 122220, "Woodrow_Wilson", 41], [108604, 122221, "Woodrow_Wilson", 43], [108604, 122222, "Woodrow_Wilson", 44], [108627, 122250, "Woodrow_Wilson", 0], [108627, 122251, "Woodrow_Wilson", 1], [108627, 122252, "Woodrow_Wilson", 2], [108627, 122253, "Woodrow_Wilson", 4], [108627, 122254, "Woodrow_Wilson", 3], [108627, 122255, "Woodrow_Wilson", 6], [108627, 122256, "Woodrow_Wilson", 12], [108627, 122257, "Woodrow_Wilson", 15], [108627, 122258, "Woodrow_Wilson", 14], [108627, 122259, "Woodrow_Wilson", 17], [108627, 122260, "Woodrow_Wilson", 19], [108627, 122261, "Woodrow_Wilson", 22], [108627, 122262, "Woodrow_Wilson", 24], [108627, 122263, "Woodrow_Wilson", 26], [108627, 122264, "Woodrow_Wilson", 25], [108627, 122264, "Adamson_Act", 0], [108627, 122265, "Woodrow_Wilson", 23], [108627, 122265, "Clayton_Antitrust_Act", 0], [108627, 122266, "Woodrow_Wilson", 28], [108627, 122267, "Woodrow_Wilson", 32], [108627, 122268, "Woodrow_Wilson", 33], [108627, 122268, "Allies_of_World_War_I", 3], [108627, 122268, "Allies_of_World_War_I", 9], [108627, 122269, "Woodrow_Wilson", 34], [108627, 122269, "John_J._Pershing", 6], [108627, 122270, "Woodrow_Wilson", 35], [108627, 122270, "Selective_Service_Act_of_1917", 0], [108627, 122271, "Woodrow_Wilson", 38], [108627, 122272, "Woodrow_Wilson", 37], [108627, 122272, "War_Industries_Board", 0], [108627, 122273, "Woodrow_Wilson", 39], [108627, 122274, "Woodrow_Wilson", 43], [108627, 122275, "Woodrow_Wilson", 41], [108627, 122276, "Woodrow_Wilson", 40], [108627, 122277, "Woodrow_Wilson", 44]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212570, null, null, null]]], "all_evidence": [[212570, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268429, null, null, null]]], "all_evidence": [[268429, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218633, null, null, null]]], "all_evidence": [[218633, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66062, 76912, "The_Beverly_Hillbillies", 6]], [[66069, 76916, "The_Beverly_Hillbillies", 6]]], "all_evidence": [[66062, 76912, "The_Beverly_Hillbillies", 6], [66069, 76916, "The_Beverly_Hillbillies", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52139, 62057, "Toy_Story_2", 16]]], "all_evidence": [[52139, 62057, "Toy_Story_2", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204618, null, null, null]]], "all_evidence": [[204618, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150129, null, null, null]]], "all_evidence": [[150129, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48585, 57894, "Burj_Khalifa", 0], [48585, 57894, "Skyscraper", 0]]], "all_evidence": [[48585, 57894, "Burj_Khalifa", 0], [48585, 57894, "Skyscraper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55366, 65422, "Hinduism", 6], [55366, 65422, "Hindu_cosmology", 0]]], "all_evidence": [[55366, 65422, "Hinduism", 6], [55366, 65422, "Hindu_cosmology", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125728, null, null, null]]], "all_evidence": [[125728, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75959, null, null, null]]], "all_evidence": [[75959, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168188, 181942, "Netscape_Navigator", 9]]], "all_evidence": [[168188, 181942, "Netscape_Navigator", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108478, 122083, "Salt_River_Valley", 0]]], "all_evidence": [[108478, 122083, "Salt_River_Valley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227398, 231779, "Jeb_Bush", 3]]], "all_evidence": [[227398, 231779, "Jeb_Bush", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119410, 133415, "Grease_-LRB-film-RRB-", 0]], [[119412, 133417, "Grease_-LRB-film-RRB-", 0]]], "all_evidence": [[119410, 133415, "Grease_-LRB-film-RRB-", 0], [119412, 133417, "Grease_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275885, 270965, "Ed_and_Lorraine_Warren", 0], [275885, 270965, "Ghost_hunting", 0]], [[278187, 273074, "Ed_and_Lorraine_Warren", 2], [278187, 273074, "Clairvoyance", 6]], [[325073, 312851, "Ed_and_Lorraine_Warren", 0], [325073, 312851, "Ghost_hunting", 0]]], "all_evidence": [[275885, 270965, "Ed_and_Lorraine_Warren", 0], [275885, 270965, "Ghost_hunting", 0], [278187, 273074, "Ed_and_Lorraine_Warren", 2], [278187, 273074, "Clairvoyance", 6], [325073, 312851, "Ed_and_Lorraine_Warren", 0], [325073, 312851, "Ghost_hunting", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64916, 75771, "City_of_Literature", 2]]], "all_evidence": [[64916, 75771, "City_of_Literature", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183209, 195296, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]], "all_evidence": [[183209, 195296, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111712, null, null, null], [115275, null, null, null], [308327, null, null, null], [309803, null, null, null], [309820, null, null, null], [309825, null, null, null]]], "all_evidence": [[111712, null, null, null], [115275, null, null, null], [308327, null, null, null], [309803, null, null, null], [309820, null, null, null], [309825, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202249, null, null, null]]], "all_evidence": [[202249, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135235, 150153, "United_States_dollar", 70]], [[135235, 150154, "United_States_dollar", 71]], [[135235, 150155, "United_States_dollar", 72]]], "all_evidence": [[135235, 150153, "United_States_dollar", 70], [135235, 150154, "United_States_dollar", 71], [135235, 150155, "United_States_dollar", 72]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191934, 202701, "American_Idol_-LRB-season_8-RRB-", 1]], [[191935, 202702, "American_Idol_-LRB-season_8-RRB-", 1]]], "all_evidence": [[191934, 202701, "American_Idol_-LRB-season_8-RRB-", 1], [191935, 202702, "American_Idol_-LRB-season_8-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259297, 257926, "Indian_National_Congress", 8], [259297, 257926, "Mumbai", 0]]], "all_evidence": [[259297, 257926, "Indian_National_Congress", 8], [259297, 257926, "Mumbai", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76313, 87615, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[76313, 87615, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26639, 32692, "David_Attenborough", 4]]], "all_evidence": [[26639, 32692, "David_Attenborough", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185701, null, null, null]]], "all_evidence": [[185701, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157026, 171585, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[157026, 171585, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218116, 224492, "Psych_-LRB-season_2-RRB-", 0]], [[220048, 225918, "Psych_-LRB-season_2-RRB-", 0]], [[220902, 226683, "Psych_-LRB-season_2-RRB-", 0]], [[317524, 306571, "Psych_-LRB-season_2-RRB-", 0]], [[317530, 306575, "Psych_-LRB-season_2-RRB-", 0]], [[317537, 306586, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[218116, 224492, "Psych_-LRB-season_2-RRB-", 0], [220048, 225918, "Psych_-LRB-season_2-RRB-", 0], [220902, 226683, "Psych_-LRB-season_2-RRB-", 0], [317524, 306571, "Psych_-LRB-season_2-RRB-", 0], [317530, 306575, "Psych_-LRB-season_2-RRB-", 0], [317537, 306586, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234827, 237637, "Andrea_Pirlo", 0]]], "all_evidence": [[234827, 237637, "Andrea_Pirlo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145174, 160174, "Dan_Trachtenberg", 0]]], "all_evidence": [[145174, 160174, "Dan_Trachtenberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117023, null, null, null]]], "all_evidence": [[117023, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206292, null, null, null]]], "all_evidence": [[206292, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87600, 100103, "China", 16]]], "all_evidence": [[87600, 100103, "China", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146131, 161128, "Phoenix,_Arizona", 0]], [[146132, 161129, "Phoenix,_Arizona", 0]], [[146133, 161130, "Phoenix,_Arizona", 0]]], "all_evidence": [[146131, 161128, "Phoenix,_Arizona", 0], [146132, 161129, "Phoenix,_Arizona", 0], [146133, 161130, "Phoenix,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157152, 171708, "Project_Y", 1], [157152, 171708, "Nuclear_weapon", 0]]], "all_evidence": [[157152, 171708, "Project_Y", 1], [157152, 171708, "Nuclear_weapon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58496, 68789, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[58496, 68789, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111998, 125811, "Near-Earth_object", 0]]], "all_evidence": [[111998, 125811, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207374, 215666, "Dawood_Ibrahim", 0]]], "all_evidence": [[207374, 215666, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72314, 83338, "Adam_Lambert", 10]], [[72333, 83385, "Adam_Lambert", 10]]], "all_evidence": [[72314, 83338, "Adam_Lambert", 10], [72333, 83385, "Adam_Lambert", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143945, 159030, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]], "all_evidence": [[143945, 159030, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257974, null, null, null]]], "all_evidence": [[257974, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32023, 38881, "Brie_Larson", 10], [32023, 38881, "Short_Term_12", 0]]], "all_evidence": [[32023, 38881, "Brie_Larson", 10], [32023, 38881, "Short_Term_12", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212936, 220326, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]], "all_evidence": [[212936, 220326, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119277, 133245, "Aldous_Huxley", 5]], [[119277, 133246, "Aldous_Huxley", 6]], [[119278, 133247, "Aldous_Huxley", 5]], [[119278, 133248, "Aldous_Huxley", 6]]], "all_evidence": [[119277, 133245, "Aldous_Huxley", 5], [119277, 133246, "Aldous_Huxley", 6], [119278, 133247, "Aldous_Huxley", 5], [119278, 133248, "Aldous_Huxley", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226686, 231178, "Bala_-LRB-director-RRB-", 2]]], "all_evidence": [[226686, 231178, "Bala_-LRB-director-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245706, 246416, "Andrew_Carnegie", 3]]], "all_evidence": [[245706, 246416, "Andrew_Carnegie", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60037, 70447, "Cars_3", 2], [60037, 70447, "Brian_Fee", 0]]], "all_evidence": [[60037, 70447, "Cars_3", 2], [60037, 70447, "Brian_Fee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61221, 71716, "Warcraft_-LRB-film-RRB-", 7]]], "all_evidence": [[61221, 71716, "Warcraft_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220626, 226449, "William_Cohen", 0]]], "all_evidence": [[220626, 226449, "William_Cohen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13276, 16611, "Kung_Fu_Panda", 17]]], "all_evidence": [[13276, 16611, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99767, null, null, null]]], "all_evidence": [[99767, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12700, 15849, "Yin_and_yang", 10]], [[19299, 23695, "Yin_and_yang", 0]], [[19299, 23696, "Yin_and_yang", 7]], [[19299, 23697, "Yin_and_yang", 10]], [[19912, 24466, "Yin_and_yang", 10]], [[185225, 197019, "Yin_and_yang", 10]], [[299087, 290466, "Yin_and_yang", 10]], [[299090, 290468, "Yin_and_yang", 10]]], "all_evidence": [[12700, 15849, "Yin_and_yang", 10], [19299, 23695, "Yin_and_yang", 0], [19299, 23696, "Yin_and_yang", 7], [19299, 23697, "Yin_and_yang", 10], [19912, 24466, "Yin_and_yang", 10], [185225, 197019, "Yin_and_yang", 10], [299087, 290466, "Yin_and_yang", 10], [299090, 290468, "Yin_and_yang", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120363, 134585, "Grease_-LRB-film-RRB-", 4]]], "all_evidence": [[120363, 134585, "Grease_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172779, null, null, null]]], "all_evidence": [[172779, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265963, 263069, "Baja_1000", 14]]], "all_evidence": [[265963, 263069, "Baja_1000", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233444, 236372, "Catherine_Hardwicke", 0]], [[233445, 236373, "Catherine_Hardwicke", 0]]], "all_evidence": [[233444, 236372, "Catherine_Hardwicke", 0], [233445, 236373, "Catherine_Hardwicke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82604, 94403, "Henry_Cavill", 8]], [[82605, 94404, "Henry_Cavill", 8]]], "all_evidence": [[82604, 94403, "Henry_Cavill", 8], [82605, 94404, "Henry_Cavill", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258037, 256928, "Pakistan_Movement", 13]]], "all_evidence": [[258037, 256928, "Pakistan_Movement", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84535, 96727, "Charles_de_Gaulle", 2], [84535, 96727, "French_Fifth_Republic", 0], [84535, 96727, "French_Fifth_Republic", 1]]], "all_evidence": [[84535, 96727, "Charles_de_Gaulle", 2], [84535, 96727, "French_Fifth_Republic", 0], [84535, 96727, "French_Fifth_Republic", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39960, 48066, "Lorelai_Gilmore", 3]]], "all_evidence": [[39960, 48066, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221800, 227355, "Augustus_Prew", 5]]], "all_evidence": [[221800, 227355, "Augustus_Prew", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57656, null, null, null]]], "all_evidence": [[57656, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190517, 201524, "American_Idol_-LRB-season_8-RRB-", 1]]], "all_evidence": [[190517, 201524, "American_Idol_-LRB-season_8-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134162, null, null, null]]], "all_evidence": [[134162, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13294, 16639, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]], [[22517, 27747, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]], [[50721, 60335, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]], [[326757, 314186, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]], "all_evidence": [[13294, 16639, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [22517, 27747, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [50721, 60335, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [326757, 314186, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127125, 141636, "Danish_language", 1], [127125, 141636, "Canada", 0]], [[127125, 141637, "Danish_language", 2], [127125, 141637, "Greenland", 1]]], "all_evidence": [[127125, 141636, "Danish_language", 1], [127125, 141636, "Canada", 0], [127125, 141637, "Danish_language", 2], [127125, 141637, "Greenland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244093, null, null, null]]], "all_evidence": [[244093, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42385, 51003, "Planet_Hollywood_Las_Vegas", 1]]], "all_evidence": [[42385, 51003, "Planet_Hollywood_Las_Vegas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174351, 187573, "Cyclades", 0]]], "all_evidence": [[174351, 187573, "Cyclades", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245686, 246397, "Andrew_Carnegie", 3]]], "all_evidence": [[245686, 246397, "Andrew_Carnegie", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109235, 122914, "Atlanta_metropolitan_area", 1]]], "all_evidence": [[109235, 122914, "Atlanta_metropolitan_area", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20269, 24806, "Balibo_-LRB-film-RRB-", 0]]], "all_evidence": [[20269, 24806, "Balibo_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275308, null, null, null], [275331, null, null, null], [277185, null, null, null], [277191, null, null, null], [324347, null, null, null], [324348, null, null, null]]], "all_evidence": [[275308, null, null, null], [275331, null, null, null], [277185, null, null, null], [277191, null, null, null], [324347, null, null, null], [324348, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38073, null, null, null]]], "all_evidence": [[38073, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27161, 33285, "Edward_Cullen", 0]]], "all_evidence": [[27161, 33285, "Edward_Cullen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262107, null, null, null]]], "all_evidence": [[262107, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96379, null, null, null]]], "all_evidence": [[96379, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32537, 39541, "Pattern_recognition", 1]]], "all_evidence": [[32537, 39541, "Pattern_recognition", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213588, null, null, null]]], "all_evidence": [[213588, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81674, 93459, "Key_&_Peele", 10]], [[83189, 95137, "Key_&_Peele", 10]], [[85173, 97457, "Key_&_Peele", 10]], [[306076, 296834, "Key_&_Peele", 10]], [[307299, 297820, "Key_&_Peele", 10]], [[307300, 297821, "Key_&_Peele", 10]]], "all_evidence": [[81674, 93459, "Key_&_Peele", 10], [83189, 95137, "Key_&_Peele", 10], [85173, 97457, "Key_&_Peele", 10], [306076, 296834, "Key_&_Peele", 10], [307299, 297820, "Key_&_Peele", 10], [307300, 297821, "Key_&_Peele", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89829, null, null, null]]], "all_evidence": [[89829, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262379, 260378, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24], [262379, 260378, "Law_of_chastity", 0]]], "all_evidence": [[262379, 260378, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24], [262379, 260378, "Law_of_chastity", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179447, 192029, "Two_and_a_Half_Men", 0]]], "all_evidence": [[179447, 192029, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126237, 140636, "Africa_Cup_of_Nations", 21]]], "all_evidence": [[126237, 140636, "Africa_Cup_of_Nations", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47878, 57152, "Yvonne_Strahovski", 0]]], "all_evidence": [[47878, 57152, "Yvonne_Strahovski", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16949, null, null, null], [19867, null, null, null], [301413, null, null, null], [302461, null, null, null], [304484, null, null, null]]], "all_evidence": [[16949, null, null, null], [19867, null, null, null], [301413, null, null, null], [302461, null, null, null], [304484, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84030, 96150, "Louie_-LRB-season_1-RRB-", 7]]], "all_evidence": [[84030, 96150, "Louie_-LRB-season_1-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209477, null, null, null], [212074, null, null, null], [214693, null, null, null], [316119, null, null, null], [316121, null, null, null]]], "all_evidence": [[209477, null, null, null], [212074, null, null, null], [214693, null, null, null], [316119, null, null, null], [316121, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66742, 77566, "The_Beverly_Hillbillies", 8]]], "all_evidence": [[66742, 77566, "The_Beverly_Hillbillies", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116341, null, null, null]]], "all_evidence": [[116341, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17702, 21850, "Personality", 0]]], "all_evidence": [[17702, 21850, "Personality", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185290, null, null, null]]], "all_evidence": [[185290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144238, 159285, "Bonaire", 9]]], "all_evidence": [[144238, 159285, "Bonaire", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274413, 269710, "Eurotas_-LRB-river-RRB-", 0]], [[274416, 269712, "Eurotas_-LRB-river-RRB-", 0]], [[276736, 271805, "Eurotas_-LRB-river-RRB-", 0]], [[322501, 310828, "Eurotas_-LRB-river-RRB-", 0]], [[322502, 310829, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[274413, 269710, "Eurotas_-LRB-river-RRB-", 0], [274416, 269712, "Eurotas_-LRB-river-RRB-", 0], [276736, 271805, "Eurotas_-LRB-river-RRB-", 0], [322501, 310828, "Eurotas_-LRB-river-RRB-", 0], [322502, 310829, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222848, 228002, "Alan_White", 23]]], "all_evidence": [[222848, 228002, "Alan_White", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119862, 133995, "Zoey_Deutch", 1]], [[119863, 133996, "Zoey_Deutch", 1]]], "all_evidence": [[119862, 133995, "Zoey_Deutch", 1], [119863, 133996, "Zoey_Deutch", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27718, 33954, "Richard_Dawson", 0]]], "all_evidence": [[27718, 33954, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35093, 42557, "Ed_and_Lorraine_Warren", 0]]], "all_evidence": [[35093, 42557, "Ed_and_Lorraine_Warren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131837, 146689, "Scandinavia", 3]]], "all_evidence": [[131837, 146689, "Scandinavia", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228958, null, null, null]]], "all_evidence": [[228958, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272708, 268427, "Telephone_-LRB-song-RRB-", 5]]], "all_evidence": [[272708, 268427, "Telephone_-LRB-song-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14296, 17858, "Great_white_shark", 16]]], "all_evidence": [[14296, 17858, "Great_white_shark", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239435, null, null, null]]], "all_evidence": [[239435, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244099, 245190, "Uta_Hagen", 0]]], "all_evidence": [[244099, 245190, "Uta_Hagen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233840, 236729, "Lois_Lane", 7]], [[233842, 236730, "Lois_Lane", 7]], [[233844, 236732, "Lois_Lane", 7]]], "all_evidence": [[233840, 236729, "Lois_Lane", 7], [233842, 236730, "Lois_Lane", 7], [233844, 236732, "Lois_Lane", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25749, 31671, "Port_of_Spain", 0]], [[25749, 31672, "Port_of_Spain", 1]], [[25749, 31673, "Port_of_Spain", 5]], [[25749, 31674, "Port_of_Spain", 13]], [[25749, 31675, "Port_of_Spain", 15]], [[25749, 31676, "Port_of_Spain", 18]], [[25749, 31677, "Port_of_Spain", 24]]], "all_evidence": [[25749, 31671, "Port_of_Spain", 0], [25749, 31672, "Port_of_Spain", 1], [25749, 31673, "Port_of_Spain", 5], [25749, 31674, "Port_of_Spain", 13], [25749, 31675, "Port_of_Spain", 15], [25749, 31676, "Port_of_Spain", 18], [25749, 31677, "Port_of_Spain", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265230, 262471, "A_United_Kingdom", 0]], [[265230, 262472, "A_United_Kingdom", 4]], [[265231, 262473, "A_United_Kingdom", 0]]], "all_evidence": [[265230, 262471, "A_United_Kingdom", 0], [265230, 262472, "A_United_Kingdom", 4], [265231, 262473, "A_United_Kingdom", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81440, null, null, null]]], "all_evidence": [[81440, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181644, 193896, "Burj_Khalifa", 0], [181644, 193896, "United_Arab_Emirates", 0]], [[181644, 193897, "Burj_Khalifa", 24]]], "all_evidence": [[181644, 193896, "Burj_Khalifa", 0], [181644, 193896, "United_Arab_Emirates", 0], [181644, 193897, "Burj_Khalifa", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107737, 121219, "Catherine_Keener", 1], [107737, 121219, "Capote_-LRB-film-RRB-", 0]], [[107737, 121220, "Catherine_Keener", 2]]], "all_evidence": [[107737, 121219, "Catherine_Keener", 1], [107737, 121219, "Capote_-LRB-film-RRB-", 0], [107737, 121220, "Catherine_Keener", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144310, 159339, "Argentina", 3]]], "all_evidence": [[144310, 159339, "Argentina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149733, 164680, "University_of_Chicago_Law_School", 6]]], "all_evidence": [[149733, 164680, "University_of_Chicago_Law_School", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129066, null, null, null]]], "all_evidence": [[129066, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32658, null, null, null], [35447, null, null, null], [37436, null, null, null], [301871, null, null, null], [303321, null, null, null]]], "all_evidence": [[32658, null, null, null], [35447, null, null, null], [37436, null, null, null], [301871, null, null, null], [303321, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32030, 38888, "Andrew_Moray", 1]]], "all_evidence": [[32030, 38888, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94218, null, null, null]]], "all_evidence": [[94218, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202967, null, null, null]]], "all_evidence": [[202967, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122594, 136902, "MS-13", 0]]], "all_evidence": [[122594, 136902, "MS-13", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259312, 257938, "Indian_National_Congress", 8]]], "all_evidence": [[259312, 257938, "Indian_National_Congress", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210414, 218183, "Sean_Gunn", 0]], [[210415, 218184, "Sean_Gunn", 0]]], "all_evidence": [[210414, 218183, "Sean_Gunn", 0], [210415, 218184, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26595, 32644, "Natasha_Lyonne", 0]]], "all_evidence": [[26595, 32644, "Natasha_Lyonne", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207763, null, null, null]]], "all_evidence": [[207763, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220178, 226015, "Foot_Locker", 0]]], "all_evidence": [[220178, 226015, "Foot_Locker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25055, null, null, null], [26435, null, null, null], [28608, null, null, null], [301610, null, null, null], [302639, null, null, null], [304383, null, null, null]]], "all_evidence": [[25055, null, null, null], [26435, null, null, null], [28608, null, null, null], [301610, null, null, null], [302639, null, null, null], [304383, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176307, null, null, null]]], "all_evidence": [[176307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80563, 92405, "Menace_II_Society", 1]]], "all_evidence": [[80563, 92405, "Menace_II_Society", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100253, 113498, "Neuromodulation", 3]], [[100253, 113499, "Neuromodulation", 8]], [[102441, 115707, "Neuromodulation", 3]]], "all_evidence": [[100253, 113498, "Neuromodulation", 3], [100253, 113499, "Neuromodulation", 8], [102441, 115707, "Neuromodulation", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98656, 111729, "The_Hit_-LRB-1984_film-RRB-", 0]], [[98656, 111730, "The_Hit_-LRB-1984_film-RRB-", 1]], [[98656, 111731, "The_Hit_-LRB-1984_film-RRB-", 4]], [[98656, 111732, "The_Hit_-LRB-1984_film-RRB-", 5]], [[98656, 111733, "The_Hit_-LRB-1984_film-RRB-", 6]]], "all_evidence": [[98656, 111729, "The_Hit_-LRB-1984_film-RRB-", 0], [98656, 111730, "The_Hit_-LRB-1984_film-RRB-", 1], [98656, 111731, "The_Hit_-LRB-1984_film-RRB-", 4], [98656, 111732, "The_Hit_-LRB-1984_film-RRB-", 5], [98656, 111733, "The_Hit_-LRB-1984_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145302, 160302, "Jonah_Hill", 0]]], "all_evidence": [[145302, 160302, "Jonah_Hill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109838, 123429, "Sands_Hotel_and_Casino", 0]]], "all_evidence": [[109838, 123429, "Sands_Hotel_and_Casino", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128697, null, null, null]]], "all_evidence": [[128697, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95455, 108471, "Jenny_McCarthy", 1]]], "all_evidence": [[95455, 108471, "Jenny_McCarthy", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104869, null, null, null]]], "all_evidence": [[104869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81220, 93032, "Phoenix,_Arizona", 0]]], "all_evidence": [[81220, 93032, "Phoenix,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66536, 77356, "Doxycycline", 6]]], "all_evidence": [[66536, 77356, "Doxycycline", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107224, null, null, null]]], "all_evidence": [[107224, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60222, null, null, null]]], "all_evidence": [[60222, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263461, 261133, "The_Block_-LRB-album-RRB-", 6]], [[263461, 261134, "The_Block_-LRB-album-RRB-", 7]]], "all_evidence": [[263461, 261133, "The_Block_-LRB-album-RRB-", 6], [263461, 261134, "The_Block_-LRB-album-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99234, null, null, null]]], "all_evidence": [[99234, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173811, 186999, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]], "all_evidence": [[173811, 186999, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199805, null, null, null]]], "all_evidence": [[199805, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156990, 171551, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[156990, 171551, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269188, 265575, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269188, 265575, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245162, 246051, "Military_deception", 2]]], "all_evidence": [[245162, 246051, "Military_deception", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17745, null, null, null]]], "all_evidence": [[17745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171314, 184798, "Elizabeth_of_York", 4]], [[171314, 184799, "Elizabeth_of_York", 1]]], "all_evidence": [[171314, 184798, "Elizabeth_of_York", 4], [171314, 184799, "Elizabeth_of_York", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39394, 47431, "Emmanuel_Macron", 2]]], "all_evidence": [[39394, 47431, "Emmanuel_Macron", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48224, null, null, null]]], "all_evidence": [[48224, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207482, 215736, "Nawaz_Sharif", 0]]], "all_evidence": [[207482, 215736, "Nawaz_Sharif", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118173, null, null, null]]], "all_evidence": [[118173, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28714, 35052, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[28714, 35052, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165200, null, null, null]]], "all_evidence": [[165200, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158592, 173241, "Premier_League_Asia_Trophy", 0]]], "all_evidence": [[158592, 173241, "Premier_League_Asia_Trophy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234824, 237634, "Andrea_Pirlo", 0]]], "all_evidence": [[234824, 237634, "Andrea_Pirlo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26207, 32210, "The_Wonder_Years", 7]]], "all_evidence": [[26207, 32210, "The_Wonder_Years", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276230, null, null, null], [276239, null, null, null], [325751, null, null, null]]], "all_evidence": [[276230, null, null, null], [276239, null, null, null], [325751, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213546, 220768, "Henry_III_of_France", 23]]], "all_evidence": [[213546, 220768, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84154, 96271, "Watertown,_Massachusetts", 0]]], "all_evidence": [[84154, 96271, "Watertown,_Massachusetts", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238922, 240894, "The_Chaperone_-LRB-film-RRB-", 0]], [[238924, 240896, "The_Chaperone_-LRB-film-RRB-", 0]]], "all_evidence": [[238922, 240894, "The_Chaperone_-LRB-film-RRB-", 0], [238924, 240896, "The_Chaperone_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191936, 202703, "American_Idol_-LRB-season_8-RRB-", 1]], [[191937, 202704, "American_Idol_-LRB-season_8-RRB-", 1]]], "all_evidence": [[191936, 202703, "American_Idol_-LRB-season_8-RRB-", 1], [191937, 202704, "American_Idol_-LRB-season_8-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129748, 144471, "Dev_Patel", 5]]], "all_evidence": [[129748, 144471, "Dev_Patel", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121135, 135434, "The_Love_Club_EP", 0]]], "all_evidence": [[121135, 135434, "The_Love_Club_EP", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100671, null, null, null]]], "all_evidence": [[100671, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174948, 188047, "Quay_-LRB-film-RRB-", 1]], [[174949, 188048, "Quay_-LRB-film-RRB-", 1]], [[174950, 188049, "Quay_-LRB-film-RRB-", 1], [174950, 188049, "Quay_-LRB-film-RRB-", 0]]], "all_evidence": [[174948, 188047, "Quay_-LRB-film-RRB-", 1], [174949, 188048, "Quay_-LRB-film-RRB-", 1], [174950, 188049, "Quay_-LRB-film-RRB-", 1], [174950, 188049, "Quay_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232862, 235933, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]], [[232863, 235934, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]], [[232864, 235935, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232862, 235933, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0], [232863, 235934, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0], [232864, 235935, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229661, 233555, "William_Howard_Taft", 11]]], "all_evidence": [[229661, 233555, "William_Howard_Taft", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54063, 64043, "Mercedes-Benz", 0], [54063, 64043, "Car", 0]], [[54063, 64044, "Mercedes-Benz", 5], [54063, 64044, "Daimler-Motoren-Gesellschaft", 0], [54063, 64044, "Daimler-Benz", 0]]], "all_evidence": [[54063, 64043, "Mercedes-Benz", 0], [54063, 64043, "Car", 0], [54063, 64044, "Mercedes-Benz", 5], [54063, 64044, "Daimler-Motoren-Gesellschaft", 0], [54063, 64044, "Daimler-Benz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96847, 110006, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]], "all_evidence": [[96847, 110006, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270486, null, null, null]]], "all_evidence": [[270486, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63155, null, null, null]]], "all_evidence": [[63155, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78730, null, null, null], [307093, null, null, null], [307096, null, null, null]]], "all_evidence": [[78730, null, null, null], [307093, null, null, null], [307096, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47871, 57144, "Medical_school", 6]], [[47871, 57145, "Medical_school", 7]]], "all_evidence": [[47871, 57144, "Medical_school", 6], [47871, 57145, "Medical_school", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168878, 182592, "Jenny_McCarthy", 1]]], "all_evidence": [[168878, 182592, "Jenny_McCarthy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169489, 183118, "Battle_of_the_Trebia", 1]]], "all_evidence": [[169489, 183118, "Battle_of_the_Trebia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169060, 182741, "Mercedes-Benz", 0]]], "all_evidence": [[169060, 182741, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109185, 122874, "Anna_Nicole_Smith", 0]], [[109185, 122875, "Anna_Nicole_Smith", 2]], [[109185, 122876, "Anna_Nicole_Smith", 1], [109185, 122876, "Playboy_Playmate", 0]]], "all_evidence": [[109185, 122874, "Anna_Nicole_Smith", 0], [109185, 122875, "Anna_Nicole_Smith", 2], [109185, 122876, "Anna_Nicole_Smith", 1], [109185, 122876, "Playboy_Playmate", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19825, 24371, "Mormons", 24]]], "all_evidence": [[19825, 24371, "Mormons", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31773, 38551, "Keegan-Michael_Key", 6]]], "all_evidence": [[31773, 38551, "Keegan-Michael_Key", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57858, null, null, null], [57867, null, null, null]]], "all_evidence": [[57858, null, null, null], [57867, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110539, 124150, "Agent_Raghav_\u2013_Crime_Branch", 2]]], "all_evidence": [[110539, 124150, "Agent_Raghav_\u2013_Crime_Branch", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225330, 230005, "Live_Nation_Entertainment", 0]], [[225338, 230010, "Live_Nation_Entertainment", 0]]], "all_evidence": [[225330, 230005, "Live_Nation_Entertainment", 0], [225338, 230010, "Live_Nation_Entertainment", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247222, null, null, null]]], "all_evidence": [[247222, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82776, 94636, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[82776, 94636, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97568, 110727, "Shomu_Mukherjee", 0]]], "all_evidence": [[97568, 110727, "Shomu_Mukherjee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201006, 210460, "An_Education", 0]]], "all_evidence": [[201006, 210460, "An_Education", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103912, null, null, null]]], "all_evidence": [[103912, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165684, 179702, "Tennessee", 23]]], "all_evidence": [[165684, 179702, "Tennessee", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228433, 232621, "Rebel_in_the_Rye", 0]], [[228433, 232622, "Rebel_in_the_Rye", 4]]], "all_evidence": [[228433, 232621, "Rebel_in_the_Rye", 0], [228433, 232622, "Rebel_in_the_Rye", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96238, 109384, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[96238, 109384, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81310, 93105, "Dodo", 10]]], "all_evidence": [[81310, 93105, "Dodo", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106034, 119400, "Project_Y", 1]], [[109339, 123006, "Project_Y", 1]], [[110953, 124617, "Project_Y", 1]]], "all_evidence": [[106034, 119400, "Project_Y", 1], [109339, 123006, "Project_Y", 1], [110953, 124617, "Project_Y", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97958, 111085, "Gotham_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[97958, 111085, "Gotham_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113248, 127127, "The_Hit_-LRB-1984_film-RRB-", 0]]], "all_evidence": [[113248, 127127, "The_Hit_-LRB-1984_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263071, 260859, "Group_of_15", 4]], [[263071, 260860, "Group_of_15", 1]]], "all_evidence": [[263071, 260859, "Group_of_15", 4], [263071, 260860, "Group_of_15", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38472, 46426, "The_Last_Song_-LRB-film-RRB-", 9]], [[38473, 46427, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[38472, 46426, "The_Last_Song_-LRB-film-RRB-", 9], [38473, 46427, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108848, 122551, "Talulah_Riley", 1]]], "all_evidence": [[108848, 122551, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60226, 70627, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]], [[60230, 70629, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]], "all_evidence": [[60226, 70627, "The_Book_of_Mormon_-LRB-musical-RRB-", 19], [60230, 70629, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33513, 40676, "Betsy_Hodges", 2]]], "all_evidence": [[33513, 40676, "Betsy_Hodges", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127110, null, null, null]]], "all_evidence": [[127110, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224607, null, null, null]]], "all_evidence": [[224607, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193532, 204031, "Jean-Jacques_Dessalines", 0], [193532, 204031, "Pittsburgh_Steelers", 13]], [[193532, 204032, "Jean-Jacques_Dessalines", 14], [193532, 204032, "Pittsburgh_Steelers", 13]]], "all_evidence": [[193532, 204031, "Jean-Jacques_Dessalines", 0], [193532, 204031, "Pittsburgh_Steelers", 13], [193532, 204032, "Jean-Jacques_Dessalines", 14], [193532, 204032, "Pittsburgh_Steelers", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79256, 90920, "Python_-LRB-programming_language-RRB-", 5]]], "all_evidence": [[79256, 90920, "Python_-LRB-programming_language-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216869, null, null, null]]], "all_evidence": [[216869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92240, 105001, "Player-coach", 1]]], "all_evidence": [[92240, 105001, "Player-coach", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260845, 259167, "Indian_National_Congress", 1], [260845, 259167, "Indian_Independence_Act_1947", 4]], [[260845, 259168, "Indian_National_Congress", 2]], [[260845, 259169, "Indian_National_Congress", 4]], [[260845, 259170, "Indian_National_Congress", 10]], [[260845, 259171, "Indian_National_Congress", 13]], [[260845, 259172, "Indian_National_Congress", 14]], [[260845, 259173, "Indian_National_Congress", 18]], [[260845, 259174, "Indian_National_Congress", 19]], [[260845, 259175, "Indian_National_Congress", 22]]], "all_evidence": [[260845, 259167, "Indian_National_Congress", 1], [260845, 259167, "Indian_Independence_Act_1947", 4], [260845, 259168, "Indian_National_Congress", 2], [260845, 259169, "Indian_National_Congress", 4], [260845, 259170, "Indian_National_Congress", 10], [260845, 259171, "Indian_National_Congress", 13], [260845, 259172, "Indian_National_Congress", 14], [260845, 259173, "Indian_National_Congress", 18], [260845, 259174, "Indian_National_Congress", 19], [260845, 259175, "Indian_National_Congress", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43854, 52480, "Phoenix,_Arizona", 0], [43854, 52480, "Arizona", 0]]], "all_evidence": [[43854, 52480, "Phoenix,_Arizona", 0], [43854, 52480, "Arizona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21852, null, null, null]]], "all_evidence": [[21852, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142328, 157528, "Issa_Rae", 1]], [[142328, 157529, "Issa_Rae", 6]]], "all_evidence": [[142328, 157528, "Issa_Rae", 1], [142328, 157529, "Issa_Rae", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45695, null, null, null]]], "all_evidence": [[45695, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146036, 161046, "Jonah_Hill", 4]]], "all_evidence": [[146036, 161046, "Jonah_Hill", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224779, null, null, null]]], "all_evidence": [[224779, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256460, null, null, null]]], "all_evidence": [[256460, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183671, null, null, null]]], "all_evidence": [[183671, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216894, 223540, "Kyra_Sedgwick", 2]], [[216896, 223542, "Kyra_Sedgwick", 1], [216896, 223542, "The_Closer", 0]], [[216896, 223543, "Kyra_Sedgwick", 2]], [[216896, 223544, "Kyra_Sedgwick", 4], [216896, 223544, "Brooklyn_Nine-Nine", 1]]], "all_evidence": [[216894, 223540, "Kyra_Sedgwick", 2], [216896, 223542, "Kyra_Sedgwick", 1], [216896, 223542, "The_Closer", 0], [216896, 223543, "Kyra_Sedgwick", 2], [216896, 223544, "Kyra_Sedgwick", 4], [216896, 223544, "Brooklyn_Nine-Nine", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112938, 126782, "Trouble_with_the_Curve", 0], [112938, 126782, "Justin_Timberlake", 0], [112938, 126782, "Clint_Eastwood", 0], [112938, 126782, "John_Goodman", 0], [112938, 126782, "Matthew_Lillard", 0]]], "all_evidence": [[112938, 126782, "Trouble_with_the_Curve", 0], [112938, 126782, "Justin_Timberlake", 0], [112938, 126782, "Clint_Eastwood", 0], [112938, 126782, "John_Goodman", 0], [112938, 126782, "Matthew_Lillard", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200590, null, null, null], [200594, null, null, null]]], "all_evidence": [[200590, null, null, null], [200594, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178235, 190829, "The_Quiet", 4]]], "all_evidence": [[178235, 190829, "The_Quiet", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32790, 39871, "James_Spader", 1]]], "all_evidence": [[32790, 39871, "James_Spader", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18768, 22997, "Maria_Theresa", 5]]], "all_evidence": [[18768, 22997, "Maria_Theresa", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28379, 34689, "Robinson_Crusoe_on_Mars", 0]]], "all_evidence": [[28379, 34689, "Robinson_Crusoe_on_Mars", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225309, 229988, "Live_Nation_Entertainment", 0]]], "all_evidence": [[225309, 229988, "Live_Nation_Entertainment", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137146, 151993, "Matt_Bomer", 0]]], "all_evidence": [[137146, 151993, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166131, 180071, "Brown_University", 0]]], "all_evidence": [[166131, 180071, "Brown_University", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67113, null, null, null]]], "all_evidence": [[67113, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106658, null, null, null]]], "all_evidence": [[106658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105290, 118746, "Anne_Boleyn", 39]]], "all_evidence": [[105290, 118746, "Anne_Boleyn", 39]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29437, null, null, null]]], "all_evidence": [[29437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103942, 117452, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[103942, 117452, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270776, 266780, "Blank_Space", 10]]], "all_evidence": [[270776, 266780, "Blank_Space", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42965, 51605, "Charles_Howard_Hinton", 0]]], "all_evidence": [[42965, 51605, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260744, null, null, null]]], "all_evidence": [[260744, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165644, 179667, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]]], "all_evidence": [[165644, 179667, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75026, 86247, "Yugoslavia", 0]]], "all_evidence": [[75026, 86247, "Yugoslavia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108180, null, null, null]]], "all_evidence": [[108180, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245193, null, null, null]]], "all_evidence": [[245193, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41801, 50279, "Spider-Man_2", 0]]], "all_evidence": [[41801, 50279, "Spider-Man_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258410, 257203, "Fiji_Hindi", 1]]], "all_evidence": [[258410, 257203, "Fiji_Hindi", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186453, 198264, "Alan_Shepard", 16]]], "all_evidence": [[186453, 198264, "Alan_Shepard", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55917, 66020, "China", 11]]], "all_evidence": [[55917, 66020, "China", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140210, null, null, null]]], "all_evidence": [[140210, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99315, null, null, null]]], "all_evidence": [[99315, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60687, 71139, "Two_and_a_Half_Men", 1]]], "all_evidence": [[60687, 71139, "Two_and_a_Half_Men", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67578, null, null, null]]], "all_evidence": [[67578, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272067, null, null, null]]], "all_evidence": [[272067, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161876, null, null, null]]], "all_evidence": [[161876, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77129, null, null, null]]], "all_evidence": [[77129, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15668, 19521, "Ragtime_-LRB-film-RRB-", 2]]], "all_evidence": [[15668, 19521, "Ragtime_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215779, 222560, "You_Only_Live_Twice_-LRB-film-RRB-", 0]], [[215783, 222565, "You_Only_Live_Twice_-LRB-film-RRB-", 0]], [[215783, 222566, "You_Only_Live_Twice_-LRB-film-RRB-", 2]], [[215783, 222567, "You_Only_Live_Twice_-LRB-film-RRB-", 8], [215783, 222567, "SPECTRE", 0]], [[215783, 222568, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]], "all_evidence": [[215779, 222560, "You_Only_Live_Twice_-LRB-film-RRB-", 0], [215783, 222565, "You_Only_Live_Twice_-LRB-film-RRB-", 0], [215783, 222566, "You_Only_Live_Twice_-LRB-film-RRB-", 2], [215783, 222567, "You_Only_Live_Twice_-LRB-film-RRB-", 8], [215783, 222567, "SPECTRE", 0], [215783, 222568, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57472, null, null, null]]], "all_evidence": [[57472, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17926, 22077, "Johann_Wolfgang_von_Goethe", 13]]], "all_evidence": [[17926, 22077, "Johann_Wolfgang_von_Goethe", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229171, 233196, "Kevin_Bacon", 3]]], "all_evidence": [[229171, 233196, "Kevin_Bacon", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224577, null, null, null]]], "all_evidence": [[224577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154234, 169009, "Kaya_Scodelario", 0]]], "all_evidence": [[154234, 169009, "Kaya_Scodelario", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98083, 111218, "Solanum", 1]]], "all_evidence": [[98083, 111218, "Solanum", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168597, 182336, "Fuller_House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[168597, 182336, "Fuller_House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154188, 168975, "The_Punisher_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[154188, 168975, "The_Punisher_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272715, 268430, "Telephone_-LRB-song-RRB-", 5], [272715, 268430, "Bridge_-LRB-music-RRB-", 0]]], "all_evidence": [[272715, 268430, "Telephone_-LRB-song-RRB-", 5], [272715, 268430, "Bridge_-LRB-music-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239446, null, null, null]]], "all_evidence": [[239446, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200211, 209787, "Grease_-LRB-film-RRB-", 0]], [[200211, 209788, "Grease_-LRB-film-RRB-", 1]], [[200211, 209789, "Grease_-LRB-film-RRB-", 2]], [[200211, 209790, "Grease_-LRB-film-RRB-", 4], [200211, 209790, "Grease-COLON-_The_Original_Soundtrack_from_the_Motion_Picture", 0]], [[299144, 290514, "Grease_-LRB-film-RRB-", 0]], [[299144, 290515, "Grease_-LRB-film-RRB-", 2], [299144, 290515, "Randal_Kleiser", 0]]], "all_evidence": [[200211, 209787, "Grease_-LRB-film-RRB-", 0], [200211, 209788, "Grease_-LRB-film-RRB-", 1], [200211, 209789, "Grease_-LRB-film-RRB-", 2], [200211, 209790, "Grease_-LRB-film-RRB-", 4], [200211, 209790, "Grease-COLON-_The_Original_Soundtrack_from_the_Motion_Picture", 0], [299144, 290514, "Grease_-LRB-film-RRB-", 0], [299144, 290515, "Grease_-LRB-film-RRB-", 2], [299144, 290515, "Randal_Kleiser", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147425, null, null, null]]], "all_evidence": [[147425, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89037, 101720, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 0]]], "all_evidence": [[89037, 101720, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27132, null, null, null]]], "all_evidence": [[27132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36878, 44529, "Azithromycin", 17]]], "all_evidence": [[36878, 44529, "Azithromycin", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238916, 240888, "The_Chaperone_-LRB-film-RRB-", 0]]], "all_evidence": [[238916, 240888, "The_Chaperone_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181339, null, null, null]]], "all_evidence": [[181339, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125470, 139815, "Exotic_Birds", 2], [125470, 139815, "Eurythmics", 0], [125470, 139815, "Eurythmics", 10]], [[125500, 139851, "Exotic_Birds", 2], [125500, 139851, "Eurythmics", 0], [125500, 139851, "Eurythmics", 10]]], "all_evidence": [[125470, 139815, "Exotic_Birds", 2], [125470, 139815, "Eurythmics", 0], [125470, 139815, "Eurythmics", 10], [125500, 139851, "Exotic_Birds", 2], [125500, 139851, "Eurythmics", 0], [125500, 139851, "Eurythmics", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79181, 90816, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 0]]], "all_evidence": [[79181, 90816, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189081, 200415, "Carey_Hayes", 0]], [[189087, 200421, "Carey_Hayes", 0]]], "all_evidence": [[189081, 200415, "Carey_Hayes", 0], [189087, 200421, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265526, null, null, null]]], "all_evidence": [[265526, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80038, null, null, null]]], "all_evidence": [[80038, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206153, null, null, null]]], "all_evidence": [[206153, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36846, null, null, null]]], "all_evidence": [[36846, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104467, 117888, "Ian_Gillan", 0]]], "all_evidence": [[104467, 117888, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59115, 69450, "Musala", 0]]], "all_evidence": [[59115, 69450, "Musala", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91236, null, null, null]]], "all_evidence": [[91236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296989, 288703, "Annie_-LRB-2014_film-RRB-", 0]], [[296989, 288704, "Annie_-LRB-2014_film-RRB-", 1]], [[296989, 288705, "Annie_-LRB-2014_film-RRB-", 2]], [[296989, 288706, "Annie_-LRB-2014_film-RRB-", 5]], [[296989, 288707, "Annie_-LRB-2014_film-RRB-", 6]], [[298651, 290106, "Annie_-LRB-2014_film-RRB-", 0]], [[298651, 290107, "Annie_-LRB-2014_film-RRB-", 6]], [[298651, 290108, "Annie_-LRB-2014_film-RRB-", 5]], [[344459, 327975, "Annie_-LRB-2014_film-RRB-", 0]], [[344460, 327976, "Annie_-LRB-2014_film-RRB-", 0]], [[344461, 327977, "Annie_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[296989, 288703, "Annie_-LRB-2014_film-RRB-", 0], [296989, 288704, "Annie_-LRB-2014_film-RRB-", 1], [296989, 288705, "Annie_-LRB-2014_film-RRB-", 2], [296989, 288706, "Annie_-LRB-2014_film-RRB-", 5], [296989, 288707, "Annie_-LRB-2014_film-RRB-", 6], [298651, 290106, "Annie_-LRB-2014_film-RRB-", 0], [298651, 290107, "Annie_-LRB-2014_film-RRB-", 6], [298651, 290108, "Annie_-LRB-2014_film-RRB-", 5], [344459, 327975, "Annie_-LRB-2014_film-RRB-", 0], [344460, 327976, "Annie_-LRB-2014_film-RRB-", 0], [344461, 327977, "Annie_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77735, null, null, null]]], "all_evidence": [[77735, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157012, 171576, "Java", 9]]], "all_evidence": [[157012, 171576, "Java", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140994, 156176, "The_Ellen_Show", 0]]], "all_evidence": [[140994, 156176, "The_Ellen_Show", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59320, 69676, "Scandinavia", 4]]], "all_evidence": [[59320, 69676, "Scandinavia", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172220, 185603, "Cle\u0301opa\u0302tre", 4]]], "all_evidence": [[172220, 185603, "Cle\u0301opa\u0302tre", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49707, 59141, "Birmingham", 0]]], "all_evidence": [[49707, 59141, "Birmingham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80595, 92437, "Ed_Decter", 0]]], "all_evidence": [[80595, 92437, "Ed_Decter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94318, 107312, "The_Winds_of_Winter", 0]]], "all_evidence": [[94318, 107312, "The_Winds_of_Winter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242364, null, null, null]]], "all_evidence": [[242364, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185348, 197122, "Buffy_the_Vampire_Slayer", 0], [185348, 197122, "David_Fury", 0], [185348, 197122, "David_Greenwalt", 0], [185348, 197122, "David_Solomon_-LRB-TV_producer-RRB-", 0], [185348, 197122, "Doug_Petrie", 0], [185348, 197122, "Jane_Espenson", 0], [185348, 197122, "Marti_Noxon", 0]]], "all_evidence": [[185348, 197122, "Buffy_the_Vampire_Slayer", 0], [185348, 197122, "David_Fury", 0], [185348, 197122, "David_Greenwalt", 0], [185348, 197122, "David_Solomon_-LRB-TV_producer-RRB-", 0], [185348, 197122, "Doug_Petrie", 0], [185348, 197122, "Jane_Espenson", 0], [185348, 197122, "Marti_Noxon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39987, null, null, null]]], "all_evidence": [[39987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88959, 101592, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]], "all_evidence": [[88959, 101592, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121306, 135588, "Spider-Man_2", 0]]], "all_evidence": [[121306, 135588, "Spider-Man_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257563, 256557, "Timur", 0]]], "all_evidence": [[257563, 256557, "Timur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133100, 147969, "Mikhail_Prokhorov", 3]]], "all_evidence": [[133100, 147969, "Mikhail_Prokhorov", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121651, null, null, null]]], "all_evidence": [[121651, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30660, 37292, "New_England_Patriots", 16]]], "all_evidence": [[30660, 37292, "New_England_Patriots", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163253, 177465, "Jimi_Hendrix", 6], [163253, 177465, "Paratrooper", 0]]], "all_evidence": [[163253, 177465, "Jimi_Hendrix", 6], [163253, 177465, "Paratrooper", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203443, null, null, null]]], "all_evidence": [[203443, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26702, 32777, "Anna_Nicole_Smith", 2]]], "all_evidence": [[26702, 32777, "Anna_Nicole_Smith", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157596, 172210, "Sands_Hotel_and_Casino", 6]]], "all_evidence": [[157596, 172210, "Sands_Hotel_and_Casino", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[187215, null, null, null]]], "all_evidence": [[187215, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102408, 115685, "Solanum", 1]]], "all_evidence": [[102408, 115685, "Solanum", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39174, 47171, "Aubrey_Anderson-Emmons", 0]]], "all_evidence": [[39174, 47171, "Aubrey_Anderson-Emmons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176340, null, null, null]]], "all_evidence": [[176340, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83998, 96122, "Gettysburg_Address", 0]], [[83998, 96123, "Gettysburg_Address", 4], [83998, 96123, "Abraham_Lincoln", 0]]], "all_evidence": [[83998, 96122, "Gettysburg_Address", 0], [83998, 96123, "Gettysburg_Address", 4], [83998, 96123, "Abraham_Lincoln", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147431, null, null, null]]], "all_evidence": [[147431, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96095, null, null, null]]], "all_evidence": [[96095, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97058, null, null, null]]], "all_evidence": [[97058, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218855, 225038, "Dan_Brown", 0]], [[218855, 225039, "Dan_Brown", 3]], [[218855, 225040, "Dan_Brown", 2]]], "all_evidence": [[218855, 225038, "Dan_Brown", 0], [218855, 225039, "Dan_Brown", 3], [218855, 225040, "Dan_Brown", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106490, null, null, null]]], "all_evidence": [[106490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51260, 60983, "Google_Search", 12], [51260, 60983, "Google_Search", 13]]], "all_evidence": [[51260, 60983, "Google_Search", 12], [51260, 60983, "Google_Search", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212538, 220039, "Nina_Jacobson", 0]], [[212550, 220043, "Nina_Jacobson", 0]], [[212550, 220044, "Nina_Jacobson", 1]], [[212550, 220045, "Nina_Jacobson", 2]]], "all_evidence": [[212538, 220039, "Nina_Jacobson", 0], [212550, 220043, "Nina_Jacobson", 0], [212550, 220044, "Nina_Jacobson", 1], [212550, 220045, "Nina_Jacobson", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242318, 243722, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242318, 243722, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243489, 244694, "The_Office_-LRB-U.S._TV_series-RRB-", 0]], [[243489, 244695, "The_Office_-LRB-U.S._TV_series-RRB-", 2]], [[243489, 244696, "The_Office_-LRB-U.S._TV_series-RRB-", 9]], [[243489, 244697, "The_Office_-LRB-U.S._TV_series-RRB-", 13]]], "all_evidence": [[243489, 244694, "The_Office_-LRB-U.S._TV_series-RRB-", 0], [243489, 244695, "The_Office_-LRB-U.S._TV_series-RRB-", 2], [243489, 244696, "The_Office_-LRB-U.S._TV_series-RRB-", 9], [243489, 244697, "The_Office_-LRB-U.S._TV_series-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251560, 251399, "Gory_Guerrero", 0]]], "all_evidence": [[251560, 251399, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128700, 143366, "Betsy_Hodges", 5]], [[128700, 143367, "Betsy_Hodges", 2]], [[309039, 299325, "Betsy_Hodges", 2]], [[309039, 299326, "Betsy_Hodges", 5]], [[309040, 299327, "Betsy_Hodges", 1]], [[309040, 299328, "Betsy_Hodges", 2]], [[309040, 299329, "Betsy_Hodges", 5]], [[310635, 300680, "Betsy_Hodges", 2]], [[310635, 300681, "Betsy_Hodges", 5]]], "all_evidence": [[128700, 143366, "Betsy_Hodges", 5], [128700, 143367, "Betsy_Hodges", 2], [309039, 299325, "Betsy_Hodges", 2], [309039, 299326, "Betsy_Hodges", 5], [309040, 299327, "Betsy_Hodges", 1], [309040, 299328, "Betsy_Hodges", 2], [309040, 299329, "Betsy_Hodges", 5], [310635, 300680, "Betsy_Hodges", 2], [310635, 300681, "Betsy_Hodges", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14084, null, null, null]]], "all_evidence": [[14084, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63188, null, null, null]]], "all_evidence": [[63188, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88048, null, null, null]]], "all_evidence": [[88048, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107254, 120664, "Sherilyn_Fenn", 1]], [[107254, 120665, "Sherilyn_Fenn", 2]], [[107254, 120666, "Sherilyn_Fenn", 0]]], "all_evidence": [[107254, 120664, "Sherilyn_Fenn", 1], [107254, 120665, "Sherilyn_Fenn", 2], [107254, 120666, "Sherilyn_Fenn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275702, 270818, "Catherine_Keener", 2]], [[277980, 272898, "Catherine_Keener", 2]], [[280071, 274633, "Catherine_Keener", 2]], [[324785, 312667, "Catherine_Keener", 2], [324785, 312667, "Into_the_Wild_-LRB-film-RRB-", 0], [324785, 312667, "Into_the_Wild_-LRB-film-RRB-", 2]], [[324794, 312673, "Catherine_Keener", 2]]], "all_evidence": [[275702, 270818, "Catherine_Keener", 2], [277980, 272898, "Catherine_Keener", 2], [280071, 274633, "Catherine_Keener", 2], [324785, 312667, "Catherine_Keener", 2], [324785, 312667, "Into_the_Wild_-LRB-film-RRB-", 0], [324785, 312667, "Into_the_Wild_-LRB-film-RRB-", 2], [324794, 312673, "Catherine_Keener", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52062, 61953, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[52062, 61953, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41193, 49520, "Python_-LRB-programming_language-RRB-", 5]]], "all_evidence": [[41193, 49520, "Python_-LRB-programming_language-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75108, null, null, null]]], "all_evidence": [[75108, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71075, null, null, null]]], "all_evidence": [[71075, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121119, 135422, "Sky_UK", 0]]], "all_evidence": [[121119, 135422, "Sky_UK", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77850, 89304, "Jefferson_Davis", 5]]], "all_evidence": [[77850, 89304, "Jefferson_Davis", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168821, 182526, "Eric_Bana", 0]], [[170973, 184517, "Eric_Bana", 0]], [[170973, 184518, "Eric_Bana", 8]], [[173103, 186345, "Eric_Bana", 0]], [[173103, 186346, "Eric_Bana", 1]], [[312575, 302359, "Eric_Bana", 0]], [[312579, 302361, "Eric_Bana", 0]], [[312600, 302376, "Eric_Bana", 0]], [[312600, 302377, "Eric_Bana", 8]]], "all_evidence": [[168821, 182526, "Eric_Bana", 0], [170973, 184517, "Eric_Bana", 0], [170973, 184518, "Eric_Bana", 8], [173103, 186345, "Eric_Bana", 0], [173103, 186346, "Eric_Bana", 1], [312575, 302359, "Eric_Bana", 0], [312579, 302361, "Eric_Bana", 0], [312600, 302376, "Eric_Bana", 0], [312600, 302377, "Eric_Bana", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145459, null, null, null]]], "all_evidence": [[145459, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212558, null, null, null]]], "all_evidence": [[212558, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176412, null, null, null]]], "all_evidence": [[176412, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201889, 211242, "The_X-Files_-LRB-franchise-RRB-", 8]]], "all_evidence": [[201889, 211242, "The_X-Files_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55401, null, null, null]]], "all_evidence": [[55401, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167265, 181106, "Manchester_United_F.C.", 1]]], "all_evidence": [[167265, 181106, "Manchester_United_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151143, 165956, "Dev_Patel", 5], [151143, 165956, "Chappie_-LRB-film-RRB-", 0]]], "all_evidence": [[151143, 165956, "Dev_Patel", 5], [151143, 165956, "Chappie_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63118, null, null, null]]], "all_evidence": [[63118, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37105, 44796, "Antigua", 0]], [[37105, 44797, "Antigua", 1]], [[39616, 47694, "Antigua", 0], [39616, 47694, "West_Indies", 0]], [[42691, 51335, "Antigua", 0]], [[42691, 51336, "Antigua", 1]]], "all_evidence": [[37105, 44796, "Antigua", 0], [37105, 44797, "Antigua", 1], [39616, 47694, "Antigua", 0], [39616, 47694, "West_Indies", 0], [42691, 51335, "Antigua", 0], [42691, 51336, "Antigua", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52217, 62179, "Airbus_A380", 3]]], "all_evidence": [[52217, 62179, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102781, 116083, "Selma_to_Montgomery_marches", 1]]], "all_evidence": [[102781, 116083, "Selma_to_Montgomery_marches", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235010, 237767, "Sweet_Home_Alabama", 0]], [[235010, 237768, "Sweet_Home_Alabama", 4], [235010, 237768, "Harvest_-LRB-Neil_Young_album-RRB-", 0]]], "all_evidence": [[235010, 237767, "Sweet_Home_Alabama", 0], [235010, 237768, "Sweet_Home_Alabama", 4], [235010, 237768, "Harvest_-LRB-Neil_Young_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102451, null, null, null]]], "all_evidence": [[102451, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269146, null, null, null], [269147, null, null, null]]], "all_evidence": [[269146, null, null, null], [269147, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56947, null, null, null]]], "all_evidence": [[56947, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265876, 263015, "FC_Bayern_Munich", 4]]], "all_evidence": [[265876, 263015, "FC_Bayern_Munich", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87240, 99744, "Buffy_the_Vampire_Slayer", 0]]], "all_evidence": [[87240, 99744, "Buffy_the_Vampire_Slayer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232858, 235930, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232858, 235930, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146209, null, null, null]]], "all_evidence": [[146209, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229152, 233183, "Kevin_Bacon", 2], [229152, 233183, "Sleepers", 0]]], "all_evidence": [[229152, 233183, "Kevin_Bacon", 2], [229152, 233183, "Sleepers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170503, null, null, null]]], "all_evidence": [[170503, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140372, 155412, "Jamie_Lee_Curtis", 1], [140372, 155412, "Halloween_-LRB-1978_film-RRB-", 5]]], "all_evidence": [[140372, 155412, "Jamie_Lee_Curtis", 1], [140372, 155412, "Halloween_-LRB-1978_film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251552, null, null, null]]], "all_evidence": [[251552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123909, 138255, "Robinson_Crusoe_on_Mars", 0]]], "all_evidence": [[123909, 138255, "Robinson_Crusoe_on_Mars", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292318, 285122, "Team_Fortress_2", 0]], [[292318, 285123, "Team_Fortress_2", 9]], [[292318, 285124, "Team_Fortress_2", 10]], [[294397, 286722, "Team_Fortress_2", 0]], [[294397, 286723, "Team_Fortress_2", 9]], [[294938, 287164, "Team_Fortress_2", 0]], [[294938, 287165, "Team_Fortress_2", 9]], [[294938, 287166, "Team_Fortress_2", 10]], [[339913, 324733, "Team_Fortress_2", 0]]], "all_evidence": [[292318, 285122, "Team_Fortress_2", 0], [292318, 285123, "Team_Fortress_2", 9], [292318, 285124, "Team_Fortress_2", 10], [294397, 286722, "Team_Fortress_2", 0], [294397, 286723, "Team_Fortress_2", 9], [294938, 287164, "Team_Fortress_2", 0], [294938, 287165, "Team_Fortress_2", 9], [294938, 287166, "Team_Fortress_2", 10], [339913, 324733, "Team_Fortress_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194213, 204597, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194213, 204597, "Ben_Chaplin", 0], [194213, 204597, "Elias_Koteas", 0], [194213, 204597, "Jim_Caviezel", 0], [194213, 204597, "Sean_Penn", 0]], [[194213, 204598, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 7], [194213, 204598, "Elias_Koteas", 0]]], "all_evidence": [[194213, 204597, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194213, 204597, "Ben_Chaplin", 0], [194213, 204597, "Elias_Koteas", 0], [194213, 204597, "Jim_Caviezel", 0], [194213, 204597, "Sean_Penn", 0], [194213, 204598, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 7], [194213, 204598, "Elias_Koteas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286878, 280348, "Touch_My_Body", 0]], [[288999, 282168, "Touch_My_Body", 0]], [[333923, 320091, "Touch_My_Body", 0]], [[334745, 320716, "Touch_My_Body", 0]], [[334745, 320717, "Touch_My_Body", 1]], [[334745, 320718, "Touch_My_Body", 12]]], "all_evidence": [[286878, 280348, "Touch_My_Body", 0], [288999, 282168, "Touch_My_Body", 0], [333923, 320091, "Touch_My_Body", 0], [334745, 320716, "Touch_My_Body", 0], [334745, 320717, "Touch_My_Body", 1], [334745, 320718, "Touch_My_Body", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241242, 242786, "Latvian_Soviet_Socialist_Republic", 0]]], "all_evidence": [[241242, 242786, "Latvian_Soviet_Socialist_Republic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50148, 59676, "Southern_Hospitality_-LRB-song-RRB-", 2]]], "all_evidence": [[50148, 59676, "Southern_Hospitality_-LRB-song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214610, 221599, "Vera_Wang", 0]]], "all_evidence": [[214610, 221599, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119386, null, null, null]]], "all_evidence": [[119386, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232880, null, null, null]]], "all_evidence": [[232880, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98690, 111758, "James,_Viscount_Severn", 0]]], "all_evidence": [[98690, 111758, "James,_Viscount_Severn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154723, 169487, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[154723, 169487, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42656, 51304, "Sands_Hotel_and_Casino", 6]]], "all_evidence": [[42656, 51304, "Sands_Hotel_and_Casino", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55756, 65819, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[55756, 65819, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225579, 230209, "Staging_area", 0]]], "all_evidence": [[225579, 230209, "Staging_area", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122339, 136595, "Pharmacology", 10]]], "all_evidence": [[122339, 136595, "Pharmacology", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[254134, null, null, null], [256227, null, null, null], [320173, null, null, null], [321046, null, null, null]]], "all_evidence": [[254134, null, null, null], [256227, null, null, null], [320173, null, null, null], [321046, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81933, null, null, null]]], "all_evidence": [[81933, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19619, null, null, null]]], "all_evidence": [[19619, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56936, 67174, "Tangled", 0]]], "all_evidence": [[56936, 67174, "Tangled", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17531, 21679, "Sabbir_Khan", 1], [17531, 21679, "Kareena_Kapoor", 0]], [[17531, 21680, "Sabbir_Khan", 3], [17531, 21680, "Heropanti", 0], [17531, 21680, "Kriti_Sanon", 0]]], "all_evidence": [[17531, 21679, "Sabbir_Khan", 1], [17531, 21679, "Kareena_Kapoor", 0], [17531, 21680, "Sabbir_Khan", 3], [17531, 21680, "Heropanti", 0], [17531, 21680, "Kriti_Sanon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247539, null, null, null]]], "all_evidence": [[247539, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106000, 119375, "City_of_Literature", 0]]], "all_evidence": [[106000, 119375, "City_of_Literature", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133530, 148383, "Camp_Flog_Gnaw", 0]]], "all_evidence": [[133530, 148383, "Camp_Flog_Gnaw", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19997, 24552, "Chumlee", 0]]], "all_evidence": [[19997, 24552, "Chumlee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134039, 148917, "Danish_language", 1]]], "all_evidence": [[134039, 148917, "Danish_language", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53179, 63145, "The_Last_Song_-LRB-film-RRB-", 2]], [[53179, 63146, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[53179, 63145, "The_Last_Song_-LRB-film-RRB-", 2], [53179, 63146, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84583, 96769, "Anne_Boleyn", 10]], [[84583, 96770, "Anne_Boleyn", 40]], [[87124, 99628, "Anne_Boleyn", 2]], [[87124, 99629, "Anne_Boleyn", 10]], [[87124, 99630, "Anne_Boleyn", 13], [87124, 99630, "Hever_Castle", 0]], [[87124, 99631, "Anne_Boleyn", 18], [87124, 99631, "Marquess_of_Pembroke", 0]], [[87124, 99632, "Anne_Boleyn", 25]], [[87124, 99633, "Anne_Boleyn", 32], [87124, 99633, "Tower_of_London", 0]], [[89587, 102267, "Anne_Boleyn", 10]]], "all_evidence": [[84583, 96769, "Anne_Boleyn", 10], [84583, 96770, "Anne_Boleyn", 40], [87124, 99628, "Anne_Boleyn", 2], [87124, 99629, "Anne_Boleyn", 10], [87124, 99630, "Anne_Boleyn", 13], [87124, 99630, "Hever_Castle", 0], [87124, 99631, "Anne_Boleyn", 18], [87124, 99631, "Marquess_of_Pembroke", 0], [87124, 99632, "Anne_Boleyn", 25], [87124, 99633, "Anne_Boleyn", 32], [87124, 99633, "Tower_of_London", 0], [89587, 102267, "Anne_Boleyn", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35671, 43221, "Elizabeth_of_York", 2]]], "all_evidence": [[35671, 43221, "Elizabeth_of_York", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177072, null, null, null]]], "all_evidence": [[177072, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59874, 70278, "Samsung", 6]]], "all_evidence": [[59874, 70278, "Samsung", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257570, 256561, "Timur", 21]]], "all_evidence": [[257570, 256561, "Timur", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195175, null, null, null]]], "all_evidence": [[195175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92370, 105127, "Faye_Resnick", 0]], [[92370, 105128, "Faye_Resnick", 1]]], "all_evidence": [[92370, 105127, "Faye_Resnick", 0], [92370, 105128, "Faye_Resnick", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212542, null, null, null]]], "all_evidence": [[212542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255291, 254749, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]], "all_evidence": [[255291, 254749, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220200, null, null, null]]], "all_evidence": [[220200, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122215, null, null, null]]], "all_evidence": [[122215, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18110, 22273, "P.S._I_Love_You_-LRB-film-RRB-", 0]]], "all_evidence": [[18110, 22273, "P.S._I_Love_You_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227503, 231864, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227503, 231864, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160956, 175415, "Gray_Matters", 0]]], "all_evidence": [[160956, 175415, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296726, 288476, "Planet_Hollywood_Las_Vegas", 1]], [[298349, 289843, "Planet_Hollywood_Las_Vegas", 1]], [[300389, 291625, "Planet_Hollywood_Las_Vegas", 1]], [[300390, 291626, "Planet_Hollywood_Las_Vegas", 1]], [[343847, 327508, "Planet_Hollywood_Las_Vegas", 1]], [[343848, 327509, "Planet_Hollywood_Las_Vegas", 1]], [[343849, 327510, "Planet_Hollywood_Las_Vegas", 1]], [[343852, 327512, "Planet_Hollywood_Las_Vegas", 1]]], "all_evidence": [[296726, 288476, "Planet_Hollywood_Las_Vegas", 1], [298349, 289843, "Planet_Hollywood_Las_Vegas", 1], [300389, 291625, "Planet_Hollywood_Las_Vegas", 1], [300390, 291626, "Planet_Hollywood_Las_Vegas", 1], [343847, 327508, "Planet_Hollywood_Las_Vegas", 1], [343848, 327509, "Planet_Hollywood_Las_Vegas", 1], [343849, 327510, "Planet_Hollywood_Las_Vegas", 1], [343852, 327512, "Planet_Hollywood_Las_Vegas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182911, 195029, "Bill_Graham_Civic_Auditorium", 0]]], "all_evidence": [[182911, 195029, "Bill_Graham_Civic_Auditorium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58712, 69011, "Barbarella_-LRB-film-RRB-", 0]], [[61462, 71978, "Barbarella_-LRB-film-RRB-", 0]], [[63775, 74515, "Barbarella_-LRB-film-RRB-", 0]], [[303345, 294315, "Barbarella_-LRB-film-RRB-", 0]], [[305280, 296114, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[58712, 69011, "Barbarella_-LRB-film-RRB-", 0], [61462, 71978, "Barbarella_-LRB-film-RRB-", 0], [63775, 74515, "Barbarella_-LRB-film-RRB-", 0], [303345, 294315, "Barbarella_-LRB-film-RRB-", 0], [305280, 296114, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270479, 266510, "Sejong_the_Great", 0]], [[270479, 266511, "Sejong_the_Great", 13]]], "all_evidence": [[270479, 266510, "Sejong_the_Great", 0], [270479, 266511, "Sejong_the_Great", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115901, 129779, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[115901, 129779, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147385, null, null, null]]], "all_evidence": [[147385, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19960, null, null, null]]], "all_evidence": [[19960, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41509, 49914, "Issa_Rae", 0], [41509, 49914, "Arrested_Development_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[41509, 49914, "Issa_Rae", 0], [41509, 49914, "Arrested_Development_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14117, 17639, "Robert_Zemeckis", 1]], [[14117, 17640, "Robert_Zemeckis", 4]]], "all_evidence": [[14117, 17639, "Robert_Zemeckis", 1], [14117, 17640, "Robert_Zemeckis", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125616, 139984, "Moscovium", 1]], [[125617, 139985, "Moscovium", 1]], [[308778, 299076, "Moscovium", 1]], [[308779, 299077, "Moscovium", 1]]], "all_evidence": [[125616, 139984, "Moscovium", 1], [125617, 139985, "Moscovium", 1], [308778, 299076, "Moscovium", 1], [308779, 299077, "Moscovium", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149106, 164134, "Prague", 16]]], "all_evidence": [[149106, 164134, "Prague", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69749, 80624, "Ned_Stark", 7]]], "all_evidence": [[69749, 80624, "Ned_Stark", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174304, null, null, null]]], "all_evidence": [[174304, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27415, 33595, "Temple_Grandin_-LRB-film-RRB-", 0]], [[30652, 37288, "Temple_Grandin_-LRB-film-RRB-", 0]], [[32729, 39778, "Temple_Grandin_-LRB-film-RRB-", 0]], [[301689, 292798, "Temple_Grandin_-LRB-film-RRB-", 0]], [[302995, 293981, "Temple_Grandin_-LRB-film-RRB-", 0]], [[304243, 295077, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[27415, 33595, "Temple_Grandin_-LRB-film-RRB-", 0], [30652, 37288, "Temple_Grandin_-LRB-film-RRB-", 0], [32729, 39778, "Temple_Grandin_-LRB-film-RRB-", 0], [301689, 292798, "Temple_Grandin_-LRB-film-RRB-", 0], [302995, 293981, "Temple_Grandin_-LRB-film-RRB-", 0], [304243, 295077, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201015, 210469, "An_Education", 0], [201015, 210469, "Coming_of_age", 0]], [[201018, 210472, "An_Education", 2]]], "all_evidence": [[201015, 210469, "An_Education", 0], [201015, 210469, "Coming_of_age", 0], [201018, 210472, "An_Education", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208719, 216699, "Vic_Mensa", 0]], [[208719, 216700, "Vic_Mensa", 1]], [[208724, 216703, "Vic_Mensa", 0]], [[208727, 216705, "Vic_Mensa", 0]], [[208727, 216706, "Vic_Mensa", 1]], [[208727, 216707, "Vic_Mensa", 2], [208727, 216707, "Innanetape", 1]], [[208727, 216708, "Vic_Mensa", 3], [208727, 216708, "Chance_the_Rapper", 0]], [[208727, 216709, "Vic_Mensa", 4]]], "all_evidence": [[208719, 216699, "Vic_Mensa", 0], [208719, 216700, "Vic_Mensa", 1], [208724, 216703, "Vic_Mensa", 0], [208727, 216705, "Vic_Mensa", 0], [208727, 216706, "Vic_Mensa", 1], [208727, 216707, "Vic_Mensa", 2], [208727, 216707, "Innanetape", 1], [208727, 216708, "Vic_Mensa", 3], [208727, 216708, "Chance_the_Rapper", 0], [208727, 216709, "Vic_Mensa", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55398, 65455, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]]], "all_evidence": [[55398, 65455, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260778, null, null, null]]], "all_evidence": [[260778, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107440, 120896, "Romani_people", 0], [107440, 120896, "Indian_subcontinent", 3]]], "all_evidence": [[107440, 120896, "Romani_people", 0], [107440, 120896, "Indian_subcontinent", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131872, 146715, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[131872, 146715, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27356, 33522, "Near-Earth_object", 0]]], "all_evidence": [[27356, 33522, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37339, null, null, null]]], "all_evidence": [[37339, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238547, 240548, "Aestheticism", 0]], [[242062, 243563, "Aestheticism", 0]], [[242354, 243752, "Aestheticism", 0]], [[319092, 307879, "Aestheticism", 0]], [[320329, 308938, "Aestheticism", 0]]], "all_evidence": [[238547, 240548, "Aestheticism", 0], [242062, 243563, "Aestheticism", 0], [242354, 243752, "Aestheticism", 0], [319092, 307879, "Aestheticism", 0], [320329, 308938, "Aestheticism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143326, 158412, "Ovary", 0]]], "all_evidence": [[143326, 158412, "Ovary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46951, 56016, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]], [[46951, 56017, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 1]], [[46951, 56018, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 8]]], "all_evidence": [[46951, 56016, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0], [46951, 56017, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 1], [46951, 56018, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89349, 102048, "Toy_Story_2", 0]]], "all_evidence": [[89349, 102048, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81436, 93209, "Talulah_Riley", 1]]], "all_evidence": [[81436, 93209, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71736, null, null, null]]], "all_evidence": [[71736, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30922, 37564, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]], [[30922, 37565, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 2]], [[30922, 37566, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]], [[30922, 37567, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 4]], [[30922, 37568, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 6]]], "all_evidence": [[30922, 37564, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0], [30922, 37565, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 2], [30922, 37566, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3], [30922, 37567, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 4], [30922, 37568, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29145, 35544, "Brazilian_jiu-jitsu", 0]]], "all_evidence": [[29145, 35544, "Brazilian_jiu-jitsu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147848, null, null, null]]], "all_evidence": [[147848, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101935, 115175, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[101935, 115175, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235285, 237978, "Boxing_Helena", 0]], [[235285, 237979, "Boxing_Helena", 5]]], "all_evidence": [[235285, 237978, "Boxing_Helena", 0], [235285, 237979, "Boxing_Helena", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284725, null, null, null], [285501, null, null, null], [331064, null, null, null], [332128, null, null, null]]], "all_evidence": [[284725, null, null, null], [285501, null, null, null], [331064, null, null, null], [332128, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188468, null, null, null]]], "all_evidence": [[188468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127255, 141798, "Inside_Llewyn_Davis", 10]]], "all_evidence": [[127255, 141798, "Inside_Llewyn_Davis", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69817, 80686, "George_III_of_the_United_Kingdom", 14]]], "all_evidence": [[69817, 80686, "George_III_of_the_United_Kingdom", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32668, 39715, "Cars_3", 0]]], "all_evidence": [[32668, 39715, "Cars_3", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145933, null, null, null]]], "all_evidence": [[145933, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126953, 141398, "Yin_and_yang", 10]]], "all_evidence": [[126953, 141398, "Yin_and_yang", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43025, 51673, "Brazilian_jiu-jitsu", 1]]], "all_evidence": [[43025, 51673, "Brazilian_jiu-jitsu", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11813, 14814, "Exit_the_King", 0]]], "all_evidence": [[11813, 14814, "Exit_the_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[283224, 277288, "Adobe_Photoshop", 0]], [[285780, 279406, "Adobe_Photoshop", 0]], [[287480, 280880, "Adobe_Photoshop", 0]]], "all_evidence": [[283224, 277288, "Adobe_Photoshop", 0], [285780, 279406, "Adobe_Photoshop", 0], [287480, 280880, "Adobe_Photoshop", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148922, null, null, null], [148924, null, null, null]]], "all_evidence": [[148922, null, null, null], [148924, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251083, 251029, "See.SZA.Run", 5]]], "all_evidence": [[251083, 251029, "See.SZA.Run", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239448, null, null, null]]], "all_evidence": [[239448, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17301, 21410, "Younger_-LRB-TV_series-RRB-", 2]], [[18999, 23292, "Younger_-LRB-TV_series-RRB-", 2]], [[301434, 292559, "Younger_-LRB-TV_series-RRB-", 2]], [[302483, 293487, "Younger_-LRB-TV_series-RRB-", 2]], [[304297, 295118, "Younger_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[17301, 21410, "Younger_-LRB-TV_series-RRB-", 2], [18999, 23292, "Younger_-LRB-TV_series-RRB-", 2], [301434, 292559, "Younger_-LRB-TV_series-RRB-", 2], [302483, 293487, "Younger_-LRB-TV_series-RRB-", 2], [304297, 295118, "Younger_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69145, 79930, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[69145, 79930, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244755, 245680, "Punch-Drunk_Love", 4], [244755, 245680, "Columbia_Pictures", 3]]], "all_evidence": [[244755, 245680, "Punch-Drunk_Love", 4], [244755, 245680, "Columbia_Pictures", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121774, null, null, null]]], "all_evidence": [[121774, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67763, 78601, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]], [[67763, 78602, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4]]], "all_evidence": [[67763, 78601, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0], [67763, 78602, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23446, 28888, "Louis_Malle", 0]]], "all_evidence": [[23446, 28888, "Louis_Malle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196024, null, null, null]]], "all_evidence": [[196024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19694, 24201, "Ronaldinho", 10]]], "all_evidence": [[19694, 24201, "Ronaldinho", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283258, null, null, null], [285803, null, null, null], [287498, null, null, null], [287503, null, null, null], [287504, null, null, null], [287515, null, null, null], [287517, null, null, null]]], "all_evidence": [[283258, null, null, null], [285803, null, null, null], [287498, null, null, null], [287503, null, null, null], [287504, null, null, null], [287515, null, null, null], [287517, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96861, null, null, null]]], "all_evidence": [[96861, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72931, 84069, "General_Motors", 12]]], "all_evidence": [[72931, 84069, "General_Motors", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139212, 154265, "Laura_Robson", 0]]], "all_evidence": [[139212, 154265, "Laura_Robson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[281754, 276069, "Balibo_-LRB-film-RRB-", 0]], [[283813, 277753, "Balibo_-LRB-film-RRB-", 1]], [[330926, 317425, "Balibo_-LRB-film-RRB-", 0]], [[330926, 317426, "Balibo_-LRB-film-RRB-", 1]], [[330926, 317427, "Balibo_-LRB-film-RRB-", 4]], [[332055, 318471, "Balibo_-LRB-film-RRB-", 4], [332055, 318471, "Roger_East_-LRB-journalist-RRB-", 0]]], "all_evidence": [[281754, 276069, "Balibo_-LRB-film-RRB-", 0], [283813, 277753, "Balibo_-LRB-film-RRB-", 1], [330926, 317425, "Balibo_-LRB-film-RRB-", 0], [330926, 317426, "Balibo_-LRB-film-RRB-", 1], [330926, 317427, "Balibo_-LRB-film-RRB-", 4], [332055, 318471, "Balibo_-LRB-film-RRB-", 4], [332055, 318471, "Roger_East_-LRB-journalist-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17514, null, null, null], [20249, null, null, null], [21747, null, null, null], [301450, null, null, null], [302493, null, null, null], [304153, null, null, null]]], "all_evidence": [[17514, null, null, null], [20249, null, null, null], [21747, null, null, null], [301450, null, null, null], [302493, null, null, null], [304153, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137650, null, null, null]]], "all_evidence": [[137650, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158993, 173612, "Chris_Paul", 1]]], "all_evidence": [[158993, 173612, "Chris_Paul", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222820, null, null, null]]], "all_evidence": [[222820, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251093, null, null, null]]], "all_evidence": [[251093, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173173, 186436, "Therasia", 0]]], "all_evidence": [[173173, 186436, "Therasia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216864, null, null, null]]], "all_evidence": [[216864, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63174, 73883, "Chumlee", 0]]], "all_evidence": [[63174, 73883, "Chumlee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111687, 125494, "One_Dance", 0]], [[111696, 125502, "One_Dance", 0]]], "all_evidence": [[111687, 125494, "One_Dance", 0], [111696, 125502, "One_Dance", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150146, 165078, "Battle_of_the_Trebia", 6]]], "all_evidence": [[150146, 165078, "Battle_of_the_Trebia", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88492, 101112, "Florida_State_University", 24]]], "all_evidence": [[88492, 101112, "Florida_State_University", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253266, 253156, "The_Originals_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[253266, 253156, "The_Originals_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117035, null, null, null]]], "all_evidence": [[117035, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162073, null, null, null]]], "all_evidence": [[162073, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58916, 69231, "Johnny_Van_Zant", 10]], [[58916, 69232, "Johnny_Van_Zant", 0]]], "all_evidence": [[58916, 69231, "Johnny_Van_Zant", 10], [58916, 69232, "Johnny_Van_Zant", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32714, null, null, null]]], "all_evidence": [[32714, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29673, 36182, "Neuromodulation", 3]]], "all_evidence": [[29673, 36182, "Neuromodulation", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132867, null, null, null]]], "all_evidence": [[132867, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[341120, null, null, null]]], "all_evidence": [[341120, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296783, 288537, "The_Suite_Life_of_Zack_&_Cody", 0]], [[298416, 289902, "The_Suite_Life_of_Zack_&_Cody", 0]], [[298417, 289903, "The_Suite_Life_of_Zack_&_Cody", 0]], [[344007, 327637, "The_Suite_Life_of_Zack_&_Cody", 0]], [[344011, 327639, "The_Suite_Life_of_Zack_&_Cody", 0]]], "all_evidence": [[296783, 288537, "The_Suite_Life_of_Zack_&_Cody", 0], [298416, 289902, "The_Suite_Life_of_Zack_&_Cody", 0], [298417, 289903, "The_Suite_Life_of_Zack_&_Cody", 0], [344007, 327637, "The_Suite_Life_of_Zack_&_Cody", 0], [344011, 327639, "The_Suite_Life_of_Zack_&_Cody", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109499, 123133, "Fidaa", 1], [109499, 123133, "Telugu_language", 0]]], "all_evidence": [[109499, 123133, "Fidaa", 1], [109499, 123133, "Telugu_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153904, 168729, "George_Harrison", 20]], [[153905, 168730, "George_Harrison", 20]], [[153909, 168733, "George_Harrison", 20]], [[153909, 168734, "George_Harrison", 21]]], "all_evidence": [[153904, 168729, "George_Harrison", 20], [153905, 168730, "George_Harrison", 20], [153909, 168733, "George_Harrison", 20], [153909, 168734, "George_Harrison", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212875, 220291, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]], "all_evidence": [[212875, 220291, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109289, null, null, null]]], "all_evidence": [[109289, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216873, null, null, null]]], "all_evidence": [[216873, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160597, 175103, "George_III_of_the_United_Kingdom", 12]]], "all_evidence": [[160597, 175103, "George_III_of_the_United_Kingdom", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33228, 40308, "Hollow_Man", 15]]], "all_evidence": [[33228, 40308, "Hollow_Man", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53668, 63663, "Estonia", 0]]], "all_evidence": [[53668, 63663, "Estonia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260735, 259057, "Species_distribution", 14]]], "all_evidence": [[260735, 259057, "Species_distribution", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129840, 144552, "Birmingham", 0]], [[129840, 144553, "Birmingham", 1]], [[129840, 144554, "Birmingham", 4]]], "all_evidence": [[129840, 144552, "Birmingham", 0], [129840, 144553, "Birmingham", 1], [129840, 144554, "Birmingham", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110216, 123836, "Arijit_Singh", 0]], [[110216, 123837, "Arijit_Singh", 1]], [[110216, 123838, "Arijit_Singh", 2]], [[110216, 123839, "Arijit_Singh", 3]], [[110216, 123840, "Arijit_Singh", 4]]], "all_evidence": [[110216, 123836, "Arijit_Singh", 0], [110216, 123837, "Arijit_Singh", 1], [110216, 123838, "Arijit_Singh", 2], [110216, 123839, "Arijit_Singh", 3], [110216, 123840, "Arijit_Singh", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219554, 225535, "Stephen_Moyer", 3]]], "all_evidence": [[219554, 225535, "Stephen_Moyer", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68869, 79684, "Theresa_May", 7]]], "all_evidence": [[68869, 79684, "Theresa_May", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137493, 152354, "Chris_Bosh", 8]], [[139473, 154513, "Chris_Bosh", 8]], [[140143, 155153, "Chris_Bosh", 8]], [[309996, 300073, "Chris_Bosh", 8]]], "all_evidence": [[137493, 152354, "Chris_Bosh", 8], [139473, 154513, "Chris_Bosh", 8], [140143, 155153, "Chris_Bosh", 8], [309996, 300073, "Chris_Bosh", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227740, 232081, "Indiana_Pacers", 2]]], "all_evidence": [[227740, 232081, "Indiana_Pacers", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132968, 147857, "The_Nice_Guys", 0]]], "all_evidence": [[132968, 147857, "The_Nice_Guys", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286610, null, null, null], [288362, null, null, null], [333562, null, null, null], [334462, null, null, null], [334467, null, null, null]]], "all_evidence": [[286610, null, null, null], [288362, null, null, null], [333562, null, null, null], [334462, null, null, null], [334467, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[278835, 273531, "The_Maze_Runner_-LRB-film-RRB-", 13]], [[280519, 274957, "The_Maze_Runner_-LRB-film-RRB-", 13]], [[326895, 314272, "The_Maze_Runner_-LRB-film-RRB-", 13]], [[328354, 315419, "The_Maze_Runner_-LRB-film-RRB-", 13], [328354, 315419, "The_Maze_Runner_-LRB-film-RRB-", 0]], [[328993, 315918, "The_Maze_Runner_-LRB-film-RRB-", 13]]], "all_evidence": [[278835, 273531, "The_Maze_Runner_-LRB-film-RRB-", 13], [280519, 274957, "The_Maze_Runner_-LRB-film-RRB-", 13], [326895, 314272, "The_Maze_Runner_-LRB-film-RRB-", 13], [328354, 315419, "The_Maze_Runner_-LRB-film-RRB-", 13], [328354, 315419, "The_Maze_Runner_-LRB-film-RRB-", 0], [328993, 315918, "The_Maze_Runner_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262372, null, null, null]]], "all_evidence": [[262372, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36709, null, null, null]]], "all_evidence": [[36709, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127106, 141606, "Burj_Khalifa", 20]]], "all_evidence": [[127106, 141606, "Burj_Khalifa", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114020, null, null, null]]], "all_evidence": [[114020, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226639, null, null, null]]], "all_evidence": [[226639, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73710, 84956, "Harry_Fraud", 1]]], "all_evidence": [[73710, 84956, "Harry_Fraud", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115322, null, null, null]]], "all_evidence": [[115322, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194660, null, null, null]]], "all_evidence": [[194660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178918, 191460, "George_III_of_the_United_Kingdom", 6]]], "all_evidence": [[178918, 191460, "George_III_of_the_United_Kingdom", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48005, 57323, "Johann_Wolfgang_von_Goethe", 12]]], "all_evidence": [[48005, 57323, "Johann_Wolfgang_von_Goethe", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235302, 237995, "Boxing_Helena", 5]]], "all_evidence": [[235302, 237995, "Boxing_Helena", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139026, 154103, "Petyr_Baelish", 0]]], "all_evidence": [[139026, 154103, "Petyr_Baelish", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[261367, 259522, "Corsica", 0]]], "all_evidence": [[261367, 259522, "Corsica", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113568, 127441, "Temple_Grandin_-LRB-film-RRB-", 0]], [[117129, 131022, "Temple_Grandin_-LRB-film-RRB-", 0]], [[119776, 133905, "Temple_Grandin_-LRB-film-RRB-", 0]], [[308530, 298897, "Temple_Grandin_-LRB-film-RRB-", 0]], [[310142, 300211, "Temple_Grandin_-LRB-film-RRB-", 0]], [[310143, 300212, "Temple_Grandin_-LRB-film-RRB-", 0]], [[310144, 300213, "Temple_Grandin_-LRB-film-RRB-", 0]], [[310145, 300214, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[113568, 127441, "Temple_Grandin_-LRB-film-RRB-", 0], [117129, 131022, "Temple_Grandin_-LRB-film-RRB-", 0], [119776, 133905, "Temple_Grandin_-LRB-film-RRB-", 0], [308530, 298897, "Temple_Grandin_-LRB-film-RRB-", 0], [310142, 300211, "Temple_Grandin_-LRB-film-RRB-", 0], [310143, 300212, "Temple_Grandin_-LRB-film-RRB-", 0], [310144, 300213, "Temple_Grandin_-LRB-film-RRB-", 0], [310145, 300214, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37960, 45874, "House_of_Balloons", 0], [37960, 45874, "The_Weeknd", 14]]], "all_evidence": [[37960, 45874, "House_of_Balloons", 0], [37960, 45874, "The_Weeknd", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227506, 231867, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227506, 231867, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227406, 231785, "Jeb_Bush", 3]], [[227407, 231786, "Jeb_Bush", 3]]], "all_evidence": [[227406, 231785, "Jeb_Bush", 3], [227407, 231786, "Jeb_Bush", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91215, 103922, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]], "all_evidence": [[91215, 103922, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[284206, 278059, "Times_Higher_Education_World_University_Rankings", 0]], [[285159, 278866, "Times_Higher_Education_World_University_Rankings", 0]], [[285160, 278867, "Times_Higher_Education_World_University_Rankings", 0]]], "all_evidence": [[284206, 278059, "Times_Higher_Education_World_University_Rankings", 0], [285159, 278866, "Times_Higher_Education_World_University_Rankings", 0], [285160, 278867, "Times_Higher_Education_World_University_Rankings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213534, 220757, "Henry_III_of_France", 23]]], "all_evidence": [[213534, 220757, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176807, null, null, null], [176809, null, null, null]]], "all_evidence": [[176807, null, null, null], [176809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93433, 106385, "General_Motors", 12]]], "all_evidence": [[93433, 106385, "General_Motors", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78189, 89695, "Hollow_Man", 15]]], "all_evidence": [[78189, 89695, "Hollow_Man", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228917, 232993, "Backing_vocalist", 0], [228917, 232993, "Vocal_harmony", 0]], [[228942, 233028, "Backing_vocalist", 0], [228942, 233028, "Vocal_harmony", 0]], [[228943, 233029, "Backing_vocalist", 0], [228943, 233029, "Vocal_harmony", 0]]], "all_evidence": [[228917, 232993, "Backing_vocalist", 0], [228917, 232993, "Vocal_harmony", 0], [228942, 233028, "Backing_vocalist", 0], [228942, 233028, "Vocal_harmony", 0], [228943, 233029, "Backing_vocalist", 0], [228943, 233029, "Vocal_harmony", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158250, null, null, null]]], "all_evidence": [[158250, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258056, 256942, "Pakistan_Movement", 13]]], "all_evidence": [[258056, 256942, "Pakistan_Movement", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232363, 235582, "University_of_Leicester", 11]]], "all_evidence": [[232363, 235582, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251100, null, null, null], [251170, null, null, null]]], "all_evidence": [[251100, null, null, null], [251170, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88016, 100549, "Qin_dynasty", 21]]], "all_evidence": [[88016, 100549, "Qin_dynasty", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247549, 247830, "Sennacherib", 2]]], "all_evidence": [[247549, 247830, "Sennacherib", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202979, 212107, "Death_Note_-LRB-2015_TV_series-RRB-", 5]]], "all_evidence": [[202979, 212107, "Death_Note_-LRB-2015_TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196086, 206238, "Brat_Pack_-LRB-actors-RRB-", 0]], [[196087, 206239, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196086, 206238, "Brat_Pack_-LRB-actors-RRB-", 0], [196087, 206239, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12390, 15500, "Ghost_-LRB-1990_film-RRB-", 0]]], "all_evidence": [[12390, 15500, "Ghost_-LRB-1990_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34766, 42150, "Ares", 1]]], "all_evidence": [[34766, 42150, "Ares", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56773, 67000, "The_Hunger_Games_-LRB-novel-RRB-", 0]], [[56773, 67001, "The_Hunger_Games_-LRB-novel-RRB-", 9]], [[56773, 67002, "The_Hunger_Games_-LRB-novel-RRB-", 13]], [[56773, 67003, "The_Hunger_Games_-LRB-novel-RRB-", 12]], [[56773, 67004, "The_Hunger_Games_-LRB-novel-RRB-", 14]], [[56773, 67005, "The_Hunger_Games_-LRB-novel-RRB-", 16]]], "all_evidence": [[56773, 67000, "The_Hunger_Games_-LRB-novel-RRB-", 0], [56773, 67001, "The_Hunger_Games_-LRB-novel-RRB-", 9], [56773, 67002, "The_Hunger_Games_-LRB-novel-RRB-", 13], [56773, 67003, "The_Hunger_Games_-LRB-novel-RRB-", 12], [56773, 67004, "The_Hunger_Games_-LRB-novel-RRB-", 14], [56773, 67005, "The_Hunger_Games_-LRB-novel-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87155, 99675, "Moscovium", 0]]], "all_evidence": [[87155, 99675, "Moscovium", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282445, null, null, null], [284418, null, null, null], [330599, null, null, null]]], "all_evidence": [[282445, null, null, null], [284418, null, null, null], [330599, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85243, null, null, null]]], "all_evidence": [[85243, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197916, 207841, "Jiang_Wen", 0]]], "all_evidence": [[197916, 207841, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117617, 131514, "Quay_-LRB-film-RRB-", 1], [117617, 131514, "Film_Forum", 0]]], "all_evidence": [[117617, 131514, "Quay_-LRB-film-RRB-", 1], [117617, 131514, "Film_Forum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185292, 197066, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[185292, 197066, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256853, 255976, "Tenacious_D_-LRB-album-RRB-", 0]]], "all_evidence": [[256853, 255976, "Tenacious_D_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263310, null, null, null]]], "all_evidence": [[263310, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233422, 236351, "Catherine_Hardwicke", 0]]], "all_evidence": [[233422, 236351, "Catherine_Hardwicke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181972, 194257, "One_Dance", 0]]], "all_evidence": [[181972, 194257, "One_Dance", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73731, 84977, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[73731, 84977, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289948, 283043, "Pearl_-LRB-Steven_Universe-RRB-", 0]], [[291284, 284230, "Pearl_-LRB-Steven_Universe-RRB-", 0]], [[291284, 284231, "Pearl_-LRB-Steven_Universe-RRB-", 1]], [[291288, 284234, "Pearl_-LRB-Steven_Universe-RRB-", 0]], [[291288, 284235, "Pearl_-LRB-Steven_Universe-RRB-", 1]], [[337842, 323165, "Pearl_-LRB-Steven_Universe-RRB-", 0]], [[337842, 323166, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[289948, 283043, "Pearl_-LRB-Steven_Universe-RRB-", 0], [291284, 284230, "Pearl_-LRB-Steven_Universe-RRB-", 0], [291284, 284231, "Pearl_-LRB-Steven_Universe-RRB-", 1], [291288, 284234, "Pearl_-LRB-Steven_Universe-RRB-", 0], [291288, 284235, "Pearl_-LRB-Steven_Universe-RRB-", 1], [337842, 323165, "Pearl_-LRB-Steven_Universe-RRB-", 0], [337842, 323166, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233439, 236364, "Catherine_Hardwicke", 0]], [[233439, 236365, "Catherine_Hardwicke", 1]]], "all_evidence": [[233439, 236364, "Catherine_Hardwicke", 0], [233439, 236365, "Catherine_Hardwicke", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95202, 108217, "Meghan_Markle", 0]]], "all_evidence": [[95202, 108217, "Meghan_Markle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165686, null, null, null]]], "all_evidence": [[165686, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107448, null, null, null]]], "all_evidence": [[107448, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195169, null, null, null]]], "all_evidence": [[195169, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152015, 166770, "Internet_access", 0]]], "all_evidence": [[152015, 166770, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216617, 223312, "Logie_Awards", 8]]], "all_evidence": [[216617, 223312, "Logie_Awards", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270797, null, null, null]]], "all_evidence": [[270797, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185454, null, null, null]]], "all_evidence": [[185454, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102976, 116274, "Bank_of_America", 16]], [[102976, 116275, "Bank_of_America", 13]]], "all_evidence": [[102976, 116274, "Bank_of_America", 16], [102976, 116275, "Bank_of_America", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178745, null, null, null]]], "all_evidence": [[178745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64114, 74827, "Qin_dynasty", 21]]], "all_evidence": [[64114, 74827, "Qin_dynasty", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275159, null, null, null], [275168, null, null, null]]], "all_evidence": [[275159, null, null, null], [275168, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89877, 102584, "Pulmonary_embolism", 1]]], "all_evidence": [[89877, 102584, "Pulmonary_embolism", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184527, 196412, "Levoamphetamine", 0]]], "all_evidence": [[184527, 196412, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65648, null, null, null]]], "all_evidence": [[65648, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247241, null, null, null]]], "all_evidence": [[247241, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253283, 253169, "The_Originals_-LRB-TV_series-RRB-", 0]], [[253283, 253170, "The_Originals_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[253283, 253169, "The_Originals_-LRB-TV_series-RRB-", 0], [253283, 253170, "The_Originals_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31972, 38806, "Cle\u0301opa\u0302tre", 4]]], "all_evidence": [[31972, 38806, "Cle\u0301opa\u0302tre", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266229, 263270, "Prague_Castle", 0]], [[266229, 263271, "Prague_Castle", 6]], [[266229, 263272, "Prague_Castle", 7]]], "all_evidence": [[266229, 263270, "Prague_Castle", 0], [266229, 263271, "Prague_Castle", 6], [266229, 263272, "Prague_Castle", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197932, 207858, "Fringe_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[197932, 207858, "Fringe_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105069, 118480, "China", 10]]], "all_evidence": [[105069, 118480, "China", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16446, 20377, "Pulmonary_embolism", 3]]], "all_evidence": [[16446, 20377, "Pulmonary_embolism", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30554, 37156, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]], [[301155, 292285, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]], "all_evidence": [[30554, 37156, "The_Book_of_Mormon_-LRB-musical-RRB-", 19], [301155, 292285, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136429, 151225, "Richard_Dawson", 0]]], "all_evidence": [[136429, 151225, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251563, null, null, null], [251566, null, null, null]]], "all_evidence": [[251563, null, null, null], [251566, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61612, null, null, null]]], "all_evidence": [[61612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128348, 143065, "Visigoths", 16]]], "all_evidence": [[128348, 143065, "Visigoths", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43692, 52325, "Guthrie_Theater", 6], [43692, 52325, "Ralph_Rapson", 1]]], "all_evidence": [[43692, 52325, "Guthrie_Theater", 6], [43692, 52325, "Ralph_Rapson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82813, 94671, "Globalism", 1]]], "all_evidence": [[82813, 94671, "Globalism", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57889, 68120, "SpongeBob_SquarePants", 2]]], "all_evidence": [[57889, 68120, "SpongeBob_SquarePants", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155499, 170153, "The_Big_Country", 0]], [[155500, 170154, "The_Big_Country", 0]]], "all_evidence": [[155499, 170153, "The_Big_Country", 0], [155500, 170154, "The_Big_Country", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135402, null, null, null]]], "all_evidence": [[135402, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185185, null, null, null]]], "all_evidence": [[185185, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58935, 69246, "Toy_Story_2", 0]], [[58935, 69247, "Toy_Story_2", 17]]], "all_evidence": [[58935, 69246, "Toy_Story_2", 0], [58935, 69247, "Toy_Story_2", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42300, 50905, "Harry_Fraud", 1]]], "all_evidence": [[42300, 50905, "Harry_Fraud", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95266, 108271, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]]], "all_evidence": [[95266, 108271, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34810, 42214, "The_Incredibles_2", 0]], [[34810, 42215, "The_Incredibles_2", 1]], [[34810, 42216, "The_Incredibles_2", 2]], [[34810, 42217, "The_Incredibles_2", 3]]], "all_evidence": [[34810, 42214, "The_Incredibles_2", 0], [34810, 42215, "The_Incredibles_2", 1], [34810, 42216, "The_Incredibles_2", 2], [34810, 42217, "The_Incredibles_2", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237098, 239393, "Web_page", 14]]], "all_evidence": [[237098, 239393, "Web_page", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41738, 50185, "Adam_Lambert", 5]]], "all_evidence": [[41738, 50185, "Adam_Lambert", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53026, 62970, "Watchmen_-LRB-film-RRB-", 2]]], "all_evidence": [[53026, 62970, "Watchmen_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173276, null, null, null]]], "all_evidence": [[173276, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227750, 232092, "Indiana_Pacers", 2]]], "all_evidence": [[227750, 232092, "Indiana_Pacers", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121796, 136101, "Buffy_the_Vampire_Slayer", 0]]], "all_evidence": [[121796, 136101, "Buffy_the_Vampire_Slayer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56186, null, null, null]]], "all_evidence": [[56186, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242299, 243706, "The_Little_Prince_-LRB-2015_film-RRB-", 0], [242299, 243706, "Mark_Osborne_-LRB-filmmaker-RRB-", 0]]], "all_evidence": [[242299, 243706, "The_Little_Prince_-LRB-2015_film-RRB-", 0], [242299, 243706, "Mark_Osborne_-LRB-filmmaker-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282581, 276752, "Watertown,_Massachusetts", 0]], [[284538, 278345, "Watertown,_Massachusetts", 0]], [[284539, 278346, "Watertown,_Massachusetts", 0]], [[330736, 317320, "Watertown,_Massachusetts", 0]], [[331849, 318319, "Watertown,_Massachusetts", 0]]], "all_evidence": [[282581, 276752, "Watertown,_Massachusetts", 0], [284538, 278345, "Watertown,_Massachusetts", 0], [284539, 278346, "Watertown,_Massachusetts", 0], [330736, 317320, "Watertown,_Massachusetts", 0], [331849, 318319, "Watertown,_Massachusetts", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33671, 40832, "Syco", 1]]], "all_evidence": [[33671, 40832, "Syco", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244114, 245203, "Uta_Hagen", 0]]], "all_evidence": [[244114, 245203, "Uta_Hagen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102883, null, null, null]]], "all_evidence": [[102883, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55253, null, null, null]]], "all_evidence": [[55253, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224801, 229571, "Sacre\u0301-C\u0153ur,_Paris", 2]]], "all_evidence": [[224801, 229571, "Sacre\u0301-C\u0153ur,_Paris", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12031, 15074, "Jenny_McCarthy", 1]]], "all_evidence": [[12031, 15074, "Jenny_McCarthy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17181, 21276, "Zoey_Deutch", 2]]], "all_evidence": [[17181, 21276, "Zoey_Deutch", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[295618, 287688, "Warren_Beatty", 1], [295618, 287688, "Reds_-LRB-film-RRB-", 0]], [[341226, 325681, "Warren_Beatty", 2], [341226, 325681, "Reds_-LRB-film-RRB-", 0]]], "all_evidence": [[295618, 287688, "Warren_Beatty", 1], [295618, 287688, "Reds_-LRB-film-RRB-", 0], [341226, 325681, "Warren_Beatty", 2], [341226, 325681, "Reds_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102664, null, null, null]]], "all_evidence": [[102664, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50135, null, null, null]]], "all_evidence": [[50135, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213535, 220758, "Henry_III_of_France", 23]]], "all_evidence": [[213535, 220758, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235478, 238098, "Fidaa", 0]], [[236342, 238842, "Fidaa", 0]], [[236343, 238843, "Fidaa", 0]], [[318605, 307491, "Fidaa", 0]]], "all_evidence": [[235478, 238098, "Fidaa", 0], [236342, 238842, "Fidaa", 0], [236343, 238843, "Fidaa", 0], [318605, 307491, "Fidaa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113599, 127470, "Jefferson_Davis", 5]]], "all_evidence": [[113599, 127470, "Jefferson_Davis", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[57490, 67697, "The_Wonder_Years", 0]]], "all_evidence": [[57490, 67697, "The_Wonder_Years", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150484, 165365, "Ed_Gein", 1]]], "all_evidence": [[150484, 165365, "Ed_Gein", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134855, 149756, "Heath_Ledger", 7], [134855, 149756, "Heath_Ledger", 8]], [[134858, 149759, "Heath_Ledger", 11]]], "all_evidence": [[134855, 149756, "Heath_Ledger", 7], [134855, 149756, "Heath_Ledger", 8], [134858, 149759, "Heath_Ledger", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230203, null, null, null]]], "all_evidence": [[230203, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125670, null, null, null]]], "all_evidence": [[125670, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109520, null, null, null]]], "all_evidence": [[109520, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262375, null, null, null]]], "all_evidence": [[262375, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85952, 98267, "Toy_Story_2", 0]]], "all_evidence": [[85952, 98267, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108537, 122149, "Java", 9]]], "all_evidence": [[108537, 122149, "Java", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93396, 106347, "Battle_of_the_Bastards", 15]]], "all_evidence": [[93396, 106347, "Battle_of_the_Bastards", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226644, 231160, "Bala_-LRB-director-RRB-", 2]]], "all_evidence": [[226644, 231160, "Bala_-LRB-director-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48799, 58125, "Watertown,_Massachusetts", 0]]], "all_evidence": [[48799, 58125, "Watertown,_Massachusetts", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158934, 173581, "John_Goodman", 0]], [[159030, 173645, "John_Goodman", 0]], [[159030, 173646, "John_Goodman", 1]], [[159030, 173647, "John_Goodman", 4]], [[159030, 173648, "John_Goodman", 3], [159030, 173648, "Inside_Llewyn_Davis", 2]], [[159030, 173649, "John_Goodman", 2], [159030, 173649, "Raising_Arizona", 0]], [[159030, 173650, "John_Goodman", 7]], [[159030, 173651, "John_Goodman", 8]], [[159030, 173652, "John_Goodman", 9]]], "all_evidence": [[158934, 173581, "John_Goodman", 0], [159030, 173645, "John_Goodman", 0], [159030, 173646, "John_Goodman", 1], [159030, 173647, "John_Goodman", 4], [159030, 173648, "John_Goodman", 3], [159030, 173648, "Inside_Llewyn_Davis", 2], [159030, 173649, "John_Goodman", 2], [159030, 173649, "Raising_Arizona", 0], [159030, 173650, "John_Goodman", 7], [159030, 173651, "John_Goodman", 8], [159030, 173652, "John_Goodman", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192389, 203136, "Westworld_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[192389, 203136, "Westworld_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155367, 170060, "Salt_River_Valley", 0], [155367, 170060, "Phoenix_metropolitan_area", 0]]], "all_evidence": [[155367, 170060, "Salt_River_Valley", 0], [155367, 170060, "Phoenix_metropolitan_area", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122027, 136331, "Maximum_Overdrive", 0]]], "all_evidence": [[122027, 136331, "Maximum_Overdrive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165315, 179411, "US_Airways_Flight_1549", 2]], [[165316, 179412, "US_Airways_Flight_1549", 2]]], "all_evidence": [[165315, 179411, "US_Airways_Flight_1549", 2], [165316, 179412, "US_Airways_Flight_1549", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40773, 49030, "Zoroastrianism", 2]], [[43781, 52414, "Zoroastrianism", 2]], [[46013, 54970, "Zoroastrianism", 2]]], "all_evidence": [[40773, 49030, "Zoroastrianism", 2], [43781, 52414, "Zoroastrianism", 2], [46013, 54970, "Zoroastrianism", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69965, 80845, "Guns_N'_Roses", 0]], [[69965, 80846, "Guns_N'_Roses", 1], [69965, 80846, "Slash_-LRB-musician-RRB-", 1]], [[69965, 80847, "Guns_N'_Roses", 5], [69965, 80847, "Appetite_for_Destruction", 0]], [[69965, 80848, "Guns_N'_Roses", 8], [69965, 80848, "Use_Your_Illusion_I", 0]], [[69965, 80849, "Guns_N'_Roses", 13], [69965, 80849, "Chinese_Democracy", 0]]], "all_evidence": [[69965, 80845, "Guns_N'_Roses", 0], [69965, 80846, "Guns_N'_Roses", 1], [69965, 80846, "Slash_-LRB-musician-RRB-", 1], [69965, 80847, "Guns_N'_Roses", 5], [69965, 80847, "Appetite_for_Destruction", 0], [69965, 80848, "Guns_N'_Roses", 8], [69965, 80848, "Use_Your_Illusion_I", 0], [69965, 80849, "Guns_N'_Roses", 13], [69965, 80849, "Chinese_Democracy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182117, 194385, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]], "all_evidence": [[182117, 194385, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50464, null, null, null]]], "all_evidence": [[50464, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244101, null, null, null]]], "all_evidence": [[244101, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35153, 42616, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]], [[35153, 42617, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 1]], [[35153, 42618, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 2]], [[35153, 42619, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 3]], [[35153, 42620, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 6]], [[35153, 42621, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 8]], [[35153, 42622, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 9]]], "all_evidence": [[35153, 42616, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0], [35153, 42617, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 1], [35153, 42618, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 2], [35153, 42619, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 3], [35153, 42620, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 6], [35153, 42621, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 8], [35153, 42622, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64411, 75182, "Konidela_Production_Company", 0]]], "all_evidence": [[64411, 75182, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156992, 171553, "Jed_Whedon", 0]]], "all_evidence": [[156992, 171553, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55933, 66049, "China", 2], [55933, 66049, "Communist_Party_of_China", 0], [55933, 66049, "Communist_Party_of_China", 1]]], "all_evidence": [[55933, 66049, "China", 2], [55933, 66049, "Communist_Party_of_China", 0], [55933, 66049, "Communist_Party_of_China", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174470, 187673, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]], "all_evidence": [[174470, 187673, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164458, 178720, "Stephen_King", 2]]], "all_evidence": [[164458, 178720, "Stephen_King", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233419, 236347, "Catherine_Hardwicke", 0]]], "all_evidence": [[233419, 236347, "Catherine_Hardwicke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224584, 229417, "Adam_Lambert", 10]]], "all_evidence": [[224584, 229417, "Adam_Lambert", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185445, 197211, "Robert_Singer_-LRB-producer-RRB-", 1]]], "all_evidence": [[185445, 197211, "Robert_Singer_-LRB-producer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64876, 75734, "Chris_Paul", 1]]], "all_evidence": [[64876, 75734, "Chris_Paul", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189100, 200432, "Carey_Hayes", 0]]], "all_evidence": [[189100, 200432, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15488, 19320, "Yin_and_yang", 0]], [[15488, 19321, "Yin_and_yang", 7]]], "all_evidence": [[15488, 19320, "Yin_and_yang", 0], [15488, 19321, "Yin_and_yang", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241578, 243115, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241578, 243115, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243483, 244689, "The_Office_-LRB-U.S._TV_series-RRB-", 7]]], "all_evidence": [[243483, 244689, "The_Office_-LRB-U.S._TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156706, null, null, null]]], "all_evidence": [[156706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186977, 198703, "The_Suite_Life_of_Zack_&_Cody", 0]]], "all_evidence": [[186977, 198703, "The_Suite_Life_of_Zack_&_Cody", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94298, null, null, null]]], "all_evidence": [[94298, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186455, null, null, null]]], "all_evidence": [[186455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28408, 34725, "Chris_Benoit", 0]], [[28408, 34726, "Chris_Benoit", 3]], [[28408, 34727, "Chris_Benoit", 10], [28408, 34727, "Royal_Rumble_-LRB-2004-RRB-", 1]], [[28408, 34728, "Chris_Benoit", 11], [28408, 34728, "WrestleMania_XX", 1]]], "all_evidence": [[28408, 34725, "Chris_Benoit", 0], [28408, 34726, "Chris_Benoit", 3], [28408, 34727, "Chris_Benoit", 10], [28408, 34727, "Royal_Rumble_-LRB-2004-RRB-", 1], [28408, 34728, "Chris_Benoit", 11], [28408, 34728, "WrestleMania_XX", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31724, 38476, "Burbank,_California", 7]]], "all_evidence": [[31724, 38476, "Burbank,_California", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119390, 133404, "Grateful_Dead", 15]], [[119393, 133405, "Grateful_Dead", 15]]], "all_evidence": [[119390, 133404, "Grateful_Dead", 15], [119393, 133405, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152122, 166898, "Joseph_Merrick", 29]]], "all_evidence": [[152122, 166898, "Joseph_Merrick", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108241, 121768, "Simon_Pegg", 0]]], "all_evidence": [[108241, 121768, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247038, null, null, null], [247706, null, null, null], [319395, null, null, null], [320585, null, null, null]]], "all_evidence": [[247038, null, null, null], [247706, null, null, null], [319395, null, null, null], [320585, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110145, 123774, "Anne_Boleyn", 10]]], "all_evidence": [[110145, 123774, "Anne_Boleyn", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115559, null, null, null]]], "all_evidence": [[115559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83491, null, null, null]]], "all_evidence": [[83491, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17532, null, null, null]]], "all_evidence": [[17532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142698, 157845, "Inside_Llewyn_Davis", 0]]], "all_evidence": [[142698, 157845, "Inside_Llewyn_Davis", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192031, null, null, null]]], "all_evidence": [[192031, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233446, 236374, "Catherine_Hardwicke", 0]]], "all_evidence": [[233446, 236374, "Catherine_Hardwicke", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41467, null, null, null], [44249, null, null, null], [46455, null, null, null], [303982, null, null, null], [303988, null, null, null]]], "all_evidence": [[41467, null, null, null], [44249, null, null, null], [46455, null, null, null], [303982, null, null, null], [303988, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93792, 106724, "Physics", 1]], [[93792, 106725, "Physics", 4], [93792, 106725, "Astronomy", 18], [93792, 106725, "Astronomy", 7], [93792, 106725, "Astronomy", 0]]], "all_evidence": [[93792, 106724, "Physics", 1], [93792, 106725, "Physics", 4], [93792, 106725, "Astronomy", 18], [93792, 106725, "Astronomy", 7], [93792, 106725, "Astronomy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232887, null, null, null]]], "all_evidence": [[232887, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235305, 237997, "Boxing_Helena", 5]], [[235314, 238009, "Boxing_Helena", 5]], [[235314, 238010, "Boxing_Helena", 6]]], "all_evidence": [[235305, 237997, "Boxing_Helena", 5], [235314, 238009, "Boxing_Helena", 5], [235314, 238010, "Boxing_Helena", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272722, null, null, null]]], "all_evidence": [[272722, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187808, 199375, "Planet_Hollywood_Las_Vegas", 1]]], "all_evidence": [[187808, 199375, "Planet_Hollywood_Las_Vegas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168692, 182415, "Wolfgang_Amadeus_Mozart", 3]]], "all_evidence": [[168692, 182415, "Wolfgang_Amadeus_Mozart", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220631, 226455, "William_Cohen", 0]]], "all_evidence": [[220631, 226455, "William_Cohen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81367, 93151, "Pharmacology", 10]]], "all_evidence": [[81367, 93151, "Pharmacology", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61088, 71549, "Aphrodite", 13]]], "all_evidence": [[61088, 71549, "Aphrodite", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251539, 251377, "Gory_Guerrero", 1]]], "all_evidence": [[251539, 251377, "Gory_Guerrero", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54055, 64037, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]]], "all_evidence": [[54055, 64037, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132492, 147407, "Salman_Rushdie", 1]]], "all_evidence": [[132492, 147407, "Salman_Rushdie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150268, 165195, "Henry_Condell", 55]]], "all_evidence": [[150268, 165195, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119915, 134045, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[119915, 134045, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159464, 173989, "Ekta_Kapoor", 7]]], "all_evidence": [[159464, 173989, "Ekta_Kapoor", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117584, null, null, null]]], "all_evidence": [[117584, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63516, 74261, "The_Beverly_Hillbillies", 0]], [[63516, 74262, "The_Beverly_Hillbillies", 1]]], "all_evidence": [[63516, 74261, "The_Beverly_Hillbillies", 0], [63516, 74262, "The_Beverly_Hillbillies", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226987, 231427, "Ed_Gagliardi", 13]]], "all_evidence": [[226987, 231427, "Ed_Gagliardi", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75458, null, null, null]]], "all_evidence": [[75458, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45426, 54249, "Ice-T", 1]], [[45426, 54250, "Ice-T", 2], [45426, 54250, "Power_-LRB-Ice-T_album-RRB-", 0]]], "all_evidence": [[45426, 54249, "Ice-T", 1], [45426, 54250, "Ice-T", 2], [45426, 54250, "Power_-LRB-Ice-T_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224818, null, null, null]]], "all_evidence": [[224818, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116151, null, null, null]]], "all_evidence": [[116151, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241220, 242766, "Latvian_Soviet_Socialist_Republic", 0]]], "all_evidence": [[241220, 242766, "Latvian_Soviet_Socialist_Republic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125723, null, null, null]]], "all_evidence": [[125723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201740, 211128, "Red_Bull_Racing", 0]]], "all_evidence": [[201740, 211128, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158370, null, null, null]]], "all_evidence": [[158370, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242340, null, null, null]]], "all_evidence": [[242340, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270801, 266795, "Blank_Space", 0]]], "all_evidence": [[270801, 266795, "Blank_Space", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100707, 114004, "Issa_Rae", 1]]], "all_evidence": [[100707, 114004, "Issa_Rae", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70977, 81866, "SummerSlam", 0]]], "all_evidence": [[70977, 81866, "SummerSlam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185827, 197607, "Charlotte,_North_Carolina", 10]], [[185829, 197609, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[185827, 197607, "Charlotte,_North_Carolina", 10], [185829, 197609, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83619, 95610, "Jonah_Hill", 4]]], "all_evidence": [[83619, 95610, "Jonah_Hill", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178909, null, null, null]]], "all_evidence": [[178909, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269256, 265637, "Revolver_-LRB-Beatles_album-RRB-", 16]]], "all_evidence": [[269256, 265637, "Revolver_-LRB-Beatles_album-RRB-", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18011, null, null, null]]], "all_evidence": [[18011, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251580, null, null, null], [251582, null, null, null]]], "all_evidence": [[251580, null, null, null], [251582, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241591, 243125, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241591, 243125, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140858, 155991, "Daenerys_Targaryen", 0]], [[140858, 155992, "Daenerys_Targaryen", 5], [140858, 155992, "A_Game_of_Thrones", 0]], [[140858, 155993, "Daenerys_Targaryen", 6], [140858, 155993, "A_Clash_of_Kings", 0]], [[140858, 155994, "Daenerys_Targaryen", 7], [140858, 155994, "A_Dance_with_Dragons", 0]]], "all_evidence": [[140858, 155991, "Daenerys_Targaryen", 0], [140858, 155992, "Daenerys_Targaryen", 5], [140858, 155992, "A_Game_of_Thrones", 0], [140858, 155993, "Daenerys_Targaryen", 6], [140858, 155993, "A_Clash_of_Kings", 0], [140858, 155994, "Daenerys_Targaryen", 7], [140858, 155994, "A_Dance_with_Dragons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33739, null, null, null]]], "all_evidence": [[33739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52041, 61938, "Monosodium_glutamate", 4]]], "all_evidence": [[52041, 61938, "Monosodium_glutamate", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123936, 138280, "Toy_Story_2", 0], [123936, 138280, "Pixar", 0]]], "all_evidence": [[123936, 138280, "Toy_Story_2", 0], [123936, 138280, "Pixar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125460, 139798, "Anthony_Scaramucci", 0]]], "all_evidence": [[125460, 139798, "Anthony_Scaramucci", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49575, null, null, null]]], "all_evidence": [[49575, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123527, 137949, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[123527, 137949, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102447, 115719, "George_Harrison", 20]]], "all_evidence": [[102447, 115719, "George_Harrison", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70447, 81318, "Birmingham", 0]], [[70472, 81341, "Birmingham", 0]]], "all_evidence": [[70447, 81318, "Birmingham", 0], [70472, 81341, "Birmingham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161879, 176296, "SummerSlam_-LRB-2015-RRB-", 0]]], "all_evidence": [[161879, 176296, "SummerSlam_-LRB-2015-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267457, null, null, null]]], "all_evidence": [[267457, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233299, 236269, "Arthur_Schopenhauer", 0]]], "all_evidence": [[233299, 236269, "Arthur_Schopenhauer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261550, null, null, null]]], "all_evidence": [[261550, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98814, 111892, "SpongeBob_SquarePants", 2]]], "all_evidence": [[98814, 111892, "SpongeBob_SquarePants", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134771, null, null, null]]], "all_evidence": [[134771, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[283719, 277669, "Adidas", 0]], [[285991, 279577, "Adidas", 0]], [[287659, 280997, "Adidas", 0]], [[287660, 280998, "Adidas", 0]]], "all_evidence": [[283719, 277669, "Adidas", 0], [285991, 279577, "Adidas", 0], [287659, 280997, "Adidas", 0], [287660, 280998, "Adidas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98542, 111632, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[98542, 111632, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116326, 130220, "Balibo_-LRB-film-RRB-", 0]], [[116326, 130221, "Balibo_-LRB-film-RRB-", 4]]], "all_evidence": [[116326, 130220, "Balibo_-LRB-film-RRB-", 0], [116326, 130221, "Balibo_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130785, null, null, null]]], "all_evidence": [[130785, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68198, 79085, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[68198, 79085, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73985, 85217, "Battle_of_the_Trebia", 6]]], "all_evidence": [[73985, 85217, "Battle_of_the_Trebia", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163384, 177608, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]], [[163384, 177609, "Manchester_by_the_Sea_-LRB-film-RRB-", 1]], [[163384, 177610, "Manchester_by_the_Sea_-LRB-film-RRB-", 4]], [[163384, 177611, "Manchester_by_the_Sea_-LRB-film-RRB-", 5], [163384, 177611, "Limited_release", 2]], [[163384, 177612, "Manchester_by_the_Sea_-LRB-film-RRB-", 8]], [[163384, 177613, "Manchester_by_the_Sea_-LRB-film-RRB-", 9]], [[163384, 177614, "Manchester_by_the_Sea_-LRB-film-RRB-", 10]], [[163384, 177615, "Manchester_by_the_Sea_-LRB-film-RRB-", 11]]], "all_evidence": [[163384, 177608, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [163384, 177609, "Manchester_by_the_Sea_-LRB-film-RRB-", 1], [163384, 177610, "Manchester_by_the_Sea_-LRB-film-RRB-", 4], [163384, 177611, "Manchester_by_the_Sea_-LRB-film-RRB-", 5], [163384, 177611, "Limited_release", 2], [163384, 177612, "Manchester_by_the_Sea_-LRB-film-RRB-", 8], [163384, 177613, "Manchester_by_the_Sea_-LRB-film-RRB-", 9], [163384, 177614, "Manchester_by_the_Sea_-LRB-film-RRB-", 10], [163384, 177615, "Manchester_by_the_Sea_-LRB-film-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122540, 136843, "Fargo_-LRB-season_3-RRB-", 0], [122540, 136843, "FX_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[122540, 136843, "Fargo_-LRB-season_3-RRB-", 0], [122540, 136843, "FX_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89678, 102368, "Sarah_Hyland", 1]]], "all_evidence": [[89678, 102368, "Sarah_Hyland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98169, 111278, "Victor_Frankenstein_-LRB-film-RRB-", 0]]], "all_evidence": [[98169, 111278, "Victor_Frankenstein_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180156, null, null, null]]], "all_evidence": [[180156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234304, 237213, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]], [[234305, 237214, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]]], "all_evidence": [[234304, 237213, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0], [234305, 237214, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30639, null, null, null]]], "all_evidence": [[30639, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247543, 247827, "Sennacherib", 2]]], "all_evidence": [[247543, 247827, "Sennacherib", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130364, 145110, "The_Ellen_Show", 0]]], "all_evidence": [[130364, 145110, "The_Ellen_Show", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296344, 288219, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]], [[297921, 289489, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]], [[297922, 289490, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]], [[342867, 326752, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 5], [342867, 326752, "Marquette_Golden_Eagles_men's_basketball", 0], [342867, 326752, "University_of_Kansas", 0]], [[342965, 326836, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 5]], [[342965, 326837, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 6]], [[342965, 326838, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]], "all_evidence": [[296344, 288219, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [297921, 289489, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [297922, 289490, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [342867, 326752, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 5], [342867, 326752, "Marquette_Golden_Eagles_men's_basketball", 0], [342867, 326752, "University_of_Kansas", 0], [342965, 326836, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 5], [342965, 326837, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 6], [342965, 326838, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127872, 142557, "Theresa_May", 0]], [[127872, 142558, "Theresa_May", 1]], [[127872, 142559, "Theresa_May", 2]], [[127872, 142560, "Theresa_May", 6]], [[127872, 142561, "Theresa_May", 7]], [[127872, 142562, "Theresa_May", 8]], [[127872, 142563, "Theresa_May", 9]], [[127872, 142564, "Theresa_May", 12]], [[127872, 142565, "Theresa_May", 13]], [[127872, 142566, "Theresa_May", 14]], [[127872, 142567, "Theresa_May", 17]], [[127872, 142568, "Theresa_May", 18]]], "all_evidence": [[127872, 142557, "Theresa_May", 0], [127872, 142558, "Theresa_May", 1], [127872, 142559, "Theresa_May", 2], [127872, 142560, "Theresa_May", 6], [127872, 142561, "Theresa_May", 7], [127872, 142562, "Theresa_May", 8], [127872, 142563, "Theresa_May", 9], [127872, 142564, "Theresa_May", 12], [127872, 142565, "Theresa_May", 13], [127872, 142566, "Theresa_May", 14], [127872, 142567, "Theresa_May", 17], [127872, 142568, "Theresa_May", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21375, 26267, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5]], [[23013, 28357, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5]], [[24145, 29873, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5]], [[301572, 292680, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5]]], "all_evidence": [[21375, 26267, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5], [23013, 28357, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5], [24145, 29873, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5], [301572, 292680, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187226, 198885, "Norman_Bates", 0]], [[187229, 198886, "Norman_Bates", 0], [187229, 198886, "Psycho_-LRB-novel-RRB-", 0]]], "all_evidence": [[187226, 198885, "Norman_Bates", 0], [187229, 198886, "Norman_Bates", 0], [187229, 198886, "Psycho_-LRB-novel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212536, 220037, "Nina_Jacobson", 0]], [[212537, 220038, "Nina_Jacobson", 0]]], "all_evidence": [[212536, 220037, "Nina_Jacobson", 0], [212537, 220038, "Nina_Jacobson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138468, null, null, null]]], "all_evidence": [[138468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86910, 99369, "Elizabeth_of_York", 1]], [[86910, 99370, "Elizabeth_of_York", 4]], [[86910, 99371, "Elizabeth_of_York", 13]]], "all_evidence": [[86910, 99369, "Elizabeth_of_York", 1], [86910, 99370, "Elizabeth_of_York", 4], [86910, 99371, "Elizabeth_of_York", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51659, 61438, "B._R._Ambedkar", 0]]], "all_evidence": [[51659, 61438, "B._R._Ambedkar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32123, 39021, "Heroes_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[32123, 39021, "Heroes_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52008, null, null, null]]], "all_evidence": [[52008, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150927, 165771, "Aphrodite", 1]], [[150927, 165772, "Aphrodite", 0], [150927, 165772, "Greek_mythology", 0]], [[150927, 165773, "Aphrodite", 5], [150927, 165773, "Cronus", 0]], [[150927, 165774, "Aphrodite", 7], [150927, 165774, "Zeus", 2]], [[150927, 165775, "Aphrodite", 13]], [[150927, 165776, "Aphrodite", 14], [150927, 165776, "Anchises", 0]], [[150927, 165777, "Aphrodite", 15], [150927, 165777, "Adonis", 0]]], "all_evidence": [[150927, 165771, "Aphrodite", 1], [150927, 165772, "Aphrodite", 0], [150927, 165772, "Greek_mythology", 0], [150927, 165773, "Aphrodite", 5], [150927, 165773, "Cronus", 0], [150927, 165774, "Aphrodite", 7], [150927, 165774, "Zeus", 2], [150927, 165775, "Aphrodite", 13], [150927, 165776, "Aphrodite", 14], [150927, 165776, "Anchises", 0], [150927, 165777, "Aphrodite", 15], [150927, 165777, "Adonis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226984, 231425, "Ed_Gagliardi", 13]], [[226994, 231432, "Ed_Gagliardi", 13]]], "all_evidence": [[226984, 231425, "Ed_Gagliardi", 13], [226994, 231432, "Ed_Gagliardi", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30433, null, null, null]]], "all_evidence": [[30433, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20585, 25210, "Musala", 0]]], "all_evidence": [[20585, 25210, "Musala", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[325626, null, null, null]]], "all_evidence": [[325626, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25122, 31002, "US_Airways_Flight_1549", 1]], [[25123, 31003, "US_Airways_Flight_1549", 1]], [[258243, 257074, "US_Airways_Flight_1549", 1]]], "all_evidence": [[25122, 31002, "US_Airways_Flight_1549", 1], [25123, 31003, "US_Airways_Flight_1549", 1], [258243, 257074, "US_Airways_Flight_1549", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71837, 82835, "Romani_people", 18]]], "all_evidence": [[71837, 82835, "Romani_people", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196078, 206231, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196078, 206231, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89667, 102356, "Julie_Bowen", 0]], [[89667, 102357, "Julie_Bowen", 1]], [[89667, 102358, "Julie_Bowen", 2]], [[89667, 102359, "Julie_Bowen", 5]], [[89671, 102362, "Julie_Bowen", 0]]], "all_evidence": [[89667, 102356, "Julie_Bowen", 0], [89667, 102357, "Julie_Bowen", 1], [89667, 102358, "Julie_Bowen", 2], [89667, 102359, "Julie_Bowen", 5], [89671, 102362, "Julie_Bowen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128526, 143206, "Sky_UK", 0]], [[128530, 143209, "Sky_UK", 0], [128530, 143209, "United_Kingdom", 13]], [[128530, 143210, "Sky_UK", 1], [128530, 143210, "United_Kingdom", 13]]], "all_evidence": [[128526, 143206, "Sky_UK", 0], [128530, 143209, "Sky_UK", 0], [128530, 143209, "United_Kingdom", 13], [128530, 143210, "Sky_UK", 1], [128530, 143210, "United_Kingdom", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215773, 222556, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]], "all_evidence": [[215773, 222556, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162634, 176909, "Ovary", 0]]], "all_evidence": [[162634, 176909, "Ovary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32492, 39492, "Henry_III_of_England", 1]]], "all_evidence": [[32492, 39492, "Henry_III_of_England", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118185, null, null, null]]], "all_evidence": [[118185, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67721, 78550, "Balibo_-LRB-film-RRB-", 0]], [[67721, 78551, "Balibo_-LRB-film-RRB-", 4]]], "all_evidence": [[67721, 78550, "Balibo_-LRB-film-RRB-", 0], [67721, 78551, "Balibo_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258063, 256948, "Pakistan_Movement", 13]]], "all_evidence": [[258063, 256948, "Pakistan_Movement", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242368, 243767, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]], [[242368, 243768, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16]]], "all_evidence": [[242368, 243767, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], [242368, 243768, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20988, 25766, "Betsy_Hodges", 5]]], "all_evidence": [[20988, 25766, "Betsy_Hodges", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81298, null, null, null]]], "all_evidence": [[81298, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49604, 58995, "Kareem_Abdul-Jabbar", 18]], [[55948, 66060, "Kareem_Abdul-Jabbar", 18]], [[305007, 295802, "Kareem_Abdul-Jabbar", 18]]], "all_evidence": [[49604, 58995, "Kareem_Abdul-Jabbar", 18], [55948, 66060, "Kareem_Abdul-Jabbar", 18], [305007, 295802, "Kareem_Abdul-Jabbar", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233287, 236258, "Arthur_Schopenhauer", 0]]], "all_evidence": [[233287, 236258, "Arthur_Schopenhauer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[261505, 259622, "Species_distribution", 14]]], "all_evidence": [[261505, 259622, "Species_distribution", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177422, null, null, null], [177424, null, null, null]]], "all_evidence": [[177422, null, null, null], [177424, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229095, 233148, "Kevin_Bacon", 1]]], "all_evidence": [[229095, 233148, "Kevin_Bacon", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133164, 148016, "Port_of_Spain", 0]], [[133164, 148017, "Port_of_Spain", 1]], [[133164, 148018, "Port_of_Spain", 5]], [[133164, 148019, "Port_of_Spain", 13]], [[133164, 148020, "Port_of_Spain", 15]], [[133164, 148021, "Port_of_Spain", 14]], [[133164, 148022, "Port_of_Spain", 18]], [[133164, 148023, "Port_of_Spain", 24]]], "all_evidence": [[133164, 148016, "Port_of_Spain", 0], [133164, 148017, "Port_of_Spain", 1], [133164, 148018, "Port_of_Spain", 5], [133164, 148019, "Port_of_Spain", 13], [133164, 148020, "Port_of_Spain", 15], [133164, 148021, "Port_of_Spain", 14], [133164, 148022, "Port_of_Spain", 18], [133164, 148023, "Port_of_Spain", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198865, 208570, "Scream_2", 0]]], "all_evidence": [[198865, 208570, "Scream_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112518, 126338, "A_Good_Day_to_Die_Hard", 1]], [[112537, 126365, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[112518, 126338, "A_Good_Day_to_Die_Hard", 1], [112537, 126365, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21358, 26239, "Southern_Hospitality_-LRB-song-RRB-", 2]]], "all_evidence": [[21358, 26239, "Southern_Hospitality_-LRB-song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106047, 119408, "Tennessee", 1]]], "all_evidence": [[106047, 119408, "Tennessee", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122672, null, null, null]]], "all_evidence": [[122672, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272725, null, null, null]]], "all_evidence": [[272725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188717, 200157, "Saturn_Award_for_Best_Fantasy_Film", 0]]], "all_evidence": [[188717, 200157, "Saturn_Award_for_Best_Fantasy_Film", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138544, 153624, "Battle_of_the_Bastards", 15]]], "all_evidence": [[138544, 153624, "Battle_of_the_Bastards", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108879, null, null, null]]], "all_evidence": [[108879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272088, 267803, "Caleb_McLaughlin", 0]]], "all_evidence": [[272088, 267803, "Caleb_McLaughlin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169602, 183231, "Yemen", 0], [169602, 183231, "Yemen", 1]]], "all_evidence": [[169602, 183231, "Yemen", 0], [169602, 183231, "Yemen", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234820, null, null, null]]], "all_evidence": [[234820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224828, 229592, "Sacre\u0301-C\u0153ur,_Paris", 0], [224828, 229592, "Sacre\u0301-C\u0153ur,_Paris", 2]]], "all_evidence": [[224828, 229592, "Sacre\u0301-C\u0153ur,_Paris", 0], [224828, 229592, "Sacre\u0301-C\u0153ur,_Paris", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157383, 171947, "Mom_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[157383, 171947, "Mom_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135622, null, null, null], [135627, null, null, null]]], "all_evidence": [[135622, null, null, null], [135627, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20809, 25496, "Maria_Theresa", 5]]], "all_evidence": [[20809, 25496, "Maria_Theresa", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207770, null, null, null]]], "all_evidence": [[207770, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157688, 172294, "The_Raven_-LRB-2012_film-RRB-", 10]]], "all_evidence": [[157688, 172294, "The_Raven_-LRB-2012_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163876, 178113, "Fuller_House_-LRB-TV_series-RRB-", 0]], [[163876, 178114, "Fuller_House_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[163876, 178113, "Fuller_House_-LRB-TV_series-RRB-", 0], [163876, 178114, "Fuller_House_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31774, null, null, null]]], "all_evidence": [[31774, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245170, 246055, "Military_deception", 2]]], "all_evidence": [[245170, 246055, "Military_deception", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125046, 139387, "Two_and_a_Half_Men", 1]]], "all_evidence": [[125046, 139387, "Two_and_a_Half_Men", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70515, null, null, null]]], "all_evidence": [[70515, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182618, null, null, null]]], "all_evidence": [[182618, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98867, 111949, "Watertown,_Massachusetts", 0]], [[98867, 111950, "Watertown,_Massachusetts", 1], [98867, 111950, "Greater_Boston", 0]], [[98867, 111951, "Watertown,_Massachusetts", 3]], [[98867, 111952, "Watertown,_Massachusetts", 6], [98867, 111952, "Bemis_-LRB-Watertown,_Massachusetts-RRB-", 0]]], "all_evidence": [[98867, 111949, "Watertown,_Massachusetts", 0], [98867, 111950, "Watertown,_Massachusetts", 1], [98867, 111950, "Greater_Boston", 0], [98867, 111951, "Watertown,_Massachusetts", 3], [98867, 111952, "Watertown,_Massachusetts", 6], [98867, 111952, "Bemis_-LRB-Watertown,_Massachusetts-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234822, 237632, "Andrea_Pirlo", 0]]], "all_evidence": [[234822, 237632, "Andrea_Pirlo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56509, 66708, "Andrew_Moray", 1]]], "all_evidence": [[56509, 66708, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72644, 83686, "Pulmonary_embolism", 1], [72644, 83686, "Shortness_of_breath", 1]]], "all_evidence": [[72644, 83686, "Pulmonary_embolism", 1], [72644, 83686, "Shortness_of_breath", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93593, 106541, "Inside_Llewyn_Davis", 10]]], "all_evidence": [[93593, 106541, "Inside_Llewyn_Davis", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296720, 288472, "Multicellular_organism", 3]], [[300383, 291624, "Multicellular_organism", 3]], [[343789, 327465, "Multicellular_organism", 3]], [[343790, 327466, "Multicellular_organism", 3]]], "all_evidence": [[296720, 288472, "Multicellular_organism", 3], [300383, 291624, "Multicellular_organism", 3], [343789, 327465, "Multicellular_organism", 3], [343790, 327466, "Multicellular_organism", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233994, 236897, "The_Last_Song_-LRB-film-RRB-", 9]], [[236789, 239167, "The_Last_Song_-LRB-film-RRB-", 9]], [[240356, 241988, "The_Last_Song_-LRB-film-RRB-", 9]], [[320135, 308779, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[233994, 236897, "The_Last_Song_-LRB-film-RRB-", 9], [236789, 239167, "The_Last_Song_-LRB-film-RRB-", 9], [240356, 241988, "The_Last_Song_-LRB-film-RRB-", 9], [320135, 308779, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183218, 195304, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]], "all_evidence": [[183218, 195304, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169524, 183140, "The_Challenge-COLON-_Rivals_III", 0]]], "all_evidence": [[169524, 183140, "The_Challenge-COLON-_Rivals_III", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296944, 288663, "William_Blackstone", 2]], [[298605, 290069, "William_Blackstone", 0], [298605, 290069, "William_Blackstone", 2]], [[300705, 291823, "William_Blackstone", 2]], [[344368, 327906, "William_Blackstone", 2]], [[344536, 328035, "William_Blackstone", 2]]], "all_evidence": [[296944, 288663, "William_Blackstone", 2], [298605, 290069, "William_Blackstone", 0], [298605, 290069, "William_Blackstone", 2], [300705, 291823, "William_Blackstone", 2], [344368, 327906, "William_Blackstone", 2], [344536, 328035, "William_Blackstone", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76195, 87486, "Skopje", 8]]], "all_evidence": [[76195, 87486, "Skopje", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163197, 177418, "B._R._Ambedkar", 0]]], "all_evidence": [[163197, 177418, "B._R._Ambedkar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60579, 71007, "Romani_people_in_the_Republic_of_Macedonia", 0]]], "all_evidence": [[60579, 71007, "Romani_people_in_the_Republic_of_Macedonia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251586, null, null, null]]], "all_evidence": [[251586, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258307, 257132, "Fiji_Hindi", 1]]], "all_evidence": [[258307, 257132, "Fiji_Hindi", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238904, null, null, null]]], "all_evidence": [[238904, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25545, 31463, "Fuller_House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[25545, 31463, "Fuller_House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146444, null, null, null]]], "all_evidence": [[146444, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47397, null, null, null]]], "all_evidence": [[47397, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281946, null, null, null], [283955, null, null, null], [285033, null, null, null], [329755, null, null, null], [329757, null, null, null], [329758, null, null, null]]], "all_evidence": [[281946, null, null, null], [283955, null, null, null], [285033, null, null, null], [329755, null, null, null], [329757, null, null, null], [329758, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37750, 45680, "Team_Fortress_2", 0]]], "all_evidence": [[37750, 45680, "Team_Fortress_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132472, 147385, "Brie_Larson", 11]]], "all_evidence": [[132472, 147385, "Brie_Larson", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138517, null, null, null]]], "all_evidence": [[138517, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196198, null, null, null]]], "all_evidence": [[196198, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292927, 285592, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0], [292927, 285592, "Korn", 0]], [[340957, 325455, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0], [340957, 325455, "Korn", 0]], [[340961, 325458, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0], [340961, 325458, "Korn", 0]]], "all_evidence": [[292927, 285592, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0], [292927, 285592, "Korn", 0], [340957, 325455, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0], [340957, 325455, "Korn", 0], [340961, 325458, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0], [340961, 325458, "Korn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195545, 205779, "Annie_Lennox", 7]]], "all_evidence": [[195545, 205779, "Annie_Lennox", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54915, null, null, null]]], "all_evidence": [[54915, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200592, 210071, "Hair_-LRB-musical-RRB-", 15]]], "all_evidence": [[200592, 210071, "Hair_-LRB-musical-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220503, null, null, null]]], "all_evidence": [[220503, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12063, 15110, "Salt_River_Valley", 0]]], "all_evidence": [[12063, 15110, "Salt_River_Valley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161438, 175928, "Babur", 0]]], "all_evidence": [[161438, 175928, "Babur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109826, 123417, "Natasha_Lyonne", 0]]], "all_evidence": [[109826, 123417, "Natasha_Lyonne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70201, 81079, "United_States_dollar", 64]], [[70201, 81080, "United_States_dollar", 72]]], "all_evidence": [[70201, 81079, "United_States_dollar", 64], [70201, 81080, "United_States_dollar", 72]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232346, 235572, "University_of_Leicester", 11]]], "all_evidence": [[232346, 235572, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166167, 180099, "Johnny_Van_Zant", 0]]], "all_evidence": [[166167, 180099, "Johnny_Van_Zant", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85812, 98094, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[85812, 98094, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158255, 172889, "Clueless_-LRB-film-RRB-", 7]]], "all_evidence": [[158255, 172889, "Clueless_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47908, 57208, "Elizabeth_I_of_England", 4], [47908, 57208, "Anne_Boleyn", 33]]], "all_evidence": [[47908, 57208, "Elizabeth_I_of_England", 4], [47908, 57208, "Anne_Boleyn", 33]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167401, null, null, null]]], "all_evidence": [[167401, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34091, 41336, "Maria_Theresa", 5], [34091, 41336, "Charles_VI,_Holy_Roman_Emperor", 3]]], "all_evidence": [[34091, 41336, "Maria_Theresa", 5], [34091, 41336, "Charles_VI,_Holy_Roman_Emperor", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28366, 34678, "Chris_Benoit", 0]]], "all_evidence": [[28366, 34678, "Chris_Benoit", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123279, 137695, "Independent_Spirit_Awards", 10], [123279, 137695, "Independent_Spirit_Awards", 0]]], "all_evidence": [[123279, 137695, "Independent_Spirit_Awards", 10], [123279, 137695, "Independent_Spirit_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163400, 177638, "Spider-Man_2", 0]], [[163400, 177639, "Spider-Man_2", 1]], [[163400, 177640, "Spider-Man_2", 11]]], "all_evidence": [[163400, 177638, "Spider-Man_2", 0], [163400, 177639, "Spider-Man_2", 1], [163400, 177640, "Spider-Man_2", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96762, 109914, "Firefox", 1]], [[96762, 109915, "Firefox", 2]]], "all_evidence": [[96762, 109914, "Firefox", 1], [96762, 109915, "Firefox", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286887, null, null, null], [289045, null, null, null], [290739, null, null, null]]], "all_evidence": [[286887, null, null, null], [289045, null, null, null], [290739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184522, 196403, "Levoamphetamine", 0]]], "all_evidence": [[184522, 196403, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117806, 131707, "Yin_and_yang", 13]]], "all_evidence": [[117806, 131707, "Yin_and_yang", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18715, 22952, "Raja_Hindustani", 0]]], "all_evidence": [[18715, 22952, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275467, 270608, "Saw_II", 20]], [[277308, 272241, "Saw_II", 20]], [[324507, 312472, "Saw_II", 20]], [[326034, 313616, "Saw_II", 20]], [[326035, 313617, "Saw_II", 20]]], "all_evidence": [[275467, 270608, "Saw_II", 20], [277308, 272241, "Saw_II", 20], [324507, 312472, "Saw_II", 20], [326034, 313616, "Saw_II", 20], [326035, 313617, "Saw_II", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247828, 248116, "Alexandria", 2]]], "all_evidence": [[247828, 248116, "Alexandria", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72096, 83086, "Near-Earth_object", 0]]], "all_evidence": [[72096, 83086, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274838, 270081, "P.S._I_Love_You_-LRB-film-RRB-", 0]], [[274839, 270082, "P.S._I_Love_You_-LRB-film-RRB-", 0]], [[274842, 270084, "P.S._I_Love_You_-LRB-film-RRB-", 0]], [[274847, 270086, "P.S._I_Love_You_-LRB-film-RRB-", 0]], [[274847, 270087, "P.S._I_Love_You_-LRB-film-RRB-", 2], [274847, 270087, "Hilary_Swank", 10]]], "all_evidence": [[274838, 270081, "P.S._I_Love_You_-LRB-film-RRB-", 0], [274839, 270082, "P.S._I_Love_You_-LRB-film-RRB-", 0], [274842, 270084, "P.S._I_Love_You_-LRB-film-RRB-", 0], [274847, 270086, "P.S._I_Love_You_-LRB-film-RRB-", 0], [274847, 270087, "P.S._I_Love_You_-LRB-film-RRB-", 2], [274847, 270087, "Hilary_Swank", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142732, 157881, "Cordilleran_Ice_Sheet", 0]]], "all_evidence": [[142732, 157881, "Cordilleran_Ice_Sheet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167927, 181698, "Burbank,_California", 4]]], "all_evidence": [[167927, 181698, "Burbank,_California", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163251, 177464, "Chris_Benoit", 0]]], "all_evidence": [[163251, 177464, "Chris_Benoit", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19157, 23497, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[19157, 23497, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206603, 214946, "Nawaz_Sharif", 0]], [[206603, 214947, "Nawaz_Sharif", 1]], [[206603, 214948, "Nawaz_Sharif", 5]], [[206603, 214949, "Nawaz_Sharif", 6]], [[206603, 214950, "Nawaz_Sharif", 7]], [[206603, 214951, "Nawaz_Sharif", 8]], [[206603, 214952, "Nawaz_Sharif", 9]], [[206603, 214953, "Nawaz_Sharif", 13]], [[206603, 214954, "Nawaz_Sharif", 15]], [[206603, 214955, "Nawaz_Sharif", 22]], [[206603, 214956, "Nawaz_Sharif", 24]], [[206603, 214957, "Nawaz_Sharif", 25]], [[206603, 214958, "Nawaz_Sharif", 21]], [[206603, 214959, "Nawaz_Sharif", 18]]], "all_evidence": [[206603, 214946, "Nawaz_Sharif", 0], [206603, 214947, "Nawaz_Sharif", 1], [206603, 214948, "Nawaz_Sharif", 5], [206603, 214949, "Nawaz_Sharif", 6], [206603, 214950, "Nawaz_Sharif", 7], [206603, 214951, "Nawaz_Sharif", 8], [206603, 214952, "Nawaz_Sharif", 9], [206603, 214953, "Nawaz_Sharif", 13], [206603, 214954, "Nawaz_Sharif", 15], [206603, 214955, "Nawaz_Sharif", 22], [206603, 214956, "Nawaz_Sharif", 24], [206603, 214957, "Nawaz_Sharif", 25], [206603, 214958, "Nawaz_Sharif", 21], [206603, 214959, "Nawaz_Sharif", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218877, 225054, "Dan_Brown", 3], [218877, 225054, "Angels_&_Demons", 0], [218877, 225054, "The_Da_Vinci_Code", 0]]], "all_evidence": [[218877, 225054, "Dan_Brown", 3], [218877, 225054, "Angels_&_Demons", 0], [218877, 225054, "The_Da_Vinci_Code", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78223, null, null, null]]], "all_evidence": [[78223, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146053, 161060, "Samsung", 6]]], "all_evidence": [[146053, 161060, "Samsung", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233450, null, null, null], [233451, null, null, null]]], "all_evidence": [[233450, null, null, null], [233451, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118473, 132320, "Sky_UK", 0]]], "all_evidence": [[118473, 132320, "Sky_UK", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269173, 265561, "Chinatown_-LRB-1974_film-RRB-", 0]], [[269174, 265562, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269173, 265561, "Chinatown_-LRB-1974_film-RRB-", 0], [269174, 265562, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100421, 113714, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]], "all_evidence": [[100421, 113714, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21444, null, null, null]]], "all_evidence": [[21444, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165981, 179940, "Faye_Resnick", 0]]], "all_evidence": [[165981, 179940, "Faye_Resnick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161670, 176097, "Babur", 0]]], "all_evidence": [[161670, 176097, "Babur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153823, 168672, "Mamata_Banerjee", 0]], [[153824, 168673, "Mamata_Banerjee", 0]]], "all_evidence": [[153823, 168672, "Mamata_Banerjee", 0], [153824, 168673, "Mamata_Banerjee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75487, null, null, null], [79813, null, null, null], [307397, null, null, null]]], "all_evidence": [[75487, null, null, null], [79813, null, null, null], [307397, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36177, null, null, null]]], "all_evidence": [[36177, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83148, 95096, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]], "all_evidence": [[83148, 95096, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143636, 158738, "Bob_Ross", 1]]], "all_evidence": [[143636, 158738, "Bob_Ross", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108814, null, null, null]]], "all_evidence": [[108814, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31351, 38061, "NXT_Tag_Team_Championship", 0]]], "all_evidence": [[31351, 38061, "NXT_Tag_Team_Championship", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172590, null, null, null]]], "all_evidence": [[172590, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67221, 78015, "Chumlee", 0]]], "all_evidence": [[67221, 78015, "Chumlee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40059, 48190, "Petyr_Baelish", 0]]], "all_evidence": [[40059, 48190, "Petyr_Baelish", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24675, 30467, "SZA_-LRB-singer-RRB-", 6], [24675, 30467, "Hip_hop", 30], [24675, 30467, "Neo_soul", 0], [24675, 30467, "Soul_music", 0], [24675, 30467, "Soul_music", 15], [24675, 30467, "Chillwave", 13], [24675, 30467, "Chillwave", 4], [24675, 30467, "Chillwave", 1], [24675, 30467, "Chillwave", 8], [24675, 30467, "Witch_house_-LRB-music_genre-RRB-", 0], [24675, 30467, "Rhythm_and_blues", 0], [24675, 30467, "Rhythm_and_blues", 5]]], "all_evidence": [[24675, 30467, "SZA_-LRB-singer-RRB-", 6], [24675, 30467, "Hip_hop", 30], [24675, 30467, "Neo_soul", 0], [24675, 30467, "Soul_music", 0], [24675, 30467, "Soul_music", 15], [24675, 30467, "Chillwave", 13], [24675, 30467, "Chillwave", 4], [24675, 30467, "Chillwave", 1], [24675, 30467, "Chillwave", 8], [24675, 30467, "Witch_house_-LRB-music_genre-RRB-", 0], [24675, 30467, "Rhythm_and_blues", 0], [24675, 30467, "Rhythm_and_blues", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127242, 141789, "Raven-Symone\u0301", 23]]], "all_evidence": [[127242, 141789, "Raven-Symone\u0301", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162829, 177063, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]], [[162829, 177064, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]], [[162829, 177065, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 2]], [[162829, 177066, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 3]], [[162830, 177067, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]], [[162830, 177068, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]], [[162830, 177069, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 2]], [[162830, 177070, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 3]]], "all_evidence": [[162829, 177063, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0], [162829, 177064, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1], [162829, 177065, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 2], [162829, 177066, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 3], [162830, 177067, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0], [162830, 177068, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1], [162830, 177069, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 2], [162830, 177070, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143864, 158941, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[143864, 158941, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14669, 18288, "Mom_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[14669, 18288, "Mom_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250002, 250064, "Resident_Evil_-LRB-film-RRB-", 0]], [[250002, 250065, "Resident_Evil_-LRB-film-RRB-", 7]], [[250002, 250066, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[250002, 250064, "Resident_Evil_-LRB-film-RRB-", 0], [250002, 250065, "Resident_Evil_-LRB-film-RRB-", 7], [250002, 250066, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177063, 189994, "Samsung", 6]]], "all_evidence": [[177063, 189994, "Samsung", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127304, 141847, "Tenth_Doctor", 8]]], "all_evidence": [[127304, 141847, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41575, 49992, "Romani_people", 0]], [[41575, 49993, "Romani_people", 9]], [[44345, 52999, "Romani_people", 15]], [[46531, 55507, "Romani_people", 8], [46531, 55507, "Romani_diaspora", 2]], [[46531, 55508, "Romani_people", 9]], [[46531, 55509, "Romani_people", 0]], [[46531, 55510, "Romani_people", 12]], [[46531, 55511, "Romani_people", 15]], [[46531, 55512, "Romani_people", 16]], [[46531, 55513, "Romani_people", 18]], [[302198, 293231, "Romani_people", 15]], [[302200, 293232, "Romani_people", 15]], [[302219, 293248, "Romani_people", 15]], [[302219, 293249, "Romani_people", 16]], [[304713, 295519, "Romani_people", 18]], [[304713, 295520, "Romani_people", 15]]], "all_evidence": [[41575, 49992, "Romani_people", 0], [41575, 49993, "Romani_people", 9], [44345, 52999, "Romani_people", 15], [46531, 55507, "Romani_people", 8], [46531, 55507, "Romani_diaspora", 2], [46531, 55508, "Romani_people", 9], [46531, 55509, "Romani_people", 0], [46531, 55510, "Romani_people", 12], [46531, 55511, "Romani_people", 15], [46531, 55512, "Romani_people", 16], [46531, 55513, "Romani_people", 18], [302198, 293231, "Romani_people", 15], [302200, 293232, "Romani_people", 15], [302219, 293248, "Romani_people", 15], [302219, 293249, "Romani_people", 16], [304713, 295519, "Romani_people", 18], [304713, 295520, "Romani_people", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194075, 204494, "Battle_of_the_Bastards", 0]], [[197010, 207071, "Battle_of_the_Bastards", 0]], [[198917, 208596, "Battle_of_the_Bastards", 0]], [[198917, 208597, "Battle_of_the_Bastards", 12]], [[315182, 304461, "Battle_of_the_Bastards", 0]], [[315183, 304462, "Battle_of_the_Bastards", 0]], [[315184, 304463, "Battle_of_the_Bastards", 0]], [[315185, 304464, "Battle_of_the_Bastards", 0]], [[315194, 304472, "Battle_of_the_Bastards", 0]]], "all_evidence": [[194075, 204494, "Battle_of_the_Bastards", 0], [197010, 207071, "Battle_of_the_Bastards", 0], [198917, 208596, "Battle_of_the_Bastards", 0], [198917, 208597, "Battle_of_the_Bastards", 12], [315182, 304461, "Battle_of_the_Bastards", 0], [315183, 304462, "Battle_of_the_Bastards", 0], [315184, 304463, "Battle_of_the_Bastards", 0], [315185, 304464, "Battle_of_the_Bastards", 0], [315194, 304472, "Battle_of_the_Bastards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255054, 254601, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]], "all_evidence": [[255054, 254601, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25711, 31639, "Cle\u0301opa\u0302tre", 4]]], "all_evidence": [[25711, 31639, "Cle\u0301opa\u0302tre", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176364, 189283, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]], "all_evidence": [[176364, 189283, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33914, 41119, "Brie_Larson", 10]]], "all_evidence": [[33914, 41119, "Brie_Larson", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87368, 99843, "Birmingham", 0]]], "all_evidence": [[87368, 99843, "Birmingham", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100964, null, null, null]]], "all_evidence": [[100964, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122390, null, null, null]]], "all_evidence": [[122390, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163004, 177223, "Jenny_McCarthy", 1]]], "all_evidence": [[163004, 177223, "Jenny_McCarthy", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121522, null, null, null]]], "all_evidence": [[121522, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159583, 174079, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[159583, 174079, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185763, 197550, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[185763, 197550, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211666, 219336, "The_Fly_-LRB-1986_film-RRB-", 0]], [[211666, 219337, "The_Fly_-LRB-1986_film-RRB-", 8]]], "all_evidence": [[211666, 219336, "The_Fly_-LRB-1986_film-RRB-", 0], [211666, 219337, "The_Fly_-LRB-1986_film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63884, 74595, "The_Big_Country", 2]]], "all_evidence": [[63884, 74595, "The_Big_Country", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203637, null, null, null]]], "all_evidence": [[203637, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71803, 82797, "Firefox", 14]], [[71803, 82798, "Firefox", 15]], [[71803, 82799, "Firefox", 0]], [[71803, 82800, "Firefox", 11]], [[71803, 82801, "Firefox", 13]]], "all_evidence": [[71803, 82797, "Firefox", 14], [71803, 82798, "Firefox", 15], [71803, 82799, "Firefox", 0], [71803, 82800, "Firefox", 11], [71803, 82801, "Firefox", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55931, 66048, "University_of_Chicago_Law_School", 7]]], "all_evidence": [[55931, 66048, "University_of_Chicago_Law_School", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135488, 150361, "Sands_Hotel_and_Casino", 0]], [[135488, 150362, "Sands_Hotel_and_Casino", 5]], [[135488, 150363, "Sands_Hotel_and_Casino", 6]]], "all_evidence": [[135488, 150361, "Sands_Hotel_and_Casino", 0], [135488, 150362, "Sands_Hotel_and_Casino", 5], [135488, 150363, "Sands_Hotel_and_Casino", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148556, 163577, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [148556, 163577, "NCAA_Division_I", 0]]], "all_evidence": [[148556, 163577, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [148556, 163577, "NCAA_Division_I", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296842, 288583, "Islamabad", 0]], [[296842, 288584, "Islamabad", 1]], [[298493, 289973, "Islamabad", 0]], [[298493, 289974, "Islamabad", 1]], [[298493, 289975, "Islamabad", 2]], [[298493, 289976, "Islamabad", 5]], [[298493, 289977, "Islamabad", 6]], [[300536, 291710, "Islamabad", 0]], [[300536, 291711, "Islamabad", 1]], [[300536, 291712, "Islamabad", 16]], [[344092, 327693, "Islamabad", 0]]], "all_evidence": [[296842, 288583, "Islamabad", 0], [296842, 288584, "Islamabad", 1], [298493, 289973, "Islamabad", 0], [298493, 289974, "Islamabad", 1], [298493, 289975, "Islamabad", 2], [298493, 289976, "Islamabad", 5], [298493, 289977, "Islamabad", 6], [300536, 291710, "Islamabad", 0], [300536, 291711, "Islamabad", 1], [300536, 291712, "Islamabad", 16], [344092, 327693, "Islamabad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265241, 262479, "A_United_Kingdom", 0]], [[265241, 262480, "A_United_Kingdom", 4]]], "all_evidence": [[265241, 262479, "A_United_Kingdom", 0], [265241, 262480, "A_United_Kingdom", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161890, 176304, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]], "all_evidence": [[161890, 176304, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164911, 179102, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]], "all_evidence": [[164911, 179102, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83402, 95368, "Quay_-LRB-film-RRB-", 1]]], "all_evidence": [[83402, 95368, "Quay_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175715, null, null, null]]], "all_evidence": [[175715, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107636, null, null, null]]], "all_evidence": [[107636, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220187, null, null, null]]], "all_evidence": [[220187, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132942, 147830, "Amancio_Ortega", 0]], [[134136, 149024, "Amancio_Ortega", 0]], [[134136, 149025, "Amancio_Ortega", 1]], [[134136, 149026, "Amancio_Ortega", 5]], [[135815, 150664, "Amancio_Ortega", 0]], [[309560, 299749, "Amancio_Ortega", 0]]], "all_evidence": [[132942, 147830, "Amancio_Ortega", 0], [134136, 149024, "Amancio_Ortega", 0], [134136, 149025, "Amancio_Ortega", 1], [134136, 149026, "Amancio_Ortega", 5], [135815, 150664, "Amancio_Ortega", 0], [309560, 299749, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146216, null, null, null]]], "all_evidence": [[146216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43252, 51885, "The_Quiet", 0]]], "all_evidence": [[43252, 51885, "The_Quiet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133816, 148686, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]], "all_evidence": [[133816, 148686, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257986, null, null, null]]], "all_evidence": [[257986, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186454, 198265, "Alan_Shepard", 16]]], "all_evidence": [[186454, 198265, "Alan_Shepard", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68684, null, null, null]]], "all_evidence": [[68684, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272072, 267799, "Caleb_McLaughlin", 0]]], "all_evidence": [[272072, 267799, "Caleb_McLaughlin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272845, null, null, null]]], "all_evidence": [[272845, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152025, 166780, "Silver_Surfer", 0]], [[152028, 166782, "Silver_Surfer", 0]], [[152028, 166783, "Silver_Surfer", 13]]], "all_evidence": [[152025, 166780, "Silver_Surfer", 0], [152028, 166782, "Silver_Surfer", 0], [152028, 166783, "Silver_Surfer", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189207, null, null, null]]], "all_evidence": [[189207, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279272, 273904, "Doug_Petrie", 5]], [[280811, 275212, "Doug_Petrie", 5]], [[281040, 275423, "Doug_Petrie", 5]], [[327507, 314736, "Doug_Petrie", 5]], [[328714, 315712, "Doug_Petrie", 5]]], "all_evidence": [[279272, 273904, "Doug_Petrie", 5], [280811, 275212, "Doug_Petrie", 5], [281040, 275423, "Doug_Petrie", 5], [327507, 314736, "Doug_Petrie", 5], [328714, 315712, "Doug_Petrie", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110695, 124358, "DodgeBall-COLON-_A_True_Underdog_Story", 0]], [[110695, 124359, "DodgeBall-COLON-_A_True_Underdog_Story", 1]], [[110695, 124360, "DodgeBall-COLON-_A_True_Underdog_Story", 4], [110695, 124360, "Rotten_Tomatoes", 0]]], "all_evidence": [[110695, 124358, "DodgeBall-COLON-_A_True_Underdog_Story", 0], [110695, 124359, "DodgeBall-COLON-_A_True_Underdog_Story", 1], [110695, 124360, "DodgeBall-COLON-_A_True_Underdog_Story", 4], [110695, 124360, "Rotten_Tomatoes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93499, 106455, "Oscar_Isaac", 7]]], "all_evidence": [[93499, 106455, "Oscar_Isaac", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257958, 256873, "Innovation", 1]]], "all_evidence": [[257958, 256873, "Innovation", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205701, 214193, "Pythagoras", 0]], [[205701, 214194, "Pythagoras", 1]]], "all_evidence": [[205701, 214193, "Pythagoras", 0], [205701, 214194, "Pythagoras", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269205, null, null, null]]], "all_evidence": [[269205, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190528, 201530, "American_Idol_-LRB-season_8-RRB-", 1], [190528, 201530, "Paula_Abdul", 0]], [[190534, 201532, "American_Idol_-LRB-season_8-RRB-", 1], [190534, 201532, "Paula_Abdul", 1]], [[190534, 201533, "American_Idol_-LRB-season_8-RRB-", 2], [190534, 201533, "Kara_DioGuardi", 1]]], "all_evidence": [[190528, 201530, "American_Idol_-LRB-season_8-RRB-", 1], [190528, 201530, "Paula_Abdul", 0], [190534, 201532, "American_Idol_-LRB-season_8-RRB-", 1], [190534, 201532, "Paula_Abdul", 1], [190534, 201533, "American_Idol_-LRB-season_8-RRB-", 2], [190534, 201533, "Kara_DioGuardi", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259288, 257918, "Indian_National_Congress", 8]]], "all_evidence": [[259288, 257918, "Indian_National_Congress", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213539, 220762, "Henry_III_of_France", 23]], [[213540, 220763, "Henry_III_of_France", 23]]], "all_evidence": [[213539, 220762, "Henry_III_of_France", 23], [213540, 220763, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251559, 251398, "Gory_Guerrero", 0]]], "all_evidence": [[251559, 251398, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207772, 215969, "The_Good_German", 1], [207772, 215969, "The_Good_German", 0]]], "all_evidence": [[207772, 215969, "The_Good_German", 1], [207772, 215969, "The_Good_German", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197883, 207811, "Jiang_Wen", 0]]], "all_evidence": [[197883, 207811, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50269, 59841, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[50269, 59841, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263055, null, null, null]]], "all_evidence": [[263055, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200588, null, null, null]]], "all_evidence": [[200588, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63599, 74354, "Ron_Dennis", 1]]], "all_evidence": [[63599, 74354, "Ron_Dennis", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161786, 176213, "Sherilyn_Fenn", 2]]], "all_evidence": [[161786, 176213, "Sherilyn_Fenn", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257849, null, null, null]]], "all_evidence": [[257849, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186328, null, null, null]]], "all_evidence": [[186328, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95875, 108946, "The_Nice_Guys", 0]], [[95875, 108947, "The_Nice_Guys", 5]]], "all_evidence": [[95875, 108946, "The_Nice_Guys", 0], [95875, 108947, "The_Nice_Guys", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161423, 175917, "Elizabeth_Olsen", 0]]], "all_evidence": [[161423, 175917, "Elizabeth_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121198, 135487, "Kung_Fu_Panda", 0]], [[121198, 135488, "Kung_Fu_Panda", 15]]], "all_evidence": [[121198, 135487, "Kung_Fu_Panda", 0], [121198, 135488, "Kung_Fu_Panda", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31198, 37888, "The_Challenge-COLON-_Rivals_III", 0]], [[31198, 37889, "The_Challenge-COLON-_Rivals_III", 1]]], "all_evidence": [[31198, 37888, "The_Challenge-COLON-_Rivals_III", 0], [31198, 37889, "The_Challenge-COLON-_Rivals_III", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207533, 215778, "Dawood_Ibrahim", 0]]], "all_evidence": [[207533, 215778, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238347, null, null, null]]], "all_evidence": [[238347, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101844, 115090, "Little_Dorrit", 0]]], "all_evidence": [[101844, 115090, "Little_Dorrit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284504, null, null, null], [285359, null, null, null], [330696, null, null, null], [331816, null, null, null]]], "all_evidence": [[284504, null, null, null], [285359, null, null, null], [330696, null, null, null], [331816, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233294, 236266, "Arthur_Schopenhauer", 0]]], "all_evidence": [[233294, 236266, "Arthur_Schopenhauer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39738, 47815, "Henry_Cavill", 0]]], "all_evidence": [[39738, 47815, "Henry_Cavill", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186297, null, null, null]]], "all_evidence": [[186297, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265873, null, null, null]]], "all_evidence": [[265873, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14247, null, null, null]]], "all_evidence": [[14247, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40283, 48461, "Jed_Whedon", 0], [40283, 48461, "Tom_Whedon", 0]]], "all_evidence": [[40283, 48461, "Jed_Whedon", 0], [40283, 48461, "Tom_Whedon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118547, 132399, "Emmanuel_Macron", 1]]], "all_evidence": [[118547, 132399, "Emmanuel_Macron", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130173, 144907, "Mikhail_Prokhorov", 3]]], "all_evidence": [[130173, 144907, "Mikhail_Prokhorov", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140347, null, null, null]]], "all_evidence": [[140347, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[261380, 259530, "Corsica", 10], [261380, 259530, "Bastia", 0]]], "all_evidence": [[261380, 259530, "Corsica", 10], [261380, 259530, "Bastia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49658, 59063, "Ares", 0]], [[49658, 59064, "Ares", 1], [49658, 59064, "Twelve_Olympians", 0]], [[49658, 59065, "Ares", 7]]], "all_evidence": [[49658, 59063, "Ares", 0], [49658, 59064, "Ares", 1], [49658, 59064, "Twelve_Olympians", 0], [49658, 59065, "Ares", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113271, 127139, "Boeing_787_Dreamliner", 0]]], "all_evidence": [[113271, 127139, "Boeing_787_Dreamliner", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121516, 135793, "John_Goodman", 7], [121516, 135793, "The_Babe", 0]]], "all_evidence": [[121516, 135793, "John_Goodman", 7], [121516, 135793, "The_Babe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150492, 165372, "Africa_Cup_of_Nations", 1]]], "all_evidence": [[150492, 165372, "Africa_Cup_of_Nations", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179451, null, null, null]]], "all_evidence": [[179451, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218827, null, null, null]]], "all_evidence": [[218827, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210399, 218172, "Vic_Mensa", 0]]], "all_evidence": [[210399, 218172, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228144, null, null, null]]], "all_evidence": [[228144, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76501, 87802, "Bank_of_America", 16]]], "all_evidence": [[76501, 87802, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28567, 34898, "Kung_Fu_Panda", 17]]], "all_evidence": [[28567, 34898, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111489, null, null, null]]], "all_evidence": [[111489, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36982, null, null, null]]], "all_evidence": [[36982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224412, 229270, "Padua", 1]]], "all_evidence": [[224412, 229270, "Padua", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60013, 70419, "Younger_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[60013, 70419, "Younger_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168937, 182637, "Donald_Duck", 2]]], "all_evidence": [[168937, 182637, "Donald_Duck", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271660, 267492, "Lyon", 4]]], "all_evidence": [[271660, 267492, "Lyon", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199426, 209109, "Northwestern_University", 19], [199426, 209109, "Big_Ten_Conference", 5]]], "all_evidence": [[199426, 209109, "Northwestern_University", 19], [199426, 209109, "Big_Ten_Conference", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169702, null, null, null]]], "all_evidence": [[169702, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112017, 125828, "Jenny_McCarthy", 1]]], "all_evidence": [[112017, 125828, "Jenny_McCarthy", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256845, null, null, null]]], "all_evidence": [[256845, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119075, null, null, null]]], "all_evidence": [[119075, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43394, null, null, null]]], "all_evidence": [[43394, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282223, null, null, null], [284238, null, null, null], [330259, null, null, null]]], "all_evidence": [[282223, null, null, null], [284238, null, null, null], [330259, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39460, 47547, "Pakistan", 0]]], "all_evidence": [[39460, 47547, "Pakistan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131012, null, null, null]]], "all_evidence": [[131012, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163305, 177498, "Brown_University", 19], [163305, 177498, "College_Hill_Historic_District_-LRB-Providence,_Rhode_Island-RRB-", 0]], [[163305, 177499, "Brown_University", 0]]], "all_evidence": [[163305, 177498, "Brown_University", 19], [163305, 177498, "College_Hill_Historic_District_-LRB-Providence,_Rhode_Island-RRB-", 0], [163305, 177499, "Brown_University", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198358, null, null, null]]], "all_evidence": [[198358, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277965, null, null, null], [280075, null, null, null], [324777, null, null, null]]], "all_evidence": [[277965, null, null, null], [280075, null, null, null], [324777, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214110, 221198, "Gotham_City_Sirens", 0]]], "all_evidence": [[214110, 221198, "Gotham_City_Sirens", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83492, null, null, null]]], "all_evidence": [[83492, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20368, 24949, "A.J._Styles", 4]], [[20368, 24950, "A.J._Styles", 9]], [[20368, 24951, "A.J._Styles", 10]]], "all_evidence": [[20368, 24949, "A.J._Styles", 4], [20368, 24950, "A.J._Styles", 9], [20368, 24951, "A.J._Styles", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38590, 46537, "Amancio_Ortega", 0]]], "all_evidence": [[38590, 46537, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161530, null, null, null]]], "all_evidence": [[161530, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265236, null, null, null]]], "all_evidence": [[265236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114860, 128588, "Temple_of_the_Dog", 0]]], "all_evidence": [[114860, 128588, "Temple_of_the_Dog", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197921, 207844, "Jiang_Wen", 0]], [[197921, 207845, "Jiang_Wen", 3], [197921, 207845, "Jiang_Wu", 2]]], "all_evidence": [[197921, 207844, "Jiang_Wen", 0], [197921, 207845, "Jiang_Wen", 3], [197921, 207845, "Jiang_Wu", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25688, 31617, "NXT_Tag_Team_Championship", 0]]], "all_evidence": [[25688, 31617, "NXT_Tag_Team_Championship", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153968, 168781, "Pearl_-LRB-Steven_Universe-RRB-", 0]], [[153968, 168782, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[153968, 168781, "Pearl_-LRB-Steven_Universe-RRB-", 0], [153968, 168782, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125996, 140396, "Volkswagen_Group", 1]], [[125996, 140397, "Volkswagen_Group", 7]]], "all_evidence": [[125996, 140396, "Volkswagen_Group", 1], [125996, 140397, "Volkswagen_Group", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52035, 61932, "Mars", 6]]], "all_evidence": [[52035, 61932, "Mars", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216891, 223537, "Kyra_Sedgwick", 7], [216891, 223537, "Something_to_Talk_About_-LRB-film-RRB-", 0], [216891, 223537, "Something_to_Talk_About_-LRB-film-RRB-", 1], [216891, 223537, "Creative_work", 0]], [[216891, 223538, "Kyra_Sedgwick", 8], [216891, 223538, "Creative_work", 0]], [[216891, 223539, "Kyra_Sedgwick", 9], [216891, 223539, "The_Edge_of_Seventeen", 0], [216891, 223539, "Creative_work", 0]]], "all_evidence": [[216891, 223537, "Kyra_Sedgwick", 7], [216891, 223537, "Something_to_Talk_About_-LRB-film-RRB-", 0], [216891, 223537, "Something_to_Talk_About_-LRB-film-RRB-", 1], [216891, 223537, "Creative_work", 0], [216891, 223538, "Kyra_Sedgwick", 8], [216891, 223538, "Creative_work", 0], [216891, 223539, "Kyra_Sedgwick", 9], [216891, 223539, "The_Edge_of_Seventeen", 0], [216891, 223539, "Creative_work", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172061, 185464, "Google_Search", 0], [172061, 185464, "Google", 0]]], "all_evidence": [[172061, 185464, "Google_Search", 0], [172061, 185464, "Google", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68997, 79800, "Samsung", 6]]], "all_evidence": [[68997, 79800, "Samsung", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32747, 39815, "One_Dance", 11]]], "all_evidence": [[32747, 39815, "One_Dance", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267027, null, null, null]]], "all_evidence": [[267027, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76396, 87686, "Tye_Sheridan", 1], [76396, 87686, "Mud_-LRB-2012_film-RRB-", 1]]], "all_evidence": [[76396, 87686, "Tye_Sheridan", 1], [76396, 87686, "Mud_-LRB-2012_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116870, 130742, "Malta", 18]]], "all_evidence": [[116870, 130742, "Malta", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140323, null, null, null]]], "all_evidence": [[140323, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224138, null, null, null]]], "all_evidence": [[224138, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247224, 247544, "The_Monster_-LRB-song-RRB-", 0]]], "all_evidence": [[247224, 247544, "The_Monster_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211668, 219339, "The_Fly_-LRB-1986_film-RRB-", 0]]], "all_evidence": [[211668, 219339, "The_Fly_-LRB-1986_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175443, 188434, "Manchester_United_F.C.", 0]]], "all_evidence": [[175443, 188434, "Manchester_United_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161507, 175968, "Physics", 1]]], "all_evidence": [[161507, 175968, "Physics", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85150, 97433, "Gray_Matters", 0]], [[85150, 97434, "Gray_Matters", 1]]], "all_evidence": [[85150, 97433, "Gray_Matters", 0], [85150, 97434, "Gray_Matters", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221591, 227190, "Martial_arts_film", 1]]], "all_evidence": [[221591, 227190, "Martial_arts_film", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52079, 61971, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[52079, 61971, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14295, 17857, "Great_white_shark", 16]], [[14297, 17859, "Great_white_shark", 16]], [[14300, 17861, "Great_white_shark", 16]]], "all_evidence": [[14295, 17857, "Great_white_shark", 16], [14297, 17859, "Great_white_shark", 16], [14300, 17861, "Great_white_shark", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177383, 190208, "Menace_II_Society", 0]]], "all_evidence": [[177383, 190208, "Menace_II_Society", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55451, 65499, "Team_Fortress_2", 0]]], "all_evidence": [[55451, 65499, "Team_Fortress_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212565, 220054, "Nina_Jacobson", 0]]], "all_evidence": [[212565, 220054, "Nina_Jacobson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20548, 25177, "Ekta_Kapoor", 7]]], "all_evidence": [[20548, 25177, "Ekta_Kapoor", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129511, null, null, null]]], "all_evidence": [[129511, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112145, 125963, "Talulah_Riley", 1]]], "all_evidence": [[112145, 125963, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267099, 263888, "66th_Primetime_Emmy_Awards", 2]]], "all_evidence": [[267099, 263888, "66th_Primetime_Emmy_Awards", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45446, 54270, "Tenth_Doctor", 8]]], "all_evidence": [[45446, 54270, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83163, 95105, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]], "all_evidence": [[83163, 95105, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177308, 190158, "Elizabeth_I_of_England", 0]], [[177308, 190159, "Elizabeth_I_of_England", 4]]], "all_evidence": [[177308, 190158, "Elizabeth_I_of_England", 0], [177308, 190159, "Elizabeth_I_of_England", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150960, 165805, "Castlevania_-LRB-1986_video_game-RRB-", 0]]], "all_evidence": [[150960, 165805, "Castlevania_-LRB-1986_video_game-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256469, 255679, "Jerome_Flynn", 0]]], "all_evidence": [[256469, 255679, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282723, 276865, "Cambridgeshire", 7]], [[284644, 278408, "Cambridgeshire", 7]], [[330890, 317401, "Cambridgeshire", 7]]], "all_evidence": [[282723, 276865, "Cambridgeshire", 7], [284644, 278408, "Cambridgeshire", 7], [330890, 317401, "Cambridgeshire", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243497, 244706, "The_Office_-LRB-U.S._TV_series-RRB-", 9]], [[243502, 244711, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]], "all_evidence": [[243497, 244706, "The_Office_-LRB-U.S._TV_series-RRB-", 9], [243502, 244711, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86313, 98718, "Vatican_City", 0]]], "all_evidence": [[86313, 98718, "Vatican_City", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47940, 57265, "Alberto_Contador", 3]]], "all_evidence": [[47940, 57265, "Alberto_Contador", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168296, 182047, "Elizabeth_I_of_England", 4]], [[168296, 182048, "Elizabeth_I_of_England", 36], [168296, 182048, "Mary_I_of_England", 17]]], "all_evidence": [[168296, 182047, "Elizabeth_I_of_England", 4], [168296, 182048, "Elizabeth_I_of_England", 36], [168296, 182048, "Mary_I_of_England", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93928, 106881, "P.S._I_Love_You_-LRB-film-RRB-", 0]]], "all_evidence": [[93928, 106881, "P.S._I_Love_You_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92443, null, null, null], [95080, null, null, null], [97220, null, null, null], [306686, null, null, null], [306687, null, null, null], [306689, null, null, null]]], "all_evidence": [[92443, null, null, null], [95080, null, null, null], [97220, null, null, null], [306686, null, null, null], [306687, null, null, null], [306689, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40154, 48314, "Fraud", 0]]], "all_evidence": [[40154, 48314, "Fraud", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215781, 222561, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]], "all_evidence": [[215781, 222561, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210422, 218191, "Sean_Gunn", 0], [210422, 218191, "Guardians_of_the_Galaxy_-LRB-film-RRB-", 1]]], "all_evidence": [[210422, 218191, "Sean_Gunn", 0], [210422, 218191, "Guardians_of_the_Galaxy_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276002, null, null, null], [280264, null, null, null], [325222, null, null, null]]], "all_evidence": [[276002, null, null, null], [280264, null, null, null], [325222, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238940, null, null, null]]], "all_evidence": [[238940, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78961, 90554, "Andrew_Moray", 1]]], "all_evidence": [[78961, 90554, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111160, 124810, "SummerSlam", 5]], [[111160, 124811, "SummerSlam", 4]], [[111160, 124812, "SummerSlam", 2]]], "all_evidence": [[111160, 124810, "SummerSlam", 5], [111160, 124811, "SummerSlam", 4], [111160, 124812, "SummerSlam", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194230, null, null, null]]], "all_evidence": [[194230, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156216, null, null, null]]], "all_evidence": [[156216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270989, 266934, "Sejong_the_Great", 0]]], "all_evidence": [[270989, 266934, "Sejong_the_Great", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73963, 85196, "Alex_Jones_-LRB-radio_host-RRB-", 0]]], "all_evidence": [[73963, 85196, "Alex_Jones_-LRB-radio_host-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239654, 241414, "Gotham_-LRB-TV_series-RRB-", 7]], [[243394, 244605, "Gotham_-LRB-TV_series-RRB-", 7]], [[245979, 246613, "Gotham_-LRB-TV_series-RRB-", 7]], [[319245, 308003, "Gotham_-LRB-TV_series-RRB-", 7]], [[320419, 309019, "Gotham_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[239654, 241414, "Gotham_-LRB-TV_series-RRB-", 7], [243394, 244605, "Gotham_-LRB-TV_series-RRB-", 7], [245979, 246613, "Gotham_-LRB-TV_series-RRB-", 7], [319245, 308003, "Gotham_-LRB-TV_series-RRB-", 7], [320419, 309019, "Gotham_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192028, null, null, null]]], "all_evidence": [[192028, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98869, 111953, "Matt_Bomer", 0]]], "all_evidence": [[98869, 111953, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198894, null, null, null]]], "all_evidence": [[198894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220136, 225991, "Pitch_Perfect_2", 2]]], "all_evidence": [[220136, 225991, "Pitch_Perfect_2", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125658, null, null, null]]], "all_evidence": [[125658, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115791, null, null, null]]], "all_evidence": [[115791, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69206, 79981, "The_Raven_-LRB-2012_film-RRB-", 10]]], "all_evidence": [[69206, 79981, "The_Raven_-LRB-2012_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31768, 38534, "Anxiety", 13]]], "all_evidence": [[31768, 38534, "Anxiety", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282483, 276676, "Olympic_medal", 6]], [[282513, 276704, "Olympic_medal", 6]], [[284442, 278266, "Olympic_medal", 6]], [[331751, 318219, "Olympic_medal", 6]]], "all_evidence": [[282483, 276676, "Olympic_medal", 6], [282513, 276704, "Olympic_medal", 6], [284442, 278266, "Olympic_medal", 6], [331751, 318219, "Olympic_medal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49771, 59215, "Matt_Bomer", 0]]], "all_evidence": [[49771, 59215, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154865, 169615, "Chumlee", 0]]], "all_evidence": [[154865, 169615, "Chumlee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209747, 217537, "Cary_Elwes", 0]]], "all_evidence": [[209747, 217537, "Cary_Elwes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42863, 51488, "Java", 9]]], "all_evidence": [[42863, 51488, "Java", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201719, 211106, "Red_Bull_Racing", 0]], [[201739, 211127, "Red_Bull_Racing", 0]]], "all_evidence": [[201719, 211106, "Red_Bull_Racing", 0], [201739, 211127, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227488, 231852, "Mike_Friedrich", 0]], [[227495, 231858, "Mike_Friedrich", 0]]], "all_evidence": [[227488, 231852, "Mike_Friedrich", 0], [227495, 231858, "Mike_Friedrich", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266491, null, null, null]]], "all_evidence": [[266491, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120497, 134718, "Stanley_Park", 16]], [[120498, 134719, "Stanley_Park", 16]]], "all_evidence": [[120497, 134718, "Stanley_Park", 16], [120498, 134719, "Stanley_Park", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23851, 29522, "Ed_Gein", 1]]], "all_evidence": [[23851, 29522, "Ed_Gein", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30127, 36687, "Ian_Gillan", 0]]], "all_evidence": [[30127, 36687, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114874, null, null, null]]], "all_evidence": [[114874, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267617, 264287, "Vampire_Academy_-LRB-film-RRB-", 6], [267617, 264287, "Vampire_Academy_-LRB-film-RRB-", 0]]], "all_evidence": [[267617, 264287, "Vampire_Academy_-LRB-film-RRB-", 6], [267617, 264287, "Vampire_Academy_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126828, 141278, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[126828, 141278, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34814, 42221, "Africa_Cup_of_Nations", 17]]], "all_evidence": [[34814, 42221, "Africa_Cup_of_Nations", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109288, 122958, "Icelandic_Coast_Guard", 0]]], "all_evidence": [[109288, 122958, "Icelandic_Coast_Guard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84052, 96181, "Simon_Pegg", 0]]], "all_evidence": [[84052, 96181, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123741, null, null, null]]], "all_evidence": [[123741, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162642, null, null, null]]], "all_evidence": [[162642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201022, 210476, "An_Education", 0]]], "all_evidence": [[201022, 210476, "An_Education", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265952, 263064, "Baja_1000", 14]]], "all_evidence": [[265952, 263064, "Baja_1000", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213488, 220722, "Simi_Valley,_California", 13]]], "all_evidence": [[213488, 220722, "Simi_Valley,_California", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196233, 206372, "Ann_Biderman", 0]], [[196233, 206373, "Ann_Biderman", 2]]], "all_evidence": [[196233, 206372, "Ann_Biderman", 0], [196233, 206373, "Ann_Biderman", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180939, 193275, "Cordilleran_Ice_Sheet", 0]], [[180941, 193276, "Cordilleran_Ice_Sheet", 0]]], "all_evidence": [[180939, 193275, "Cordilleran_Ice_Sheet", 0], [180941, 193276, "Cordilleran_Ice_Sheet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61801, 72267, "Mikhail_Prokhorov", 3]]], "all_evidence": [[61801, 72267, "Mikhail_Prokhorov", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87245, 99750, "Bonobo", 12]]], "all_evidence": [[87245, 99750, "Bonobo", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22486, null, null, null]]], "all_evidence": [[22486, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158076, 172689, "Google_Search", 12], [158076, 172689, "Google_Search", 13]]], "all_evidence": [[158076, 172689, "Google_Search", 12], [158076, 172689, "Google_Search", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72546, 83588, "Medical_school", 6]]], "all_evidence": [[72546, 83588, "Medical_school", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68096, 78957, "KGB", 7]]], "all_evidence": [[68096, 78957, "KGB", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228922, 233010, "Backing_vocalist", 0]], [[228944, 233030, "Backing_vocalist", 0], [228944, 233030, "Vocal_harmony", 0]]], "all_evidence": [[228922, 233010, "Backing_vocalist", 0], [228944, 233030, "Backing_vocalist", 0], [228944, 233030, "Vocal_harmony", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157916, 172524, "Vampire", 1]]], "all_evidence": [[157916, 172524, "Vampire", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62509, 73128, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]], "all_evidence": [[62509, 73128, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119640, 133726, "Manchester_United_F.C.", 1]]], "all_evidence": [[119640, 133726, "Manchester_United_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185861, 197650, "Mamata_Banerjee", 0], [185861, 197650, "List_of_Chief_Ministers_of_West_Bengal", 0]], [[185861, 197651, "Mamata_Banerjee", 8], [185861, 197651, "West_Bengal", 0]]], "all_evidence": [[185861, 197650, "Mamata_Banerjee", 0], [185861, 197650, "List_of_Chief_Ministers_of_West_Bengal", 0], [185861, 197651, "Mamata_Banerjee", 8], [185861, 197651, "West_Bengal", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78242, null, null, null]]], "all_evidence": [[78242, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43540, 52192, "Mormons", 23]]], "all_evidence": [[43540, 52192, "Mormons", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229150, null, null, null]]], "all_evidence": [[229150, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196211, 206356, "DodgeBall-COLON-_A_True_Underdog_Story", 0]], [[316556, 305719, "DodgeBall-COLON-_A_True_Underdog_Story", 0]], [[318270, 307200, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[196211, 206356, "DodgeBall-COLON-_A_True_Underdog_Story", 0], [316556, 305719, "DodgeBall-COLON-_A_True_Underdog_Story", 0], [318270, 307200, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119128, null, null, null]]], "all_evidence": [[119128, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262101, 260153, "Aristocracy", 0]], [[262101, 260154, "Aristocracy", 1]], [[262101, 260155, "Aristocracy", 4]]], "all_evidence": [[262101, 260153, "Aristocracy", 0], [262101, 260154, "Aristocracy", 1], [262101, 260155, "Aristocracy", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220943, null, null, null]]], "all_evidence": [[220943, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233865, 236746, "Lois_Lane", 8]]], "all_evidence": [[233865, 236746, "Lois_Lane", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69477, 80285, "Camp_Flog_Gnaw", 0], [69477, 80285, "Tyler,_The_Creator", 0], [69477, 80285, "Odd_Future", 0]]], "all_evidence": [[69477, 80285, "Camp_Flog_Gnaw", 0], [69477, 80285, "Tyler,_The_Creator", 0], [69477, 80285, "Odd_Future", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35542, 43064, "Mercedes-Benz", 0], [35542, 43064, "Daimler_AG", 0]]], "all_evidence": [[35542, 43064, "Mercedes-Benz", 0], [35542, 43064, "Daimler_AG", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47713, 56962, "Menace_II_Society", 0]]], "all_evidence": [[47713, 56962, "Menace_II_Society", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11519, null, null, null]]], "all_evidence": [[11519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179984, 192520, "Food_Network", 8]]], "all_evidence": [[179984, 192520, "Food_Network", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80257, 92057, "The_Times", 1]]], "all_evidence": [[80257, 92057, "The_Times", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65231, 76103, "Tangled", 0]]], "all_evidence": [[65231, 76103, "Tangled", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104188, 117654, "Ron_Dennis", 1], [104188, 117654, "Absolute_Taste", 0]], [[104188, 117655, "Ron_Dennis", 10]]], "all_evidence": [[104188, 117654, "Ron_Dennis", 1], [104188, 117654, "Absolute_Taste", 0], [104188, 117655, "Ron_Dennis", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144671, 159672, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]]], "all_evidence": [[144671, 159672, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[195196, 205510, "Hammer_Film_Productions", 2]], [[195196, 205511, "Hammer_Film_Productions", 1]], [[195196, 205512, "Hammer_Film_Productions", 3]]], "all_evidence": [[195196, 205510, "Hammer_Film_Productions", 2], [195196, 205511, "Hammer_Film_Productions", 1], [195196, 205512, "Hammer_Film_Productions", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91432, 104168, "Ned_Stark", 1]]], "all_evidence": [[91432, 104168, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289638, 282707, "Yin_and_yang", 10]], [[291091, 284048, "Yin_and_yang", 10]], [[293188, 285803, "Yin_and_yang", 10]], [[336646, 322169, "Yin_and_yang", 10]], [[336663, 322178, "Yin_and_yang", 0]], [[336665, 322180, "Yin_and_yang", 0]]], "all_evidence": [[289638, 282707, "Yin_and_yang", 10], [291091, 284048, "Yin_and_yang", 10], [293188, 285803, "Yin_and_yang", 10], [336646, 322169, "Yin_and_yang", 10], [336663, 322178, "Yin_and_yang", 0], [336665, 322180, "Yin_and_yang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67810, null, null, null]]], "all_evidence": [[67810, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216613, 223311, "Logie_Awards", 8]]], "all_evidence": [[216613, 223311, "Logie_Awards", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113675, 127543, "Fargo_-LRB-season_3-RRB-", 0]]], "all_evidence": [[113675, 127543, "Fargo_-LRB-season_3-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130050, null, null, null]]], "all_evidence": [[130050, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151839, 166604, "Mercedes-Benz", 0]]], "all_evidence": [[151839, 166604, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144280, null, null, null]]], "all_evidence": [[144280, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257867, 256811, "Jab_Tak_Hai_Jaan", 14]]], "all_evidence": [[257867, 256811, "Jab_Tak_Hai_Jaan", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173088, 186324, "Fuller_House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[173088, 186324, "Fuller_House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259305, 257933, "Indian_National_Congress", 8]]], "all_evidence": [[259305, 257933, "Indian_National_Congress", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22104, 27170, "Ed_Gein", 2], [22104, 27170, "Ed_Gein", 1]]], "all_evidence": [[22104, 27170, "Ed_Gein", 2], [22104, 27170, "Ed_Gein", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192004, 202765, "Baadshah_-LRB-2013_film-RRB-", 17]]], "all_evidence": [[192004, 202765, "Baadshah_-LRB-2013_film-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27929, 34228, "Romani_people", 0]]], "all_evidence": [[27929, 34228, "Romani_people", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47991, 57310, "Roberto_Orci", 0]]], "all_evidence": [[47991, 57310, "Roberto_Orci", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169144, 182817, "Keith_Stanfield", 0]]], "all_evidence": [[169144, 182817, "Keith_Stanfield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153708, 168560, "Premier_League_Asia_Trophy", 0]]], "all_evidence": [[153708, 168560, "Premier_League_Asia_Trophy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172732, 185987, "Cordilleran_Ice_Sheet", 0]]], "all_evidence": [[172732, 185987, "Cordilleran_Ice_Sheet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78314, 89851, "John_S._McCain_Jr.", 3], [78314, 89851, "United_States_Naval_Academy", 0]], [[78367, 89901, "John_S._McCain_Jr.", 3], [78367, 89901, "United_States_Naval_Academy", 0]]], "all_evidence": [[78314, 89851, "John_S._McCain_Jr.", 3], [78314, 89851, "United_States_Naval_Academy", 0], [78367, 89901, "John_S._McCain_Jr.", 3], [78367, 89901, "United_States_Naval_Academy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67129, null, null, null]]], "all_evidence": [[67129, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150788, 165641, "Richard_Dawson", 0]], [[150788, 165642, "Richard_Dawson", 1]]], "all_evidence": [[150788, 165641, "Richard_Dawson", 0], [150788, 165642, "Richard_Dawson", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45324, null, null, null]]], "all_evidence": [[45324, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90564, null, null, null]]], "all_evidence": [[90564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128762, 143430, "Emilia_Clarke", 0]], [[128763, 143431, "Emilia_Clarke", 0]], [[128764, 143432, "Emilia_Clarke", 0]]], "all_evidence": [[128762, 143430, "Emilia_Clarke", 0], [128763, 143431, "Emilia_Clarke", 0], [128764, 143432, "Emilia_Clarke", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108283, null, null, null]]], "all_evidence": [[108283, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[278498, 273274, "Burj_Khalifa", 20]], [[278507, 273276, "Burj_Khalifa", 20]], [[278516, 273285, "Burj_Khalifa", 20]]], "all_evidence": [[278498, 273274, "Burj_Khalifa", 20], [278507, 273276, "Burj_Khalifa", 20], [278516, 273285, "Burj_Khalifa", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36509, 44118, "Gotham_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[36509, 44118, "Gotham_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253255, 253147, "The_Originals_-LRB-TV_series-RRB-", 0]], [[253256, 253148, "The_Originals_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[253255, 253147, "The_Originals_-LRB-TV_series-RRB-", 0], [253256, 253148, "The_Originals_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162358, null, null, null]]], "all_evidence": [[162358, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123143, null, null, null]]], "all_evidence": [[123143, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272110, null, null, null]]], "all_evidence": [[272110, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17032, 21099, "Deepika_Padukone", 9]], [[17032, 21100, "Deepika_Padukone", 12]], [[17032, 21101, "Deepika_Padukone", 13]]], "all_evidence": [[17032, 21099, "Deepika_Padukone", 9], [17032, 21100, "Deepika_Padukone", 12], [17032, 21101, "Deepika_Padukone", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46202, null, null, null]]], "all_evidence": [[46202, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175769, null, null, null]]], "all_evidence": [[175769, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201113, null, null, null]]], "all_evidence": [[201113, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245657, 246387, "Andrew_Carnegie", 3]]], "all_evidence": [[245657, 246387, "Andrew_Carnegie", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67581, null, null, null]]], "all_evidence": [[67581, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74686, 85915, "Vatican_City", 2]]], "all_evidence": [[74686, 85915, "Vatican_City", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162431, 176727, "Granite", 0]]], "all_evidence": [[162431, 176727, "Granite", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83386, null, null, null]]], "all_evidence": [[83386, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239432, null, null, null]]], "all_evidence": [[239432, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131821, 146674, "Ice-T", 1]], [[131822, 146675, "Ice-T", 1]], [[131823, 146676, "Ice-T", 1]], [[131824, 146677, "Ice-T", 1]], [[131825, 146678, "Ice-T", 1]], [[131826, 146679, "Ice-T", 1]], [[131829, 146681, "Ice-T", 1]], [[131830, 146682, "Ice-T", 1]], [[131831, 146683, "Ice-T", 1]], [[131832, 146684, "Ice-T", 1]], [[131833, 146685, "Ice-T", 1]], [[131834, 146686, "Ice-T", 1]], [[131835, 146687, "Ice-T", 1]], [[131836, 146688, "Ice-T", 1]]], "all_evidence": [[131821, 146674, "Ice-T", 1], [131822, 146675, "Ice-T", 1], [131823, 146676, "Ice-T", 1], [131824, 146677, "Ice-T", 1], [131825, 146678, "Ice-T", 1], [131826, 146679, "Ice-T", 1], [131829, 146681, "Ice-T", 1], [131830, 146682, "Ice-T", 1], [131831, 146683, "Ice-T", 1], [131832, 146684, "Ice-T", 1], [131833, 146685, "Ice-T", 1], [131834, 146686, "Ice-T", 1], [131835, 146687, "Ice-T", 1], [131836, 146688, "Ice-T", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176008, null, null, null]]], "all_evidence": [[176008, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80512, 92359, "Sausage_Party", 0]]], "all_evidence": [[80512, 92359, "Sausage_Party", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279545, null, null, null], [279567, null, null, null], [281265, null, null, null], [327898, null, null, null], [327899, null, null, null]]], "all_evidence": [[279545, null, null, null], [279567, null, null, null], [281265, null, null, null], [327898, null, null, null], [327899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38488, 46439, "Melilla", 0]], [[38488, 46440, "Melilla", 1]]], "all_evidence": [[38488, 46439, "Melilla", 0], [38488, 46440, "Melilla", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43498, null, null, null]]], "all_evidence": [[43498, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94554, 107526, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[94554, 107526, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52475, 62458, "Romani_people", 15]]], "all_evidence": [[52475, 62458, "Romani_people", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72880, 83983, "Richard_Kuklinski", 5]]], "all_evidence": [[72880, 83983, "Richard_Kuklinski", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101944, null, null, null]]], "all_evidence": [[101944, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97590, null, null, null]]], "all_evidence": [[97590, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183677, 195673, "Weill_Cornell_Medicine", 0]]], "all_evidence": [[183677, 195673, "Weill_Cornell_Medicine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67185, null, null, null]]], "all_evidence": [[67185, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68707, null, null, null]]], "all_evidence": [[68707, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97327, 110504, "Deepika_Padukone", 9]]], "all_evidence": [[97327, 110504, "Deepika_Padukone", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116517, 130399, "Pocahontas", 1]]], "all_evidence": [[116517, 130399, "Pocahontas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39518, 47600, "US_Airways_Flight_1549", 1]]], "all_evidence": [[39518, 47600, "US_Airways_Flight_1549", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52306, 62275, "Kareem_Abdul-Jabbar", 0]], [[52306, 62276, "Kareem_Abdul-Jabbar", 1], [52306, 62276, "Center_-LRB-basketball-RRB-", 0]], [[52306, 62277, "Kareem_Abdul-Jabbar", 10], [52306, 62277, "Hook_shot", 0]]], "all_evidence": [[52306, 62275, "Kareem_Abdul-Jabbar", 0], [52306, 62276, "Kareem_Abdul-Jabbar", 1], [52306, 62276, "Center_-LRB-basketball-RRB-", 0], [52306, 62277, "Kareem_Abdul-Jabbar", 10], [52306, 62277, "Hook_shot", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282351, 276549, "Kung_Fu_Panda", 17]], [[282354, 276551, "Kung_Fu_Panda", 17]], [[282384, 276568, "Kung_Fu_Panda", 17]], [[330476, 317071, "Kung_Fu_Panda", 17]], [[330478, 317073, "Kung_Fu_Panda", 17]]], "all_evidence": [[282351, 276549, "Kung_Fu_Panda", 17], [282354, 276551, "Kung_Fu_Panda", 17], [282384, 276568, "Kung_Fu_Panda", 17], [330476, 317071, "Kung_Fu_Panda", 17], [330478, 317073, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93453, 106405, "Samsung", 6]]], "all_evidence": [[93453, 106405, "Samsung", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64404, 75170, "Musala", 0], [64404, 75170, "Balkans", 5]]], "all_evidence": [[64404, 75170, "Musala", 0], [64404, 75170, "Balkans", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88514, 101130, "Ed_and_Lorraine_Warren", 6]], [[88514, 101131, "Ed_and_Lorraine_Warren", 1], [88514, 101131, "Ed_and_Lorraine_Warren", 2]]], "all_evidence": [[88514, 101130, "Ed_and_Lorraine_Warren", 6], [88514, 101131, "Ed_and_Lorraine_Warren", 1], [88514, 101131, "Ed_and_Lorraine_Warren", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69797, 80668, "George_III_of_the_United_Kingdom", 14]]], "all_evidence": [[69797, 80668, "George_III_of_the_United_Kingdom", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16860, 20871, "Nottingham_Forest_F.C.", 0]]], "all_evidence": [[16860, 20871, "Nottingham_Forest_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192009, null, null, null]]], "all_evidence": [[192009, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82601, 94399, "A._P._J._Abdul_Kalam", 0]], [[82601, 94400, "A._P._J._Abdul_Kalam", 7]], [[82601, 94401, "A._P._J._Abdul_Kalam", 8]]], "all_evidence": [[82601, 94399, "A._P._J._Abdul_Kalam", 0], [82601, 94400, "A._P._J._Abdul_Kalam", 7], [82601, 94401, "A._P._J._Abdul_Kalam", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158199, null, null, null]]], "all_evidence": [[158199, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152035, 166786, "Touch_My_Body", 0]]], "all_evidence": [[152035, 166786, "Touch_My_Body", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130817, 145601, "SpongeBob_SquarePants", 2]], [[130817, 145602, "SpongeBob_SquarePants", 3]]], "all_evidence": [[130817, 145601, "SpongeBob_SquarePants", 2], [130817, 145602, "SpongeBob_SquarePants", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275360, 270517, "Jonah_Hill", 1]], [[277219, 272167, "Jonah_Hill", 1]], [[277737, 272681, "Jonah_Hill", 1]], [[324392, 312392, "Jonah_Hill", 1], [324392, 312392, "21_Jump_Street_-LRB-film-RRB-", 0]], [[324392, 312393, "Jonah_Hill", 5], [324392, 312393, "21_Jump_Street_-LRB-film-RRB-", 0]], [[324393, 312394, "Jonah_Hill", 1], [324393, 312394, "21_Jump_Street_-LRB-film-RRB-", 0]], [[324398, 312397, "Jonah_Hill", 1]]], "all_evidence": [[275360, 270517, "Jonah_Hill", 1], [277219, 272167, "Jonah_Hill", 1], [277737, 272681, "Jonah_Hill", 1], [324392, 312392, "Jonah_Hill", 1], [324392, 312392, "21_Jump_Street_-LRB-film-RRB-", 0], [324392, 312393, "Jonah_Hill", 5], [324392, 312393, "21_Jump_Street_-LRB-film-RRB-", 0], [324393, 312394, "Jonah_Hill", 1], [324393, 312394, "21_Jump_Street_-LRB-film-RRB-", 0], [324398, 312397, "Jonah_Hill", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291766, 284653, "Victor_Frankenstein_-LRB-film-RRB-", 0]], [[293845, 286271, "Victor_Frankenstein_-LRB-film-RRB-", 0]], [[338589, 323699, "Victor_Frankenstein_-LRB-film-RRB-", 0]]], "all_evidence": [[291766, 284653, "Victor_Frankenstein_-LRB-film-RRB-", 0], [293845, 286271, "Victor_Frankenstein_-LRB-film-RRB-", 0], [338589, 323699, "Victor_Frankenstein_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95443, null, null, null]]], "all_evidence": [[95443, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196199, 206342, "Ann_Biderman", 0]]], "all_evidence": [[196199, 206342, "Ann_Biderman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70287, 81159, "South_Island", 5]]], "all_evidence": [[70287, 81159, "South_Island", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28792, null, null, null]]], "all_evidence": [[28792, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227742, 232082, "Indiana_Pacers", 2]], [[227745, 232085, "Indiana_Pacers", 2]], [[227745, 232086, "Indiana_Pacers", 0]], [[227745, 232087, "Indiana_Pacers", 1]], [[227745, 232088, "Indiana_Pacers", 8]]], "all_evidence": [[227742, 232082, "Indiana_Pacers", 2], [227745, 232085, "Indiana_Pacers", 2], [227745, 232086, "Indiana_Pacers", 0], [227745, 232087, "Indiana_Pacers", 1], [227745, 232088, "Indiana_Pacers", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58679, null, null, null]]], "all_evidence": [[58679, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186241, 198110, "Multicellular_organism", 3]]], "all_evidence": [[186241, 198110, "Multicellular_organism", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202242, 211565, "Alfred_P._Murrah_Federal_Building", 0]], [[202244, 211567, "Alfred_P._Murrah_Federal_Building", 3], [202244, 211567, "Alfred_P._Murrah_Federal_Building", 0]], [[202245, 211566, "Alfred_P._Murrah_Federal_Building", 3], [202245, 211566, "Alfred_P._Murrah_Federal_Building", 0]]], "all_evidence": [[202242, 211565, "Alfred_P._Murrah_Federal_Building", 0], [202244, 211567, "Alfred_P._Murrah_Federal_Building", 3], [202244, 211567, "Alfred_P._Murrah_Federal_Building", 0], [202245, 211566, "Alfred_P._Murrah_Federal_Building", 3], [202245, 211566, "Alfred_P._Murrah_Federal_Building", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132950, 147841, "Moscovium", 0]]], "all_evidence": [[132950, 147841, "Moscovium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86607, 99070, "Trouble_with_the_Curve", 0]]], "all_evidence": [[86607, 99070, "Trouble_with_the_Curve", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173755, null, null, null]]], "all_evidence": [[173755, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108980, null, null, null]]], "all_evidence": [[108980, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60569, 70997, "Dan_Trachtenberg", 0]]], "all_evidence": [[60569, 70997, "Dan_Trachtenberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135569, 150438, "Adobe_Photoshop", 0], [135569, 150438, "Adobe_Systems", 0], [135569, 150438, "Adobe_Systems", 1]]], "all_evidence": [[135569, 150438, "Adobe_Photoshop", 0], [135569, 150438, "Adobe_Systems", 0], [135569, 150438, "Adobe_Systems", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123623, 138036, "Ekta_Kapoor", 7]], [[123623, 138037, "Ekta_Kapoor", 9]]], "all_evidence": [[123623, 138036, "Ekta_Kapoor", 7], [123623, 138037, "Ekta_Kapoor", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131843, 146694, "Pocahontas", 14]]], "all_evidence": [[131843, 146694, "Pocahontas", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141580, 156817, "Vandals", 0]], [[141580, 156818, "Vandals", 3]], [[141580, 156819, "Vandals", 5]], [[141580, 156820, "Vandals", 6]], [[141580, 156821, "Vandals", 7]], [[141580, 156822, "Vandals", 10]], [[141580, 156823, "Vandals", 11]], [[141580, 156824, "Vandals", 12]], [[141580, 156825, "Vandals", 13]]], "all_evidence": [[141580, 156817, "Vandals", 0], [141580, 156818, "Vandals", 3], [141580, 156819, "Vandals", 5], [141580, 156820, "Vandals", 6], [141580, 156821, "Vandals", 7], [141580, 156822, "Vandals", 10], [141580, 156823, "Vandals", 11], [141580, 156824, "Vandals", 12], [141580, 156825, "Vandals", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148651, 163674, "Alex_Jones_-LRB-radio_host-RRB-", 0]]], "all_evidence": [[148651, 163674, "Alex_Jones_-LRB-radio_host-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51865, 61707, "Internet_access", 0]]], "all_evidence": [[51865, 61707, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81504, 93261, "Raven-Symone\u0301", 0]]], "all_evidence": [[81504, 93261, "Raven-Symone\u0301", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165741, 179737, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]], "all_evidence": [[165741, 179737, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78819, 90391, "Pharmacology", 10]]], "all_evidence": [[78819, 90391, "Pharmacology", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74047, 85270, "Bonaire", 10]]], "all_evidence": [[74047, 85270, "Bonaire", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81577, null, null, null]]], "all_evidence": [[81577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138901, 153947, "Meghan_Markle", 0]]], "all_evidence": [[138901, 153947, "Meghan_Markle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181327, 193582, "Birmingham", 0]]], "all_evidence": [[181327, 193582, "Birmingham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107477, 120944, "Simon_Pegg", 0]]], "all_evidence": [[107477, 120944, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201731, 211118, "Red_Bull_Racing", 0]]], "all_evidence": [[201731, 211118, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27719, 33955, "Richard_Dawson", 1]]], "all_evidence": [[27719, 33955, "Richard_Dawson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182910, 195028, "Bill_Graham_Civic_Auditorium", 2], [182910, 195028, "John_Galen_Howard", 0]]], "all_evidence": [[182910, 195028, "Bill_Graham_Civic_Auditorium", 2], [182910, 195028, "John_Galen_Howard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152572, 167365, "Dark_matter", 0]]], "all_evidence": [[152572, 167365, "Dark_matter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78584, 90130, "Kevin_Costner", 4]], [[78584, 90131, "Kevin_Costner", 8]]], "all_evidence": [[78584, 90130, "Kevin_Costner", 4], [78584, 90131, "Kevin_Costner", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182912, 195030, "Bill_Graham_Civic_Auditorium", 2]]], "all_evidence": [[182912, 195030, "Bill_Graham_Civic_Auditorium", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117158, null, null, null]]], "all_evidence": [[117158, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116683, 130578, "Nero", 22], [116683, 130578, "Year_of_the_Four_Emperors", 3]]], "all_evidence": [[116683, 130578, "Nero", 22], [116683, 130578, "Year_of_the_Four_Emperors", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225577, 230207, "Staging_area", 0]]], "all_evidence": [[225577, 230207, "Staging_area", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146472, null, null, null], [146511, null, null, null]]], "all_evidence": [[146472, null, null, null], [146511, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17068, 21142, "Pocahontas", 0]], [[17068, 21143, "Pocahontas", 6]], [[17068, 21144, "Pocahontas", 2]], [[17068, 21145, "Pocahontas", 9]]], "all_evidence": [[17068, 21142, "Pocahontas", 0], [17068, 21143, "Pocahontas", 6], [17068, 21144, "Pocahontas", 2], [17068, 21145, "Pocahontas", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144390, null, null, null]]], "all_evidence": [[144390, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247215, null, null, null]]], "all_evidence": [[247215, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65305, 76209, "GLOW_-LRB-TV_series-RRB-", 3]]], "all_evidence": [[65305, 76209, "GLOW_-LRB-TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24611, 30396, "Manchester_United_F.C.", 0]]], "all_evidence": [[24611, 30396, "Manchester_United_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27860, 34144, "The_Challenge_XXX-COLON-_Dirty_30", 0], [27860, 34144, "MTV", 0]]], "all_evidence": [[27860, 34144, "The_Challenge_XXX-COLON-_Dirty_30", 0], [27860, 34144, "MTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85835, 98113, "Ice-T", 1], [85835, 98113, "Ice-T", 0]]], "all_evidence": [[85835, 98113, "Ice-T", 1], [85835, 98113, "Ice-T", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175124, null, null, null]]], "all_evidence": [[175124, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112643, 126465, "Ricardo_Montalba\u0301n", 0]]], "all_evidence": [[112643, 126465, "Ricardo_Montalba\u0301n", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73581, null, null, null]]], "all_evidence": [[73581, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180358, 192853, "Fred_Seibert", 1]], [[180358, 192854, "Fred_Seibert", 2]], [[180358, 192855, "Fred_Seibert", 3]], [[180360, 192857, "Fred_Seibert", 0]]], "all_evidence": [[180358, 192853, "Fred_Seibert", 1], [180358, 192854, "Fred_Seibert", 2], [180358, 192855, "Fred_Seibert", 3], [180360, 192857, "Fred_Seibert", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118796, 132656, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[118796, 132656, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275887, null, null, null], [278179, null, null, null], [280165, null, null, null], [280167, null, null, null], [325056, null, null, null]]], "all_evidence": [[275887, null, null, null], [278179, null, null, null], [280165, null, null, null], [280167, null, null, null], [325056, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201010, 210464, "An_Education", 0]]], "all_evidence": [[201010, 210464, "An_Education", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258155, null, null, null]]], "all_evidence": [[258155, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209746, 217536, "Cary_Elwes", 0]]], "all_evidence": [[209746, 217536, "Cary_Elwes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18042, null, null, null]]], "all_evidence": [[18042, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32096, null, null, null]]], "all_evidence": [[32096, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83100, 95016, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]], "all_evidence": [[83100, 95016, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72480, 83527, "Jed_Whedon", 0]]], "all_evidence": [[72480, 83527, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115740, 129624, "Henry_Condell", 55]]], "all_evidence": [[115740, 129624, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265871, 263008, "FC_Bayern_Munich", 4]]], "all_evidence": [[265871, 263008, "FC_Bayern_Munich", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265956, null, null, null]]], "all_evidence": [[265956, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62734, null, null, null]]], "all_evidence": [[62734, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23618, 29172, "The_Maze_Runner_-LRB-film-RRB-", 0]], [[23618, 29173, "The_Maze_Runner_-LRB-film-RRB-", 1]], [[23618, 29174, "The_Maze_Runner_-LRB-film-RRB-", 2]], [[23618, 29175, "The_Maze_Runner_-LRB-film-RRB-", 11]], [[23618, 29176, "The_Maze_Runner_-LRB-film-RRB-", 12]], [[23618, 29177, "The_Maze_Runner_-LRB-film-RRB-", 13]], [[23618, 29178, "The_Maze_Runner_-LRB-film-RRB-", 16]], [[23618, 29179, "The_Maze_Runner_-LRB-film-RRB-", 10], [23618, 29179, "20th_Century_Fox", 0]], [[299552, 290929, "The_Maze_Runner_-LRB-film-RRB-", 0]], [[299557, 290938, "The_Maze_Runner_-LRB-film-RRB-", 0]]], "all_evidence": [[23618, 29172, "The_Maze_Runner_-LRB-film-RRB-", 0], [23618, 29173, "The_Maze_Runner_-LRB-film-RRB-", 1], [23618, 29174, "The_Maze_Runner_-LRB-film-RRB-", 2], [23618, 29175, "The_Maze_Runner_-LRB-film-RRB-", 11], [23618, 29176, "The_Maze_Runner_-LRB-film-RRB-", 12], [23618, 29177, "The_Maze_Runner_-LRB-film-RRB-", 13], [23618, 29178, "The_Maze_Runner_-LRB-film-RRB-", 16], [23618, 29179, "The_Maze_Runner_-LRB-film-RRB-", 10], [23618, 29179, "20th_Century_Fox", 0], [299552, 290929, "The_Maze_Runner_-LRB-film-RRB-", 0], [299557, 290938, "The_Maze_Runner_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91063, null, null, null]]], "all_evidence": [[91063, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263318, null, null, null]]], "all_evidence": [[263318, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205703, null, null, null]]], "all_evidence": [[205703, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241545, 243067, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241545, 243067, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154145, null, null, null]]], "all_evidence": [[154145, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272716, 268431, "Telephone_-LRB-song-RRB-", 5]], [[272717, 268432, "Telephone_-LRB-song-RRB-", 5]]], "all_evidence": [[272716, 268431, "Telephone_-LRB-song-RRB-", 5], [272717, 268432, "Telephone_-LRB-song-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83411, 95377, "LinkedIn", 14]]], "all_evidence": [[83411, 95377, "LinkedIn", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153089, null, null, null]]], "all_evidence": [[153089, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233417, 236345, "Catherine_Hardwicke", 0]]], "all_evidence": [[233417, 236345, "Catherine_Hardwicke", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229092, null, null, null], [229181, null, null, null]]], "all_evidence": [[229092, null, null, null], [229181, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226627, null, null, null]]], "all_evidence": [[226627, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16011, 19891, "Doxycycline", 6]]], "all_evidence": [[16011, 19891, "Doxycycline", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179584, null, null, null]]], "all_evidence": [[179584, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206578, 214915, "Nawaz_Sharif", 0]]], "all_evidence": [[206578, 214915, "Nawaz_Sharif", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107043, 120426, "Buffy_the_Vampire_Slayer", 0]]], "all_evidence": [[107043, 120426, "Buffy_the_Vampire_Slayer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145779, 160796, "Ayananka_Bose", 0]], [[145779, 160797, "Ayananka_Bose", 2]], [[145781, 160799, "Ayananka_Bose", 0]]], "all_evidence": [[145779, 160796, "Ayananka_Bose", 0], [145779, 160797, "Ayananka_Bose", 2], [145781, 160799, "Ayananka_Bose", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269068, null, null, null]]], "all_evidence": [[269068, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126586, 140985, "Japan", 0], [126586, 140985, "Sovereign_state", 0]]], "all_evidence": [[126586, 140985, "Japan", 0], [126586, 140985, "Sovereign_state", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128269, null, null, null]]], "all_evidence": [[128269, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63770, 74510, "Dissociative_identity_disorder", 0]]], "all_evidence": [[63770, 74510, "Dissociative_identity_disorder", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97800, 110969, "Rick_Ross", 3]]], "all_evidence": [[97800, 110969, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140076, null, null, null]]], "all_evidence": [[140076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100516, 113814, "Talulah_Riley", 1]]], "all_evidence": [[100516, 113814, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142964, 158082, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]], "all_evidence": [[142964, 158082, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42646, 51296, "William_Blackstone", 2]]], "all_evidence": [[42646, 51296, "William_Blackstone", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64412, 75183, "New_England_Patriots", 16]]], "all_evidence": [[64412, 75183, "New_England_Patriots", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92751, null, null, null]]], "all_evidence": [[92751, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178040, null, null, null]]], "all_evidence": [[178040, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228118, null, null, null]]], "all_evidence": [[228118, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167334, 181174, "Carol_Danvers", 0]], [[167334, 181175, "Carol_Danvers", 1]], [[167334, 181176, "Carol_Danvers", 2]], [[167334, 181177, "Carol_Danvers", 3]], [[167334, 181178, "Carol_Danvers", 7]], [[167334, 181179, "Carol_Danvers", 8]]], "all_evidence": [[167334, 181174, "Carol_Danvers", 0], [167334, 181175, "Carol_Danvers", 1], [167334, 181176, "Carol_Danvers", 2], [167334, 181177, "Carol_Danvers", 3], [167334, 181178, "Carol_Danvers", 7], [167334, 181179, "Carol_Danvers", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117487, null, null, null]]], "all_evidence": [[117487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269168, 265557, "Chinatown_-LRB-1974_film-RRB-", 0], [269168, 265557, "Roman_Polanski", 16], [269168, 265557, "Roman_Polanski", 17], [269168, 265557, "Roman_Polanski", 18]]], "all_evidence": [[269168, 265557, "Chinatown_-LRB-1974_film-RRB-", 0], [269168, 265557, "Roman_Polanski", 16], [269168, 265557, "Roman_Polanski", 17], [269168, 265557, "Roman_Polanski", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266227, null, null, null]]], "all_evidence": [[266227, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172862, 186111, "Yemen", 5]], [[172862, 186112, "Yemen", 2]]], "all_evidence": [[172862, 186111, "Yemen", 5], [172862, 186112, "Yemen", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84152, 96269, "Jonah_Hill", 4]]], "all_evidence": [[84152, 96269, "Jonah_Hill", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59795, 70202, "John_Goodman", 2], [59795, 70202, "Raising_Arizona", 0], [59795, 70202, "Barton_Fink", 1], [59795, 70202, "The_Big_Lebowski", 0]], [[59795, 70203, "John_Goodman", 3], [59795, 70203, "Inside_Llewyn_Davis", 2]], [[59795, 70204, "John_Goodman", 7], [59795, 70204, "Extremely_Loud_&_Incredibly_Close_-LRB-film-RRB-", 1], [59795, 70204, "Patriots_Day_-LRB-film-RRB-", 2], [59795, 70204, "10_Cloverfield_Lane", 1], [59795, 70204, "Argo_-LRB-2012_film-RRB-", 5]]], "all_evidence": [[59795, 70202, "John_Goodman", 2], [59795, 70202, "Raising_Arizona", 0], [59795, 70202, "Barton_Fink", 1], [59795, 70202, "The_Big_Lebowski", 0], [59795, 70203, "John_Goodman", 3], [59795, 70203, "Inside_Llewyn_Davis", 2], [59795, 70204, "John_Goodman", 7], [59795, 70204, "Extremely_Loud_&_Incredibly_Close_-LRB-film-RRB-", 1], [59795, 70204, "Patriots_Day_-LRB-film-RRB-", 2], [59795, 70204, "10_Cloverfield_Lane", 1], [59795, 70204, "Argo_-LRB-2012_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76112, 87409, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[76112, 87409, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98838, null, null, null]]], "all_evidence": [[98838, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148147, 163117, "Zoe_Saldana", 0]]], "all_evidence": [[148147, 163117, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106864, null, null, null]]], "all_evidence": [[106864, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262366, null, null, null]]], "all_evidence": [[262366, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93154, 106058, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[93154, 106058, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145822, 160844, "Japan", 0], [145822, 160844, "Sovereign_state", 0]]], "all_evidence": [[145822, 160844, "Japan", 0], [145822, 160844, "Sovereign_state", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228136, 232391, "L._Ron_Hubbard", 29]]], "all_evidence": [[228136, 232391, "L._Ron_Hubbard", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175940, 188915, "Meghan_Markle", 0]], [[175940, 188916, "Meghan_Markle", 5]]], "all_evidence": [[175940, 188915, "Meghan_Markle", 0], [175940, 188916, "Meghan_Markle", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126488, 140889, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[126488, 140889, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162044, null, null, null]]], "all_evidence": [[162044, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126512, 140910, "One_Dance", 11]]], "all_evidence": [[126512, 140910, "One_Dance", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55778, 65841, "Mount_Hood", 0]], [[55778, 65842, "Mount_Hood", 2]], [[55778, 65843, "Mount_Hood", 3]], [[55778, 65844, "Mount_Hood", 1], [55778, 65844, "West_Coast_of_the_United_States", 0], [55778, 65844, "West_Coast_of_the_United_States", 1]], [[55778, 65845, "Mount_Hood", 9]], [[55778, 65846, "Mount_Hood", 11]]], "all_evidence": [[55778, 65841, "Mount_Hood", 0], [55778, 65842, "Mount_Hood", 2], [55778, 65843, "Mount_Hood", 3], [55778, 65844, "Mount_Hood", 1], [55778, 65844, "West_Coast_of_the_United_States", 0], [55778, 65844, "West_Coast_of_the_United_States", 1], [55778, 65845, "Mount_Hood", 9], [55778, 65846, "Mount_Hood", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152384, 167184, "American_Civil_War", 1]]], "all_evidence": [[152384, 167184, "American_Civil_War", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101610, null, null, null]]], "all_evidence": [[101610, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192343, 203100, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[192343, 203100, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18897, 23144, "Jamie_Lee_Curtis", 12], [18897, 23144, "Janet_Leigh", 0]]], "all_evidence": [[18897, 23144, "Jamie_Lee_Curtis", 12], [18897, 23144, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23252, 28655, "Nate_Diaz", 0]]], "all_evidence": [[23252, 28655, "Nate_Diaz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106235, 119668, "GLOW_-LRB-TV_series-RRB-", 3]]], "all_evidence": [[106235, 119668, "GLOW_-LRB-TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74318, null, null, null]]], "all_evidence": [[74318, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266235, 263277, "Prague_Castle", 7]]], "all_evidence": [[266235, 263277, "Prague_Castle", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102239, 115529, "Younger_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[102239, 115529, "Younger_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265311, 262537, "Vedic_Sanskrit", 1]]], "all_evidence": [[265311, 262537, "Vedic_Sanskrit", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[298457, 289943, "Probot", 0]], [[344050, 327664, "Probot", 0]], [[344349, 327889, "Probot", 0]]], "all_evidence": [[298457, 289943, "Probot", 0], [344050, 327664, "Probot", 0], [344349, 327889, "Probot", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97115, 110301, "Castlevania_-LRB-1986_video_game-RRB-", 0]]], "all_evidence": [[97115, 110301, "Castlevania_-LRB-1986_video_game-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57284, null, null, null]]], "all_evidence": [[57284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205760, 214246, "Brick_Mansions", 0]], [[205762, 214247, "Brick_Mansions", 0]], [[205762, 214248, "Brick_Mansions", 1]], [[205762, 214249, "Brick_Mansions", 5]], [[205762, 214250, "Brick_Mansions", 6]], [[205765, 214253, "Brick_Mansions", 0]], [[205768, 214256, "Brick_Mansions", 0]], [[205768, 214257, "Brick_Mansions", 1]]], "all_evidence": [[205760, 214246, "Brick_Mansions", 0], [205762, 214247, "Brick_Mansions", 0], [205762, 214248, "Brick_Mansions", 1], [205762, 214249, "Brick_Mansions", 5], [205762, 214250, "Brick_Mansions", 6], [205765, 214253, "Brick_Mansions", 0], [205768, 214256, "Brick_Mansions", 0], [205768, 214257, "Brick_Mansions", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169692, null, null, null], [169693, null, null, null]]], "all_evidence": [[169692, null, null, null], [169693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151995, 166759, "Richard_Dawson", 0]]], "all_evidence": [[151995, 166759, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193528, 204022, "Jean-Jacques_Dessalines", 0]], [[193529, 204023, "Jean-Jacques_Dessalines", 0]]], "all_evidence": [[193528, 204022, "Jean-Jacques_Dessalines", 0], [193529, 204023, "Jean-Jacques_Dessalines", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143645, null, null, null]]], "all_evidence": [[143645, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17485, null, null, null]]], "all_evidence": [[17485, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49478, 58825, "Kung_Fu_Panda", 17]]], "all_evidence": [[49478, 58825, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71670, null, null, null]]], "all_evidence": [[71670, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76594, 87895, "Granite", 9]], [[76594, 87896, "Granite", 0]], [[76594, 87897, "Granite", 2]], [[76594, 87898, "Granite", 3]], [[76594, 87899, "Granite", 6]], [[76594, 87900, "Granite", 7]], [[76594, 87901, "Granite", 8]], [[76594, 87902, "Granite", 12]], [[76594, 87903, "Granite", 15]]], "all_evidence": [[76594, 87895, "Granite", 9], [76594, 87896, "Granite", 0], [76594, 87897, "Granite", 2], [76594, 87898, "Granite", 3], [76594, 87899, "Granite", 6], [76594, 87900, "Granite", 7], [76594, 87901, "Granite", 8], [76594, 87902, "Granite", 12], [76594, 87903, "Granite", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267589, 264261, "Vampire_Academy_-LRB-film-RRB-", 6]]], "all_evidence": [[267589, 264261, "Vampire_Academy_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247211, 247518, "The_Monster_-LRB-song-RRB-", 0]]], "all_evidence": [[247211, 247518, "The_Monster_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243041, 244332, "Uganda", 11]], [[319197, 307964, "Uganda", 11]], [[320383, 308994, "Uganda", 11]], [[320383, 308995, "Uganda", 12]], [[320387, 308998, "Uganda", 11]]], "all_evidence": [[243041, 244332, "Uganda", 11], [319197, 307964, "Uganda", 11], [320383, 308994, "Uganda", 11], [320383, 308995, "Uganda", 12], [320387, 308998, "Uganda", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125765, 140154, "Zoe_Saldana", 0]]], "all_evidence": [[125765, 140154, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60182, 70597, "Hebe_-LRB-mythology-RRB-", 2]]], "all_evidence": [[60182, 70597, "Hebe_-LRB-mythology-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214094, null, null, null]]], "all_evidence": [[214094, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293613, null, null, null], [337740, null, null, null], [337742, null, null, null], [337749, null, null, null]]], "all_evidence": [[293613, null, null, null], [337740, null, null, null], [337742, null, null, null], [337749, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109380, null, null, null]]], "all_evidence": [[109380, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187385, 199016, "Islamabad", 0]], [[187385, 199017, "Islamabad", 1]], [[187385, 199018, "Islamabad", 2]], [[187385, 199019, "Islamabad", 10]], [[187385, 199020, "Islamabad", 11]], [[187385, 199021, "Islamabad", 12]], [[187385, 199022, "Islamabad", 16]], [[187385, 199023, "Islamabad", 17]], [[187385, 199024, "Islamabad", 18]], [[187385, 199025, "Islamabad", 19]]], "all_evidence": [[187385, 199016, "Islamabad", 0], [187385, 199017, "Islamabad", 1], [187385, 199018, "Islamabad", 2], [187385, 199019, "Islamabad", 10], [187385, 199020, "Islamabad", 11], [187385, 199021, "Islamabad", 12], [187385, 199022, "Islamabad", 16], [187385, 199023, "Islamabad", 17], [187385, 199024, "Islamabad", 18], [187385, 199025, "Islamabad", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227516, 231878, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227516, 231878, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230496, null, null, null]]], "all_evidence": [[230496, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173090, 186329, "Oscar_Isaac", 7]]], "all_evidence": [[173090, 186329, "Oscar_Isaac", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97605, null, null, null]]], "all_evidence": [[97605, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206141, 214581, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206141, 214581, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289633, null, null, null], [289649, null, null, null], [291076, null, null, null], [336637, null, null, null], [336642, null, null, null], [336643, null, null, null], [336648, null, null, null], [336651, null, null, null], [336653, null, null, null], [336658, null, null, null], [336660, null, null, null], [336662, null, null, null]]], "all_evidence": [[289633, null, null, null], [289649, null, null, null], [291076, null, null, null], [336637, null, null, null], [336642, null, null, null], [336643, null, null, null], [336648, null, null, null], [336651, null, null, null], [336653, null, null, null], [336658, null, null, null], [336660, null, null, null], [336662, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142433, 157618, "Shomu_Mukherjee", 0]], [[142433, 157619, "Shomu_Mukherjee", 9]]], "all_evidence": [[142433, 157618, "Shomu_Mukherjee", 0], [142433, 157619, "Shomu_Mukherjee", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149341, 164311, "Monosodium_glutamate", 4]], [[149341, 164312, "Monosodium_glutamate", 11]], [[149347, 164315, "Monosodium_glutamate", 4]]], "all_evidence": [[149341, 164311, "Monosodium_glutamate", 4], [149341, 164312, "Monosodium_glutamate", 11], [149347, 164315, "Monosodium_glutamate", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186746, null, null, null]]], "all_evidence": [[186746, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47998, 57314, "Azithromycin", 17]]], "all_evidence": [[47998, 57314, "Azithromycin", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17027, 21094, "Deepika_Padukone", 9], [17027, 21094, "Housefull_-LRB-2010_film-RRB-", 0], [17027, 21094, "Lafangey_Parindey", 0], [17027, 21094, "Love_Aaj_Kal", 0], [17027, 21094, "Deepika_Padukone", 14]]], "all_evidence": [[17027, 21094, "Deepika_Padukone", 9], [17027, 21094, "Housefull_-LRB-2010_film-RRB-", 0], [17027, 21094, "Lafangey_Parindey", 0], [17027, 21094, "Love_Aaj_Kal", 0], [17027, 21094, "Deepika_Padukone", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166173, 180103, "Jefferson_Davis", 5]], [[166175, 180104, "Jefferson_Davis", 5], [166175, 180104, "Louisiana", 0], [166175, 180104, "Mississippi", 0]]], "all_evidence": [[166173, 180103, "Jefferson_Davis", 5], [166175, 180104, "Jefferson_Davis", 5], [166175, 180104, "Louisiana", 0], [166175, 180104, "Mississippi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269187, 265574, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269187, 265574, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192329, 203089, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[192329, 203089, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184829, 196712, "Buffy_the_Vampire_Slayer", 0]]], "all_evidence": [[184829, 196712, "Buffy_the_Vampire_Slayer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42076, null, null, null], [42088, null, null, null]]], "all_evidence": [[42076, null, null, null], [42088, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293030, null, null, null], [293031, null, null, null], [295655, null, null, null], [341254, null, null, null], [341454, null, null, null]]], "all_evidence": [[293030, null, null, null], [293031, null, null, null], [295655, null, null, null], [341254, null, null, null], [341454, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81427, null, null, null]]], "all_evidence": [[81427, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114824, null, null, null]]], "all_evidence": [[114824, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55151, 65191, "Super_Bowl_XLV", 2]]], "all_evidence": [[55151, 65191, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117021, 130908, "Little_Dorrit", 0]]], "all_evidence": [[117021, 130908, "Little_Dorrit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140294, null, null, null]]], "all_evidence": [[140294, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150860, 165703, "The_Quiet", 0], [150860, 165703, "Camilla_Belle", 0], [150860, 165703, "Camilla_Belle", 2], [150860, 165703, "Elisha_Cuthbert", 0], [150860, 165703, "Elisha_Cuthbert", 1], [150860, 165703, "Elisha_Cuthbert", 2], [150860, 165703, "Elisha_Cuthbert", 5], [150860, 165703, "Elisha_Cuthbert", 6], [150860, 165703, "Elisha_Cuthbert", 7], [150860, 165703, "Elisha_Cuthbert", 8], [150860, 165703, "Elisha_Cuthbert", 11]], [[150860, 165704, "The_Quiet", 1], [150860, 165704, "Camilla_Belle", 0], [150860, 165704, "Camilla_Belle", 1], [150860, 165704, "Camilla_Belle", 2]]], "all_evidence": [[150860, 165703, "The_Quiet", 0], [150860, 165703, "Camilla_Belle", 0], [150860, 165703, "Camilla_Belle", 2], [150860, 165703, "Elisha_Cuthbert", 0], [150860, 165703, "Elisha_Cuthbert", 1], [150860, 165703, "Elisha_Cuthbert", 2], [150860, 165703, "Elisha_Cuthbert", 5], [150860, 165703, "Elisha_Cuthbert", 6], [150860, 165703, "Elisha_Cuthbert", 7], [150860, 165703, "Elisha_Cuthbert", 8], [150860, 165703, "Elisha_Cuthbert", 11], [150860, 165704, "The_Quiet", 1], [150860, 165704, "Camilla_Belle", 0], [150860, 165704, "Camilla_Belle", 1], [150860, 165704, "Camilla_Belle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210407, 218176, "Sean_Gunn", 0]]], "all_evidence": [[210407, 218176, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48207, 57559, "Bonaire", 9]]], "all_evidence": [[48207, 57559, "Bonaire", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233282, 236253, "Arthur_Schopenhauer", 0]]], "all_evidence": [[233282, 236253, "Arthur_Schopenhauer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156235, 170862, "Lucy_Hale", 1]]], "all_evidence": [[156235, 170862, "Lucy_Hale", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213542, 220765, "Henry_III_of_France", 23]]], "all_evidence": [[213542, 220765, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262975, 260787, "Minor_League_Baseball", 0]], [[265295, 262526, "Minor_League_Baseball", 0]], [[266405, 263402, "Minor_League_Baseball", 0]], [[322757, 311023, "Minor_League_Baseball", 0]], [[323280, 311483, "Minor_League_Baseball", 0]]], "all_evidence": [[262975, 260787, "Minor_League_Baseball", 0], [265295, 262526, "Minor_League_Baseball", 0], [266405, 263402, "Minor_League_Baseball", 0], [322757, 311023, "Minor_League_Baseball", 0], [323280, 311483, "Minor_League_Baseball", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43214, null, null, null]]], "all_evidence": [[43214, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116101, 130018, "Premier_League_Asia_Trophy", 0]], [[116107, 130025, "Premier_League_Asia_Trophy", 0]]], "all_evidence": [[116101, 130018, "Premier_League_Asia_Trophy", 0], [116107, 130025, "Premier_League_Asia_Trophy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131438, null, null, null]]], "all_evidence": [[131438, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210396, null, null, null]]], "all_evidence": [[210396, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281284, null, null, null], [328906, null, null, null]]], "all_evidence": [[281284, null, null, null], [328906, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157739, 172339, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]]], "all_evidence": [[157739, 172339, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91583, 104335, "Victor_Frankenstein_-LRB-film-RRB-", 0]], [[91583, 104336, "Victor_Frankenstein_-LRB-film-RRB-", 1], [91583, 104336, "Paul_McGuigan_-LRB-filmmaker-RRB-", 0], [91583, 104336, "Max_Landis", 0]], [[91583, 104337, "Victor_Frankenstein_-LRB-film-RRB-", 2]], [[91583, 104338, "Victor_Frankenstein_-LRB-film-RRB-", 5]], [[91583, 104339, "Victor_Frankenstein_-LRB-film-RRB-", 6]], [[91583, 104340, "Victor_Frankenstein_-LRB-film-RRB-", 7]], [[91583, 104341, "Victor_Frankenstein_-LRB-film-RRB-", 8]]], "all_evidence": [[91583, 104335, "Victor_Frankenstein_-LRB-film-RRB-", 0], [91583, 104336, "Victor_Frankenstein_-LRB-film-RRB-", 1], [91583, 104336, "Paul_McGuigan_-LRB-filmmaker-RRB-", 0], [91583, 104336, "Max_Landis", 0], [91583, 104337, "Victor_Frankenstein_-LRB-film-RRB-", 2], [91583, 104338, "Victor_Frankenstein_-LRB-film-RRB-", 5], [91583, 104339, "Victor_Frankenstein_-LRB-film-RRB-", 6], [91583, 104340, "Victor_Frankenstein_-LRB-film-RRB-", 7], [91583, 104341, "Victor_Frankenstein_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46282, 55243, "Netscape_Navigator", 9]]], "all_evidence": [[46282, 55243, "Netscape_Navigator", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126462, 140864, "Brazilian_jiu-jitsu", 0]]], "all_evidence": [[126462, 140864, "Brazilian_jiu-jitsu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57264, null, null, null]]], "all_evidence": [[57264, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212917, 220316, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212917, 220316, "Nicolas_Roeg", 0]]], "all_evidence": [[212917, 220316, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212917, 220316, "Nicolas_Roeg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149815, 164748, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[149815, 164748, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125080, 139416, "Anne_Boleyn", 39]], [[125082, 139418, "Anne_Boleyn", 39]]], "all_evidence": [[125080, 139416, "Anne_Boleyn", 39], [125082, 139418, "Anne_Boleyn", 39]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158553, null, null, null]]], "all_evidence": [[158553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23934, 29634, "Uranium", 0]]], "all_evidence": [[23934, 29634, "Uranium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82094, 93880, "South_Island", 5]]], "all_evidence": [[82094, 93880, "South_Island", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159944, 174451, "Azithromycin", 17]]], "all_evidence": [[159944, 174451, "Azithromycin", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108834, 122529, "Internet_access", 0]]], "all_evidence": [[108834, 122529, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78252, 89774, "Ayananka_Bose", 0]]], "all_evidence": [[78252, 89774, "Ayananka_Bose", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34031, null, null, null]]], "all_evidence": [[34031, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212575, 220058, "Nina_Jacobson", 0]]], "all_evidence": [[212575, 220058, "Nina_Jacobson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24332, 30086, "Younger_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[24332, 30086, "Younger_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129145, 143931, "US_Airways_Flight_1549", 1]]], "all_evidence": [[129145, 143931, "US_Airways_Flight_1549", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167710, 181475, "SummerSlam_-LRB-2015-RRB-", 1]]], "all_evidence": [[167710, 181475, "SummerSlam_-LRB-2015-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243507, null, null, null], [243509, null, null, null], [243510, null, null, null], [243518, null, null, null]]], "all_evidence": [[243507, null, null, null], [243509, null, null, null], [243510, null, null, null], [243518, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103898, 117394, "Medical_school", 6]]], "all_evidence": [[103898, 117394, "Medical_school", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177378, 190204, "Younger_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[177378, 190204, "Younger_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[277261, 272198, "KGB", 7]], [[277766, 272721, "KGB", 7]], [[324447, 312420, "KGB", 7]], [[325888, 313509, "KGB", 7]], [[326020, 313602, "KGB", 7]]], "all_evidence": [[277261, 272198, "KGB", 7], [277766, 272721, "KGB", 7], [324447, 312420, "KGB", 7], [325888, 313509, "KGB", 7], [326020, 313602, "KGB", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271004, 266957, "Blank_Space", 6]]], "all_evidence": [[271004, 266957, "Blank_Space", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36567, 44185, "John_S._McCain_Jr.", 3]]], "all_evidence": [[36567, 44185, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127990, null, null, null]]], "all_evidence": [[127990, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261546, null, null, null]]], "all_evidence": [[261546, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93200, 106130, "Sonny_Bono", 0]], [[93200, 106131, "Sonny_Bono", 1]], [[93203, 106134, "Sonny_Bono", 0]], [[93203, 106135, "Sonny_Bono", 1]]], "all_evidence": [[93200, 106130, "Sonny_Bono", 0], [93200, 106131, "Sonny_Bono", 1], [93203, 106134, "Sonny_Bono", 0], [93203, 106135, "Sonny_Bono", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81103, 92929, "Deepika_Padukone", 9]]], "all_evidence": [[81103, 92929, "Deepika_Padukone", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24713, 30526, "Bob_Ross", 1]]], "all_evidence": [[24713, 30526, "Bob_Ross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12247, 15340, "Brown_University", 19], [12247, 15340, "Providence,_Rhode_Island", 0]]], "all_evidence": [[12247, 15340, "Brown_University", 19], [12247, 15340, "Providence,_Rhode_Island", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227505, 231866, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227505, 231866, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144504, null, null, null]]], "all_evidence": [[144504, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22480, 27697, "Raja_Hindustani", 0]], [[22481, 27698, "Raja_Hindustani", 0]], [[22482, 27699, "Raja_Hindustani", 0]], [[22483, 27700, "Raja_Hindustani", 0]]], "all_evidence": [[22480, 27697, "Raja_Hindustani", 0], [22481, 27698, "Raja_Hindustani", 0], [22482, 27699, "Raja_Hindustani", 0], [22483, 27700, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114652, 128397, "Charles_de_Gaulle", 0]]], "all_evidence": [[114652, 128397, "Charles_de_Gaulle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19940, null, null, null]]], "all_evidence": [[19940, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237278, 239525, "Thunderstorm", 0]]], "all_evidence": [[237278, 239525, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111169, 124824, "Fuller_House_-LRB-TV_series-RRB-", 0]], [[111189, 124838, "Fuller_House_-LRB-TV_series-RRB-", 0]], [[111189, 124839, "Fuller_House_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[111169, 124824, "Fuller_House_-LRB-TV_series-RRB-", 0], [111189, 124838, "Fuller_House_-LRB-TV_series-RRB-", 0], [111189, 124839, "Fuller_House_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126863, 141321, "Port_of_Spain", 0]], [[126863, 141322, "Port_of_Spain", 1]], [[126863, 141323, "Port_of_Spain", 5]], [[126863, 141324, "Port_of_Spain", 6]], [[126863, 141325, "Port_of_Spain", 9]], [[126863, 141326, "Port_of_Spain", 13]], [[126863, 141327, "Port_of_Spain", 14]], [[126863, 141328, "Port_of_Spain", 18]], [[126864, 141329, "Port_of_Spain", 0]], [[126864, 141330, "Port_of_Spain", 1]], [[126864, 141331, "Port_of_Spain", 5]], [[126864, 141332, "Port_of_Spain", 6]], [[126864, 141333, "Port_of_Spain", 9]], [[126864, 141334, "Port_of_Spain", 13]], [[126864, 141335, "Port_of_Spain", 14]], [[126864, 141336, "Port_of_Spain", 18]]], "all_evidence": [[126863, 141321, "Port_of_Spain", 0], [126863, 141322, "Port_of_Spain", 1], [126863, 141323, "Port_of_Spain", 5], [126863, 141324, "Port_of_Spain", 6], [126863, 141325, "Port_of_Spain", 9], [126863, 141326, "Port_of_Spain", 13], [126863, 141327, "Port_of_Spain", 14], [126863, 141328, "Port_of_Spain", 18], [126864, 141329, "Port_of_Spain", 0], [126864, 141330, "Port_of_Spain", 1], [126864, 141331, "Port_of_Spain", 5], [126864, 141332, "Port_of_Spain", 6], [126864, 141333, "Port_of_Spain", 9], [126864, 141334, "Port_of_Spain", 13], [126864, 141335, "Port_of_Spain", 14], [126864, 141336, "Port_of_Spain", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145184, 160179, "Tye_Sheridan", 1]], [[148114, 163094, "Tye_Sheridan", 1]], [[150467, 165349, "Tye_Sheridan", 1]], [[311246, 301260, "Tye_Sheridan", 1]], [[311254, 301270, "Tye_Sheridan", 1]]], "all_evidence": [[145184, 160179, "Tye_Sheridan", 1], [148114, 163094, "Tye_Sheridan", 1], [150467, 165349, "Tye_Sheridan", 1], [311246, 301260, "Tye_Sheridan", 1], [311254, 301270, "Tye_Sheridan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164812, 179000, "Veep", 6]]], "all_evidence": [[164812, 179000, "Veep", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227496, 231859, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227496, 231859, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229135, 233179, "Kevin_Bacon", 2]]], "all_evidence": [[229135, 233179, "Kevin_Bacon", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196231, null, null, null]]], "all_evidence": [[196231, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166224, 180141, "Florida_State_University", 24]]], "all_evidence": [[166224, 180141, "Florida_State_University", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49764, null, null, null]]], "all_evidence": [[49764, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51337, null, null, null]]], "all_evidence": [[51337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135597, 150458, "Malta", 18]]], "all_evidence": [[135597, 150458, "Malta", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63032, null, null, null]]], "all_evidence": [[63032, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143096, 158208, "Trouble_with_the_Curve", 2]]], "all_evidence": [[143096, 158208, "Trouble_with_the_Curve", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177897, null, null, null]]], "all_evidence": [[177897, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195918, null, null, null]]], "all_evidence": [[195918, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257071, null, null, null], [258700, null, null, null], [321187, null, null, null]]], "all_evidence": [[257071, null, null, null], [258700, null, null, null], [321187, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49305, 58654, "Pulmonary_embolism", 1]]], "all_evidence": [[49305, 58654, "Pulmonary_embolism", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104418, null, null, null]]], "all_evidence": [[104418, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292412, 285191, "Personality", 0]], [[295023, 287240, "Personality", 0]], [[340006, 324805, "Personality", 0]], [[340030, 324824, "Personality", 0]]], "all_evidence": [[292412, 285191, "Personality", 0], [295023, 287240, "Personality", 0], [340006, 324805, "Personality", 0], [340030, 324824, "Personality", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166827, 180638, "Tennessee", 11]]], "all_evidence": [[166827, 180638, "Tennessee", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103265, 116626, "Woodrow_Wilson", 3]], [[103265, 116627, "Woodrow_Wilson", 26]], [[103265, 116628, "Woodrow_Wilson", 4], [103265, 116628, "League_of_Nations", 0]], [[103265, 116629, "Woodrow_Wilson", 28], [103265, 116629, "United_States_presidential_election,_1916", 7]], [[103265, 116630, "Woodrow_Wilson", 32], [103265, 116630, "German_Empire", 17]], [[103265, 116631, "Woodrow_Wilson", 34], [103265, 116631, "John_J._Pershing", 0]], [[103265, 116632, "Woodrow_Wilson", 36], [103265, 116632, "Liberty_bond", 0]], [[103265, 116633, "Woodrow_Wilson", 37], [103265, 116633, "Food_and_Fuel_Control_Act", 0]], [[103265, 116634, "Woodrow_Wilson", 38], [103265, 116634, "Espionage_Act_of_1917", 0]], [[103265, 116635, "Woodrow_Wilson", 39], [103265, 116635, "First_Red_Scare", 4]], [[103265, 116636, "Woodrow_Wilson", 40], [103265, 116636, "Armistice_of_11_November_1918", 0]]], "all_evidence": [[103265, 116626, "Woodrow_Wilson", 3], [103265, 116627, "Woodrow_Wilson", 26], [103265, 116628, "Woodrow_Wilson", 4], [103265, 116628, "League_of_Nations", 0], [103265, 116629, "Woodrow_Wilson", 28], [103265, 116629, "United_States_presidential_election,_1916", 7], [103265, 116630, "Woodrow_Wilson", 32], [103265, 116630, "German_Empire", 17], [103265, 116631, "Woodrow_Wilson", 34], [103265, 116631, "John_J._Pershing", 0], [103265, 116632, "Woodrow_Wilson", 36], [103265, 116632, "Liberty_bond", 0], [103265, 116633, "Woodrow_Wilson", 37], [103265, 116633, "Food_and_Fuel_Control_Act", 0], [103265, 116634, "Woodrow_Wilson", 38], [103265, 116634, "Espionage_Act_of_1917", 0], [103265, 116635, "Woodrow_Wilson", 39], [103265, 116635, "First_Red_Scare", 4], [103265, 116636, "Woodrow_Wilson", 40], [103265, 116636, "Armistice_of_11_November_1918", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282823, 276952, "The_Catcher_in_the_Rye", 0]], [[284734, 278471, "The_Catcher_in_the_Rye", 0]], [[285490, 279121, "The_Catcher_in_the_Rye", 0]], [[285498, 279126, "The_Catcher_in_the_Rye", 0]], [[285498, 279127, "The_Catcher_in_the_Rye", 5], [285498, 279127, "Holden_Caulfield", 0]], [[331079, 317572, "The_Catcher_in_the_Rye", 0]], [[331079, 317573, "The_Catcher_in_the_Rye", 1]], [[331079, 317574, "The_Catcher_in_the_Rye", 5]], [[331079, 317575, "The_Catcher_in_the_Rye", 6]], [[331079, 317576, "The_Catcher_in_the_Rye", 9]], [[331079, 317577, "The_Catcher_in_the_Rye", 4]], [[331079, 317578, "The_Catcher_in_the_Rye", 10], [331079, 317578, "The_Big_Read", 0]]], "all_evidence": [[282823, 276952, "The_Catcher_in_the_Rye", 0], [284734, 278471, "The_Catcher_in_the_Rye", 0], [285490, 279121, "The_Catcher_in_the_Rye", 0], [285498, 279126, "The_Catcher_in_the_Rye", 0], [285498, 279127, "The_Catcher_in_the_Rye", 5], [285498, 279127, "Holden_Caulfield", 0], [331079, 317572, "The_Catcher_in_the_Rye", 0], [331079, 317573, "The_Catcher_in_the_Rye", 1], [331079, 317574, "The_Catcher_in_the_Rye", 5], [331079, 317575, "The_Catcher_in_the_Rye", 6], [331079, 317576, "The_Catcher_in_the_Rye", 9], [331079, 317577, "The_Catcher_in_the_Rye", 4], [331079, 317578, "The_Catcher_in_the_Rye", 10], [331079, 317578, "The_Big_Read", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214115, 221201, "Gotham_City_Sirens", 0]]], "all_evidence": [[214115, 221201, "Gotham_City_Sirens", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263468, null, null, null]]], "all_evidence": [[263468, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103635, null, null, null]]], "all_evidence": [[103635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97074, 110237, "Nero", 22]]], "all_evidence": [[97074, 110237, "Nero", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274709, 269957, "Mount_Hood", 9], [274709, 269957, "Cascade_Range", 0]], [[277602, 272525, "Mount_Hood", 9]], [[323237, 311437, "Mount_Hood", 9], [323237, 311437, "Cascade_Range", 0]]], "all_evidence": [[274709, 269957, "Mount_Hood", 9], [274709, 269957, "Cascade_Range", 0], [277602, 272525, "Mount_Hood", 9], [323237, 311437, "Mount_Hood", 9], [323237, 311437, "Cascade_Range", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87594, 100086, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[87594, 100086, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198367, 208247, "Research", 4]]], "all_evidence": [[198367, 208247, "Research", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26630, 32684, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 2], [26630, 32684, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 0]]], "all_evidence": [[26630, 32684, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 2], [26630, 32684, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212905, null, null, null], [212907, null, null, null], [212909, null, null, null]]], "all_evidence": [[212905, null, null, null], [212907, null, null, null], [212909, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137353, null, null, null]]], "all_evidence": [[137353, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47620, null, null, null]]], "all_evidence": [[47620, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162814, null, null, null]]], "all_evidence": [[162814, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68409, 79275, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[68409, 79275, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147562, 162574, "Great_white_shark", 16]]], "all_evidence": [[147562, 162574, "Great_white_shark", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105024, 118445, "Brie_Larson", 0]]], "all_evidence": [[105024, 118445, "Brie_Larson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[283432, 277457, "Personality", 0]], [[285889, 279500, "Personality", 0]], [[332024, 318446, "Personality", 0]], [[332440, 318812, "Personality", 0]]], "all_evidence": [[283432, 277457, "Personality", 0], [285889, 279500, "Personality", 0], [332024, 318446, "Personality", 0], [332440, 318812, "Personality", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65819, 76684, "A.J._Styles", 0]], [[65819, 76685, "A.J._Styles", 3]], [[65819, 76686, "A.J._Styles", 6]]], "all_evidence": [[65819, 76684, "A.J._Styles", 0], [65819, 76685, "A.J._Styles", 3], [65819, 76686, "A.J._Styles", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37264, 45102, "Jack_Lowden", 0]], [[37264, 45103, "Jack_Lowden", 1]], [[37264, 45104, "Jack_Lowden", 9]], [[37264, 45105, "Jack_Lowden", 12]]], "all_evidence": [[37264, 45102, "Jack_Lowden", 0], [37264, 45103, "Jack_Lowden", 1], [37264, 45104, "Jack_Lowden", 9], [37264, 45105, "Jack_Lowden", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[340159, 324918, "Baloch_people", 3], [340159, 324918, "Western_Iranian_languages", 0]]], "all_evidence": [[340159, 324918, "Baloch_people", 3], [340159, 324918, "Western_Iranian_languages", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99799, null, null, null]]], "all_evidence": [[99799, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197909, 207836, "Jiang_Wen", 0]]], "all_evidence": [[197909, 207836, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220197, 226027, "Foot_Locker", 0]]], "all_evidence": [[220197, 226027, "Foot_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165819, 179801, "Kung_Fu_Panda", 17]]], "all_evidence": [[165819, 179801, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232885, 235947, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232885, 235947, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238934, null, null, null], [238935, null, null, null], [238947, null, null, null]]], "all_evidence": [[238934, null, null, null], [238935, null, null, null], [238947, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261357, null, null, null]]], "all_evidence": [[261357, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56044, null, null, null]]], "all_evidence": [[56044, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178291, 190862, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[178291, 190862, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185582, 197326, "Robert_Singer_-LRB-producer-RRB-", 1]], [[185582, 197327, "Robert_Singer_-LRB-producer-RRB-", 4]]], "all_evidence": [[185582, 197326, "Robert_Singer_-LRB-producer-RRB-", 1], [185582, 197327, "Robert_Singer_-LRB-producer-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82843, null, null, null]]], "all_evidence": [[82843, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182928, 195037, "Bill_Graham_Civic_Auditorium", 2]]], "all_evidence": [[182928, 195037, "Bill_Graham_Civic_Auditorium", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237103, null, null, null]]], "all_evidence": [[237103, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117199, null, null, null]]], "all_evidence": [[117199, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215796, null, null, null]]], "all_evidence": [[215796, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210419, 218188, "Sean_Gunn", 0]]], "all_evidence": [[210419, 218188, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209727, null, null, null]]], "all_evidence": [[209727, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202215, 211541, "Alfred_P._Murrah_Federal_Building", 0]], [[202216, 211540, "Alfred_P._Murrah_Federal_Building", 0]]], "all_evidence": [[202215, 211541, "Alfred_P._Murrah_Federal_Building", 0], [202216, 211540, "Alfred_P._Murrah_Federal_Building", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132395, 147290, "Alberto_Contador", 3]]], "all_evidence": [[132395, 147290, "Alberto_Contador", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57580, 67811, "The_Wonder_Years", 0]]], "all_evidence": [[57580, 67811, "The_Wonder_Years", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122905, null, null, null]]], "all_evidence": [[122905, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60221, null, null, null]]], "all_evidence": [[60221, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234829, 237639, "Andrea_Pirlo", 0]]], "all_evidence": [[234829, 237639, "Andrea_Pirlo", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142251, null, null, null]]], "all_evidence": [[142251, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96349, 109496, "Temple_Mount", 1], [96349, 109496, "Christianity", 1]], [[96392, 109537, "Temple_Mount", 1], [96392, 109537, "Christianity", 1]], [[96392, 109538, "Temple_Mount", 2], [96392, 109538, "Islam", 2], [96392, 109538, "Al-Aqsa_Mosque", 0]], [[96392, 109539, "Temple_Mount", 7], [96392, 109539, "Judaism", 0]], [[96392, 109540, "Temple_Mount", 8], [96392, 109540, "Judaism", 0], [96392, 109540, "Talmud", 0]], [[96392, 109541, "Temple_Mount", 11], [96392, 109541, "Hebrew_Bible", 0], [96392, 109541, "Judaism", 0]], [[96392, 109542, "Temple_Mount", 14], [96392, 109542, "Judaism", 0], [96392, 109542, "Hebrew_Bible", 0]], [[96392, 109543, "Temple_Mount", 20], [96392, 109543, "Temple_in_Jerusalem", 0], [96392, 109543, "Judaism", 0]], [[96392, 109544, "Temple_Mount", 21], [96392, 109544, "Islam", 2], [96392, 109544, "Solomon", 7]], [[96392, 109545, "Temple_Mount", 22], [96392, 109545, "Christianity", 1], [96392, 109545, "Bible", 0]], [[96392, 109546, "Temple_Mount", 24], [96392, 109546, "Judaism", 0]], [[96392, 109547, "Temple_Mount", 28], [96392, 109547, "Judaism", 0]], [[96392, 109548, "Temple_Mount", 29], [96392, 109548, "Judaism", 0]], [[96392, 109549, "Temple_Mount", 30], [96392, 109549, "Judaism", 0], [96392, 109549, "Hebrew_Bible", 0]], [[96392, 109550, "Temple_Mount", 34], [96392, 109550, "Judaism", 0]], [[96392, 109551, "Temple_Mount", 35], [96392, 109551, "Christian", 1], [96392, 109551, "New_Testament", 0]], [[96392, 109552, "Temple_Mount", 36], [96392, 109552, "Christian", 1]], [[96392, 109553, "Temple_Mount", 37], [96392, 109553, "Christianity", 1]], [[96392, 109554, "Temple_Mount", 38], [96392, 109554, "Judaism", 0]], [[96392, 109555, "Temple_Mount", 42], [96392, 109555, "Islam", 2]], [[96392, 109556, "Temple_Mount", 43], [96392, 109556, "Islam", 2]], [[96392, 109557, "Temple_Mount", 44], [96392, 109557, "Islam", 2]], [[96392, 109558, "Temple_Mount", 46], [96392, 109558, "Islam", 2], [96392, 109558, "Dome_of_the_Rock", 0]], [[96392, 109559, "Temple_Mount", 48], [96392, 109559, "Islam", 2], [96392, 109559, "Al-Aqsa_Mosque", 0]], [[96392, 109560, "Temple_Mount", 52], [96392, 109560, "Islam", 2]], [[96392, 109561, "Temple_Mount", 53], [96392, 109561, "Islam", 2], [96392, 109561, "Waqf", 0]], [[96392, 109562, "Temple_Mount", 55], [96392, 109562, "Muslim", 0]]], "all_evidence": [[96349, 109496, "Temple_Mount", 1], [96349, 109496, "Christianity", 1], [96392, 109537, "Temple_Mount", 1], [96392, 109537, "Christianity", 1], [96392, 109538, "Temple_Mount", 2], [96392, 109538, "Islam", 2], [96392, 109538, "Al-Aqsa_Mosque", 0], [96392, 109539, "Temple_Mount", 7], [96392, 109539, "Judaism", 0], [96392, 109540, "Temple_Mount", 8], [96392, 109540, "Judaism", 0], [96392, 109540, "Talmud", 0], [96392, 109541, "Temple_Mount", 11], [96392, 109541, "Hebrew_Bible", 0], [96392, 109541, "Judaism", 0], [96392, 109542, "Temple_Mount", 14], [96392, 109542, "Judaism", 0], [96392, 109542, "Hebrew_Bible", 0], [96392, 109543, "Temple_Mount", 20], [96392, 109543, "Temple_in_Jerusalem", 0], [96392, 109543, "Judaism", 0], [96392, 109544, "Temple_Mount", 21], [96392, 109544, "Islam", 2], [96392, 109544, "Solomon", 7], [96392, 109545, "Temple_Mount", 22], [96392, 109545, "Christianity", 1], [96392, 109545, "Bible", 0], [96392, 109546, "Temple_Mount", 24], [96392, 109546, "Judaism", 0], [96392, 109547, "Temple_Mount", 28], [96392, 109547, "Judaism", 0], [96392, 109548, "Temple_Mount", 29], [96392, 109548, "Judaism", 0], [96392, 109549, "Temple_Mount", 30], [96392, 109549, "Judaism", 0], [96392, 109549, "Hebrew_Bible", 0], [96392, 109550, "Temple_Mount", 34], [96392, 109550, "Judaism", 0], [96392, 109551, "Temple_Mount", 35], [96392, 109551, "Christian", 1], [96392, 109551, "New_Testament", 0], [96392, 109552, "Temple_Mount", 36], [96392, 109552, "Christian", 1], [96392, 109553, "Temple_Mount", 37], [96392, 109553, "Christianity", 1], [96392, 109554, "Temple_Mount", 38], [96392, 109554, "Judaism", 0], [96392, 109555, "Temple_Mount", 42], [96392, 109555, "Islam", 2], [96392, 109556, "Temple_Mount", 43], [96392, 109556, "Islam", 2], [96392, 109557, "Temple_Mount", 44], [96392, 109557, "Islam", 2], [96392, 109558, "Temple_Mount", 46], [96392, 109558, "Islam", 2], [96392, 109558, "Dome_of_the_Rock", 0], [96392, 109559, "Temple_Mount", 48], [96392, 109559, "Islam", 2], [96392, 109559, "Al-Aqsa_Mosque", 0], [96392, 109560, "Temple_Mount", 52], [96392, 109560, "Islam", 2], [96392, 109561, "Temple_Mount", 53], [96392, 109561, "Islam", 2], [96392, 109561, "Waqf", 0], [96392, 109562, "Temple_Mount", 55], [96392, 109562, "Muslim", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46294, 55254, "Musala", 0]]], "all_evidence": [[46294, 55254, "Musala", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238905, null, null, null]]], "all_evidence": [[238905, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53662, null, null, null]]], "all_evidence": [[53662, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33554, 40720, "Two_and_a_Half_Men", 0]]], "all_evidence": [[33554, 40720, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265229, 262470, "A_United_Kingdom", 0]]], "all_evidence": [[265229, 262470, "A_United_Kingdom", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106875, 120274, "Romani_people_in_the_Republic_of_Macedonia", 0]]], "all_evidence": [[106875, 120274, "Romani_people_in_the_Republic_of_Macedonia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76975, null, null, null], [76977, null, null, null]]], "all_evidence": [[76975, null, null, null], [76977, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146416, 161371, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[146416, 161371, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205891, 214362, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [205891, 214362, "Takeshi_Obata", 0], [205891, 214362, "Takeshi_Obata", 1]]], "all_evidence": [[205891, 214362, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [205891, 214362, "Takeshi_Obata", 0], [205891, 214362, "Takeshi_Obata", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81042, null, null, null]]], "all_evidence": [[81042, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230206, 233953, "Hyksos", 18]]], "all_evidence": [[230206, 233953, "Hyksos", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14998, 18661, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]], [[14998, 18662, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 3]]], "all_evidence": [[14998, 18661, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0], [14998, 18662, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156057, null, null, null]]], "all_evidence": [[156057, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81336, 93121, "Grateful_Dead", 15]]], "all_evidence": [[81336, 93121, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62137, 72677, "Bonobo", 13]]], "all_evidence": [[62137, 72677, "Bonobo", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92188, 104961, "Aubrey_Anderson-Emmons", 0]]], "all_evidence": [[92188, 104961, "Aubrey_Anderson-Emmons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170903, 184450, "Alberto_Contador", 3]], [[170903, 184451, "Alberto_Contador", 16]]], "all_evidence": [[170903, 184450, "Alberto_Contador", 3], [170903, 184451, "Alberto_Contador", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213563, null, null, null]]], "all_evidence": [[213563, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70498, 81393, "Spider-Man_2", 0]], [[70498, 81394, "Spider-Man_2", 1]], [[70498, 81395, "Spider-Man_2", 9]]], "all_evidence": [[70498, 81393, "Spider-Man_2", 0], [70498, 81394, "Spider-Man_2", 1], [70498, 81395, "Spider-Man_2", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216605, null, null, null]]], "all_evidence": [[216605, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193530, null, null, null]]], "all_evidence": [[193530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31227, 37937, "LinkedIn", 14]]], "all_evidence": [[31227, 37937, "LinkedIn", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255670, null, null, null]]], "all_evidence": [[255670, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139125, 154189, "Meghan_Markle", 0]]], "all_evidence": [[139125, 154189, "Meghan_Markle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265945, 263059, "Baja_1000", 14]]], "all_evidence": [[265945, 263059, "Baja_1000", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189218, null, null, null]]], "all_evidence": [[189218, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145909, null, null, null]]], "all_evidence": [[145909, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188490, null, null, null]]], "all_evidence": [[188490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33101, 40190, "Manchester_United_F.C.", 0]], [[33106, 40194, "Manchester_United_F.C.", 0]]], "all_evidence": [[33101, 40190, "Manchester_United_F.C.", 0], [33106, 40194, "Manchester_United_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265515, null, null, null], [265516, null, null, null]]], "all_evidence": [[265515, null, null, null], [265516, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211670, 219346, "The_Fly_-LRB-1986_film-RRB-", 0]]], "all_evidence": [[211670, 219346, "The_Fly_-LRB-1986_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[285859, null, null, null], [287565, null, null, null], [331967, null, null, null]]], "all_evidence": [[285859, null, null, null], [287565, null, null, null], [331967, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64168, 74900, "San_Francisco_Bay_Area", 3]]], "all_evidence": [[64168, 74900, "San_Francisco_Bay_Area", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178208, 190798, "Ned_Stark", 1]]], "all_evidence": [[178208, 190798, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290582, 283584, "Super_Bowl_XLV", 2]], [[291980, 284829, "Super_Bowl_XLV", 2]], [[291983, 284832, "Super_Bowl_XLV", 2]], [[338818, 323887, "Super_Bowl_XLV", 2]], [[338821, 323889, "Super_Bowl_XLV", 2]]], "all_evidence": [[290582, 283584, "Super_Bowl_XLV", 2], [291980, 284829, "Super_Bowl_XLV", 2], [291983, 284832, "Super_Bowl_XLV", 2], [338818, 323887, "Super_Bowl_XLV", 2], [338821, 323889, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206280, null, null, null]]], "all_evidence": [[206280, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227405, null, null, null]]], "all_evidence": [[227405, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22190, 27307, "Julie_Bowen", 0]], [[22190, 27308, "Julie_Bowen", 1]], [[22190, 27309, "Julie_Bowen", 2]], [[22190, 27310, "Julie_Bowen", 5]]], "all_evidence": [[22190, 27307, "Julie_Bowen", 0], [22190, 27308, "Julie_Bowen", 1], [22190, 27309, "Julie_Bowen", 2], [22190, 27310, "Julie_Bowen", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73429, 84669, "Two_and_a_Half_Men", 1]]], "all_evidence": [[73429, 84669, "Two_and_a_Half_Men", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96088, null, null, null]]], "all_evidence": [[96088, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135288, 150197, "Konidela_Production_Company", 0]]], "all_evidence": [[135288, 150197, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140589, null, null, null]]], "all_evidence": [[140589, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127428, 141978, "Jefferson_Davis", 0]], [[127428, 141979, "Jefferson_Davis", 5]]], "all_evidence": [[127428, 141978, "Jefferson_Davis", 0], [127428, 141979, "Jefferson_Davis", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89478, 102173, "John_S._McCain_Jr.", 3]]], "all_evidence": [[89478, 102173, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32024, null, null, null]]], "all_evidence": [[32024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220129, 225986, "Pitch_Perfect_2", 0]]], "all_evidence": [[220129, 225986, "Pitch_Perfect_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202236, null, null, null]]], "all_evidence": [[202236, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118344, null, null, null]]], "all_evidence": [[118344, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15362, null, null, null]]], "all_evidence": [[15362, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30963, null, null, null]]], "all_evidence": [[30963, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232354, null, null, null], [232356, null, null, null]]], "all_evidence": [[232354, null, null, null], [232356, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35698, 43247, "GLOW_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[35698, 43247, "GLOW_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276322, null, null, null], [325921, null, null, null], [326435, null, null, null], [326437, null, null, null], [326452, null, null, null]]], "all_evidence": [[276322, null, null, null], [325921, null, null, null], [326435, null, null, null], [326437, null, null, null], [326452, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255660, null, null, null]]], "all_evidence": [[255660, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53661, 63652, "Aestheticism", 0]], [[53661, 63653, "Aestheticism", 1]], [[59920, 70318, "Aestheticism", 0]], [[302939, 293922, "Aestheticism", 0]], [[305105, 295937, "Aestheticism", 0]]], "all_evidence": [[53661, 63652, "Aestheticism", 0], [53661, 63653, "Aestheticism", 1], [59920, 70318, "Aestheticism", 0], [302939, 293922, "Aestheticism", 0], [305105, 295937, "Aestheticism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62065, 72580, "Temple_of_the_Dog", 11]]], "all_evidence": [[62065, 72580, "Temple_of_the_Dog", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82430, 94213, "The_Invisible_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[82430, 94213, "The_Invisible_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104039, 117544, "Henry_Condell", 55]], [[104051, 117551, "Henry_Condell", 55]]], "all_evidence": [[104039, 117544, "Henry_Condell", 55], [104051, 117551, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25816, 31748, "The_Hit_-LRB-1984_film-RRB-", 0]], [[300507, 291692, "The_Hit_-LRB-1984_film-RRB-", 0]]], "all_evidence": [[25816, 31748, "The_Hit_-LRB-1984_film-RRB-", 0], [300507, 291692, "The_Hit_-LRB-1984_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61851, 72332, "Macklemore", 6]]], "all_evidence": [[61851, 72332, "Macklemore", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105360, 118819, "Annie_Lennox", 19]]], "all_evidence": [[105360, 118819, "Annie_Lennox", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228112, null, null, null]]], "all_evidence": [[228112, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220684, null, null, null]]], "all_evidence": [[220684, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32131, 39029, "Goldie_Hawn", 2]]], "all_evidence": [[32131, 39029, "Goldie_Hawn", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75984, 87266, "The_Love_Club_EP", 0], [75984, 87266, "Lorde", 0]], [[79991, 91760, "The_Love_Club_EP", 0]], [[82469, 94250, "The_Love_Club_EP", 0], [82469, 94250, "Lorde", 0]], [[306005, 296765, "The_Love_Club_EP", 0], [306005, 296765, "Lorde", 0]], [[307238, 297773, "The_Love_Club_EP", 0], [307238, 297773, "Lorde", 0]]], "all_evidence": [[75984, 87266, "The_Love_Club_EP", 0], [75984, 87266, "Lorde", 0], [79991, 91760, "The_Love_Club_EP", 0], [82469, 94250, "The_Love_Club_EP", 0], [82469, 94250, "Lorde", 0], [306005, 296765, "The_Love_Club_EP", 0], [306005, 296765, "Lorde", 0], [307238, 297773, "The_Love_Club_EP", 0], [307238, 297773, "Lorde", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202362, null, null, null]]], "all_evidence": [[202362, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49405, 58728, "Alex_Jones_-LRB-radio_host-RRB-", 0]]], "all_evidence": [[49405, 58728, "Alex_Jones_-LRB-radio_host-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112393, null, null, null]]], "all_evidence": [[112393, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65165, 76039, "Stanley_Park", 16]]], "all_evidence": [[65165, 76039, "Stanley_Park", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205710, 214200, "Pythagoras", 0], [205710, 214200, "Mathematician", 0]]], "all_evidence": [[205710, 214200, "Pythagoras", 0], [205710, 214200, "Mathematician", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213564, null, null, null]]], "all_evidence": [[213564, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61757, null, null, null]]], "all_evidence": [[61757, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88504, null, null, null]]], "all_evidence": [[88504, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96559, 109723, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[96559, 109723, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139588, 154608, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]], "all_evidence": [[139588, 154608, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11603, null, null, null], [11604, null, null, null], [15381, null, null, null], [16373, null, null, null], [19714, null, null, null], [118125, null, null, null], [132591, null, null, null], [156211, null, null, null], [161496, null, null, null], [166540, null, null, null], [169661, null, null, null], [171778, null, null, null], [221294, null, null, null], [224613, null, null, null], [231146, null, null, null], [237519, null, null, null], [241084, null, null, null], [247606, null, null, null], [258157, null, null, null], [260567, null, null, null], [271484, null, null, null], [299932, null, null, null], [305889, null, null, null], [308434, null, null, null]]], "all_evidence": [[11603, null, null, null], [11604, null, null, null], [15381, null, null, null], [16373, null, null, null], [19714, null, null, null], [118125, null, null, null], [132591, null, null, null], [156211, null, null, null], [161496, null, null, null], [166540, null, null, null], [169661, null, null, null], [171778, null, null, null], [221294, null, null, null], [224613, null, null, null], [231146, null, null, null], [237519, null, null, null], [241084, null, null, null], [247606, null, null, null], [258157, null, null, null], [260567, null, null, null], [271484, null, null, null], [299932, null, null, null], [305889, null, null, null], [308434, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237311, 239543, "Thunderstorm", 20]]], "all_evidence": [[237311, 239543, "Thunderstorm", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206293, null, null, null]]], "all_evidence": [[206293, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164041, null, null, null]]], "all_evidence": [[164041, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266997, 263809, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[266997, 263809, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206137, null, null, null]]], "all_evidence": [[206137, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164567, 178807, "Keith_Stanfield", 0]]], "all_evidence": [[164567, 178807, "Keith_Stanfield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222112, 227532, "Terrence_Howard", 4]]], "all_evidence": [[222112, 227532, "Terrence_Howard", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206124, 214572, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206124, 214572, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86470, 98886, "Yemen", 0], [86470, 98886, "Yemen", 1]]], "all_evidence": [[86470, 98886, "Yemen", 0], [86470, 98886, "Yemen", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132964, 147853, "Eurotas_-LRB-river-RRB-", 0]], [[132977, 147862, "Eurotas_-LRB-river-RRB-", 0], [132977, 147862, "Greece", 0]], [[132977, 147863, "Eurotas_-LRB-river-RRB-", 1], [132977, 147863, "Arcadia", 2], [132977, 147863, "Peloponnese", 0], [132977, 147863, "Greece", 0]]], "all_evidence": [[132964, 147853, "Eurotas_-LRB-river-RRB-", 0], [132977, 147862, "Eurotas_-LRB-river-RRB-", 0], [132977, 147862, "Greece", 0], [132977, 147863, "Eurotas_-LRB-river-RRB-", 1], [132977, 147863, "Arcadia", 2], [132977, 147863, "Peloponnese", 0], [132977, 147863, "Greece", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58325, 68589, "Pakistan", 0]]], "all_evidence": [[58325, 68589, "Pakistan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84763, null, null, null]]], "all_evidence": [[84763, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88536, 101155, "Raja_Hindustani", 0]]], "all_evidence": [[88536, 101155, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[204607, 213351, "Great_white_shark", 10]]], "all_evidence": [[204607, 213351, "Great_white_shark", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[195205, 205521, "Hammer_Film_Productions", 1]]], "all_evidence": [[195205, 205521, "Hammer_Film_Productions", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214090, 221178, "Gotham_City_Sirens", 0]]], "all_evidence": [[214090, 221178, "Gotham_City_Sirens", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266406, 263403, "Practical_Magic", 0]]], "all_evidence": [[266406, 263403, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159872, null, null, null]]], "all_evidence": [[159872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29096, 35495, "Balibo_-LRB-film-RRB-", 4]]], "all_evidence": [[29096, 35495, "Balibo_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13179, 16482, "Internet_access", 0]]], "all_evidence": [[13179, 16482, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193511, 204005, "Jean-Jacques_Dessalines", 0]]], "all_evidence": [[193511, 204005, "Jean-Jacques_Dessalines", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161963, null, null, null]]], "all_evidence": [[161963, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[62795, null, null, null]]], "all_evidence": [[62795, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271005, 266958, "Blank_Space", 10]]], "all_evidence": [[271005, 266958, "Blank_Space", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189082, 200416, "Carey_Hayes", 0]], [[189083, 200417, "Carey_Hayes", 0]]], "all_evidence": [[189082, 200416, "Carey_Hayes", 0], [189083, 200417, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203628, 212621, "Chris_Mullin_-LRB-basketball-RRB-", 11]]], "all_evidence": [[203628, 212621, "Chris_Mullin_-LRB-basketball-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70969, 81860, "Donna_Noble", 1], [70969, 81860, "Companion_-LRB-Doctor_Who-RRB-", 0]]], "all_evidence": [[70969, 81860, "Donna_Noble", 1], [70969, 81860, "Companion_-LRB-Doctor_Who-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180318, null, null, null]]], "all_evidence": [[180318, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39896, 47992, "Emilia_Clarke", 0]], [[39896, 47993, "Emilia_Clarke", 4]], [[39896, 47994, "Emilia_Clarke", 5]], [[39896, 47995, "Emilia_Clarke", 6]], [[39896, 47996, "Emilia_Clarke", 9]], [[39896, 47997, "Emilia_Clarke", 11]], [[39896, 47998, "Emilia_Clarke", 10]], [[39896, 47999, "Emilia_Clarke", 14]], [[39896, 48000, "Emilia_Clarke", 17]], [[39896, 48001, "Emilia_Clarke", 16]]], "all_evidence": [[39896, 47992, "Emilia_Clarke", 0], [39896, 47993, "Emilia_Clarke", 4], [39896, 47994, "Emilia_Clarke", 5], [39896, 47995, "Emilia_Clarke", 6], [39896, 47996, "Emilia_Clarke", 9], [39896, 47997, "Emilia_Clarke", 11], [39896, 47998, "Emilia_Clarke", 10], [39896, 47999, "Emilia_Clarke", 14], [39896, 48000, "Emilia_Clarke", 17], [39896, 48001, "Emilia_Clarke", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38653, null, null, null]]], "all_evidence": [[38653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286254, 279741, "Alcoholic_drink", 13]], [[288001, 281285, "Alcoholic_drink", 13]], [[333057, 319253, "Alcoholic_drink", 13]], [[334113, 320254, "Alcoholic_drink", 13]], [[334114, 320255, "Alcoholic_drink", 13]], [[334120, 320262, "Alcoholic_drink", 13]]], "all_evidence": [[286254, 279741, "Alcoholic_drink", 13], [288001, 281285, "Alcoholic_drink", 13], [333057, 319253, "Alcoholic_drink", 13], [334113, 320254, "Alcoholic_drink", 13], [334114, 320255, "Alcoholic_drink", 13], [334120, 320262, "Alcoholic_drink", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27714, null, null, null]]], "all_evidence": [[27714, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187390, 199030, "Islamabad", 0]], [[187390, 199031, "Islamabad", 2], [187390, 199031, "Capital_Development_Authority", 0]]], "all_evidence": [[187390, 199030, "Islamabad", 0], [187390, 199031, "Islamabad", 2], [187390, 199031, "Capital_Development_Authority", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207753, 215963, "The_Good_German", 1]]], "all_evidence": [[207753, 215963, "The_Good_German", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244088, 245182, "Uta_Hagen", 0]], [[244089, 245183, "Uta_Hagen", 0]]], "all_evidence": [[244088, 245182, "Uta_Hagen", 0], [244089, 245183, "Uta_Hagen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262114, 260169, "Aristocracy", 0]], [[262114, 260170, "Aristocracy", 1]], [[262114, 260171, "Aristocracy", 4]]], "all_evidence": [[262114, 260169, "Aristocracy", 0], [262114, 260170, "Aristocracy", 1], [262114, 260171, "Aristocracy", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127486, 142065, "The_Hunger_Games_-LRB-novel-RRB-", 0]], [[127486, 142066, "The_Hunger_Games_-LRB-novel-RRB-", 6]], [[127486, 142067, "The_Hunger_Games_-LRB-novel-RRB-", 12]], [[127486, 142068, "The_Hunger_Games_-LRB-novel-RRB-", 13]]], "all_evidence": [[127486, 142065, "The_Hunger_Games_-LRB-novel-RRB-", 0], [127486, 142066, "The_Hunger_Games_-LRB-novel-RRB-", 6], [127486, 142067, "The_Hunger_Games_-LRB-novel-RRB-", 12], [127486, 142068, "The_Hunger_Games_-LRB-novel-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34000, 41232, "Project_Y", 0]]], "all_evidence": [[34000, 41232, "Project_Y", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61911, 72394, "Project_Y", 1]]], "all_evidence": [[61911, 72394, "Project_Y", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112203, 126026, "The_Quiet", 0], [112203, 126026, "Camilla_Belle", 0], [112203, 126026, "Camilla_Belle", 1], [112203, 126026, "Camilla_Belle", 2]], [[112203, 126027, "The_Quiet", 1], [112203, 126027, "Camilla_Belle", 0]]], "all_evidence": [[112203, 126026, "The_Quiet", 0], [112203, 126026, "Camilla_Belle", 0], [112203, 126026, "Camilla_Belle", 1], [112203, 126026, "Camilla_Belle", 2], [112203, 126027, "The_Quiet", 1], [112203, 126027, "Camilla_Belle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100821, 114092, "House_of_Balloons", 0]]], "all_evidence": [[100821, 114092, "House_of_Balloons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42336, 50945, "Legendary_Entertainment", 2]]], "all_evidence": [[42336, 50945, "Legendary_Entertainment", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66051, null, null, null]]], "all_evidence": [[66051, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110681, 124347, "Food_Network", 8], [110681, 124347, "United_States", 0]]], "all_evidence": [[110681, 124347, "Food_Network", 8], [110681, 124347, "United_States", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78868, null, null, null]]], "all_evidence": [[78868, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168946, 182648, "Talulah_Riley", 1]]], "all_evidence": [[168946, 182648, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196023, null, null, null]]], "all_evidence": [[196023, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260773, null, null, null]]], "all_evidence": [[260773, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79837, null, null, null]]], "all_evidence": [[79837, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263297, 261007, "Ted_Cruz", 0]]], "all_evidence": [[263297, 261007, "Ted_Cruz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202971, null, null, null]]], "all_evidence": [[202971, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76230, null, null, null]]], "all_evidence": [[76230, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30796, 37422, "Richard_Fortus", 1]]], "all_evidence": [[30796, 37422, "Richard_Fortus", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149558, null, null, null]]], "all_evidence": [[149558, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211658, 219326, "The_Fly_-LRB-1986_film-RRB-", 0]], [[211658, 219327, "The_Fly_-LRB-1986_film-RRB-", 6]]], "all_evidence": [[211658, 219326, "The_Fly_-LRB-1986_film-RRB-", 0], [211658, 219327, "The_Fly_-LRB-1986_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243487, 244692, "The_Office_-LRB-U.S._TV_series-RRB-", 9]], [[243501, 244710, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]], "all_evidence": [[243487, 244692, "The_Office_-LRB-U.S._TV_series-RRB-", 9], [243501, 244710, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159772, 174254, "Lorelai_Gilmore", 3]], [[159773, 174255, "Lorelai_Gilmore", 3]]], "all_evidence": [[159772, 174254, "Lorelai_Gilmore", 3], [159773, 174255, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141267, null, null, null]]], "all_evidence": [[141267, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189192, 200513, "Nobel_Prize_in_Chemistry", 6]]], "all_evidence": [[189192, 200513, "Nobel_Prize_in_Chemistry", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179018, 191559, "Chris_Benoit", 0]], [[179018, 191560, "Chris_Benoit", 3], [179018, 191560, "Extreme_Championship_Wrestling", 0]], [[179018, 191561, "Chris_Benoit", 8], [179018, 191561, "WCW_World_Heavyweight_Championship", 0]], [[179018, 191562, "Chris_Benoit", 7], [179018, 191562, "Professional_wrestling_championship", 0]], [[179018, 191563, "Chris_Benoit", 9], [179018, 191563, "Triple_Crown_-LRB-professional_wrestling-RRB-", 0]], [[179018, 191564, "Chris_Benoit", 10], [179018, 191564, "Royal_Rumble_-LRB-2004-RRB-", 0]], [[179018, 191565, "Chris_Benoit", 11], [179018, 191565, "WrestleMania_XX", 0]]], "all_evidence": [[179018, 191559, "Chris_Benoit", 0], [179018, 191560, "Chris_Benoit", 3], [179018, 191560, "Extreme_Championship_Wrestling", 0], [179018, 191561, "Chris_Benoit", 8], [179018, 191561, "WCW_World_Heavyweight_Championship", 0], [179018, 191562, "Chris_Benoit", 7], [179018, 191562, "Professional_wrestling_championship", 0], [179018, 191563, "Chris_Benoit", 9], [179018, 191563, "Triple_Crown_-LRB-professional_wrestling-RRB-", 0], [179018, 191564, "Chris_Benoit", 10], [179018, 191564, "Royal_Rumble_-LRB-2004-RRB-", 0], [179018, 191565, "Chris_Benoit", 11], [179018, 191565, "WrestleMania_XX", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286514, 279967, "Keegan-Michael_Key", 6]], [[286514, 279968, "Keegan-Michael_Key", 4]], [[288271, 281544, "Keegan-Michael_Key", 6]], [[333433, 319682, "Keegan-Michael_Key", 6]], [[334372, 320433, "Keegan-Michael_Key", 6]], [[334382, 320440, "Keegan-Michael_Key", 6]], [[334395, 320456, "Keegan-Michael_Key", 6]]], "all_evidence": [[286514, 279967, "Keegan-Michael_Key", 6], [286514, 279968, "Keegan-Michael_Key", 4], [288271, 281544, "Keegan-Michael_Key", 6], [333433, 319682, "Keegan-Michael_Key", 6], [334372, 320433, "Keegan-Michael_Key", 6], [334382, 320440, "Keegan-Michael_Key", 6], [334395, 320456, "Keegan-Michael_Key", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103293, 116667, "Alcoholic_drink", 13]]], "all_evidence": [[103293, 116667, "Alcoholic_drink", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111579, 125351, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[111579, 125351, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258310, null, null, null]]], "all_evidence": [[258310, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199434, 209113, "Northwestern_University", 19]], [[199434, 209114, "Northwestern_University", 0]]], "all_evidence": [[199434, 209113, "Northwestern_University", 19], [199434, 209114, "Northwestern_University", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110678, 124341, "Eric_Bana", 0]], [[110678, 124342, "Eric_Bana", 1]], [[110678, 124343, "Eric_Bana", 2]], [[110678, 124344, "Eric_Bana", 3]], [[110678, 124345, "Eric_Bana", 4]], [[110678, 124346, "Eric_Bana", 5]]], "all_evidence": [[110678, 124341, "Eric_Bana", 0], [110678, 124342, "Eric_Bana", 1], [110678, 124343, "Eric_Bana", 2], [110678, 124344, "Eric_Bana", 3], [110678, 124345, "Eric_Bana", 4], [110678, 124346, "Eric_Bana", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210384, 218160, "Vic_Mensa", 0]]], "all_evidence": [[210384, 218160, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51183, 60924, "Mount_Hood", 0], [51183, 60924, "Oregon", 0]]], "all_evidence": [[51183, 60924, "Mount_Hood", 0], [51183, 60924, "Oregon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90759, 103470, "Electric_chair", 13], [90759, 103470, "Electric_chair", 14]]], "all_evidence": [[90759, 103470, "Electric_chair", 13], [90759, 103470, "Electric_chair", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34960, 42375, "Pulmonary_embolism", 3]]], "all_evidence": [[34960, 42375, "Pulmonary_embolism", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126076, 140478, "Scaramouche", 0]]], "all_evidence": [[126076, 140478, "Scaramouche", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48681, 57996, "Castlevania_-LRB-1986_video_game-RRB-", 0]]], "all_evidence": [[48681, 57996, "Castlevania_-LRB-1986_video_game-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58328, 68592, "Mercedes-Benz", 0]]], "all_evidence": [[58328, 68592, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31886, 38695, "Henry_Condell", 55]]], "all_evidence": [[31886, 38695, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234819, null, null, null]]], "all_evidence": [[234819, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111544, 125310, "Road_House_-LRB-1989_film-RRB-", 0]], [[111544, 125311, "Road_House_-LRB-1989_film-RRB-", 2], [111544, 125311, "Ben_Gazzara", 1]]], "all_evidence": [[111544, 125310, "Road_House_-LRB-1989_film-RRB-", 0], [111544, 125311, "Road_House_-LRB-1989_film-RRB-", 2], [111544, 125311, "Ben_Gazzara", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183682, 195675, "Weill_Cornell_Medicine", 0]]], "all_evidence": [[183682, 195675, "Weill_Cornell_Medicine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122276, 136549, "Robert_Singer_-LRB-producer-RRB-", 1], [122276, 136549, "Supernatural_-LRB-U.S._TV_series-RRB-", 0]]], "all_evidence": [[122276, 136549, "Robert_Singer_-LRB-producer-RRB-", 1], [122276, 136549, "Supernatural_-LRB-U.S._TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156438, 171043, "Bonaire", 10]]], "all_evidence": [[156438, 171043, "Bonaire", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84342, 96477, "Project_Y", 0]], [[84342, 96478, "Project_Y", 23]], [[86915, 99376, "Project_Y", 0]], [[86915, 99377, "Project_Y", 3]], [[86915, 99378, "Project_Y", 4]], [[89109, 101805, "Project_Y", 0]], [[306245, 296975, "Project_Y", 0]], [[307431, 297936, "Project_Y", 0]]], "all_evidence": [[84342, 96477, "Project_Y", 0], [84342, 96478, "Project_Y", 23], [86915, 99376, "Project_Y", 0], [86915, 99377, "Project_Y", 3], [86915, 99378, "Project_Y", 4], [89109, 101805, "Project_Y", 0], [306245, 296975, "Project_Y", 0], [307431, 297936, "Project_Y", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272762, null, null, null], [322029, null, null, null], [323335, null, null, null], [324625, null, null, null], [324628, null, null, null]]], "all_evidence": [[272762, null, null, null], [322029, null, null, null], [323335, null, null, null], [324625, null, null, null], [324628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272864, 268522, "Two_and_a_Half_Men", 0]], [[272865, 268523, "Two_and_a_Half_Men", 0]]], "all_evidence": [[272864, 268522, "Two_and_a_Half_Men", 0], [272865, 268523, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186256, null, null, null]]], "all_evidence": [[186256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238317, 240382, "New_Jersey_Turnpike", 15]]], "all_evidence": [[238317, 240382, "New_Jersey_Turnpike", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135361, null, null, null]]], "all_evidence": [[135361, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255643, 255054, "PBS", 0]]], "all_evidence": [[255643, 255054, "PBS", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99425, 112532, "Washington_Monument", 1]]], "all_evidence": [[99425, 112532, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95612, 108643, "Daredevil_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[95612, 108643, "Daredevil_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42842, 51470, "Stanford_prison_experiment", 0]]], "all_evidence": [[42842, 51470, "Stanford_prison_experiment", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224855, 229602, "Sacre\u0301-C\u0153ur,_Paris", 2]]], "all_evidence": [[224855, 229602, "Sacre\u0301-C\u0153ur,_Paris", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229658, null, null, null], [229659, null, null, null]]], "all_evidence": [[229658, null, null, null], [229659, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19434, 23846, "Neuromodulation", 3]]], "all_evidence": [[19434, 23846, "Neuromodulation", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147877, null, null, null]]], "all_evidence": [[147877, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36973, null, null, null]]], "all_evidence": [[36973, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149600, 164573, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]], [[149601, 164574, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]], "all_evidence": [[149600, 164573, "The_Book_of_Mormon_-LRB-musical-RRB-", 19], [149601, 164574, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214629, null, null, null]]], "all_evidence": [[214629, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292377, 285167, "NXT_Tag_Team_Championship", 0], [292377, 285167, "WWE", 0]], [[294434, 286739, "NXT_Tag_Team_Championship", 0]], [[294995, 287216, "NXT_Tag_Team_Championship", 0]], [[339924, 324740, "NXT_Tag_Team_Championship", 0], [339924, 324740, "WWE", 0]], [[340014, 324809, "NXT_Tag_Team_Championship", 0], [340014, 324809, "WWE", 0]]], "all_evidence": [[292377, 285167, "NXT_Tag_Team_Championship", 0], [292377, 285167, "WWE", 0], [294434, 286739, "NXT_Tag_Team_Championship", 0], [294995, 287216, "NXT_Tag_Team_Championship", 0], [339924, 324740, "NXT_Tag_Team_Championship", 0], [339924, 324740, "WWE", 0], [340014, 324809, "NXT_Tag_Team_Championship", 0], [340014, 324809, "WWE", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169665, 183270, "Globalism", 1]]], "all_evidence": [[169665, 183270, "Globalism", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188756, 200196, "Annie_-LRB-2014_film-RRB-", 0]], [[188756, 200197, "Annie_-LRB-2014_film-RRB-", 2]]], "all_evidence": [[188756, 200196, "Annie_-LRB-2014_film-RRB-", 0], [188756, 200197, "Annie_-LRB-2014_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122310, 136567, "Simon_Pegg", 0]]], "all_evidence": [[122310, 136567, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169293, null, null, null]]], "all_evidence": [[169293, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61780, null, null, null]]], "all_evidence": [[61780, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46800, 55821, "Mandy_Moore", 0]]], "all_evidence": [[46800, 55821, "Mandy_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167748, 181512, "Japan", 0]], [[167748, 181513, "Japan", 1]]], "all_evidence": [[167748, 181512, "Japan", 0], [167748, 181513, "Japan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289729, 282799, "Fred_Seibert", 3]], [[289743, 282814, "Fred_Seibert", 3]], [[291151, 284113, "Fred_Seibert", 3]], [[337150, 322570, "Fred_Seibert", 3]]], "all_evidence": [[289729, 282799, "Fred_Seibert", 3], [289743, 282814, "Fred_Seibert", 3], [291151, 284113, "Fred_Seibert", 3], [337150, 322570, "Fred_Seibert", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163416, 177653, "Super_Bowl_XLV", 2]]], "all_evidence": [[163416, 177653, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228924, null, null, null]]], "all_evidence": [[228924, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40638, null, null, null]]], "all_evidence": [[40638, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127332, 141878, "MS-13", 10]], [[127332, 141879, "MS-13", 12]]], "all_evidence": [[127332, 141878, "MS-13", 10], [127332, 141879, "MS-13", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221585, 227176, "Martial_arts_film", 1]], [[221586, 227177, "Martial_arts_film", 1]]], "all_evidence": [[221585, 227176, "Martial_arts_film", 1], [221586, 227177, "Martial_arts_film", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131699, 146545, "Ragtime_-LRB-film-RRB-", 2]]], "all_evidence": [[131699, 146545, "Ragtime_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115015, null, null, null]]], "all_evidence": [[115015, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192333, null, null, null]]], "all_evidence": [[192333, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90661, 103391, "Near-Earth_object", 0]]], "all_evidence": [[90661, 103391, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119911, null, null, null]]], "all_evidence": [[119911, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137287, null, null, null]]], "all_evidence": [[137287, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99334, null, null, null]]], "all_evidence": [[99334, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31525, null, null, null]]], "all_evidence": [[31525, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251321, 251204, "Pet", 5]]], "all_evidence": [[251321, 251204, "Pet", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96051, null, null, null]]], "all_evidence": [[96051, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32192, 39120, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[32192, 39120, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90045, null, null, null]]], "all_evidence": [[90045, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181812, 194075, "Pakistan", 22]]], "all_evidence": [[181812, 194075, "Pakistan", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28474, 34804, "Maltese_language", 0]]], "all_evidence": [[28474, 34804, "Maltese_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12607, 15743, "Hinduism", 7], [12607, 15743, "Hindu_texts", 0], [12607, 15743, "Hindu_texts", 1], [12607, 15743, "Hindu_texts", 6], [12607, 15743, "Hindu_texts", 12], [12607, 15743, "Smriti", 4], [12607, 15743, "Smriti", 9]]], "all_evidence": [[12607, 15743, "Hinduism", 7], [12607, 15743, "Hindu_texts", 0], [12607, 15743, "Hindu_texts", 1], [12607, 15743, "Hindu_texts", 6], [12607, 15743, "Hindu_texts", 12], [12607, 15743, "Smriti", 4], [12607, 15743, "Smriti", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182173, null, null, null]]], "all_evidence": [[182173, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284440, null, null, null], [284441, null, null, null], [330640, null, null, null]]], "all_evidence": [[284440, null, null, null], [284441, null, null, null], [330640, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245184, null, null, null]]], "all_evidence": [[245184, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165689, 179705, "Raja_Hindustani", 0]]], "all_evidence": [[165689, 179705, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263440, 261114, "The_Block_-LRB-album-RRB-", 0]], [[263446, 261117, "The_Block_-LRB-album-RRB-", 0], [263446, 261117, "New_Kids_on_the_Block", 0]]], "all_evidence": [[263440, 261114, "The_Block_-LRB-album-RRB-", 0], [263446, 261117, "The_Block_-LRB-album-RRB-", 0], [263446, 261117, "New_Kids_on_the_Block", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38351, null, null, null]]], "all_evidence": [[38351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88398, 101014, "Zac_Efron", 0]], [[88398, 101015, "Zac_Efron", 1]]], "all_evidence": [[88398, 101014, "Zac_Efron", 0], [88398, 101015, "Zac_Efron", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106672, 120072, "Yugoslavia", 0]]], "all_evidence": [[106672, 120072, "Yugoslavia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290283, null, null, null], [291631, null, null, null], [291633, null, null, null], [338285, null, null, null], [338982, null, null, null]]], "all_evidence": [[290283, null, null, null], [291631, null, null, null], [291633, null, null, null], [338285, null, null, null], [338982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224803, 229572, "Sacre\u0301-C\u0153ur,_Paris", 2]]], "all_evidence": [[224803, 229572, "Sacre\u0301-C\u0153ur,_Paris", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180161, 192697, "Keith_Stanfield", 0]]], "all_evidence": [[180161, 192697, "Keith_Stanfield", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148113, null, null, null]]], "all_evidence": [[148113, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144060, null, null, null]]], "all_evidence": [[144060, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[187180, null, null, null]]], "all_evidence": [[187180, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142243, 157442, "P.S._I_Love_You_-LRB-film-RRB-", 0]]], "all_evidence": [[142243, 157442, "P.S._I_Love_You_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44434, 53102, "Globalism", 1]]], "all_evidence": [[44434, 53102, "Globalism", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247232, 247560, "The_Monster_-LRB-song-RRB-", 0]], [[247232, 247561, "The_Monster_-LRB-song-RRB-", 1]], [[247232, 247562, "The_Monster_-LRB-song-RRB-", 3]], [[247232, 247563, "The_Monster_-LRB-song-RRB-", 4]], [[247232, 247564, "The_Monster_-LRB-song-RRB-", 7]], [[247232, 247565, "The_Monster_-LRB-song-RRB-", 8]], [[247232, 247566, "The_Monster_-LRB-song-RRB-", 9]], [[247232, 247567, "The_Monster_-LRB-song-RRB-", 12]], [[247232, 247568, "The_Monster_-LRB-song-RRB-", 14]]], "all_evidence": [[247232, 247560, "The_Monster_-LRB-song-RRB-", 0], [247232, 247561, "The_Monster_-LRB-song-RRB-", 1], [247232, 247562, "The_Monster_-LRB-song-RRB-", 3], [247232, 247563, "The_Monster_-LRB-song-RRB-", 4], [247232, 247564, "The_Monster_-LRB-song-RRB-", 7], [247232, 247565, "The_Monster_-LRB-song-RRB-", 8], [247232, 247566, "The_Monster_-LRB-song-RRB-", 9], [247232, 247567, "The_Monster_-LRB-song-RRB-", 12], [247232, 247568, "The_Monster_-LRB-song-RRB-", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116269, 130182, "Bonobo", 12]]], "all_evidence": [[116269, 130182, "Bonobo", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144727, 159738, "New_England_Patriots", 12]], [[144727, 159739, "New_England_Patriots", 15]], [[144727, 159740, "New_England_Patriots", 16]]], "all_evidence": [[144727, 159738, "New_England_Patriots", 12], [144727, 159739, "New_England_Patriots", 15], [144727, 159740, "New_England_Patriots", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244095, 245187, "Uta_Hagen", 0]], [[244095, 245188, "Uta_Hagen", 3], [244095, 245188, "Hollywood_blacklist", 0]]], "all_evidence": [[244095, 245187, "Uta_Hagen", 0], [244095, 245188, "Uta_Hagen", 3], [244095, 245188, "Hollywood_blacklist", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12546, 15689, "One_True_Thing", 0], [12546, 15689, "Carl_Franklin", 0]], [[12565, 15708, "One_True_Thing", 0], [12565, 15708, "Carl_Franklin", 0]], [[17467, 21617, "One_True_Thing", 0], [17467, 21617, "Carl_Franklin", 0]], [[19840, 24386, "One_True_Thing", 0], [19840, 24386, "Carl_Franklin", 0]], [[147858, 162870, "One_True_Thing", 0], [147858, 162870, "Carl_Franklin", 0]], [[299058, 290435, "One_True_Thing", 0], [299058, 290435, "Carl_Franklin", 0]], [[301114, 292246, "One_True_Thing", 0], [301114, 292246, "Carl_Franklin", 0]]], "all_evidence": [[12546, 15689, "One_True_Thing", 0], [12546, 15689, "Carl_Franklin", 0], [12565, 15708, "One_True_Thing", 0], [12565, 15708, "Carl_Franklin", 0], [17467, 21617, "One_True_Thing", 0], [17467, 21617, "Carl_Franklin", 0], [19840, 24386, "One_True_Thing", 0], [19840, 24386, "Carl_Franklin", 0], [147858, 162870, "One_True_Thing", 0], [147858, 162870, "Carl_Franklin", 0], [299058, 290435, "One_True_Thing", 0], [299058, 290435, "Carl_Franklin", 0], [301114, 292246, "One_True_Thing", 0], [301114, 292246, "Carl_Franklin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21158, 25990, "Dark_matter", 0]]], "all_evidence": [[21158, 25990, "Dark_matter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171828, 185291, "Kareem_Abdul-Jabbar", 18]]], "all_evidence": [[171828, 185291, "Kareem_Abdul-Jabbar", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184507, 196393, "Levoamphetamine", 0]]], "all_evidence": [[184507, 196393, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265865, 263005, "FC_Bayern_Munich", 4]]], "all_evidence": [[265865, 263005, "FC_Bayern_Munich", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256850, 255974, "Tenacious_D_-LRB-album-RRB-", 0]], [[256852, 255975, "Tenacious_D_-LRB-album-RRB-", 0]]], "all_evidence": [[256850, 255974, "Tenacious_D_-LRB-album-RRB-", 0], [256852, 255975, "Tenacious_D_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192013, 202774, "Baadshah_-LRB-2013_film-RRB-", 15]]], "all_evidence": [[192013, 202774, "Baadshah_-LRB-2013_film-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102051, null, null, null]]], "all_evidence": [[102051, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31377, 38098, "Parkinson's_disease", 2], [31377, 38098, "Tremor", 0], [31377, 38098, "Tremor", 1], [31377, 38098, "Tremor", 2]]], "all_evidence": [[31377, 38098, "Parkinson's_disease", 2], [31377, 38098, "Tremor", 0], [31377, 38098, "Tremor", 1], [31377, 38098, "Tremor", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92851, null, null, null], [95333, null, null, null], [97425, null, null, null], [306716, null, null, null], [307674, null, null, null]]], "all_evidence": [[92851, null, null, null], [95333, null, null, null], [97425, null, null, null], [306716, null, null, null], [307674, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119385, 133401, "GLOW_-LRB-TV_series-RRB-", 2]], [[119385, 133402, "GLOW_-LRB-TV_series-RRB-", 3]]], "all_evidence": [[119385, 133401, "GLOW_-LRB-TV_series-RRB-", 2], [119385, 133402, "GLOW_-LRB-TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100981, 114236, "American_Civil_War", 0]]], "all_evidence": [[100981, 114236, "American_Civil_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109146, 122843, "Alcoholic_drink", 13]]], "all_evidence": [[109146, 122843, "Alcoholic_drink", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268665, null, null, null], [270650, null, null, null], [271708, null, null, null], [321892, null, null, null], [321893, null, null, null], [321896, null, null, null]]], "all_evidence": [[268665, null, null, null], [270650, null, null, null], [271708, null, null, null], [321892, null, null, null], [321893, null, null, null], [321896, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159853, null, null, null]]], "all_evidence": [[159853, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110776, 124443, "Aubrey_Anderson-Emmons", 0]]], "all_evidence": [[110776, 124443, "Aubrey_Anderson-Emmons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184849, 196725, "Mamata_Banerjee", 0]]], "all_evidence": [[184849, 196725, "Mamata_Banerjee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150750, 165592, "Coeliac_disease", 27]]], "all_evidence": [[150750, 165592, "Coeliac_disease", 27]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234293, null, null, null], [234296, null, null, null]]], "all_evidence": [[234293, null, null, null], [234296, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43847, 52475, "Georgians", 4]]], "all_evidence": [[43847, 52475, "Georgians", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71605, 82586, "Night_of_the_Living_Dead", 0]], [[71605, 82587, "Night_of_the_Living_Dead", 1]], [[71605, 82588, "Night_of_the_Living_Dead", 10]], [[74713, 85940, "Night_of_the_Living_Dead", 0]], [[305573, 296391, "Night_of_the_Living_Dead", 1]]], "all_evidence": [[71605, 82586, "Night_of_the_Living_Dead", 0], [71605, 82587, "Night_of_the_Living_Dead", 1], [71605, 82588, "Night_of_the_Living_Dead", 10], [74713, 85940, "Night_of_the_Living_Dead", 0], [305573, 296391, "Night_of_the_Living_Dead", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202953, 212093, "Death_Note_-LRB-2015_TV_series-RRB-", 0]]], "all_evidence": [[202953, 212093, "Death_Note_-LRB-2015_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170857, 184413, "Elizabeth_of_York", 15]], [[170857, 184414, "Elizabeth_of_York", 13]]], "all_evidence": [[170857, 184413, "Elizabeth_of_York", 15], [170857, 184414, "Elizabeth_of_York", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169044, null, null, null]]], "all_evidence": [[169044, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297015, null, null, null], [298677, null, null, null], [298680, null, null, null], [344466, null, null, null], [344477, null, null, null], [344480, null, null, null], [344482, null, null, null]]], "all_evidence": [[297015, null, null, null], [298677, null, null, null], [298680, null, null, null], [344466, null, null, null], [344477, null, null, null], [344480, null, null, null], [344482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49904, 59388, "Ed_and_Lorraine_Warren", 0]]], "all_evidence": [[49904, 59388, "Ed_and_Lorraine_Warren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214109, 221197, "Gotham_City_Sirens", 0]]], "all_evidence": [[214109, 221197, "Gotham_City_Sirens", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99686, 112824, "Raja_Hindustani", 0]]], "all_evidence": [[99686, 112824, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244754, 245679, "Punch-Drunk_Love", 4]]], "all_evidence": [[244754, 245679, "Punch-Drunk_Love", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104596, 118000, "John_Goodman", 0]]], "all_evidence": [[104596, 118000, "John_Goodman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114859, 128587, "Goldie_Hawn", 2]]], "all_evidence": [[114859, 128587, "Goldie_Hawn", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121901, 136186, "Cordilleran_Ice_Sheet", 0]]], "all_evidence": [[121901, 136186, "Cordilleran_Ice_Sheet", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224582, null, null, null]]], "all_evidence": [[224582, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64059, null, null, null]]], "all_evidence": [[64059, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[295311, 287441, "Scream_-LRB-franchise-RRB-", 1]], [[297115, 288799, "Scream_-LRB-franchise-RRB-", 1]], [[297115, 288800, "Scream_-LRB-franchise-RRB-", 6]], [[340850, 325379, "Scream_-LRB-franchise-RRB-", 1]], [[341049, 325543, "Scream_-LRB-franchise-RRB-", 14]]], "all_evidence": [[295311, 287441, "Scream_-LRB-franchise-RRB-", 1], [297115, 288799, "Scream_-LRB-franchise-RRB-", 1], [297115, 288800, "Scream_-LRB-franchise-RRB-", 6], [340850, 325379, "Scream_-LRB-franchise-RRB-", 1], [341049, 325543, "Scream_-LRB-franchise-RRB-", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184513, 196397, "Levoamphetamine", 0]]], "all_evidence": [[184513, 196397, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67535, null, null, null]]], "all_evidence": [[67535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13049, 16340, "Emmanuel_Macron", 0]], [[13049, 16341, "Emmanuel_Macron", 2], [13049, 16341, "Rothschild_&_Cie_Banque", 0]], [[13055, 16345, "Emmanuel_Macron", 0], [13055, 16345, "President_of_France", 0]], [[13055, 16346, "Emmanuel_Macron", 2], [13055, 16346, "Rothschild_&_Cie_Banque", 0], [13055, 16346, "Rothschild_&_Cie_Banque", 12]]], "all_evidence": [[13049, 16340, "Emmanuel_Macron", 0], [13049, 16341, "Emmanuel_Macron", 2], [13049, 16341, "Rothschild_&_Cie_Banque", 0], [13055, 16345, "Emmanuel_Macron", 0], [13055, 16345, "President_of_France", 0], [13055, 16346, "Emmanuel_Macron", 2], [13055, 16346, "Rothschild_&_Cie_Banque", 0], [13055, 16346, "Rothschild_&_Cie_Banque", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209718, null, null, null]]], "all_evidence": [[209718, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158114, 172743, "Legendary_Entertainment", 2]]], "all_evidence": [[158114, 172743, "Legendary_Entertainment", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237093, 239390, "Web_page", 14]], [[237097, 239392, "Web_page", 14]]], "all_evidence": [[237093, 239390, "Web_page", 14], [237097, 239392, "Web_page", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50873, null, null, null]]], "all_evidence": [[50873, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170203, 183760, "Syco", 0]]], "all_evidence": [[170203, 183760, "Syco", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188479, 199874, "Ukrainian_Soviet_Socialist_Republic", 7]]], "all_evidence": [[188479, 199874, "Ukrainian_Soviet_Socialist_Republic", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219540, 225528, "Stephen_Moyer", 3]]], "all_evidence": [[219540, 225528, "Stephen_Moyer", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229146, null, null, null]]], "all_evidence": [[229146, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189220, null, null, null]]], "all_evidence": [[189220, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93485, 106439, "South_Island", 1]]], "all_evidence": [[93485, 106439, "South_Island", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30490, null, null, null]]], "all_evidence": [[30490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94512, 107495, "Jamie_Lee_Curtis", 1]]], "all_evidence": [[94512, 107495, "Jamie_Lee_Curtis", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150896, 165742, "Petyr_Baelish", 0]]], "all_evidence": [[150896, 165742, "Petyr_Baelish", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50103, 59637, "Henry_Cavill", 8]]], "all_evidence": [[50103, 59637, "Henry_Cavill", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96983, 110141, "Kate_Walsh_-LRB-actress-RRB-", 1]]], "all_evidence": [[96983, 110141, "Kate_Walsh_-LRB-actress-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143014, 158135, "Premier_League_Asia_Trophy", 0]]], "all_evidence": [[143014, 158135, "Premier_League_Asia_Trophy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74833, 86056, "Samsung", 6]]], "all_evidence": [[74833, 86056, "Samsung", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206126, null, null, null]]], "all_evidence": [[206126, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292914, null, null, null], [295502, null, null, null], [297199, null, null, null], [341442, null, null, null], [342076, null, null, null]]], "all_evidence": [[292914, null, null, null], [295502, null, null, null], [297199, null, null, null], [341442, null, null, null], [342076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238321, 240385, "New_Jersey_Turnpike", 15]]], "all_evidence": [[238321, 240385, "New_Jersey_Turnpike", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171785, 185264, "Little_Dorrit", 0]]], "all_evidence": [[171785, 185264, "Little_Dorrit", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25670, 31597, "The_Beverly_Hillbillies", 6]]], "all_evidence": [[25670, 31597, "The_Beverly_Hillbillies", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260745, null, null, null]]], "all_evidence": [[260745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64257, 75005, "Zoey_Deutch", 0]], [[64259, 75006, "Zoey_Deutch", 0], [64259, 75006, "Zoey_Deutch", 1], [64259, 75006, "Zoey_Deutch", 4]]], "all_evidence": [[64257, 75005, "Zoey_Deutch", 0], [64259, 75006, "Zoey_Deutch", 0], [64259, 75006, "Zoey_Deutch", 1], [64259, 75006, "Zoey_Deutch", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74647, null, null, null], [79507, null, null, null], [82020, null, null, null], [305940, null, null, null]]], "all_evidence": [[74647, null, null, null], [79507, null, null, null], [82020, null, null, null], [305940, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207764, 215966, "The_Good_German", 1]]], "all_evidence": [[207764, 215966, "The_Good_German", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206145, null, null, null]]], "all_evidence": [[206145, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180632, 193060, "Alex_Jones_-LRB-radio_host-RRB-", 11], [180632, 193060, "Alt-right", 0]]], "all_evidence": [[180632, 193060, "Alex_Jones_-LRB-radio_host-RRB-", 11], [180632, 193060, "Alt-right", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263450, 261120, "The_Block_-LRB-album-RRB-", 0]], [[263450, 261121, "The_Block_-LRB-album-RRB-", 13]]], "all_evidence": [[263450, 261120, "The_Block_-LRB-album-RRB-", 0], [263450, 261121, "The_Block_-LRB-album-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147171, null, null, null]]], "all_evidence": [[147171, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24697, 30495, "Loretta_Sanchez", 0]]], "all_evidence": [[24697, 30495, "Loretta_Sanchez", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205754, 214239, "Brick_Mansions", 0]]], "all_evidence": [[205754, 214239, "Brick_Mansions", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228413, 232603, "Rebel_in_the_Rye", 0], [228413, 232603, "Danny_Strong", 0]], [[228420, 232615, "Rebel_in_the_Rye", 0], [228420, 232615, "Danny_Strong", 0]]], "all_evidence": [[228413, 232603, "Rebel_in_the_Rye", 0], [228413, 232603, "Danny_Strong", 0], [228420, 232615, "Rebel_in_the_Rye", 0], [228420, 232615, "Danny_Strong", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112722, 126559, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [112722, 126559, "NCAA_Division_I", 0]]], "all_evidence": [[112722, 126559, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [112722, 126559, "NCAA_Division_I", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120117, 134256, "Exotic_Birds", 2]]], "all_evidence": [[120117, 134256, "Exotic_Birds", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260747, 259060, "Species_distribution", 14]], [[260748, 259061, "Species_distribution", 14]]], "all_evidence": [[260747, 259060, "Species_distribution", 14], [260748, 259061, "Species_distribution", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151667, 166411, "Sonny_&_Cher", 1]]], "all_evidence": [[151667, 166411, "Sonny_&_Cher", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256844, 255968, "Tenacious_D_-LRB-album-RRB-", 0]], [[256844, 255969, "Tenacious_D_-LRB-album-RRB-", 6]]], "all_evidence": [[256844, 255968, "Tenacious_D_-LRB-album-RRB-", 0], [256844, 255969, "Tenacious_D_-LRB-album-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202969, null, null, null]]], "all_evidence": [[202969, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150001, 164933, "Golf", 0]]], "all_evidence": [[150001, 164933, "Golf", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98967, 112070, "Heath_Ledger", 3]]], "all_evidence": [[98967, 112070, "Heath_Ledger", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26284, 32295, "Hinduism", 6]]], "all_evidence": [[26284, 32295, "Hinduism", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133836, 148707, "John_S._McCain_Jr.", 3]]], "all_evidence": [[133836, 148707, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[283088, 277194, "George_Harrison", 20]], [[285684, 279321, "George_Harrison", 20]], [[331559, 318057, "George_Harrison", 20]], [[331563, 318060, "George_Harrison", 20]], [[331565, 318062, "George_Harrison", 20]], [[331569, 318064, "George_Harrison", 20]], [[331569, 318065, "George_Harrison", 21]], [[331569, 318066, "George_Harrison", 22]]], "all_evidence": [[283088, 277194, "George_Harrison", 20], [285684, 279321, "George_Harrison", 20], [331559, 318057, "George_Harrison", 20], [331563, 318060, "George_Harrison", 20], [331565, 318062, "George_Harrison", 20], [331569, 318064, "George_Harrison", 20], [331569, 318065, "George_Harrison", 21], [331569, 318066, "George_Harrison", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186446, 198259, "Alan_Shepard", 16]], [[186448, 198260, "Alan_Shepard", 16]]], "all_evidence": [[186446, 198259, "Alan_Shepard", 16], [186448, 198260, "Alan_Shepard", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26536, 32575, "The_Hit_-LRB-1984_film-RRB-", 6]]], "all_evidence": [[26536, 32575, "The_Hit_-LRB-1984_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191891, 202667, "Hezbollah", 17]]], "all_evidence": [[191891, 202667, "Hezbollah", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206128, 214574, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206128, 214574, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220203, 226031, "Foot_Locker", 0]], [[220203, 226032, "Foot_Locker", 4]]], "all_evidence": [[220203, 226031, "Foot_Locker", 0], [220203, 226032, "Foot_Locker", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186558, 198347, "Benjamin_Walker_-LRB-actor-RRB-", 0]]], "all_evidence": [[186558, 198347, "Benjamin_Walker_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98090, 111221, "Emperor_Norton", 8]]], "all_evidence": [[98090, 111221, "Emperor_Norton", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45038, 53761, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[45038, 53761, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83984, 96082, "Kajol", 4]]], "all_evidence": [[83984, 96082, "Kajol", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101986, 115228, "Adidas", 0]], [[101986, 115229, "Adidas", 10]]], "all_evidence": [[101986, 115228, "Adidas", 0], [101986, 115229, "Adidas", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126598, null, null, null]]], "all_evidence": [[126598, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118481, 132330, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[118481, 132330, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146671, 161663, "Grateful_Dead", 10]], [[146671, 161664, "Grateful_Dead", 12]]], "all_evidence": [[146671, 161663, "Grateful_Dead", 10], [146671, 161664, "Grateful_Dead", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76389, 87679, "Gettysburg_Address", 0], [76389, 87679, "Abraham_Lincoln", 0]], [[76389, 87680, "Gettysburg_Address", 4], [76389, 87680, "Abraham_Lincoln", 0]]], "all_evidence": [[76389, 87679, "Gettysburg_Address", 0], [76389, 87679, "Abraham_Lincoln", 0], [76389, 87680, "Gettysburg_Address", 4], [76389, 87680, "Abraham_Lincoln", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188458, 199861, "Ukrainian_Soviet_Socialist_Republic", 7]]], "all_evidence": [[188458, 199861, "Ukrainian_Soviet_Socialist_Republic", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77207, 88627, "Dan_Trachtenberg", 0]]], "all_evidence": [[77207, 88627, "Dan_Trachtenberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224617, null, null, null]]], "all_evidence": [[224617, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272701, 268416, "Telephone_-LRB-song-RRB-", 5]], [[272704, 268424, "Telephone_-LRB-song-RRB-", 5]]], "all_evidence": [[272701, 268416, "Telephone_-LRB-song-RRB-", 5], [272704, 268424, "Telephone_-LRB-song-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40627, null, null, null]]], "all_evidence": [[40627, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165897, 179863, "The_House_of_the_Spirits_-LRB-film-RRB-", 4], [165897, 179863, "The_House_of_the_Spirits_-LRB-film-RRB-", 0]]], "all_evidence": [[165897, 179863, "The_House_of_the_Spirits_-LRB-film-RRB-", 4], [165897, 179863, "The_House_of_the_Spirits_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17994, null, null, null]]], "all_evidence": [[17994, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145120, 160124, "Andrew_Moray", 1]], [[150285, 165207, "Andrew_Moray", 1]], [[311232, 301247, "Andrew_Moray", 1]], [[311233, 301248, "Andrew_Moray", 1]], [[311235, 301250, "Andrew_Moray", 1]], [[311238, 301253, "Andrew_Moray", 1]]], "all_evidence": [[145120, 160124, "Andrew_Moray", 1], [150285, 165207, "Andrew_Moray", 1], [311232, 301247, "Andrew_Moray", 1], [311233, 301248, "Andrew_Moray", 1], [311235, 301250, "Andrew_Moray", 1], [311238, 301253, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63314, null, null, null]]], "all_evidence": [[63314, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192323, 203082, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[192323, 203082, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224157, null, null, null]]], "all_evidence": [[224157, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93932, 106886, "Kenny_Chesney", 0]]], "all_evidence": [[93932, 106886, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72036, null, null, null]]], "all_evidence": [[72036, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102968, null, null, null]]], "all_evidence": [[102968, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196202, null, null, null]]], "all_evidence": [[196202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232859, 235931, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232859, 235931, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186324, null, null, null]]], "all_evidence": [[186324, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75113, null, null, null]]], "all_evidence": [[75113, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137168, 152006, "Sonny_&_Cher", 0]]], "all_evidence": [[137168, 152006, "Sonny_&_Cher", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65832, 76695, "The_Ellen_Show", 0]]], "all_evidence": [[65832, 76695, "The_Ellen_Show", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21459, 26356, "Richard_Kuklinski", 6]]], "all_evidence": [[21459, 26356, "Richard_Kuklinski", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227419, null, null, null]]], "all_evidence": [[227419, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63531, null, null, null]]], "all_evidence": [[63531, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265239, null, null, null]]], "all_evidence": [[265239, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57160, 67388, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[57160, 67388, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165998, 179957, "Henry_Cavill", 8]], [[166007, 179966, "Henry_Cavill", 8]]], "all_evidence": [[165998, 179957, "Henry_Cavill", 8], [166007, 179966, "Henry_Cavill", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18867, 23106, "Kevin_Costner", 8]]], "all_evidence": [[18867, 23106, "Kevin_Costner", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70419, 81281, "Watchmen_-LRB-film-RRB-", 2]]], "all_evidence": [[70419, 81281, "Watchmen_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199890, 209530, "Barcelona", 0]]], "all_evidence": [[199890, 209530, "Barcelona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166279, 180168, "American_Civil_War", 0]], [[166279, 180169, "American_Civil_War", 1]]], "all_evidence": [[166279, 180168, "American_Civil_War", 0], [166279, 180169, "American_Civil_War", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50702, 60309, "Fraud", 0]]], "all_evidence": [[50702, 60309, "Fraud", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123727, 138121, "Visigoths", 16]]], "all_evidence": [[123727, 138121, "Visigoths", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180927, null, null, null]]], "all_evidence": [[180927, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232360, null, null, null]]], "all_evidence": [[232360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143758, 158842, "Polynomial", 0]]], "all_evidence": [[143758, 158842, "Polynomial", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138368, null, null, null], [138369, null, null, null]]], "all_evidence": [[138368, null, null, null], [138369, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19104, 23419, "University_of_Chicago_Law_School", 7]]], "all_evidence": [[19104, 23419, "University_of_Chicago_Law_School", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276109, null, null, null], [325470, null, null, null]]], "all_evidence": [[276109, null, null, null], [325470, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224151, 229002, "Ang_Lee", 3], [224151, 229002, "Eat_Drink_Man_Woman", 0]], [[224151, 229003, "Ang_Lee", 4], [224151, 229003, "Brokeback_Mountain", 0]]], "all_evidence": [[224151, 229002, "Ang_Lee", 3], [224151, 229002, "Eat_Drink_Man_Woman", 0], [224151, 229003, "Ang_Lee", 4], [224151, 229003, "Brokeback_Mountain", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26960, null, null, null]]], "all_evidence": [[26960, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69429, 80231, "Polynomial", 0]]], "all_evidence": [[69429, 80231, "Polynomial", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51885, 61723, "Cthulhu", 2]], [[51886, 61724, "Cthulhu", 2]]], "all_evidence": [[51885, 61723, "Cthulhu", 2], [51886, 61724, "Cthulhu", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212525, 220029, "Nina_Jacobson", 0]], [[212528, 220030, "Nina_Jacobson", 0]], [[212539, 220040, "Nina_Jacobson", 0]]], "all_evidence": [[212525, 220029, "Nina_Jacobson", 0], [212528, 220030, "Nina_Jacobson", 0], [212539, 220040, "Nina_Jacobson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43424, 52068, "Team_Fortress_2", 0]]], "all_evidence": [[43424, 52068, "Team_Fortress_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174503, null, null, null]]], "all_evidence": [[174503, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189212, null, null, null]]], "all_evidence": [[189212, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122297, 136556, "Uganda", 11]]], "all_evidence": [[122297, 136556, "Uganda", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19746, 24279, "Fred_Seibert", 3]]], "all_evidence": [[19746, 24279, "Fred_Seibert", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96692, 109845, "Simon_Pegg", 0]]], "all_evidence": [[96692, 109845, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141375, null, null, null]]], "all_evidence": [[141375, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262120, null, null, null]]], "all_evidence": [[262120, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148908, null, null, null]]], "all_evidence": [[148908, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106351, null, null, null]]], "all_evidence": [[106351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183674, 195669, "Weill_Cornell_Medicine", 0]]], "all_evidence": [[183674, 195669, "Weill_Cornell_Medicine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229185, 233204, "Kevin_Bacon", 1]], [[229185, 233205, "Kevin_Bacon", 2]], [[229185, 233206, "Kevin_Bacon", 3]]], "all_evidence": [[229185, 233204, "Kevin_Bacon", 1], [229185, 233205, "Kevin_Bacon", 2], [229185, 233206, "Kevin_Bacon", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205476, 214055, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4]], [[316777, 305900, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4]]], "all_evidence": [[205476, 214055, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4], [316777, 305900, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270783, 266786, "Blank_Space", 10]]], "all_evidence": [[270783, 266786, "Blank_Space", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158780, null, null, null]]], "all_evidence": [[158780, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270489, 266520, "Sejong_the_Great", 0]], [[270489, 266521, "Sejong_the_Great", 3]], [[270489, 266522, "Sejong_the_Great", 13]]], "all_evidence": [[270489, 266520, "Sejong_the_Great", 0], [270489, 266521, "Sejong_the_Great", 3], [270489, 266522, "Sejong_the_Great", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136970, 151795, "Adidas", 0]]], "all_evidence": [[136970, 151795, "Adidas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94859, 107836, "The_Beguiled_-LRB-1971_film-RRB-", 1]], [[97006, 110160, "The_Beguiled_-LRB-1971_film-RRB-", 1], [97006, 110160, "The_Beguiled_-LRB-1971_film-RRB-", 0]], [[306643, 297266, "The_Beguiled_-LRB-1971_film-RRB-", 1]]], "all_evidence": [[94859, 107836, "The_Beguiled_-LRB-1971_film-RRB-", 1], [97006, 110160, "The_Beguiled_-LRB-1971_film-RRB-", 1], [97006, 110160, "The_Beguiled_-LRB-1971_film-RRB-", 0], [306643, 297266, "The_Beguiled_-LRB-1971_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43562, 52206, "Salman_Rushdie", 1]]], "all_evidence": [[43562, 52206, "Salman_Rushdie", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19238, null, null, null]]], "all_evidence": [[19238, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137126, null, null, null]]], "all_evidence": [[137126, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224634, 229441, "American_Library_Association", 1]]], "all_evidence": [[224634, 229441, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107924, 121409, "SummerSlam_-LRB-2015-RRB-", 8]], [[107924, 121410, "SummerSlam_-LRB-2015-RRB-", 9]]], "all_evidence": [[107924, 121409, "SummerSlam_-LRB-2015-RRB-", 8], [107924, 121410, "SummerSlam_-LRB-2015-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188721, 200161, "Saturn_Award_for_Best_Fantasy_Film", 0]]], "all_evidence": [[188721, 200161, "Saturn_Award_for_Best_Fantasy_Film", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259299, 257927, "Indian_National_Congress", 8]]], "all_evidence": [[259299, 257927, "Indian_National_Congress", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27235, 33361, "Floyd_Mayweather_Jr.", 10]]], "all_evidence": [[27235, 33361, "Floyd_Mayweather_Jr.", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56089, 66218, "A.J._Styles", 15]]], "all_evidence": [[56089, 66218, "A.J._Styles", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155781, 170439, "Touch_My_Body", 0]]], "all_evidence": [[155781, 170439, "Touch_My_Body", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263294, null, null, null]]], "all_evidence": [[263294, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105679, 119111, "The_Beverly_Hillbillies", 6]]], "all_evidence": [[105679, 119111, "The_Beverly_Hillbillies", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22118, 27182, "Michael_Hutchence", 15], [22118, 27182, "Sydney", 0]]], "all_evidence": [[22118, 27182, "Michael_Hutchence", 15], [22118, 27182, "Sydney", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265336, null, null, null]]], "all_evidence": [[265336, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47392, null, null, null]]], "all_evidence": [[47392, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159574, 174074, "Laura_Robson", 3]]], "all_evidence": [[159574, 174074, "Laura_Robson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216872, 223524, "Kyra_Sedgwick", 2]]], "all_evidence": [[216872, 223524, "Kyra_Sedgwick", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208721, 216701, "Vic_Mensa", 0]]], "all_evidence": [[208721, 216701, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91299, 104006, "Inside_Llewyn_Davis", 10], [91299, 104006, "2013_Cannes_Film_Festival", 0]]], "all_evidence": [[91299, 104006, "Inside_Llewyn_Davis", 10], [91299, 104006, "2013_Cannes_Film_Festival", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[120377, 134598, "Annabelle_-LRB-doll-RRB-", 1]]], "all_evidence": [[120377, 134598, "Annabelle_-LRB-doll-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102364, null, null, null]]], "all_evidence": [[102364, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170057, null, null, null]]], "all_evidence": [[170057, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200677, null, null, null]]], "all_evidence": [[200677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20730, 25405, "Elizabeth_Olsen", 0]], [[20730, 25406, "Elizabeth_Olsen", 1]], [[20730, 25407, "Elizabeth_Olsen", 2]], [[20730, 25408, "Elizabeth_Olsen", 3]]], "all_evidence": [[20730, 25405, "Elizabeth_Olsen", 0], [20730, 25406, "Elizabeth_Olsen", 1], [20730, 25407, "Elizabeth_Olsen", 2], [20730, 25408, "Elizabeth_Olsen", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147736, 162765, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]], "all_evidence": [[147736, 162765, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124299, null, null, null]]], "all_evidence": [[124299, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28820, 35174, "Malta", 18]]], "all_evidence": [[28820, 35174, "Malta", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207744, 215951, "The_Good_German", 1]]], "all_evidence": [[207744, 215951, "The_Good_German", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143493, 158594, "Victor_Frankenstein_-LRB-film-RRB-", 0]]], "all_evidence": [[143493, 158594, "Victor_Frankenstein_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279385, 274009, "SummerSlam_-LRB-2015-RRB-", 8]], [[281134, 275517, "SummerSlam_-LRB-2015-RRB-", 8]], [[327662, 314880, "SummerSlam_-LRB-2015-RRB-", 8]], [[327663, 314881, "SummerSlam_-LRB-2015-RRB-", 8]], [[327663, 314882, "SummerSlam_-LRB-2015-RRB-", 9]], [[327667, 314885, "SummerSlam_-LRB-2015-RRB-", 8]]], "all_evidence": [[279385, 274009, "SummerSlam_-LRB-2015-RRB-", 8], [281134, 275517, "SummerSlam_-LRB-2015-RRB-", 8], [327662, 314880, "SummerSlam_-LRB-2015-RRB-", 8], [327663, 314881, "SummerSlam_-LRB-2015-RRB-", 8], [327663, 314882, "SummerSlam_-LRB-2015-RRB-", 9], [327667, 314885, "SummerSlam_-LRB-2015-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31166, 37851, "Faye_Resnick", 0]]], "all_evidence": [[31166, 37851, "Faye_Resnick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17904, 22060, "Pakistan", 0]]], "all_evidence": [[17904, 22060, "Pakistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242217, 243644, "Tyler_Perry", 0]], [[242217, 243645, "Tyler_Perry", 1]]], "all_evidence": [[242217, 243644, "Tyler_Perry", 0], [242217, 243645, "Tyler_Perry", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73895, null, null, null]]], "all_evidence": [[73895, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242194, null, null, null]]], "all_evidence": [[242194, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150291, 165214, "Balibo_-LRB-film-RRB-", 0]]], "all_evidence": [[150291, 165214, "Balibo_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25673, 31601, "The_Beverly_Hillbillies", 6]]], "all_evidence": [[25673, 31601, "The_Beverly_Hillbillies", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133034, 147913, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[133034, 147913, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131051, null, null, null]]], "all_evidence": [[131051, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251565, null, null, null]]], "all_evidence": [[251565, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104895, null, null, null]]], "all_evidence": [[104895, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135575, null, null, null]]], "all_evidence": [[135575, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92905, 105765, "The_Hunger_Games_-LRB-novel-RRB-", 0]], [[92905, 105766, "The_Hunger_Games_-LRB-novel-RRB-", 12]], [[92905, 105767, "The_Hunger_Games_-LRB-novel-RRB-", 13]]], "all_evidence": [[92905, 105765, "The_Hunger_Games_-LRB-novel-RRB-", 0], [92905, 105766, "The_Hunger_Games_-LRB-novel-RRB-", 12], [92905, 105767, "The_Hunger_Games_-LRB-novel-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269056, null, null, null]]], "all_evidence": [[269056, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95750, 108793, "Donna_Noble", 1]], [[95750, 108794, "Donna_Noble", 2]], [[95750, 108795, "Donna_Noble", 3]]], "all_evidence": [[95750, 108793, "Donna_Noble", 1], [95750, 108794, "Donna_Noble", 2], [95750, 108795, "Donna_Noble", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58940, 69252, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[58940, 69252, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175228, 188236, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[175228, 188236, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127414, 141969, "Freddie_Highmore", 5]]], "all_evidence": [[127414, 141969, "Freddie_Highmore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251121, null, null, null]]], "all_evidence": [[251121, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228955, 233046, "Backing_vocalist", 0]], [[228976, 233068, "Backing_vocalist", 0]]], "all_evidence": [[228955, 233046, "Backing_vocalist", 0], [228976, 233068, "Backing_vocalist", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102853, null, null, null]]], "all_evidence": [[102853, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71503, 82480, "Loretta_Sanchez", 0]], [[71504, 82481, "Loretta_Sanchez", 0]]], "all_evidence": [[71503, 82480, "Loretta_Sanchez", 0], [71504, 82481, "Loretta_Sanchez", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115170, 128972, "Sabbir_Khan", 0]], [[115170, 128973, "Sabbir_Khan", 1]], [[115170, 128974, "Sabbir_Khan", 3], [115170, 128974, "Heropanti", 0]]], "all_evidence": [[115170, 128972, "Sabbir_Khan", 0], [115170, 128973, "Sabbir_Khan", 1], [115170, 128974, "Sabbir_Khan", 3], [115170, 128974, "Heropanti", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224615, 229436, "American_Library_Association", 1]]], "all_evidence": [[224615, 229436, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61779, null, null, null]]], "all_evidence": [[61779, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296097, 288039, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]], [[296097, 288040, "Manchester_by_the_Sea_-LRB-film-RRB-", 4]], [[296097, 288041, "Manchester_by_the_Sea_-LRB-film-RRB-", 5]], [[296097, 288042, "Manchester_by_the_Sea_-LRB-film-RRB-", 8]], [[296097, 288043, "Manchester_by_the_Sea_-LRB-film-RRB-", 10]], [[296097, 288044, "Manchester_by_the_Sea_-LRB-film-RRB-", 11]], [[297677, 289292, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]], [[297677, 289293, "Manchester_by_the_Sea_-LRB-film-RRB-", 4]], [[297677, 289294, "Manchester_by_the_Sea_-LRB-film-RRB-", 10]], [[297677, 289295, "Manchester_by_the_Sea_-LRB-film-RRB-", 8]], [[299773, 291158, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]], [[299773, 291159, "Manchester_by_the_Sea_-LRB-film-RRB-", 8]], [[299773, 291160, "Manchester_by_the_Sea_-LRB-film-RRB-", 10]], [[299773, 291161, "Manchester_by_the_Sea_-LRB-film-RRB-", 11], [299773, 291161, "Golden_Globe_Award_for_Best_Actor_\u2013_Motion_Picture_Drama", 0]], [[299773, 291162, "Manchester_by_the_Sea_-LRB-film-RRB-", 4]], [[342237, 326327, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]], [[342270, 326346, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]], [[342283, 326355, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]], [[342283, 326356, "Manchester_by_the_Sea_-LRB-film-RRB-", 4]], [[342283, 326357, "Manchester_by_the_Sea_-LRB-film-RRB-", 10]]], "all_evidence": [[296097, 288039, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [296097, 288040, "Manchester_by_the_Sea_-LRB-film-RRB-", 4], [296097, 288041, "Manchester_by_the_Sea_-LRB-film-RRB-", 5], [296097, 288042, "Manchester_by_the_Sea_-LRB-film-RRB-", 8], [296097, 288043, "Manchester_by_the_Sea_-LRB-film-RRB-", 10], [296097, 288044, "Manchester_by_the_Sea_-LRB-film-RRB-", 11], [297677, 289292, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [297677, 289293, "Manchester_by_the_Sea_-LRB-film-RRB-", 4], [297677, 289294, "Manchester_by_the_Sea_-LRB-film-RRB-", 10], [297677, 289295, "Manchester_by_the_Sea_-LRB-film-RRB-", 8], [299773, 291158, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [299773, 291159, "Manchester_by_the_Sea_-LRB-film-RRB-", 8], [299773, 291160, "Manchester_by_the_Sea_-LRB-film-RRB-", 10], [299773, 291161, "Manchester_by_the_Sea_-LRB-film-RRB-", 11], [299773, 291161, "Golden_Globe_Award_for_Best_Actor_\u2013_Motion_Picture_Drama", 0], [299773, 291162, "Manchester_by_the_Sea_-LRB-film-RRB-", 4], [342237, 326327, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [342270, 326346, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [342283, 326355, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [342283, 326356, "Manchester_by_the_Sea_-LRB-film-RRB-", 4], [342283, 326357, "Manchester_by_the_Sea_-LRB-film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109851, null, null, null]]], "all_evidence": [[109851, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286866, 280342, "Mars", 6]], [[289029, 282191, "Mars", 6]], [[290729, 283697, "Mars", 6]], [[334773, 320740, "Mars", 6]]], "all_evidence": [[286866, 280342, "Mars", 6], [289029, 282191, "Mars", 6], [290729, 283697, "Mars", 6], [334773, 320740, "Mars", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33975, 41193, "Scandal_-LRB-American_band-RRB-", 0]], [[33975, 41194, "Scandal_-LRB-American_band-RRB-", 1], [33975, 41194, "The_Warrior_-LRB-song-RRB-", 0]], [[33975, 41195, "Scandal_-LRB-American_band-RRB-", 2], [33975, 41195, "Goodbye_to_You_-LRB-Scandal_song-RRB-", 0]]], "all_evidence": [[33975, 41193, "Scandal_-LRB-American_band-RRB-", 0], [33975, 41194, "Scandal_-LRB-American_band-RRB-", 1], [33975, 41194, "The_Warrior_-LRB-song-RRB-", 0], [33975, 41195, "Scandal_-LRB-American_band-RRB-", 2], [33975, 41195, "Goodbye_to_You_-LRB-Scandal_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103236, null, null, null]]], "all_evidence": [[103236, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228911, null, null, null], [231470, null, null, null], [232878, null, null, null], [318422, null, null, null], [319968, null, null, null]]], "all_evidence": [[228911, null, null, null], [231470, null, null, null], [232878, null, null, null], [318422, null, null, null], [319968, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247530, 247817, "Sennacherib", 2]]], "all_evidence": [[247530, 247817, "Sennacherib", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146981, 161947, "American_Civil_War", 0]]], "all_evidence": [[146981, 161947, "American_Civil_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180396, 192891, "Hebe_-LRB-mythology-RRB-", 2]], [[182331, 194570, "Hebe_-LRB-mythology-RRB-", 2]], [[183760, 195761, "Hebe_-LRB-mythology-RRB-", 2]], [[314206, 303626, "Hebe_-LRB-mythology-RRB-", 2]], [[315978, 305189, "Hebe_-LRB-mythology-RRB-", 2]]], "all_evidence": [[180396, 192891, "Hebe_-LRB-mythology-RRB-", 2], [182331, 194570, "Hebe_-LRB-mythology-RRB-", 2], [183760, 195761, "Hebe_-LRB-mythology-RRB-", 2], [314206, 303626, "Hebe_-LRB-mythology-RRB-", 2], [315978, 305189, "Hebe_-LRB-mythology-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168256, null, null, null]]], "all_evidence": [[168256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30105, 36669, "Benjamin_Franklin", 1]]], "all_evidence": [[30105, 36669, "Benjamin_Franklin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161680, 176107, "Color_of_Night", 0]]], "all_evidence": [[161680, 176107, "Color_of_Night", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242361, null, null, null]]], "all_evidence": [[242361, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45178, 53922, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[45178, 53922, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118603, 132457, "Virginia", 19]]], "all_evidence": [[118603, 132457, "Virginia", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149989, 164922, "Cthulhu", 2]]], "all_evidence": [[149989, 164922, "Cthulhu", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86415, null, null, null]]], "all_evidence": [[86415, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111848, null, null, null]]], "all_evidence": [[111848, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89036, null, null, null]]], "all_evidence": [[89036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159898, 174409, "Adidas", 0]]], "all_evidence": [[159898, 174409, "Adidas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200601, 210080, "Hair_-LRB-musical-RRB-", 15]]], "all_evidence": [[200601, 210080, "Hair_-LRB-musical-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88051, null, null, null]]], "all_evidence": [[88051, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91816, 104621, "Bengal_tiger", 0]]], "all_evidence": [[91816, 104621, "Bengal_tiger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73706, 84954, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[73706, 84954, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45014, 53722, "Road_House_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[45014, 53722, "Road_House_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228959, 233053, "Backing_vocalist", 0], [228959, 233053, "Vocal_harmony", 0]]], "all_evidence": [[228959, 233053, "Backing_vocalist", 0], [228959, 233053, "Vocal_harmony", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31417, null, null, null]]], "all_evidence": [[31417, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43081, 51723, "Battle_of_the_Bastards", 15]]], "all_evidence": [[43081, 51723, "Battle_of_the_Bastards", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268508, 265081, "American_Civil_War", 0]], [[270508, 266539, "American_Civil_War", 0]], [[271586, 267423, "American_Civil_War", 0]], [[321867, 310238, "American_Civil_War", 0]], [[323306, 311500, "American_Civil_War", 0]], [[323306, 311501, "American_Civil_War", 15]]], "all_evidence": [[268508, 265081, "American_Civil_War", 0], [270508, 266539, "American_Civil_War", 0], [271586, 267423, "American_Civil_War", 0], [321867, 310238, "American_Civil_War", 0], [323306, 311500, "American_Civil_War", 0], [323306, 311501, "American_Civil_War", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176178, 189139, "China", 16]]], "all_evidence": [[176178, 189139, "China", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126837, 141284, "Babur", 0]]], "all_evidence": [[126837, 141284, "Babur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186444, null, null, null]]], "all_evidence": [[186444, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162510, null, null, null]]], "all_evidence": [[162510, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113567, null, null, null], [113569, null, null, null]]], "all_evidence": [[113567, null, null, null], [113569, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189089, 200422, "Carey_Hayes", 0]]], "all_evidence": [[189089, 200422, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118935, 132809, "I_Want_to_Know_What_Love_Is", 4]]], "all_evidence": [[118935, 132809, "I_Want_to_Know_What_Love_Is", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55626, null, null, null]]], "all_evidence": [[55626, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269249, null, null, null]]], "all_evidence": [[269249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242341, null, null, null]]], "all_evidence": [[242341, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174899, null, null, null]]], "all_evidence": [[174899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52356, 62320, "Southern_Hospitality_-LRB-song-RRB-", 2]]], "all_evidence": [[52356, 62320, "Southern_Hospitality_-LRB-song-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200600, null, null, null]]], "all_evidence": [[200600, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54910, 64911, "Ron_Dennis", 27]]], "all_evidence": [[54910, 64911, "Ron_Dennis", 27]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125149, 139499, "Charles_Howard_Hinton", 0]]], "all_evidence": [[125149, 139499, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103032, 116353, "Sausage_Party", 0]]], "all_evidence": [[103032, 116353, "Sausage_Party", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169964, null, null, null]]], "all_evidence": [[169964, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270490, null, null, null]]], "all_evidence": [[270490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43051, 51697, "Google_Search", 13]]], "all_evidence": [[43051, 51697, "Google_Search", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175858, null, null, null]]], "all_evidence": [[175858, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287136, null, null, null], [335192, null, null, null], [335195, null, null, null], [335197, null, null, null], [335199, null, null, null], [335216, null, null, null]]], "all_evidence": [[287136, null, null, null], [335192, null, null, null], [335195, null, null, null], [335197, null, null, null], [335199, null, null, null], [335216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181096, 193387, "Kareem_Abdul-Jabbar", 0]]], "all_evidence": [[181096, 193387, "Kareem_Abdul-Jabbar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268433, 265018, "Brian_De_Palma", 0]]], "all_evidence": [[268433, 265018, "Brian_De_Palma", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100089, null, null, null]]], "all_evidence": [[100089, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49902, null, null, null]]], "all_evidence": [[49902, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196020, null, null, null]]], "all_evidence": [[196020, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[187188, null, null, null]]], "all_evidence": [[187188, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274336, 269638, "Anxiety", 13]], [[276686, 271767, "Anxiety", 13]], [[277506, 272423, "Anxiety", 13]], [[322411, 310745, "Anxiety", 13]], [[323560, 311772, "Anxiety", 13]]], "all_evidence": [[274336, 269638, "Anxiety", 13], [276686, 271767, "Anxiety", 13], [277506, 272423, "Anxiety", 13], [322411, 310745, "Anxiety", 13], [323560, 311772, "Anxiety", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199427, 209110, "Northwestern_University", 0]]], "all_evidence": [[199427, 209110, "Northwestern_University", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28036, null, null, null]]], "all_evidence": [[28036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228978, 233070, "Backing_vocalist", 0]], [[228978, 233071, "Backing_vocalist", 1]], [[228994, 233083, "Backing_vocalist", 1]], [[228994, 233084, "Backing_vocalist", 0]]], "all_evidence": [[228978, 233070, "Backing_vocalist", 0], [228978, 233071, "Backing_vocalist", 1], [228994, 233083, "Backing_vocalist", 1], [228994, 233084, "Backing_vocalist", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198878, null, null, null]]], "all_evidence": [[198878, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70165, 81047, "SummerSlam_-LRB-2015-RRB-", 0]]], "all_evidence": [[70165, 81047, "SummerSlam_-LRB-2015-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39107, null, null, null]]], "all_evidence": [[39107, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50367, 59962, "ASAP_Rocky", 18]], [[50369, 59963, "ASAP_Rocky", 18]]], "all_evidence": [[50367, 59962, "ASAP_Rocky", 18], [50369, 59963, "ASAP_Rocky", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180353, null, null, null]]], "all_evidence": [[180353, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102140, null, null, null]]], "all_evidence": [[102140, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282554, 276734, "Salman_Rushdie", 1]], [[284502, 278318, "Salman_Rushdie", 1]], [[330700, 317300, "Salman_Rushdie", 1]], [[331818, 318273, "Salman_Rushdie", 1]]], "all_evidence": [[282554, 276734, "Salman_Rushdie", 1], [284502, 278318, "Salman_Rushdie", 1], [330700, 317300, "Salman_Rushdie", 1], [331818, 318273, "Salman_Rushdie", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132396, null, null, null]]], "all_evidence": [[132396, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228143, 232396, "L._Ron_Hubbard", 29]]], "all_evidence": [[228143, 232396, "L._Ron_Hubbard", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83570, 95559, "Pulmonary_embolism", 3]]], "all_evidence": [[83570, 95559, "Pulmonary_embolism", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121073, 135385, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[121073, 135385, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66864, 77688, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 4]]], "all_evidence": [[66864, 77688, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93028, 105915, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[93028, 105915, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146505, 161485, "Elizabeth_Olsen", 1], [146505, 161485, "Godzilla_-LRB-2014_film-RRB-", 2], [146505, 161485, "Liberal_Arts_-LRB-film-RRB-", 1]], [[146505, 161486, "Elizabeth_Olsen", 2], [146505, 161486, "Martha_Marcy_May_Marlene", 0]]], "all_evidence": [[146505, 161485, "Elizabeth_Olsen", 1], [146505, 161485, "Godzilla_-LRB-2014_film-RRB-", 2], [146505, 161485, "Liberal_Arts_-LRB-film-RRB-", 1], [146505, 161486, "Elizabeth_Olsen", 2], [146505, 161486, "Martha_Marcy_May_Marlene", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52810, null, null, null]]], "all_evidence": [[52810, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71663, null, null, null]]], "all_evidence": [[71663, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241224, 242770, "Latvian_Soviet_Socialist_Republic", 0], [241224, 242770, "Soviet_Union", 0]]], "all_evidence": [[241224, 242770, "Latvian_Soviet_Socialist_Republic", 0], [241224, 242770, "Soviet_Union", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50117, null, null, null]]], "all_evidence": [[50117, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247223, 247543, "The_Monster_-LRB-song-RRB-", 0]], [[247225, 247545, "The_Monster_-LRB-song-RRB-", 0]]], "all_evidence": [[247223, 247543, "The_Monster_-LRB-song-RRB-", 0], [247225, 247545, "The_Monster_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55781, 65858, "Temple_of_the_Dog", 0]]], "all_evidence": [[55781, 65858, "Temple_of_the_Dog", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158298, 172922, "Elizabeth_I_of_England", 4]]], "all_evidence": [[158298, 172922, "Elizabeth_I_of_England", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140207, null, null, null]]], "all_evidence": [[140207, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103545, 116974, "Cyclades", 0]], [[103545, 116975, "Cyclades", 1]], [[103545, 116976, "Cyclades", 2]], [[103545, 116977, "Cyclades", 3], [103545, 116977, "Naxos", 0]]], "all_evidence": [[103545, 116974, "Cyclades", 0], [103545, 116975, "Cyclades", 1], [103545, 116976, "Cyclades", 2], [103545, 116977, "Cyclades", 3], [103545, 116977, "Naxos", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126298, 140715, "The_Hunger_Games_-LRB-film_series-RRB-", 1]]], "all_evidence": [[126298, 140715, "The_Hunger_Games_-LRB-film_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59484, 69895, "A._P._J._Abdul_Kalam", 0]], [[59484, 69896, "A._P._J._Abdul_Kalam", 7]]], "all_evidence": [[59484, 69895, "A._P._J._Abdul_Kalam", 0], [59484, 69896, "A._P._J._Abdul_Kalam", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179591, null, null, null]]], "all_evidence": [[179591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234309, 237215, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 1]]], "all_evidence": [[234309, 237215, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220910, 226688, "Stephen_Moyer", 3]]], "all_evidence": [[220910, 226688, "Stephen_Moyer", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53604, null, null, null]]], "all_evidence": [[53604, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233298, 236268, "Arthur_Schopenhauer", 0]]], "all_evidence": [[233298, 236268, "Arthur_Schopenhauer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171668, null, null, null]]], "all_evidence": [[171668, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63085, 73797, "Little_Dorrit", 0], [63085, 73797, "Serial_-LRB-literature-RRB-", 0]]], "all_evidence": [[63085, 73797, "Little_Dorrit", 0], [63085, 73797, "Serial_-LRB-literature-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227519, 231880, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227519, 231880, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177784, 190494, "Veep", 8]], [[177784, 190495, "Veep", 7]]], "all_evidence": [[177784, 190494, "Veep", 8], [177784, 190495, "Veep", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104517, 117936, "Phoenix,_Arizona", 0]], [[104517, 117937, "Phoenix,_Arizona", 1]], [[104517, 117938, "Phoenix,_Arizona", 6]]], "all_evidence": [[104517, 117936, "Phoenix,_Arizona", 0], [104517, 117937, "Phoenix,_Arizona", 1], [104517, 117938, "Phoenix,_Arizona", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177988, 190652, "Neuromodulation", 3]]], "all_evidence": [[177988, 190652, "Neuromodulation", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267603, 264275, "Vampire_Academy_-LRB-film-RRB-", 6]]], "all_evidence": [[267603, 264275, "Vampire_Academy_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175821, 188787, "Grateful_Dead", 15]], [[175822, 188788, "Grateful_Dead", 15]]], "all_evidence": [[175821, 188787, "Grateful_Dead", 15], [175822, 188788, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179017, null, null, null]]], "all_evidence": [[179017, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220121, 225978, "Pitch_Perfect_2", 2]], [[220126, 225983, "Pitch_Perfect_2", 2]]], "all_evidence": [[220121, 225978, "Pitch_Perfect_2", 2], [220126, 225983, "Pitch_Perfect_2", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123168, null, null, null]]], "all_evidence": [[123168, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47281, 56398, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[47281, 56398, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153111, null, null, null], [155846, null, null, null], [311651, null, null, null]]], "all_evidence": [[153111, null, null, null], [155846, null, null, null], [311651, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224132, null, null, null]]], "all_evidence": [[224132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53994, 63982, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]], [[54002, 63988, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]], "all_evidence": [[53994, 63982, "The_Book_of_Mormon_-LRB-musical-RRB-", 19], [54002, 63988, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163367, 177582, "Golf", 0]], [[163367, 177583, "Golf", 3]], [[163367, 177584, "Golf", 4]], [[163367, 177585, "Golf", 5]], [[163367, 177586, "Golf", 6]]], "all_evidence": [[163367, 177582, "Golf", 0], [163367, 177583, "Golf", 3], [163367, 177584, "Golf", 4], [163367, 177585, "Golf", 5], [163367, 177586, "Golf", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132456, 147363, "Jenny_McCarthy", 1]]], "all_evidence": [[132456, 147363, "Jenny_McCarthy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265338, 262554, "Practical_Magic", 0]]], "all_evidence": [[265338, 262554, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104755, 118172, "Boeing_787_Dreamliner", 0]]], "all_evidence": [[104755, 118172, "Boeing_787_Dreamliner", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85417, 97748, "Java", 0]], [[85417, 97749, "Java", 1]], [[85417, 97750, "Java", 2], [85417, 97750, "Jakarta", 2]], [[85417, 97751, "Java", 9]], [[85417, 97752, "Java", 10]], [[85417, 97753, "Java", 11]], [[85417, 97754, "Java", 12], [85417, 97754, "Javanese_language", 0]], [[85417, 97755, "Java", 17], [85417, 97755, "Banten", 0]]], "all_evidence": [[85417, 97748, "Java", 0], [85417, 97749, "Java", 1], [85417, 97750, "Java", 2], [85417, 97750, "Jakarta", 2], [85417, 97751, "Java", 9], [85417, 97752, "Java", 10], [85417, 97753, "Java", 11], [85417, 97754, "Java", 12], [85417, 97754, "Javanese_language", 0], [85417, 97755, "Java", 17], [85417, 97755, "Banten", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157390, 171951, "Hinduism", 8]], [[157390, 171952, "Hinduism", 7]]], "all_evidence": [[157390, 171951, "Hinduism", 8], [157390, 171952, "Hinduism", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149122, null, null, null]]], "all_evidence": [[149122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163435, 177673, "SpongeBob_SquarePants", 0]], [[163435, 177674, "SpongeBob_SquarePants", 2]], [[163435, 177675, "SpongeBob_SquarePants", 7]]], "all_evidence": [[163435, 177673, "SpongeBob_SquarePants", 0], [163435, 177674, "SpongeBob_SquarePants", 2], [163435, 177675, "SpongeBob_SquarePants", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216886, 223532, "Kyra_Sedgwick", 2]], [[216886, 223533, "Kyra_Sedgwick", 4], [216886, 223533, "Brooklyn_Nine-Nine", 1]], [[216888, 223536, "Kyra_Sedgwick", 2]]], "all_evidence": [[216886, 223532, "Kyra_Sedgwick", 2], [216886, 223533, "Kyra_Sedgwick", 4], [216886, 223533, "Brooklyn_Nine-Nine", 1], [216888, 223536, "Kyra_Sedgwick", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109662, 123279, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[109662, 123279, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38467, 46417, "The_Punisher_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[38467, 46417, "The_Punisher_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269069, null, null, null]]], "all_evidence": [[269069, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151679, null, null, null]]], "all_evidence": [[151679, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179105, 191639, "Ian_Gillan", 0]]], "all_evidence": [[179105, 191639, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174182, 187373, "Musala", 0]], [[174182, 187374, "Musala", 1]], [[174182, 187375, "Musala", 2]], [[174182, 187376, "Musala", 9]]], "all_evidence": [[174182, 187373, "Musala", 0], [174182, 187374, "Musala", 1], [174182, 187375, "Musala", 2], [174182, 187376, "Musala", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95255, 108257, "Temple_of_the_Dog", 0]], [[95255, 108258, "Temple_of_the_Dog", 6], [95255, 108258, "Temple_of_the_Dog_-LRB-album-RRB-", 0]], [[95255, 108259, "Temple_of_the_Dog", 1], [95255, 108259, "Chris_Cornell", 2]], [[95255, 108260, "Temple_of_the_Dog", 2], [95255, 108260, "Mike_McCready", 2]]], "all_evidence": [[95255, 108257, "Temple_of_the_Dog", 0], [95255, 108258, "Temple_of_the_Dog", 6], [95255, 108258, "Temple_of_the_Dog_-LRB-album-RRB-", 0], [95255, 108259, "Temple_of_the_Dog", 1], [95255, 108259, "Chris_Cornell", 2], [95255, 108260, "Temple_of_the_Dog", 2], [95255, 108260, "Mike_McCready", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115957, 129844, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[115957, 129844, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40439, 48658, "LinkedIn", 14]]], "all_evidence": [[40439, 48658, "LinkedIn", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166453, null, null, null]]], "all_evidence": [[166453, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195183, 205503, "Hammer_Film_Productions", 17]]], "all_evidence": [[195183, 205503, "Hammer_Film_Productions", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114206, 128011, "Virginia", 19]]], "all_evidence": [[114206, 128011, "Virginia", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65900, null, null, null]]], "all_evidence": [[65900, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76422, 87708, "Granite", 0]], [[76422, 87709, "Granite", 3]], [[76422, 87710, "Granite", 6]]], "all_evidence": [[76422, 87708, "Granite", 0], [76422, 87709, "Granite", 3], [76422, 87710, "Granite", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247214, 247527, "The_Monster_-LRB-song-RRB-", 0]]], "all_evidence": [[247214, 247527, "The_Monster_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74944, 86159, "Floyd_Mayweather_Jr.", 0]], [[74944, 86160, "Floyd_Mayweather_Jr.", 1]]], "all_evidence": [[74944, 86159, "Floyd_Mayweather_Jr.", 0], [74944, 86160, "Floyd_Mayweather_Jr.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220122, 225979, "Pitch_Perfect_2", 2]]], "all_evidence": [[220122, 225979, "Pitch_Perfect_2", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197922, 207846, "Jiang_Wen", 0]], [[197922, 207847, "Jiang_Wen", 1]], [[197922, 207848, "Jiang_Wen", 2]], [[197922, 207849, "Jiang_Wen", 3]]], "all_evidence": [[197922, 207846, "Jiang_Wen", 0], [197922, 207847, "Jiang_Wen", 1], [197922, 207848, "Jiang_Wen", 2], [197922, 207849, "Jiang_Wen", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247532, 247818, "Sennacherib", 2], [247532, 247818, "Esarhaddon", 1]]], "all_evidence": [[247532, 247818, "Sennacherib", 2], [247532, 247818, "Esarhaddon", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247212, 247519, "The_Monster_-LRB-song-RRB-", 0]], [[247212, 247520, "The_Monster_-LRB-song-RRB-", 1]], [[247212, 247521, "The_Monster_-LRB-song-RRB-", 4]], [[247212, 247522, "The_Monster_-LRB-song-RRB-", 7]], [[247212, 247523, "The_Monster_-LRB-song-RRB-", 8]], [[247212, 247524, "The_Monster_-LRB-song-RRB-", 9]], [[247212, 247525, "The_Monster_-LRB-song-RRB-", 14]]], "all_evidence": [[247212, 247519, "The_Monster_-LRB-song-RRB-", 0], [247212, 247520, "The_Monster_-LRB-song-RRB-", 1], [247212, 247521, "The_Monster_-LRB-song-RRB-", 4], [247212, 247522, "The_Monster_-LRB-song-RRB-", 7], [247212, 247523, "The_Monster_-LRB-song-RRB-", 8], [247212, 247524, "The_Monster_-LRB-song-RRB-", 9], [247212, 247525, "The_Monster_-LRB-song-RRB-", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99824, 112998, "Paul_von_Hindenburg", 0]]], "all_evidence": [[99824, 112998, "Paul_von_Hindenburg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168154, null, null, null]]], "all_evidence": [[168154, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81971, null, null, null]]], "all_evidence": [[81971, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91797, 104596, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]], "all_evidence": [[91797, 104596, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91102, 103789, "Washington_Monument", 1]]], "all_evidence": [[91102, 103789, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121668, 135977, "Oscar_Isaac", 7]]], "all_evidence": [[121668, 135977, "Oscar_Isaac", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156189, null, null, null]]], "all_evidence": [[156189, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255040, 254591, "The_Tracey_Fragments_-LRB-film-RRB-", 4], [255040, 254591, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]], "all_evidence": [[255040, 254591, "The_Tracey_Fragments_-LRB-film-RRB-", 4], [255040, 254591, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121423, null, null, null]]], "all_evidence": [[121423, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[204682, 213417, "Zoe_Saldana", 0]], [[207091, 215399, "Zoe_Saldana", 0]], [[315648, 304893, "Zoe_Saldana", 0]]], "all_evidence": [[204682, 213417, "Zoe_Saldana", 0], [207091, 215399, "Zoe_Saldana", 0], [315648, 304893, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241555, 243084, "Commodore_-LRB-rank-RRB-", 0]], [[241556, 243085, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241555, 243084, "Commodore_-LRB-rank-RRB-", 0], [241556, 243085, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176024, 188989, "Uranium", 0]], [[176024, 188990, "Uranium", 5]], [[176024, 188991, "Uranium", 29]], [[176024, 188992, "Uranium", 1], [176024, 188992, "Periodic_table", 0]]], "all_evidence": [[176024, 188989, "Uranium", 0], [176024, 188990, "Uranium", 5], [176024, 188991, "Uranium", 29], [176024, 188992, "Uranium", 1], [176024, 188992, "Periodic_table", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107112, 120487, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]], "all_evidence": [[107112, 120487, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143134, 158238, "Menace_II_Society", 0]]], "all_evidence": [[143134, 158238, "Menace_II_Society", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180217, 192759, "A.J._Styles", 4]], [[180217, 192760, "A.J._Styles", 5]], [[180217, 192761, "A.J._Styles", 6], [180217, 192761, "Triple_Crown_-LRB-professional_wrestling-RRB-", 1]], [[180217, 192762, "A.J._Styles", 8]], [[180217, 192763, "A.J._Styles", 9]], [[180217, 192764, "A.J._Styles", 10]], [[180217, 192765, "A.J._Styles", 15]]], "all_evidence": [[180217, 192759, "A.J._Styles", 4], [180217, 192760, "A.J._Styles", 5], [180217, 192761, "A.J._Styles", 6], [180217, 192761, "Triple_Crown_-LRB-professional_wrestling-RRB-", 1], [180217, 192762, "A.J._Styles", 8], [180217, 192763, "A.J._Styles", 9], [180217, 192764, "A.J._Styles", 10], [180217, 192765, "A.J._Styles", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45345, 54121, "Exit_the_King", 0]], [[45346, 54122, "Exit_the_King", 0]]], "all_evidence": [[45345, 54121, "Exit_the_King", 0], [45346, 54122, "Exit_the_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139839, 154864, "Babur", 0], [139839, 154864, "Mughal_Empire", 8]]], "all_evidence": [[139839, 154864, "Babur", 0], [139839, 154864, "Mughal_Empire", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96406, 109571, "Olympic_medal", 6]]], "all_evidence": [[96406, 109571, "Olympic_medal", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115580, 129453, "Michael_Hutchence", 0]], [[115580, 129454, "Michael_Hutchence", 1]], [[115580, 129455, "Michael_Hutchence", 15]], [[115580, 129456, "Michael_Hutchence", 16]]], "all_evidence": [[115580, 129453, "Michael_Hutchence", 0], [115580, 129454, "Michael_Hutchence", 1], [115580, 129455, "Michael_Hutchence", 15], [115580, 129456, "Michael_Hutchence", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36958, 44613, "Spider-Man_2", 0]], [[36958, 44614, "Spider-Man_2", 11]]], "all_evidence": [[36958, 44613, "Spider-Man_2", 0], [36958, 44614, "Spider-Man_2", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24450, 30231, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]], "all_evidence": [[24450, 30231, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123760, 138147, "Psych_-LRB-season_2-RRB-", 0]], [[123761, 138148, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[123760, 138147, "Psych_-LRB-season_2-RRB-", 0], [123761, 138148, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212543, null, null, null]]], "all_evidence": [[212543, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270495, null, null, null]]], "all_evidence": [[270495, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251569, 251401, "Gory_Guerrero", 0]]], "all_evidence": [[251569, 251401, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93188, 106109, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[93188, 106109, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26954, null, null, null]]], "all_evidence": [[26954, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233448, null, null, null]]], "all_evidence": [[233448, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148663, 163697, "Scandal_-LRB-American_band-RRB-", 0]]], "all_evidence": [[148663, 163697, "Scandal_-LRB-American_band-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104778, null, null, null]]], "all_evidence": [[104778, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115714, 129583, "Player-coach", 1]]], "all_evidence": [[115714, 129583, "Player-coach", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277042, null, null, null], [277043, null, null, null], [324141, null, null, null]]], "all_evidence": [[277042, null, null, null], [277043, null, null, null], [324141, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284274, null, null, null], [330417, null, null, null], [331589, null, null, null]]], "all_evidence": [[284274, null, null, null], [330417, null, null, null], [331589, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60765, 71250, "Richard_Dawson", 0]]], "all_evidence": [[60765, 71250, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63534, 74286, "Chris_Bosh", 0]]], "all_evidence": [[63534, 74286, "Chris_Bosh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264560, 261989, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]]], "all_evidence": [[264560, 261989, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163218, null, null, null]]], "all_evidence": [[163218, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175904, 188871, "Lee_Daniels", 1], [175904, 188871, "Precious_-LRB-film-RRB-", 0]]], "all_evidence": [[175904, 188871, "Lee_Daniels", 1], [175904, 188871, "Precious_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48664, null, null, null]]], "all_evidence": [[48664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78914, 90508, "Pulmonary_embolism", 3]]], "all_evidence": [[78914, 90508, "Pulmonary_embolism", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86388, null, null, null]]], "all_evidence": [[86388, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143058, 158158, "Internet_access", 0]]], "all_evidence": [[143058, 158158, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19331, 23733, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]], "all_evidence": [[19331, 23733, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282231, null, null, null], [284224, null, null, null], [285169, null, null, null], [285170, null, null, null], [330272, null, null, null], [330275, null, null, null]]], "all_evidence": [[282231, null, null, null], [284224, null, null, null], [285169, null, null, null], [285170, null, null, null], [330272, null, null, null], [330275, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53684, null, null, null]]], "all_evidence": [[53684, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139898, null, null, null]]], "all_evidence": [[139898, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60749, 71235, "Ricardo_Montalba\u0301n", 0]]], "all_evidence": [[60749, 71235, "Ricardo_Montalba\u0301n", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184511, null, null, null]]], "all_evidence": [[184511, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82200, 93982, "Syco", 0]]], "all_evidence": [[82200, 93982, "Syco", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224417, 229271, "Padua", 1]]], "all_evidence": [[224417, 229271, "Padua", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51633, 61411, "Azithromycin", 17]]], "all_evidence": [[51633, 61411, "Azithromycin", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195132, null, null, null]]], "all_evidence": [[195132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34089, 41334, "Maria_Theresa", 5]], [[34089, 41335, "Maria_Theresa", 6]]], "all_evidence": [[34089, 41334, "Maria_Theresa", 5], [34089, 41335, "Maria_Theresa", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188474, null, null, null]]], "all_evidence": [[188474, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67683, 78513, "Pocahontas", 0]]], "all_evidence": [[67683, 78513, "Pocahontas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51937, null, null, null]]], "all_evidence": [[51937, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201901, 211254, "The_X-Files_-LRB-franchise-RRB-", 8]], [[201901, 211255, "The_X-Files_-LRB-franchise-RRB-", 0], [201901, 211255, "The_X-Files_-LRB-film-RRB-", 4]]], "all_evidence": [[201901, 211254, "The_X-Files_-LRB-franchise-RRB-", 8], [201901, 211255, "The_X-Files_-LRB-franchise-RRB-", 0], [201901, 211255, "The_X-Files_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43296, 51932, "Melilla", 0]]], "all_evidence": [[43296, 51932, "Melilla", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141064, 156239, "Vampire", 1]]], "all_evidence": [[141064, 156239, "Vampire", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234228, null, null, null], [237016, null, null, null], [240600, null, null, null], [320151, null, null, null]]], "all_evidence": [[234228, null, null, null], [237016, null, null, null], [240600, null, null, null], [320151, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107757, null, null, null]]], "all_evidence": [[107757, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140498, 155568, "Sebastian_Vettel", 0]]], "all_evidence": [[140498, 155568, "Sebastian_Vettel", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154274, null, null, null], [154279, null, null, null]]], "all_evidence": [[154274, null, null, null], [154279, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267607, 264280, "Vampire_Academy_-LRB-film-RRB-", 0]], [[267607, 264281, "Vampire_Academy_-LRB-film-RRB-", 1]], [[267607, 264282, "Vampire_Academy_-LRB-film-RRB-", 6]]], "all_evidence": [[267607, 264280, "Vampire_Academy_-LRB-film-RRB-", 0], [267607, 264281, "Vampire_Academy_-LRB-film-RRB-", 1], [267607, 264282, "Vampire_Academy_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120452, 134671, "Sausage_Party", 6]]], "all_evidence": [[120452, 134671, "Sausage_Party", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242300, null, null, null]]], "all_evidence": [[242300, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24494, null, null, null]]], "all_evidence": [[24494, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40716, 48976, "Maximum_Overdrive", 0]], [[43746, 52387, "Maximum_Overdrive", 0]], [[45971, 54912, "Maximum_Overdrive", 0]], [[302129, 293180, "Maximum_Overdrive", 0]], [[303787, 294698, "Maximum_Overdrive", 0]], [[304628, 295441, "Maximum_Overdrive", 0]]], "all_evidence": [[40716, 48976, "Maximum_Overdrive", 0], [43746, 52387, "Maximum_Overdrive", 0], [45971, 54912, "Maximum_Overdrive", 0], [302129, 293180, "Maximum_Overdrive", 0], [303787, 294698, "Maximum_Overdrive", 0], [304628, 295441, "Maximum_Overdrive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92083, 104864, "Gettysburg_Address", 0]], [[92083, 104865, "Gettysburg_Address", 4]], [[92083, 104866, "Gettysburg_Address", 13]], [[92083, 104867, "Gettysburg_Address", 10]], [[92083, 104868, "Gettysburg_Address", 14]], [[92083, 104869, "Gettysburg_Address", 15]]], "all_evidence": [[92083, 104864, "Gettysburg_Address", 0], [92083, 104865, "Gettysburg_Address", 4], [92083, 104866, "Gettysburg_Address", 13], [92083, 104867, "Gettysburg_Address", 10], [92083, 104868, "Gettysburg_Address", 14], [92083, 104869, "Gettysburg_Address", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12706, 15855, "Near-Earth_object", 0]], [[12713, 15860, "Near-Earth_object", 0]], [[12722, 15868, "Near-Earth_object", 0]], [[19376, 23769, "Near-Earth_object", 0]], [[20020, 24579, "Near-Earth_object", 0]], [[197178, 207232, "Near-Earth_object", 0]], [[299096, 290474, "Near-Earth_object", 0]], [[301188, 292302, "Near-Earth_object", 0]]], "all_evidence": [[12706, 15855, "Near-Earth_object", 0], [12713, 15860, "Near-Earth_object", 0], [12722, 15868, "Near-Earth_object", 0], [19376, 23769, "Near-Earth_object", 0], [20020, 24579, "Near-Earth_object", 0], [197178, 207232, "Near-Earth_object", 0], [299096, 290474, "Near-Earth_object", 0], [301188, 292302, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176468, null, null, null]]], "all_evidence": [[176468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117346, 131268, "Cthulhu", 0]]], "all_evidence": [[117346, 131268, "Cthulhu", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258305, 257130, "Fiji_Hindi", 1]]], "all_evidence": [[258305, 257130, "Fiji_Hindi", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212914, 220313, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]], "all_evidence": [[212914, 220313, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242197, null, null, null]]], "all_evidence": [[242197, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286813, null, null, null], [288980, null, null, null], [288991, null, null, null], [333887, null, null, null], [334722, null, null, null], [334725, null, null, null]]], "all_evidence": [[286813, null, null, null], [288980, null, null, null], [288991, null, null, null], [333887, null, null, null], [334722, null, null, null], [334725, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180738, null, null, null]]], "all_evidence": [[180738, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162170, 176500, "Zoroastrianism", 2], [162170, 176500, "Messianism", 0]]], "all_evidence": [[162170, 176500, "Zoroastrianism", 2], [162170, 176500, "Messianism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133110, null, null, null]]], "all_evidence": [[133110, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134583, 149493, "Kevin_Costner", 8]]], "all_evidence": [[134583, 149493, "Kevin_Costner", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263953, null, null, null], [321455, null, null, null]]], "all_evidence": [[263953, null, null, null], [321455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272866, 268524, "Two_and_a_Half_Men", 0]]], "all_evidence": [[272866, 268524, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13652, 17086, "US_Airways_Flight_1549", 2]], [[13657, 17090, "US_Airways_Flight_1549", 2]], [[13690, 17134, "US_Airways_Flight_1549", 2]], [[18943, 23208, "US_Airways_Flight_1549", 2]], [[178311, 190880, "US_Airways_Flight_1549", 2], [178311, 190880, "US_Airways_Flight_1549", 0]], [[299275, 290651, "US_Airways_Flight_1549", 2]]], "all_evidence": [[13652, 17086, "US_Airways_Flight_1549", 2], [13657, 17090, "US_Airways_Flight_1549", 2], [13690, 17134, "US_Airways_Flight_1549", 2], [18943, 23208, "US_Airways_Flight_1549", 2], [178311, 190880, "US_Airways_Flight_1549", 2], [178311, 190880, "US_Airways_Flight_1549", 0], [299275, 290651, "US_Airways_Flight_1549", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164307, 178565, "Chris_Paul", 1]], [[164307, 178566, "Chris_Paul", 2]], [[164307, 178567, "Chris_Paul", 0]]], "all_evidence": [[164307, 178565, "Chris_Paul", 1], [164307, 178566, "Chris_Paul", 2], [164307, 178567, "Chris_Paul", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267003, null, null, null]]], "all_evidence": [[267003, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125274, null, null, null]]], "all_evidence": [[125274, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269085, null, null, null]]], "all_evidence": [[269085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113691, 127553, "Parkinson's_disease", 2]], [[113691, 127554, "Parkinson's_disease", 3]], [[113691, 127555, "Parkinson's_disease", 4]], [[113691, 127556, "Parkinson's_disease", 5]], [[113691, 127557, "Parkinson's_disease", 6]]], "all_evidence": [[113691, 127553, "Parkinson's_disease", 2], [113691, 127554, "Parkinson's_disease", 3], [113691, 127555, "Parkinson's_disease", 4], [113691, 127556, "Parkinson's_disease", 5], [113691, 127557, "Parkinson's_disease", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29898, 36454, "James_Brolin", 0]]], "all_evidence": [[29898, 36454, "James_Brolin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114312, 128094, "Cle\u0301opa\u0302tre", 4]]], "all_evidence": [[114312, 128094, "Cle\u0301opa\u0302tre", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197902, null, null, null]]], "all_evidence": [[197902, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120943, 135250, "Hannah_and_Her_Sisters", 0]]], "all_evidence": [[120943, 135250, "Hannah_and_Her_Sisters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172367, null, null, null]]], "all_evidence": [[172367, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79082, null, null, null]]], "all_evidence": [[79082, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103887, 117379, "Deepika_Padukone", 13]], [[103887, 117380, "Deepika_Padukone", 9]]], "all_evidence": [[103887, 117379, "Deepika_Padukone", 13], [103887, 117380, "Deepika_Padukone", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56095, 66223, "The_Quiet", 0]]], "all_evidence": [[56095, 66223, "The_Quiet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149734, 164681, "Exotic_Birds", 2]]], "all_evidence": [[149734, 164681, "Exotic_Birds", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24744, 30565, "Google_Search", 13]]], "all_evidence": [[24744, 30565, "Google_Search", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97475, 110646, "Jed_Whedon", 0]]], "all_evidence": [[97475, 110646, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63279, 74007, "Quay_-LRB-film-RRB-", 1]]], "all_evidence": [[63279, 74007, "Quay_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275872, 270955, "Harry_Fraud", 1]], [[278177, 273069, "Harry_Fraud", 1]], [[325039, 312833, "Harry_Fraud", 1]]], "all_evidence": [[275872, 270955, "Harry_Fraud", 1], [278177, 273069, "Harry_Fraud", 1], [325039, 312833, "Harry_Fraud", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155137, null, null, null]]], "all_evidence": [[155137, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41494, null, null, null]]], "all_evidence": [[41494, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27927, 34226, "Romani_people", 9]]], "all_evidence": [[27927, 34226, "Romani_people", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24796, 30628, "Vandals", 0]]], "all_evidence": [[24796, 30628, "Vandals", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11126, 14009, "Duke_of_York", 12], [11126, 14009, "Prince_Andrew,_Duke_of_York", 0]]], "all_evidence": [[11126, 14009, "Duke_of_York", 12], [11126, 14009, "Prince_Andrew,_Duke_of_York", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225308, 229987, "Live_Nation_Entertainment", 0]], [[225312, 229990, "Live_Nation_Entertainment", 0], [225312, 229990, "Ticketmaster", 0]]], "all_evidence": [[225308, 229987, "Live_Nation_Entertainment", 0], [225312, 229990, "Live_Nation_Entertainment", 0], [225312, 229990, "Ticketmaster", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58105, null, null, null], [60986, null, null, null], [62929, null, null, null], [303153, null, null, null], [305235, null, null, null]]], "all_evidence": [[58105, null, null, null], [60986, null, null, null], [62929, null, null, null], [303153, null, null, null], [305235, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70372, null, null, null]]], "all_evidence": [[70372, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65750, 76618, "Antigua_and_Barbuda", 6]]], "all_evidence": [[65750, 76618, "Antigua_and_Barbuda", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207523, null, null, null]]], "all_evidence": [[207523, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198282, null, null, null], [200183, null, null, null], [315408, null, null, null], [316569, null, null, null]]], "all_evidence": [[198282, null, null, null], [200183, null, null, null], [315408, null, null, null], [316569, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[249657, 249686, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0]], [[251778, 251581, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0]], [[251778, 251582, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 1], [251778, 251582, "Brad_Dourif", 0], [251778, 251582, "Jack_Nicholson", 0], [251778, 251582, "Louise_Fletcher", 0], [251778, 251582, "Will_Sampson", 0]], [[253021, 252880, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0]], [[253021, 252881, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 1], [253021, 252881, "Jack_Nicholson", 0]], [[253021, 252882, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]], [[319903, 308631, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0]], [[320852, 309357, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0]]], "all_evidence": [[249657, 249686, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0], [251778, 251581, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0], [251778, 251582, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 1], [251778, 251582, "Brad_Dourif", 0], [251778, 251582, "Jack_Nicholson", 0], [251778, 251582, "Louise_Fletcher", 0], [251778, 251582, "Will_Sampson", 0], [253021, 252880, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0], [253021, 252881, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 1], [253021, 252881, "Jack_Nicholson", 0], [253021, 252882, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5], [319903, 308631, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0], [320852, 309357, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147766, null, null, null], [147781, null, null, null]]], "all_evidence": [[147766, null, null, null], [147781, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69178, null, null, null], [69182, null, null, null]]], "all_evidence": [[69178, null, null, null], [69182, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267023, null, null, null]]], "all_evidence": [[267023, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244763, 245686, "Punch-Drunk_Love", 4]], [[244769, 245690, "Punch-Drunk_Love", 4], [244769, 245690, "New_Line_Cinema", 0], [244769, 245690, "Revolution_Studios", 0]]], "all_evidence": [[244763, 245686, "Punch-Drunk_Love", 4], [244769, 245690, "Punch-Drunk_Love", 4], [244769, 245690, "New_Line_Cinema", 0], [244769, 245690, "Revolution_Studios", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94185, null, null, null]]], "all_evidence": [[94185, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212897, null, null, null], [212902, null, null, null]]], "all_evidence": [[212897, null, null, null], [212902, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165407, null, null, null]]], "all_evidence": [[165407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26283, 32294, "Hinduism", 6]]], "all_evidence": [[26283, 32294, "Hinduism", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201729, 211116, "Red_Bull_Racing", 0]]], "all_evidence": [[201729, 211116, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110135, 123762, "The_Beverly_Hillbillies", 0]]], "all_evidence": [[110135, 123762, "The_Beverly_Hillbillies", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70041, 80919, "Parkinson's_disease", 2]]], "all_evidence": [[70041, 80919, "Parkinson's_disease", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237305, 239540, "Thunderstorm", 0]]], "all_evidence": [[237305, 239540, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174985, 188071, "Ed_and_Lorraine_Warren", 0]]], "all_evidence": [[174985, 188071, "Ed_and_Lorraine_Warren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79732, 91475, "Golf", 0]]], "all_evidence": [[79732, 91475, "Golf", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41992, 50508, "Linkin_Park", 2], [41992, 50508, "Meteora_-LRB-album-RRB-", 1]]], "all_evidence": [[41992, 50508, "Linkin_Park", 2], [41992, 50508, "Meteora_-LRB-album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263441, 261115, "The_Block_-LRB-album-RRB-", 6]]], "all_evidence": [[263441, 261115, "The_Block_-LRB-album-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269164, 265555, "Chinatown_-LRB-1974_film-RRB-", 0]], [[269166, 265556, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269164, 265555, "Chinatown_-LRB-1974_film-RRB-", 0], [269166, 265556, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29196, 35612, "NXT_Tag_Team_Championship", 0]]], "all_evidence": [[29196, 35612, "NXT_Tag_Team_Championship", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41957, null, null, null]]], "all_evidence": [[41957, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224420, null, null, null]]], "all_evidence": [[224420, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37124, null, null, null]]], "all_evidence": [[37124, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97461, null, null, null]]], "all_evidence": [[97461, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125668, 140038, "Burj_Khalifa", 0], [125668, 140038, "United_Arab_Emirates", 0]]], "all_evidence": [[125668, 140038, "Burj_Khalifa", 0], [125668, 140038, "United_Arab_Emirates", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183220, 195305, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]], "all_evidence": [[183220, 195305, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20772, null, null, null], [22519, null, null, null], [301485, null, null, null]]], "all_evidence": [[20772, null, null, null], [22519, null, null, null], [301485, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111026, null, null, null]]], "all_evidence": [[111026, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84631, 96830, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]]], "all_evidence": [[84631, 96830, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150519, 165403, "Super_Bowl_XLV", 2]]], "all_evidence": [[150519, 165403, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76779, 88132, "Donald_Duck", 2]]], "all_evidence": [[76779, 88132, "Donald_Duck", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106396, 119827, "Visigoths", 16]]], "all_evidence": [[106396, 119827, "Visigoths", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40256, 48418, "Florida_State_University", 24]]], "all_evidence": [[40256, 48418, "Florida_State_University", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53525, 63524, "SummerSlam_-LRB-2015-RRB-", 1]]], "all_evidence": [[53525, 63524, "SummerSlam_-LRB-2015-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247541, null, null, null]]], "all_evidence": [[247541, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77677, null, null, null]]], "all_evidence": [[77677, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169483, 183114, "The_Giver_-LRB-film-RRB-", 0]], [[169484, 183115, "The_Giver_-LRB-film-RRB-", 0]]], "all_evidence": [[169483, 183114, "The_Giver_-LRB-film-RRB-", 0], [169484, 183115, "The_Giver_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263300, null, null, null]]], "all_evidence": [[263300, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221796, null, null, null]]], "all_evidence": [[221796, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219548, null, null, null]]], "all_evidence": [[219548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[195198, 205514, "Hammer_Film_Productions", 0]], [[195198, 205515, "Hammer_Film_Productions", 2]], [[195198, 205516, "Hammer_Film_Productions", 17]]], "all_evidence": [[195198, 205514, "Hammer_Film_Productions", 0], [195198, 205515, "Hammer_Film_Productions", 2], [195198, 205516, "Hammer_Film_Productions", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198365, 208245, "Research", 4]], [[198366, 208246, "Research", 4]]], "all_evidence": [[198365, 208245, "Research", 4], [198366, 208246, "Research", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233917, 236805, "Ned_Stark", 7]]], "all_evidence": [[233917, 236805, "Ned_Stark", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46771, 55791, "Matt_Bomer", 0]]], "all_evidence": [[46771, 55791, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158983, null, null, null]]], "all_evidence": [[158983, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32845, 39934, "Super_Bowl_XLV", 2]]], "all_evidence": [[32845, 39934, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251591, 251409, "Gory_Guerrero", 0], [251591, 251409, "Professional_wrestling", 0]]], "all_evidence": [[251591, 251409, "Gory_Guerrero", 0], [251591, 251409, "Professional_wrestling", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31899, 38705, "Henry_Condell", 55]]], "all_evidence": [[31899, 38705, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289927, 283033, "Parkinson's_disease", 34]], [[291261, 284218, "Parkinson's_disease", 34]], [[293416, 285963, "Parkinson's_disease", 34]], [[337225, 322629, "Parkinson's_disease", 34]], [[337226, 322630, "Parkinson's_disease", 34]], [[337227, 322631, "Parkinson's_disease", 34]], [[337229, 322633, "Parkinson's_disease", 34]]], "all_evidence": [[289927, 283033, "Parkinson's_disease", 34], [291261, 284218, "Parkinson's_disease", 34], [293416, 285963, "Parkinson's_disease", 34], [337225, 322629, "Parkinson's_disease", 34], [337226, 322630, "Parkinson's_disease", 34], [337227, 322631, "Parkinson's_disease", 34], [337229, 322633, "Parkinson's_disease", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137371, 152219, "Victor_Frankenstein_-LRB-film-RRB-", 0]]], "all_evidence": [[137371, 152219, "Victor_Frankenstein_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16520, 20460, "Doug_Petrie", 5]]], "all_evidence": [[16520, 20460, "Doug_Petrie", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265962, null, null, null]]], "all_evidence": [[265962, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65064, 75939, "Ekta_Kapoor", 0]], [[65064, 75940, "Ekta_Kapoor", 1], [65064, 75940, "Balaji_Telefilms", 0]], [[65064, 75941, "Ekta_Kapoor", 7]], [[65064, 75942, "Ekta_Kapoor", 8]], [[65064, 75943, "Ekta_Kapoor", 9]], [[65064, 75944, "Ekta_Kapoor", 10]]], "all_evidence": [[65064, 75939, "Ekta_Kapoor", 0], [65064, 75940, "Ekta_Kapoor", 1], [65064, 75940, "Balaji_Telefilms", 0], [65064, 75941, "Ekta_Kapoor", 7], [65064, 75942, "Ekta_Kapoor", 8], [65064, 75943, "Ekta_Kapoor", 9], [65064, 75944, "Ekta_Kapoor", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77209, 88629, "Stomp_the_Yard", 8], [77209, 88629, "Meagan_Good", 0]]], "all_evidence": [[77209, 88629, "Stomp_the_Yard", 8], [77209, 88629, "Meagan_Good", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270804, 266798, "Blank_Space", 10]]], "all_evidence": [[270804, 266798, "Blank_Space", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137148, 151995, "Minor_League_Baseball", 0]]], "all_evidence": [[137148, 151995, "Minor_League_Baseball", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71593, 82572, "Victor_Frankenstein_-LRB-film-RRB-", 0]]], "all_evidence": [[71593, 82572, "Victor_Frankenstein_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209682, 217463, "Dawood_Ibrahim", 0]]], "all_evidence": [[209682, 217463, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148811, 163845, "Chumlee", 0]]], "all_evidence": [[148811, 163845, "Chumlee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175282, 188272, "Hannah_and_Her_Sisters", 0]]], "all_evidence": [[175282, 188272, "Hannah_and_Her_Sisters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87764, 100275, "Granite", 0]], [[87764, 100276, "Granite", 3]]], "all_evidence": [[87764, 100275, "Granite", 0], [87764, 100276, "Granite", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186726, 198504, "Ding_Yanyuhang", 0]], [[186727, 198505, "Ding_Yanyuhang", 0]]], "all_evidence": [[186726, 198504, "Ding_Yanyuhang", 0], [186727, 198505, "Ding_Yanyuhang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257967, 256878, "Innovation", 1]]], "all_evidence": [[257967, 256878, "Innovation", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183224, 195310, "Unison_-LRB-Celine_Dion_album-RRB-", 1], [183224, 195310, "Columbia_Records", 0]]], "all_evidence": [[183224, 195310, "Unison_-LRB-Celine_Dion_album-RRB-", 1], [183224, 195310, "Columbia_Records", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126287, 140696, "Siege_of_Fort_Stanwix", 1], [126287, 140696, "Fort_Stanwix", 0]], [[126287, 140697, "Siege_of_Fort_Stanwix", 0], [126287, 140697, "Fort_Stanwix", 0]]], "all_evidence": [[126287, 140696, "Siege_of_Fort_Stanwix", 1], [126287, 140696, "Fort_Stanwix", 0], [126287, 140697, "Siege_of_Fort_Stanwix", 0], [126287, 140697, "Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192011, 202771, "Baadshah_-LRB-2013_film-RRB-", 3]], [[192011, 202772, "Baadshah_-LRB-2013_film-RRB-", 12]]], "all_evidence": [[192011, 202771, "Baadshah_-LRB-2013_film-RRB-", 3], [192011, 202772, "Baadshah_-LRB-2013_film-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89535, null, null, null]]], "all_evidence": [[89535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185112, 196928, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[185112, 196928, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93569, 106514, "Key_&_Peele", 10]]], "all_evidence": [[93569, 106514, "Key_&_Peele", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112974, null, null, null]]], "all_evidence": [[112974, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134688, null, null, null], [134691, null, null, null]]], "all_evidence": [[134688, null, null, null], [134691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269981, 266140, "Chadwick_Boseman", 1]]], "all_evidence": [[269981, 266140, "Chadwick_Boseman", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206285, null, null, null]]], "all_evidence": [[206285, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295642, null, null, null], [341280, null, null, null], [341441, null, null, null], [342020, null, null, null]]], "all_evidence": [[295642, null, null, null], [341280, null, null, null], [341441, null, null, null], [342020, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238328, null, null, null]]], "all_evidence": [[238328, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63733, null, null, null], [303333, null, null, null], [305279, null, null, null], [305281, null, null, null]]], "all_evidence": [[63733, null, null, null], [303333, null, null, null], [305279, null, null, null], [305281, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255276, 254739, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]], "all_evidence": [[255276, 254739, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267015, 263824, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[267015, 263824, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46899, null, null, null]]], "all_evidence": [[46899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29130, 35532, "Ares", 1]], [[29135, 35535, "Ares", 1]]], "all_evidence": [[29130, 35532, "Ares", 1], [29135, 35535, "Ares", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265972, null, null, null]]], "all_evidence": [[265972, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186741, 198519, "Ding_Yanyuhang", 0]]], "all_evidence": [[186741, 198519, "Ding_Yanyuhang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219551, 225533, "Stephen_Moyer", 3]]], "all_evidence": [[219551, 225533, "Stephen_Moyer", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185075, null, null, null]]], "all_evidence": [[185075, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66875, 77696, "Veep", 8]]], "all_evidence": [[66875, 77696, "Veep", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81267, 93072, "Phoenix,_Arizona", 0]], [[81267, 93073, "Phoenix,_Arizona", 1]], [[81267, 93074, "Phoenix,_Arizona", 4]], [[81267, 93075, "Phoenix,_Arizona", 6]], [[81267, 93076, "Phoenix,_Arizona", 17], [81267, 93076, "Phoenix_metropolitan_area", 0]]], "all_evidence": [[81267, 93072, "Phoenix,_Arizona", 0], [81267, 93073, "Phoenix,_Arizona", 1], [81267, 93074, "Phoenix,_Arizona", 4], [81267, 93075, "Phoenix,_Arizona", 6], [81267, 93076, "Phoenix,_Arizona", 17], [81267, 93076, "Phoenix_metropolitan_area", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109768, 123365, "Anneliese_van_der_Pol", 0]], [[109768, 123366, "Anneliese_van_der_Pol", 1]], [[109768, 123367, "Anneliese_van_der_Pol", 3]], [[109768, 123368, "Anneliese_van_der_Pol", 4]]], "all_evidence": [[109768, 123365, "Anneliese_van_der_Pol", 0], [109768, 123366, "Anneliese_van_der_Pol", 1], [109768, 123367, "Anneliese_van_der_Pol", 3], [109768, 123368, "Anneliese_van_der_Pol", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242366, 243763, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]], [[242366, 243764, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 8]]], "all_evidence": [[242366, 243763, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], [242366, 243764, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65110, 75992, "Maria_Theresa", 5]]], "all_evidence": [[65110, 75992, "Maria_Theresa", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17451, 21604, "IPhone_4", 0]]], "all_evidence": [[17451, 21604, "IPhone_4", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98510, 111610, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]], "all_evidence": [[98510, 111610, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50370, null, null, null]]], "all_evidence": [[50370, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138999, 154074, "Electric_chair", 15]]], "all_evidence": [[138999, 154074, "Electric_chair", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57171, null, null, null]]], "all_evidence": [[57171, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218847, 225032, "Dan_Brown", 0]]], "all_evidence": [[218847, 225032, "Dan_Brown", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268430, null, null, null]]], "all_evidence": [[268430, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226628, null, null, null]]], "all_evidence": [[226628, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111096, 124766, "Warcraft_-LRB-film-RRB-", 7]]], "all_evidence": [[111096, 124766, "Warcraft_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247842, null, null, null]]], "all_evidence": [[247842, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21343, 26208, "Southern_Hospitality_-LRB-song-RRB-", 2]]], "all_evidence": [[21343, 26208, "Southern_Hospitality_-LRB-song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91542, 104282, "Linkin_Park", 2], [91542, 104282, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[91542, 104282, "Linkin_Park", 2], [91542, 104282, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117901, null, null, null]]], "all_evidence": [[117901, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79272, 90936, "Fargo_-LRB-season_3-RRB-", 0]]], "all_evidence": [[79272, 90936, "Fargo_-LRB-season_3-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91272, 103976, "Quay_-LRB-film-RRB-", 1], [91272, 103976, "Film_Forum", 0]]], "all_evidence": [[91272, 103976, "Quay_-LRB-film-RRB-", 1], [91272, 103976, "Film_Forum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95252, 108254, "Vampire", 1], [95252, 108254, "Undead", 0]]], "all_evidence": [[95252, 108254, "Vampire", 1], [95252, 108254, "Undead", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120907, null, null, null]]], "all_evidence": [[120907, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229272, null, null, null], [231786, null, null, null], [318493, null, null, null]]], "all_evidence": [[229272, null, null, null], [231786, null, null, null], [318493, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118823, null, null, null]]], "all_evidence": [[118823, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178178, null, null, null]]], "all_evidence": [[178178, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105568, 119026, "Maggie_Q", 1]]], "all_evidence": [[105568, 119026, "Maggie_Q", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86745, 99214, "Amancio_Ortega", 0]]], "all_evidence": [[86745, 99214, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149359, null, null, null]]], "all_evidence": [[149359, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234835, 237645, "Andrea_Pirlo", 0]]], "all_evidence": [[234835, 237645, "Andrea_Pirlo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43934, 52573, "Grease_-LRB-film-RRB-", 0]]], "all_evidence": [[43934, 52573, "Grease_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108448, null, null, null]]], "all_evidence": [[108448, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[344571, 328058, "Hezbollah", 17]], [[344585, 328068, "Hezbollah", 17]], [[344590, 328071, "Hezbollah", 17]], [[344591, 328072, "Hezbollah", 17]]], "all_evidence": [[344571, 328058, "Hezbollah", 17], [344585, 328068, "Hezbollah", 17], [344590, 328071, "Hezbollah", 17], [344591, 328072, "Hezbollah", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51475, null, null, null]]], "all_evidence": [[51475, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121740, null, null, null]]], "all_evidence": [[121740, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23262, 28664, "Louie_-LRB-season_1-RRB-", 7]]], "all_evidence": [[23262, 28664, "Louie_-LRB-season_1-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140175, 155176, "The_Ellen_Show", 0]], [[140175, 155177, "The_Ellen_Show", 1]]], "all_evidence": [[140175, 155176, "The_Ellen_Show", 0], [140175, 155177, "The_Ellen_Show", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286433, 279893, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]], [[288183, 281456, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]], [[288644, 281855, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]], [[333315, 319556, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]], [[334264, 320351, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]]], "all_evidence": [[286433, 279893, "The_House_of_the_Spirits_-LRB-film-RRB-", 5], [288183, 281456, "The_House_of_the_Spirits_-LRB-film-RRB-", 5], [288644, 281855, "The_House_of_the_Spirits_-LRB-film-RRB-", 5], [333315, 319556, "The_House_of_the_Spirits_-LRB-film-RRB-", 5], [334264, 320351, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296450, 288291, "Weill_Cornell_Medicine", 0]], [[298036, 289588, "Weill_Cornell_Medicine", 0]], [[298037, 289589, "Weill_Cornell_Medicine", 0]], [[343255, 327070, "Weill_Cornell_Medicine", 0]], [[343864, 327519, "Weill_Cornell_Medicine", 0]]], "all_evidence": [[296450, 288291, "Weill_Cornell_Medicine", 0], [298036, 289588, "Weill_Cornell_Medicine", 0], [298037, 289589, "Weill_Cornell_Medicine", 0], [343255, 327070, "Weill_Cornell_Medicine", 0], [343864, 327519, "Weill_Cornell_Medicine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161783, null, null, null]]], "all_evidence": [[161783, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166608, null, null, null]]], "all_evidence": [[166608, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117798, null, null, null]]], "all_evidence": [[117798, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123046, 137325, "Dulquer_Salmaan", 5]], [[123046, 137326, "Dulquer_Salmaan", 4]], [[123046, 137327, "Dulquer_Salmaan", 9]]], "all_evidence": [[123046, 137325, "Dulquer_Salmaan", 5], [123046, 137326, "Dulquer_Salmaan", 4], [123046, 137327, "Dulquer_Salmaan", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59480, 69889, "A._P._J._Abdul_Kalam", 7]], [[59482, 69891, "A._P._J._Abdul_Kalam", 0]], [[59482, 69892, "A._P._J._Abdul_Kalam", 7]]], "all_evidence": [[59480, 69889, "A._P._J._Abdul_Kalam", 7], [59482, 69891, "A._P._J._Abdul_Kalam", 0], [59482, 69892, "A._P._J._Abdul_Kalam", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123360, 137813, "Adam_Lambert", 10]]], "all_evidence": [[123360, 137813, "Adam_Lambert", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188701, 200147, "Saturn_Award_for_Best_Fantasy_Film", 0]]], "all_evidence": [[188701, 200147, "Saturn_Award_for_Best_Fantasy_Film", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212541, null, null, null]]], "all_evidence": [[212541, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270484, 266515, "Sejong_the_Great", 0]]], "all_evidence": [[270484, 266515, "Sejong_the_Great", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60605, null, null, null]]], "all_evidence": [[60605, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157735, 172336, "E\u0301douard_Se\u0301guin", 1]], [[157738, 172338, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[157735, 172336, "E\u0301douard_Se\u0301guin", 1], [157738, 172338, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105641, 119082, "Exit_the_King", 0]]], "all_evidence": [[105641, 119082, "Exit_the_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63563, 74316, "The_Catcher_in_the_Rye", 6]]], "all_evidence": [[63563, 74316, "The_Catcher_in_the_Rye", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62220, 72794, "Coeliac_disease", 27]]], "all_evidence": [[62220, 72794, "Coeliac_disease", 27]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81976, null, null, null]]], "all_evidence": [[81976, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21087, 25883, "Moscovium", 0]]], "all_evidence": [[21087, 25883, "Moscovium", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269073, null, null, null], [269076, null, null, null]]], "all_evidence": [[269073, null, null, null], [269076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194223, 204603, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194223, 204603, "Ben_Chaplin", 0], [194223, 204603, "Elias_Koteas", 0], [194223, 204603, "Jim_Caviezel", 0], [194223, 204603, "Nick_Nolte", 0], [194223, 204603, "Sean_Penn", 0]], [[194231, 204609, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194231, 204609, "Sean_Penn", 0]], [[194231, 204610, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 7], [194231, 204610, "John_C._Reilly", 0]]], "all_evidence": [[194223, 204603, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194223, 204603, "Ben_Chaplin", 0], [194223, 204603, "Elias_Koteas", 0], [194223, 204603, "Jim_Caviezel", 0], [194223, 204603, "Nick_Nolte", 0], [194223, 204603, "Sean_Penn", 0], [194231, 204609, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194231, 204609, "Sean_Penn", 0], [194231, 204610, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 7], [194231, 204610, "John_C._Reilly", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93325, 106280, "Ed_and_Lorraine_Warren", 0]]], "all_evidence": [[93325, 106280, "Ed_and_Lorraine_Warren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58507, 68806, "Selma_to_Montgomery_marches", 1]]], "all_evidence": [[58507, 68806, "Selma_to_Montgomery_marches", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101242, null, null, null]]], "all_evidence": [[101242, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229697, null, null, null]]], "all_evidence": [[229697, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186559, null, null, null]]], "all_evidence": [[186559, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14327, 17895, "Pharmacology", 10]]], "all_evidence": [[14327, 17895, "Pharmacology", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45229, 53969, "Battle_of_the_Bastards", 15]]], "all_evidence": [[45229, 53969, "Battle_of_the_Bastards", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12646, 15790, "Mount_Hood", 3]], [[12646, 15791, "Mount_Hood", 9]]], "all_evidence": [[12646, 15790, "Mount_Hood", 3], [12646, 15791, "Mount_Hood", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64144, 74864, "Ayananka_Bose", 0]]], "all_evidence": [[64144, 74864, "Ayananka_Bose", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[273007, 268625, "Scandal_-LRB-American_band-RRB-", 0]], [[273961, 269270, "Scandal_-LRB-American_band-RRB-", 0]], [[273962, 269271, "Scandal_-LRB-American_band-RRB-", 0]], [[273973, 269278, "Scandal_-LRB-American_band-RRB-", 0]], [[322064, 310387, "Scandal_-LRB-American_band-RRB-", 0]], [[322064, 310388, "Scandal_-LRB-American_band-RRB-", 1]], [[322072, 310395, "Scandal_-LRB-American_band-RRB-", 0]], [[322089, 310409, "Scandal_-LRB-American_band-RRB-", 0]]], "all_evidence": [[273007, 268625, "Scandal_-LRB-American_band-RRB-", 0], [273961, 269270, "Scandal_-LRB-American_band-RRB-", 0], [273962, 269271, "Scandal_-LRB-American_band-RRB-", 0], [273973, 269278, "Scandal_-LRB-American_band-RRB-", 0], [322064, 310387, "Scandal_-LRB-American_band-RRB-", 0], [322064, 310388, "Scandal_-LRB-American_band-RRB-", 1], [322072, 310395, "Scandal_-LRB-American_band-RRB-", 0], [322089, 310409, "Scandal_-LRB-American_band-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114594, null, null, null]]], "all_evidence": [[114594, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[283127, 277218, "Amancio_Ortega", 0]], [[285700, 279336, "Amancio_Ortega", 0]], [[287400, 280835, "Amancio_Ortega", 0]], [[287401, 280836, "Amancio_Ortega", 0]], [[331630, 318124, "Amancio_Ortega", 0]]], "all_evidence": [[283127, 277218, "Amancio_Ortega", 0], [285700, 279336, "Amancio_Ortega", 0], [287400, 280835, "Amancio_Ortega", 0], [287401, 280836, "Amancio_Ortega", 0], [331630, 318124, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27328, 33496, "Yugoslavia", 0]]], "all_evidence": [[27328, 33496, "Yugoslavia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12036, 15081, "Simon_Pegg", 0]]], "all_evidence": [[12036, 15081, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201312, 210785, "Northwestern_University", 19]]], "all_evidence": [[201312, 210785, "Northwestern_University", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229144, null, null, null]]], "all_evidence": [[229144, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22301, null, null, null]]], "all_evidence": [[22301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111771, 125580, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[111771, 125580, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210418, 218187, "Sean_Gunn", 0]]], "all_evidence": [[210418, 218187, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47807, 57069, "Jed_Whedon", 0]]], "all_evidence": [[47807, 57069, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56848, 67075, "SpongeBob_SquarePants", 0]], [[56848, 67076, "SpongeBob_SquarePants", 16], [56848, 67076, "SpongeBob_SquarePants_-LRB-season_10-RRB-", 0]], [[56848, 67077, "SpongeBob_SquarePants", 15], [56848, 67077, "The_SpongeBob_SquarePants_Movie", 0]], [[56848, 67078, "SpongeBob_SquarePants", 1], [56848, 67078, "SpongeBob_SquarePants_-LRB-character-RRB-", 0]], [[56848, 67079, "SpongeBob_SquarePants", 7], [56848, 67079, "Tom_Kenny", 0]]], "all_evidence": [[56848, 67075, "SpongeBob_SquarePants", 0], [56848, 67076, "SpongeBob_SquarePants", 16], [56848, 67076, "SpongeBob_SquarePants_-LRB-season_10-RRB-", 0], [56848, 67077, "SpongeBob_SquarePants", 15], [56848, 67077, "The_SpongeBob_SquarePants_Movie", 0], [56848, 67078, "SpongeBob_SquarePants", 1], [56848, 67078, "SpongeBob_SquarePants_-LRB-character-RRB-", 0], [56848, 67079, "SpongeBob_SquarePants", 7], [56848, 67079, "Tom_Kenny", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89717, null, null, null]]], "all_evidence": [[89717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73887, 85121, "Independent_Spirit_Awards", 10]], [[73889, 85122, "Independent_Spirit_Awards", 10]]], "all_evidence": [[73887, 85121, "Independent_Spirit_Awards", 10], [73889, 85122, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296733, null, null, null], [298355, null, null, null], [300394, null, null, null], [343826, null, null, null], [343838, null, null, null], [343839, null, null, null], [343840, null, null, null]]], "all_evidence": [[296733, null, null, null], [298355, null, null, null], [300394, null, null, null], [343826, null, null, null], [343838, null, null, null], [343839, null, null, null], [343840, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27723, 33959, "Zoroastrianism", 2]]], "all_evidence": [[27723, 33959, "Zoroastrianism", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175367, 188347, "Cyprus", 29]]], "all_evidence": [[175367, 188347, "Cyprus", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163016, 177243, "Stephen_King", 2]]], "all_evidence": [[163016, 177243, "Stephen_King", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58692, 68992, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]], "all_evidence": [[58692, 68992, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226980, null, null, null]]], "all_evidence": [[226980, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64091, 74797, "Jonah_Hill", 1]]], "all_evidence": [[64091, 74797, "Jonah_Hill", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17805, 21959, "Carol_Danvers", 0]]], "all_evidence": [[17805, 21959, "Carol_Danvers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113107, 126946, "Ian_Gillan", 0]]], "all_evidence": [[113107, 126946, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34691, 42064, "Malta", 17]]], "all_evidence": [[34691, 42064, "Malta", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58046, 68277, "Mad_Max-COLON-_Fury_Road", 0]], [[58051, 68279, "Mad_Max-COLON-_Fury_Road", 0]], [[58051, 68280, "Mad_Max-COLON-_Fury_Road", 18]], [[58051, 68281, "Mad_Max-COLON-_Fury_Road", 19]]], "all_evidence": [[58046, 68277, "Mad_Max-COLON-_Fury_Road", 0], [58051, 68279, "Mad_Max-COLON-_Fury_Road", 0], [58051, 68280, "Mad_Max-COLON-_Fury_Road", 18], [58051, 68281, "Mad_Max-COLON-_Fury_Road", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266224, 263266, "Prague_Castle", 7]]], "all_evidence": [[266224, 263266, "Prague_Castle", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49408, 58730, "Alex_Jones_-LRB-radio_host-RRB-", 0]]], "all_evidence": [[49408, 58730, "Alex_Jones_-LRB-radio_host-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86329, 98735, "George_Harrison", 20]]], "all_evidence": [[86329, 98735, "George_Harrison", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178759, 191310, "Betsy_Hodges", 0]]], "all_evidence": [[178759, 191310, "Betsy_Hodges", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192037, 202794, "Baadshah_-LRB-2013_film-RRB-", 3]]], "all_evidence": [[192037, 202794, "Baadshah_-LRB-2013_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25040, 30916, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[25040, 30916, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143783, null, null, null]]], "all_evidence": [[143783, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206291, 214679, "Trick-or-treating", 1]]], "all_evidence": [[206291, 214679, "Trick-or-treating", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107399, 120854, "Adidas", 0]], [[107399, 120855, "Adidas", 10]]], "all_evidence": [[107399, 120854, "Adidas", 0], [107399, 120855, "Adidas", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147662, null, null, null]]], "all_evidence": [[147662, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72818, null, null, null]]], "all_evidence": [[72818, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22717, null, null, null]]], "all_evidence": [[22717, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68874, null, null, null]]], "all_evidence": [[68874, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247220, null, null, null]]], "all_evidence": [[247220, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251532, 251366, "Gory_Guerrero", 0]], [[251533, 251367, "Gory_Guerrero", 0]], [[251534, 251368, "Gory_Guerrero", 0]], [[251535, 251369, "Gory_Guerrero", 0]]], "all_evidence": [[251532, 251366, "Gory_Guerrero", 0], [251533, 251367, "Gory_Guerrero", 0], [251534, 251368, "Gory_Guerrero", 0], [251535, 251369, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169308, null, null, null]]], "all_evidence": [[169308, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196109, null, null, null]]], "all_evidence": [[196109, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237296, null, null, null]]], "all_evidence": [[237296, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165257, null, null, null]]], "all_evidence": [[165257, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169177, null, null, null]]], "all_evidence": [[169177, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257968, null, null, null]]], "all_evidence": [[257968, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45484, 54304, "Harry_Fraud", 1]]], "all_evidence": [[45484, 54304, "Harry_Fraud", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227753, 232095, "Indiana_Pacers", 2]]], "all_evidence": [[227753, 232095, "Indiana_Pacers", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110931, null, null, null]]], "all_evidence": [[110931, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230190, null, null, null]]], "all_evidence": [[230190, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99594, 112696, "KGB", 7]], [[101609, 114844, "KGB", 7]], [[102660, 115920, "KGB", 7]], [[306921, 297493, "KGB", 7]], [[307812, 298252, "KGB", 7]]], "all_evidence": [[99594, 112696, "KGB", 7], [101609, 114844, "KGB", 7], [102660, 115920, "KGB", 7], [306921, 297493, "KGB", 7], [307812, 298252, "KGB", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185735, 197503, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[185735, 197503, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185509, 197261, "Mamata_Banerjee", 0]]], "all_evidence": [[185509, 197261, "Mamata_Banerjee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224800, null, null, null]]], "all_evidence": [[224800, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61071, 71535, "Guthrie_Theater", 6]]], "all_evidence": [[61071, 71535, "Guthrie_Theater", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224609, 229434, "American_Library_Association", 1]]], "all_evidence": [[224609, 229434, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137862, 152814, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[137862, 152814, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131645, null, null, null]]], "all_evidence": [[131645, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30835, null, null, null]]], "all_evidence": [[30835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178820, 191363, "Harry_Fraud", 1]], [[178821, 191364, "Harry_Fraud", 1]]], "all_evidence": [[178820, 191363, "Harry_Fraud", 1], [178821, 191364, "Harry_Fraud", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[254841, 254415, "Vandals", 3]], [[254841, 254416, "Vandals", 6]], [[255718, 255109, "Vandals", 0], [255718, 255109, "East_Germanic_tribes", 0]], [[256117, 255381, "Vandals", 0]], [[320158, 308787, "Vandals", 0]], [[320968, 309442, "Vandals", 3], [320968, 309442, "Oder", 0], [320968, 309442, "Scandinavia", 0], [320968, 309442, "Silesia", 0], [320968, 309442, "Vistula", 0]]], "all_evidence": [[254841, 254415, "Vandals", 3], [254841, 254416, "Vandals", 6], [255718, 255109, "Vandals", 0], [255718, 255109, "East_Germanic_tribes", 0], [256117, 255381, "Vandals", 0], [320158, 308787, "Vandals", 0], [320968, 309442, "Vandals", 3], [320968, 309442, "Oder", 0], [320968, 309442, "Scandinavia", 0], [320968, 309442, "Silesia", 0], [320968, 309442, "Vistula", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31305, 38022, "Georgians", 4], [31305, 38022, "Kingdom_of_Iberia", 0]]], "all_evidence": [[31305, 38022, "Georgians", 4], [31305, 38022, "Kingdom_of_Iberia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68427, 79286, "Trouble_with_the_Curve", 0]], [[68427, 79287, "Trouble_with_the_Curve", 2]]], "all_evidence": [[68427, 79286, "Trouble_with_the_Curve", 0], [68427, 79287, "Trouble_with_the_Curve", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176627, 189554, "Brown_University", 0]], [[176627, 189555, "Brown_University", 19]]], "all_evidence": [[176627, 189554, "Brown_University", 0], [176627, 189555, "Brown_University", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218865, 225047, "Dan_Brown", 0]]], "all_evidence": [[218865, 225047, "Dan_Brown", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65234, null, null, null]]], "all_evidence": [[65234, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268428, 265013, "Brian_De_Palma", 0]]], "all_evidence": [[268428, 265013, "Brian_De_Palma", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98349, 111459, "Mikhail_Prokhorov", 3]]], "all_evidence": [[98349, 111459, "Mikhail_Prokhorov", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184512, null, null, null]]], "all_evidence": [[184512, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194161, 204560, "Ronaldinho", 10]], [[197091, 207159, "Ronaldinho", 10]], [[199000, 208687, "Ronaldinho", 10]], [[315196, 304473, "Ronaldinho", 10], [315196, 304473, "Brazil_national_football_team", 0]], [[315201, 304478, "Ronaldinho", 10]]], "all_evidence": [[194161, 204560, "Ronaldinho", 10], [197091, 207159, "Ronaldinho", 10], [199000, 208687, "Ronaldinho", 10], [315196, 304473, "Ronaldinho", 10], [315196, 304473, "Brazil_national_football_team", 0], [315201, 304478, "Ronaldinho", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42441, null, null, null]]], "all_evidence": [[42441, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49669, 59079, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]], "all_evidence": [[49669, 59079, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110835, 124490, "Phoenix,_Arizona", 0]], [[110835, 124491, "Phoenix,_Arizona", 1]], [[110835, 124492, "Phoenix,_Arizona", 4]], [[110835, 124493, "Phoenix,_Arizona", 5]], [[110835, 124494, "Phoenix,_Arizona", 6]], [[110835, 124495, "Phoenix,_Arizona", 10]]], "all_evidence": [[110835, 124490, "Phoenix,_Arizona", 0], [110835, 124491, "Phoenix,_Arizona", 1], [110835, 124492, "Phoenix,_Arizona", 4], [110835, 124493, "Phoenix,_Arizona", 5], [110835, 124494, "Phoenix,_Arizona", 6], [110835, 124495, "Phoenix,_Arizona", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157897, 172495, "Trouble_with_the_Curve", 0]]], "all_evidence": [[157897, 172495, "Trouble_with_the_Curve", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74531, 85767, "Dissociative_identity_disorder", 0]]], "all_evidence": [[74531, 85767, "Dissociative_identity_disorder", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247238, null, null, null]]], "all_evidence": [[247238, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68047, null, null, null]]], "all_evidence": [[68047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153273, 168027, "Kung_Fu_Panda", 17]]], "all_evidence": [[153273, 168027, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58971, null, null, null], [58972, null, null, null]]], "all_evidence": [[58971, null, null, null], [58972, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148419, 163438, "Absinthe", 16]]], "all_evidence": [[148419, 163438, "Absinthe", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33038, 40130, "American_Civil_War", 14]], [[35543, 43065, "American_Civil_War", 1], [35543, 43065, "South_Carolina", 0]], [[303327, 294297, "American_Civil_War", 12]]], "all_evidence": [[33038, 40130, "American_Civil_War", 14], [35543, 43065, "American_Civil_War", 1], [35543, 43065, "South_Carolina", 0], [303327, 294297, "American_Civil_War", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127197, 141722, "Macklemore", 0]], [[128997, 143764, "Macklemore", 0]], [[128997, 143765, "Macklemore", 3], [128997, 143765, "Macklemore_&_Ryan_Lewis", 0]], [[308834, 299115, "Macklemore", 0]], [[310468, 300503, "Macklemore", 0]], [[310580, 300625, "Macklemore", 0]], [[310580, 300626, "Macklemore", 3], [310580, 300626, "Macklemore_&_Ryan_Lewis", 0]], [[310580, 300627, "Macklemore", 6], [310580, 300627, "Thrift_Shop", 0]], [[310580, 300628, "Macklemore", 10], [310580, 300628, "The_Heist_-LRB-album-RRB-", 0]]], "all_evidence": [[127197, 141722, "Macklemore", 0], [128997, 143764, "Macklemore", 0], [128997, 143765, "Macklemore", 3], [128997, 143765, "Macklemore_&_Ryan_Lewis", 0], [308834, 299115, "Macklemore", 0], [310468, 300503, "Macklemore", 0], [310580, 300625, "Macklemore", 0], [310580, 300626, "Macklemore", 3], [310580, 300626, "Macklemore_&_Ryan_Lewis", 0], [310580, 300627, "Macklemore", 6], [310580, 300627, "Thrift_Shop", 0], [310580, 300628, "Macklemore", 10], [310580, 300628, "The_Heist_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49051, 58386, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]], [[49051, 58387, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 3]], [[49051, 58388, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4]], [[49051, 58389, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 5]], [[49051, 58390, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 8]], [[49051, 58391, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 12]], [[49051, 58392, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 9]], [[49051, 58393, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 15]]], "all_evidence": [[49051, 58386, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0], [49051, 58387, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 3], [49051, 58388, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4], [49051, 58389, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 5], [49051, 58390, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 8], [49051, 58391, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 12], [49051, 58392, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 9], [49051, 58393, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173480, null, null, null]]], "all_evidence": [[173480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130283, 145040, "George_Harrison", 20]]], "all_evidence": [[130283, 145040, "George_Harrison", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237275, 239523, "Thunderstorm", 0]], [[237277, 239524, "Thunderstorm", 0]]], "all_evidence": [[237275, 239523, "Thunderstorm", 0], [237277, 239524, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147603, 162623, "Jason_Bourne_-LRB-film-RRB-", 0]]], "all_evidence": [[147603, 162623, "Jason_Bourne_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215775, 222557, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]], "all_evidence": [[215775, 222557, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72894, null, null, null]]], "all_evidence": [[72894, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60021, 70430, "Times_Higher_Education_World_University_Rankings", 0]], [[60021, 70431, "Times_Higher_Education_World_University_Rankings", 1]]], "all_evidence": [[60021, 70430, "Times_Higher_Education_World_University_Rankings", 0], [60021, 70431, "Times_Higher_Education_World_University_Rankings", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75351, 86613, "Kenny_Chesney", 0]], [[75374, 86640, "Kenny_Chesney", 0]]], "all_evidence": [[75351, 86613, "Kenny_Chesney", 0], [75374, 86640, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135926, 150764, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[135926, 150764, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133265, null, null, null]]], "all_evidence": [[133265, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68480, 79342, "Jefferson_Davis", 5]], [[70541, 81444, "Jefferson_Davis", 5]], [[71233, 82172, "Jefferson_Davis", 5]], [[303877, 294771, "Jefferson_Davis", 5]], [[305549, 296369, "Jefferson_Davis", 10]]], "all_evidence": [[68480, 79342, "Jefferson_Davis", 5], [70541, 81444, "Jefferson_Davis", 5], [71233, 82172, "Jefferson_Davis", 5], [303877, 294771, "Jefferson_Davis", 5], [305549, 296369, "Jefferson_Davis", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185301, null, null, null]]], "all_evidence": [[185301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26338, 32378, "Benzodiazepine", 0]], [[26338, 32379, "Benzodiazepine", 2]]], "all_evidence": [[26338, 32378, "Benzodiazepine", 0], [26338, 32379, "Benzodiazepine", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39193, 47208, "Aubrey_Anderson-Emmons", 0]]], "all_evidence": [[39193, 47208, "Aubrey_Anderson-Emmons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241601, 243131, "Commodore_-LRB-rank-RRB-", 12], [241601, 243131, "United_States_Navy", 0]]], "all_evidence": [[241601, 243131, "Commodore_-LRB-rank-RRB-", 12], [241601, 243131, "United_States_Navy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57178, null, null, null]]], "all_evidence": [[57178, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27413, 33593, "Physics", 4]]], "all_evidence": [[27413, 33593, "Physics", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84603, 96788, "Anthony_Scaramucci", 0]], [[84604, 96789, "Anthony_Scaramucci", 0]]], "all_evidence": [[84603, 96788, "Anthony_Scaramucci", 0], [84604, 96789, "Anthony_Scaramucci", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29458, 35928, "Kaya_Scodelario", 1]], [[31813, 38616, "Kaya_Scodelario", 1]], [[34619, 41995, "Kaya_Scodelario", 1], [34619, 41995, "Effy_Stonem", 0]], [[34619, 41996, "Kaya_Scodelario", 5], [34619, 41996, "Skins_-LRB-UK_TV_series-RRB-", 0], [34619, 41996, "Effy_Stonem", 0]], [[301797, 292900, "Kaya_Scodelario", 1]], [[304286, 295108, "Kaya_Scodelario", 1]]], "all_evidence": [[29458, 35928, "Kaya_Scodelario", 1], [31813, 38616, "Kaya_Scodelario", 1], [34619, 41995, "Kaya_Scodelario", 1], [34619, 41995, "Effy_Stonem", 0], [34619, 41996, "Kaya_Scodelario", 5], [34619, 41996, "Skins_-LRB-UK_TV_series-RRB-", 0], [34619, 41996, "Effy_Stonem", 0], [301797, 292900, "Kaya_Scodelario", 1], [304286, 295108, "Kaya_Scodelario", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114270, null, null, null]]], "all_evidence": [[114270, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220201, null, null, null]]], "all_evidence": [[220201, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110331, null, null, null]]], "all_evidence": [[110331, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187309, 198951, "Aeneas", 0]]], "all_evidence": [[187309, 198951, "Aeneas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175104, 188156, "English_Wikipedia", 0]]], "all_evidence": [[175104, 188156, "English_Wikipedia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23942, 29644, "Battle_of_the_Trebia", 6]]], "all_evidence": [[23942, 29644, "Battle_of_the_Trebia", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229107, 233158, "Kevin_Bacon", 2], [229107, 233158, "The_Woodsman_-LRB-2004_film-RRB-", 0]]], "all_evidence": [[229107, 233158, "Kevin_Bacon", 2], [229107, 233158, "The_Woodsman_-LRB-2004_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14873, 18508, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[14873, 18508, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93794, 106727, "Port_of_Spain", 0]], [[93794, 106728, "Port_of_Spain", 1]], [[93794, 106729, "Port_of_Spain", 5]], [[93794, 106730, "Port_of_Spain", 13]], [[93794, 106731, "Port_of_Spain", 14]], [[93794, 106732, "Port_of_Spain", 15]], [[93794, 106733, "Port_of_Spain", 18]], [[93794, 106734, "Port_of_Spain", 24]]], "all_evidence": [[93794, 106727, "Port_of_Spain", 0], [93794, 106728, "Port_of_Spain", 1], [93794, 106729, "Port_of_Spain", 5], [93794, 106730, "Port_of_Spain", 13], [93794, 106731, "Port_of_Spain", 14], [93794, 106732, "Port_of_Spain", 15], [93794, 106733, "Port_of_Spain", 18], [93794, 106734, "Port_of_Spain", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81412, 93192, "Vandals", 0]]], "all_evidence": [[81412, 93192, "Vandals", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67627, 78459, "Superhuman", 6]]], "all_evidence": [[67627, 78459, "Superhuman", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84313, 96431, "The_Maze_Runner_-LRB-film-RRB-", 13]]], "all_evidence": [[84313, 96431, "The_Maze_Runner_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98452, 111559, "Southern_Hospitality_-LRB-song-RRB-", 2]]], "all_evidence": [[98452, 111559, "Southern_Hospitality_-LRB-song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131120, 145885, "A.J._Styles", 15]]], "all_evidence": [[131120, 145885, "A.J._Styles", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213591, null, null, null]]], "all_evidence": [[213591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174452, 187660, "Kareena_Kapoor", 6]]], "all_evidence": [[174452, 187660, "Kareena_Kapoor", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125716, null, null, null], [125717, null, null, null]]], "all_evidence": [[125716, null, null, null], [125717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72340, 83394, "Spider-Man_2", 0]]], "all_evidence": [[72340, 83394, "Spider-Man_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198859, 208565, "Scream_2", 0]]], "all_evidence": [[198859, 208565, "Scream_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105581, 119035, "Mars", 0], [105581, 119035, "Planet", 28]]], "all_evidence": [[105581, 119035, "Mars", 0], [105581, 119035, "Planet", 28]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71221, null, null, null]]], "all_evidence": [[71221, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242335, 243742, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242335, 243742, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170996, 184536, "Natasha_Lyonne", 0]]], "all_evidence": [[170996, 184536, "Natasha_Lyonne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45653, 54505, "Matt_Bomer", 0]], [[45653, 54506, "Matt_Bomer", 1]], [[45653, 54507, "Matt_Bomer", 2]], [[45653, 54508, "Matt_Bomer", 3]], [[45653, 54509, "Matt_Bomer", 4]], [[45653, 54510, "Matt_Bomer", 5]], [[45653, 54511, "Matt_Bomer", 8]], [[45653, 54512, "Matt_Bomer", 9]]], "all_evidence": [[45653, 54505, "Matt_Bomer", 0], [45653, 54506, "Matt_Bomer", 1], [45653, 54507, "Matt_Bomer", 2], [45653, 54508, "Matt_Bomer", 3], [45653, 54509, "Matt_Bomer", 4], [45653, 54510, "Matt_Bomer", 5], [45653, 54511, "Matt_Bomer", 8], [45653, 54512, "Matt_Bomer", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80090, null, null, null]]], "all_evidence": [[80090, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55136, 65180, "Elizabeth_I_of_England", 4]]], "all_evidence": [[55136, 65180, "Elizabeth_I_of_England", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54806, 64804, "Kajol", 2]], [[54806, 64805, "Kajol", 4]], [[54806, 64806, "Kajol", 8]], [[54806, 64807, "Kajol", 9]]], "all_evidence": [[54806, 64804, "Kajol", 2], [54806, 64805, "Kajol", 4], [54806, 64806, "Kajol", 8], [54806, 64807, "Kajol", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98596, 111681, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3], [98596, 111681, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]]], "all_evidence": [[98596, 111681, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3], [98596, 111681, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70416, 81279, "Sherilyn_Fenn", 2]]], "all_evidence": [[70416, 81279, "Sherilyn_Fenn", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202256, 211575, "Alfred_P._Murrah_Federal_Building", 0]]], "all_evidence": [[202256, 211575, "Alfred_P._Murrah_Federal_Building", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100578, 113870, "The_House_of_the_Spirits_-LRB-film-RRB-", 0]]], "all_evidence": [[100578, 113870, "The_House_of_the_Spirits_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100445, 113734, "University_of_Chicago_Law_School", 7]]], "all_evidence": [[100445, 113734, "University_of_Chicago_Law_School", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196090, 206240, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196090, 206240, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[195540, 205775, "Annie_Lennox", 7]], [[195540, 205776, "Annie_Lennox", 6]]], "all_evidence": [[195540, 205775, "Annie_Lennox", 7], [195540, 205776, "Annie_Lennox", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37674, 45604, "SpongeBob_SquarePants", 2]]], "all_evidence": [[37674, 45604, "SpongeBob_SquarePants", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179991, 192526, "Louie_-LRB-season_1-RRB-", 0]]], "all_evidence": [[179991, 192526, "Louie_-LRB-season_1-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234841, null, null, null]]], "all_evidence": [[234841, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90106, 102801, "SpongeBob_SquarePants", 0]]], "all_evidence": [[90106, 102801, "SpongeBob_SquarePants", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32329, 39294, "Watertown,_Massachusetts", 0]], [[32329, 39295, "Watertown,_Massachusetts", 3]]], "all_evidence": [[32329, 39294, "Watertown,_Massachusetts", 0], [32329, 39295, "Watertown,_Massachusetts", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210101, 217879, "SummerSlam", 0]], [[210101, 217880, "SummerSlam", 1]], [[316311, 305541, "SummerSlam", 0]]], "all_evidence": [[210101, 217879, "SummerSlam", 0], [210101, 217880, "SummerSlam", 1], [316311, 305541, "SummerSlam", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48871, 58188, "Temple_Mount", 7]]], "all_evidence": [[48871, 58188, "Temple_Mount", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266234, null, null, null]]], "all_evidence": [[266234, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135356, 150251, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[135356, 150251, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111674, 125481, "Joni_Mitchell", 20]]], "all_evidence": [[111674, 125481, "Joni_Mitchell", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67133, 77928, "Sarah_Hyland", 0]]], "all_evidence": [[67133, 77928, "Sarah_Hyland", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172460, 185762, "Ian_Gillan", 0]], [[172460, 185763, "Ian_Gillan", 1]], [[172460, 185764, "Ian_Gillan", 9]], [[172464, 185771, "Ian_Gillan", 0]]], "all_evidence": [[172460, 185762, "Ian_Gillan", 0], [172460, 185763, "Ian_Gillan", 1], [172460, 185764, "Ian_Gillan", 9], [172464, 185771, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160601, 175105, "Romani_people_in_the_Republic_of_Macedonia", 0]], [[160601, 175106, "Romani_people_in_the_Republic_of_Macedonia", 2]], [[160601, 175107, "Romani_people_in_the_Republic_of_Macedonia", 5]], [[162299, 176605, "Romani_people_in_the_Republic_of_Macedonia", 0]], [[162299, 176606, "Romani_people_in_the_Republic_of_Macedonia", 5]], [[312168, 302022, "Romani_people_in_the_Republic_of_Macedonia", 0]], [[313377, 303007, "Romani_people_in_the_Republic_of_Macedonia", 0]]], "all_evidence": [[160601, 175105, "Romani_people_in_the_Republic_of_Macedonia", 0], [160601, 175106, "Romani_people_in_the_Republic_of_Macedonia", 2], [160601, 175107, "Romani_people_in_the_Republic_of_Macedonia", 5], [162299, 176605, "Romani_people_in_the_Republic_of_Macedonia", 0], [162299, 176606, "Romani_people_in_the_Republic_of_Macedonia", 5], [312168, 302022, "Romani_people_in_the_Republic_of_Macedonia", 0], [313377, 303007, "Romani_people_in_the_Republic_of_Macedonia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52256, 62219, "Mount_Hood", 1]]], "all_evidence": [[52256, 62219, "Mount_Hood", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185684, 197420, "No_Strings_Attached_-LRB-film-RRB-", 2]]], "all_evidence": [[185684, 197420, "No_Strings_Attached_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238906, 240880, "The_Chaperone_-LRB-film-RRB-", 0]]], "all_evidence": [[238906, 240880, "The_Chaperone_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106547, 119960, "Simon_Pegg", 0]]], "all_evidence": [[106547, 119960, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74683, 85907, "The_SpongeBob_SquarePants_Movie", 0]], [[74683, 85908, "The_SpongeBob_SquarePants_Movie", 1]], [[74683, 85909, "The_SpongeBob_SquarePants_Movie", 3]]], "all_evidence": [[74683, 85907, "The_SpongeBob_SquarePants_Movie", 0], [74683, 85908, "The_SpongeBob_SquarePants_Movie", 1], [74683, 85909, "The_SpongeBob_SquarePants_Movie", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174378, 187603, "A._P._J._Abdul_Kalam", 7]]], "all_evidence": [[174378, 187603, "A._P._J._Abdul_Kalam", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212921, 220317, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212921, 220317, "Nicolas_Roeg", 0]]], "all_evidence": [[212921, 220317, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212921, 220317, "Nicolas_Roeg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159301, null, null, null]]], "all_evidence": [[159301, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96377, null, null, null]]], "all_evidence": [[96377, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222840, null, null, null]]], "all_evidence": [[222840, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87757, 100268, "Java", 9]]], "all_evidence": [[87757, 100268, "Java", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129478, 144223, "Donald_Duck", 2]]], "all_evidence": [[129478, 144223, "Donald_Duck", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68350, 79221, "Alcoholic_drink", 12]]], "all_evidence": [[68350, 79221, "Alcoholic_drink", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273145, 268706, "Ed_Gein", 1]], [[273981, 269298, "Ed_Gein", 1]], [[273982, 269299, "Ed_Gein", 1]], [[273983, 269300, "Ed_Gein", 1]], [[273988, 269301, "Ed_Gein", 1]]], "all_evidence": [[273145, 268706, "Ed_Gein", 1], [273981, 269298, "Ed_Gein", 1], [273982, 269299, "Ed_Gein", 1], [273983, 269300, "Ed_Gein", 1], [273988, 269301, "Ed_Gein", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128143, 142861, "New_England_Patriots", 12]], [[128143, 142862, "New_England_Patriots", 15]]], "all_evidence": [[128143, 142861, "New_England_Patriots", 12], [128143, 142862, "New_England_Patriots", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153556, 168382, "Fraud", 0]]], "all_evidence": [[153556, 168382, "Fraud", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21712, 26678, "Duke_of_York", 11], [21712, 26678, "Duke_of_York", 12]]], "all_evidence": [[21712, 26678, "Duke_of_York", 11], [21712, 26678, "Duke_of_York", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202379, 211660, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]], "all_evidence": [[202379, 211660, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199390, 209081, "Northwestern_University", 19]]], "all_evidence": [[199390, 209081, "Northwestern_University", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114770, null, null, null]]], "all_evidence": [[114770, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20010, 24567, "The_Fame", 13]], [[20010, 24568, "The_Fame", 14]]], "all_evidence": [[20010, 24567, "The_Fame", 13], [20010, 24568, "The_Fame", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166980, 180804, "China", 15]]], "all_evidence": [[166980, 180804, "China", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242563, null, null, null]]], "all_evidence": [[242563, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213569, 220790, "Estelle_Getty", 0]]], "all_evidence": [[213569, 220790, "Estelle_Getty", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238928, null, null, null], [238929, null, null, null], [238930, null, null, null]]], "all_evidence": [[238928, null, null, null], [238929, null, null, null], [238930, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28320, 34636, "Chris_Paul", 1]]], "all_evidence": [[28320, 34636, "Chris_Paul", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160205, 174741, "Lucy_Hale", 0]]], "all_evidence": [[160205, 174741, "Lucy_Hale", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198888, 208586, "Scream_2", 0], [198888, 208586, "Kevin_Williamson_-LRB-screenwriter-RRB-", 0], [198888, 208586, "Kevin_Williamson_-LRB-screenwriter-RRB-", 2]]], "all_evidence": [[198888, 208586, "Scream_2", 0], [198888, 208586, "Kevin_Williamson_-LRB-screenwriter-RRB-", 0], [198888, 208586, "Kevin_Williamson_-LRB-screenwriter-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87503, 99973, "B._R._Ambedkar", 0]]], "all_evidence": [[87503, 99973, "B._R._Ambedkar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141145, 156352, "Chris_Bosh", 1], [141145, 156352, "Georgia_Institute_of_Technology", 0]]], "all_evidence": [[141145, 156352, "Chris_Bosh", 1], [141145, 156352, "Georgia_Institute_of_Technology", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16506, 20443, "Clueless_-LRB-film-RRB-", 7]]], "all_evidence": [[16506, 20443, "Clueless_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24174, 29898, "Mandy_Moore", 0]], [[24174, 29899, "Mandy_Moore", 1], [24174, 29899, "Candy_-LRB-Mandy_Moore_song-RRB-", 0]], [[24174, 29900, "Mandy_Moore", 2], [24174, 29900, "So_Real_-LRB-album-RRB-", 0]], [[24174, 29901, "Mandy_Moore", 11]]], "all_evidence": [[24174, 29898, "Mandy_Moore", 0], [24174, 29899, "Mandy_Moore", 1], [24174, 29899, "Candy_-LRB-Mandy_Moore_song-RRB-", 0], [24174, 29900, "Mandy_Moore", 2], [24174, 29900, "So_Real_-LRB-album-RRB-", 0], [24174, 29901, "Mandy_Moore", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216619, null, null, null]]], "all_evidence": [[216619, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151023, 165848, "Vincent_D'Onofrio", 4]]], "all_evidence": [[151023, 165848, "Vincent_D'Onofrio", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105604, 119053, "Antigua_and_Barbuda", 6]]], "all_evidence": [[105604, 119053, "Antigua_and_Barbuda", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107653, 121147, "Freddie_Highmore", 5]]], "all_evidence": [[107653, 121147, "Freddie_Highmore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194658, 205044, "Boeing_767", 0]]], "all_evidence": [[194658, 205044, "Boeing_767", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136966, 151792, "Hannah_and_Her_Sisters", 0]], [[136966, 151793, "Hannah_and_Her_Sisters", 4]]], "all_evidence": [[136966, 151792, "Hannah_and_Her_Sisters", 0], [136966, 151793, "Hannah_and_Her_Sisters", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228915, null, null, null]]], "all_evidence": [[228915, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62133, 72674, "Electric_chair", 15]], [[64474, 75256, "Electric_chair", 15]], [[66288, 77115, "Electric_chair", 15]], [[303494, 294458, "Electric_chair", 15]], [[305349, 296184, "Electric_chair", 15]], [[305356, 296190, "Electric_chair", 15]]], "all_evidence": [[62133, 72674, "Electric_chair", 15], [64474, 75256, "Electric_chair", 15], [66288, 77115, "Electric_chair", 15], [303494, 294458, "Electric_chair", 15], [305349, 296184, "Electric_chair", 15], [305356, 296190, "Electric_chair", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184517, 196400, "Levoamphetamine", 0]]], "all_evidence": [[184517, 196400, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182456, 194692, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]], "all_evidence": [[182456, 194692, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226613, 231146, "Bala_-LRB-director-RRB-", 2]]], "all_evidence": [[226613, 231146, "Bala_-LRB-director-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20543, null, null, null]]], "all_evidence": [[20543, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242554, null, null, null]]], "all_evidence": [[242554, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202958, null, null, null]]], "all_evidence": [[202958, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226632, null, null, null]]], "all_evidence": [[226632, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244102, null, null, null], [244105, null, null, null]]], "all_evidence": [[244102, null, null, null], [244105, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267016, 263825, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[267016, 263825, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161192, null, null, null], [165770, null, null, null], [312177, null, null, null], [313418, null, null, null]]], "all_evidence": [[161192, null, null, null], [165770, null, null, null], [312177, null, null, null], [313418, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232370, 235585, "University_of_Leicester", 11]]], "all_evidence": [[232370, 235585, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23073, 28419, "Cle\u0301opa\u0302tre", 1], [23073, 28419, "Ope\u0301ra_de_Monte-Carlo", 0]]], "all_evidence": [[23073, 28419, "Cle\u0301opa\u0302tre", 1], [23073, 28419, "Ope\u0301ra_de_Monte-Carlo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49673, 59103, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]], "all_evidence": [[49673, 59103, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77604, 89055, "Color_of_Night", 8]]], "all_evidence": [[77604, 89055, "Color_of_Night", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215777, 222558, "You_Only_Live_Twice_-LRB-film-RRB-", 12], [215777, 222558, "Lewis_Gilbert", 0]]], "all_evidence": [[215777, 222558, "You_Only_Live_Twice_-LRB-film-RRB-", 12], [215777, 222558, "Lewis_Gilbert", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257879, 256819, "Jab_Tak_Hai_Jaan", 14]]], "all_evidence": [[257879, 256819, "Jab_Tak_Hai_Jaan", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17504, 21659, "Cthulhu", 0]]], "all_evidence": [[17504, 21659, "Cthulhu", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77794, 89240, "Prague", 16]]], "all_evidence": [[77794, 89240, "Prague", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76995, null, null, null]]], "all_evidence": [[76995, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198893, null, null, null]]], "all_evidence": [[198893, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128469, null, null, null]]], "all_evidence": [[128469, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17299, 21408, "Blue_Dog_Coalition", 0]]], "all_evidence": [[17299, 21408, "Blue_Dog_Coalition", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244121, null, null, null], [244126, null, null, null]]], "all_evidence": [[244121, null, null, null], [244126, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149777, 164722, "Camp_Flog_Gnaw", 0], [149777, 164722, "Odd_Future", 0]]], "all_evidence": [[149777, 164722, "Camp_Flog_Gnaw", 0], [149777, 164722, "Odd_Future", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62662, 73321, "Parkinson's_disease", 27]], [[62662, 73322, "Parkinson's_disease", 28]], [[62662, 73323, "Parkinson's_disease", 30]], [[62662, 73324, "Parkinson's_disease", 34]]], "all_evidence": [[62662, 73321, "Parkinson's_disease", 27], [62662, 73322, "Parkinson's_disease", 28], [62662, 73323, "Parkinson's_disease", 30], [62662, 73324, "Parkinson's_disease", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225318, 229995, "Live_Nation_Entertainment", 0], [225318, 229995, "Live_Nation_Entertainment", 8], [225318, 229995, "Live_Nation_Entertainment", 9], [225318, 229995, "Live_Nation_Entertainment", 10], [225318, 229995, "Live_Nation_Entertainment", 11]]], "all_evidence": [[225318, 229995, "Live_Nation_Entertainment", 0], [225318, 229995, "Live_Nation_Entertainment", 8], [225318, 229995, "Live_Nation_Entertainment", 9], [225318, 229995, "Live_Nation_Entertainment", 10], [225318, 229995, "Live_Nation_Entertainment", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171181, 184694, "Jack_Dylan_Grazer", 0]], [[171185, 184697, "Jack_Dylan_Grazer", 0]], [[171189, 184701, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[171181, 184694, "Jack_Dylan_Grazer", 0], [171185, 184697, "Jack_Dylan_Grazer", 0], [171189, 184701, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188464, null, null, null]]], "all_evidence": [[188464, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77231, 88647, "James_Brolin", 0]]], "all_evidence": [[77231, 88647, "James_Brolin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232888, 235948, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232888, 235948, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93543, null, null, null]]], "all_evidence": [[93543, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84968, null, null, null]]], "all_evidence": [[84968, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36371, 43947, "Pakistan", 0]]], "all_evidence": [[36371, 43947, "Pakistan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115377, null, null, null], [308333, null, null, null], [309827, null, null, null], [309830, null, null, null], [309833, null, null, null]]], "all_evidence": [[115377, null, null, null], [308333, null, null, null], [309827, null, null, null], [309830, null, null, null], [309833, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71597, 82577, "Super_Bowl_XLV", 2]]], "all_evidence": [[71597, 82577, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113829, 127695, "Guthrie_Theater", 6]]], "all_evidence": [[113829, 127695, "Guthrie_Theater", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198372, null, null, null]]], "all_evidence": [[198372, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196085, 206237, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196085, 206237, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51939, 61785, "Joseph_Merrick", 0]]], "all_evidence": [[51939, 61785, "Joseph_Merrick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51447, 61193, "Laura_Robson", 3]]], "all_evidence": [[51447, 61193, "Laura_Robson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166577, 180392, "Maximum_Overdrive", 0]]], "all_evidence": [[166577, 180392, "Maximum_Overdrive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143561, 158681, "Lorelai_Gilmore", 3]]], "all_evidence": [[143561, 158681, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172293, 185651, "Therasia", 0], [172293, 185651, "Santorini", 0]]], "all_evidence": [[172293, 185651, "Therasia", 0], [172293, 185651, "Santorini", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58642, 68946, "Nate_Diaz", 3]]], "all_evidence": [[58642, 68946, "Nate_Diaz", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83581, null, null, null]]], "all_evidence": [[83581, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202253, null, null, null]]], "all_evidence": [[202253, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239451, 241294, "Akon", 9]]], "all_evidence": [[239451, 241294, "Akon", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142430, 157615, "Pharmacology", 23]], [[142430, 157616, "Pharmacology", 10]]], "all_evidence": [[142430, 157615, "Pharmacology", 23], [142430, 157616, "Pharmacology", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88189, 100791, "Gamal_Abdel_Nasser", 13], [88189, 100791, "Cairo", 0]]], "all_evidence": [[88189, 100791, "Gamal_Abdel_Nasser", 13], [88189, 100791, "Cairo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224592, 229423, "American_Library_Association", 1]], [[224593, 229424, "American_Library_Association", 1]]], "all_evidence": [[224592, 229423, "American_Library_Association", 1], [224593, 229424, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161757, 176176, "Johnny_Van_Zant", 0]], [[161757, 176177, "Johnny_Van_Zant", 4], [161757, 176177, "Van_Zant", 2]], [[161757, 176178, "Johnny_Van_Zant", 1], [161757, 176178, "Ronnie_Van_Zant", 1]], [[161757, 176179, "Johnny_Van_Zant", 5], [161757, 176179, "No_More_Dirty_Deals", 0]], [[161757, 176180, "Johnny_Van_Zant", 6]], [[161757, 176181, "Johnny_Van_Zant", 7]], [[161757, 176182, "Johnny_Van_Zant", 10]], [[161757, 176183, "Johnny_Van_Zant", 11]], [[161757, 176184, "Johnny_Van_Zant", 12], [161757, 176184, "Van_Zant", 0]]], "all_evidence": [[161757, 176176, "Johnny_Van_Zant", 0], [161757, 176177, "Johnny_Van_Zant", 4], [161757, 176177, "Van_Zant", 2], [161757, 176178, "Johnny_Van_Zant", 1], [161757, 176178, "Ronnie_Van_Zant", 1], [161757, 176179, "Johnny_Van_Zant", 5], [161757, 176179, "No_More_Dirty_Deals", 0], [161757, 176180, "Johnny_Van_Zant", 6], [161757, 176181, "Johnny_Van_Zant", 7], [161757, 176182, "Johnny_Van_Zant", 10], [161757, 176183, "Johnny_Van_Zant", 11], [161757, 176184, "Johnny_Van_Zant", 12], [161757, 176184, "Van_Zant", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225552, null, null, null]]], "all_evidence": [[225552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265862, 263002, "FC_Bayern_Munich", 4]]], "all_evidence": [[265862, 263002, "FC_Bayern_Munich", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27231, 33353, "Floyd_Mayweather_Jr.", 0]], [[27231, 33354, "Floyd_Mayweather_Jr.", 1]], [[27231, 33355, "Floyd_Mayweather_Jr.", 3]], [[27231, 33356, "Floyd_Mayweather_Jr.", 6]], [[27231, 33357, "Floyd_Mayweather_Jr.", 8]], [[27231, 33358, "Floyd_Mayweather_Jr.", 9]]], "all_evidence": [[27231, 33353, "Floyd_Mayweather_Jr.", 0], [27231, 33354, "Floyd_Mayweather_Jr.", 1], [27231, 33355, "Floyd_Mayweather_Jr.", 3], [27231, 33356, "Floyd_Mayweather_Jr.", 6], [27231, 33357, "Floyd_Mayweather_Jr.", 8], [27231, 33358, "Floyd_Mayweather_Jr.", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296947, null, null, null], [298600, null, null, null], [300689, null, null, null], [344341, null, null, null], [344914, null, null, null]]], "all_evidence": [[296947, null, null, null], [298600, null, null, null], [300689, null, null, null], [344341, null, null, null], [344914, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115991, null, null, null]]], "all_evidence": [[115991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69360, 80138, "Cambridgeshire", 1]], [[69365, 80143, "Cambridgeshire", 1]], [[69365, 80144, "Cambridgeshire", 7], [69365, 80144, "Cambridgeshire_County_Council", 0]], [[69365, 80145, "Cambridgeshire", 8], [69365, 80145, "South_Cambridgeshire_District_Council", 0]]], "all_evidence": [[69360, 80138, "Cambridgeshire", 1], [69365, 80143, "Cambridgeshire", 1], [69365, 80144, "Cambridgeshire", 7], [69365, 80144, "Cambridgeshire_County_Council", 0], [69365, 80145, "Cambridgeshire", 8], [69365, 80145, "South_Cambridgeshire_District_Council", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20797, 25488, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]], "all_evidence": [[20797, 25488, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32829, 39908, "Chris_Benoit", 0]], [[32829, 39909, "Chris_Benoit", 14]]], "all_evidence": [[32829, 39908, "Chris_Benoit", 0], [32829, 39909, "Chris_Benoit", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110231, 123848, "John_Goodman", 4]], [[110231, 123849, "John_Goodman", 7]], [[110231, 123850, "John_Goodman", 8]]], "all_evidence": [[110231, 123848, "John_Goodman", 4], [110231, 123849, "John_Goodman", 7], [110231, 123850, "John_Goodman", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45509, 54337, "The_Maze_Runner_-LRB-film-RRB-", 0]], [[45509, 54338, "The_Maze_Runner_-LRB-film-RRB-", 1]], [[45509, 54339, "The_Maze_Runner_-LRB-film-RRB-", 11]], [[45509, 54340, "The_Maze_Runner_-LRB-film-RRB-", 12]], [[45509, 54341, "The_Maze_Runner_-LRB-film-RRB-", 13]], [[45509, 54342, "The_Maze_Runner_-LRB-film-RRB-", 10], [45509, 54342, "20th_Century_Fox", 0]], [[45509, 54343, "The_Maze_Runner_-LRB-film-RRB-", 6]]], "all_evidence": [[45509, 54337, "The_Maze_Runner_-LRB-film-RRB-", 0], [45509, 54338, "The_Maze_Runner_-LRB-film-RRB-", 1], [45509, 54339, "The_Maze_Runner_-LRB-film-RRB-", 11], [45509, 54340, "The_Maze_Runner_-LRB-film-RRB-", 12], [45509, 54341, "The_Maze_Runner_-LRB-film-RRB-", 13], [45509, 54342, "The_Maze_Runner_-LRB-film-RRB-", 10], [45509, 54342, "20th_Century_Fox", 0], [45509, 54343, "The_Maze_Runner_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47269, 56391, "Two_and_a_Half_Men", 1]]], "all_evidence": [[47269, 56391, "Two_and_a_Half_Men", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[276186, 271259, "Yin_and_yang", 13]], [[278465, 273251, "Yin_and_yang", 13]], [[326331, 313837, "Yin_and_yang", 5]]], "all_evidence": [[276186, 271259, "Yin_and_yang", 13], [278465, 273251, "Yin_and_yang", 13], [326331, 313837, "Yin_and_yang", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49704, 59138, "Birmingham", 0]]], "all_evidence": [[49704, 59138, "Birmingham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266989, 263802, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[266989, 263802, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74132, null, null, null]]], "all_evidence": [[74132, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92947, null, null, null]]], "all_evidence": [[92947, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31337, 38050, "Spider-Man_2", 0]]], "all_evidence": [[31337, 38050, "Spider-Man_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210423, 218192, "Sean_Gunn", 0]]], "all_evidence": [[210423, 218192, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290605, 283599, "Jonah_Hill", 0]], [[290605, 283600, "Jonah_Hill", 1]], [[290605, 283601, "Jonah_Hill", 4]], [[290605, 283602, "Jonah_Hill", 5]], [[292019, 284860, "Jonah_Hill", 0]], [[294014, 286401, "Jonah_Hill", 0]], [[338882, 323939, "Jonah_Hill", 0]], [[338882, 323940, "Jonah_Hill", 1]], [[338882, 323941, "Jonah_Hill", 4]], [[338883, 323942, "Jonah_Hill", 0]], [[338883, 323943, "Jonah_Hill", 1]], [[338883, 323944, "Jonah_Hill", 4]], [[338883, 323945, "Jonah_Hill", 5], [338883, 323945, "21_Jump_Street_-LRB-film-RRB-", 0]], [[338884, 323946, "Jonah_Hill", 0]], [[338884, 323947, "Jonah_Hill", 1]], [[338884, 323948, "Jonah_Hill", 4]], [[338885, 323949, "Jonah_Hill", 0]], [[338885, 323950, "Jonah_Hill", 1]], [[338885, 323951, "Jonah_Hill", 4]], [[338885, 323952, "Jonah_Hill", 5]], [[338888, 323955, "Jonah_Hill", 0]], [[338888, 323956, "Jonah_Hill", 1]], [[338888, 323957, "Jonah_Hill", 4]]], "all_evidence": [[290605, 283599, "Jonah_Hill", 0], [290605, 283600, "Jonah_Hill", 1], [290605, 283601, "Jonah_Hill", 4], [290605, 283602, "Jonah_Hill", 5], [292019, 284860, "Jonah_Hill", 0], [294014, 286401, "Jonah_Hill", 0], [338882, 323939, "Jonah_Hill", 0], [338882, 323940, "Jonah_Hill", 1], [338882, 323941, "Jonah_Hill", 4], [338883, 323942, "Jonah_Hill", 0], [338883, 323943, "Jonah_Hill", 1], [338883, 323944, "Jonah_Hill", 4], [338883, 323945, "Jonah_Hill", 5], [338883, 323945, "21_Jump_Street_-LRB-film-RRB-", 0], [338884, 323946, "Jonah_Hill", 0], [338884, 323947, "Jonah_Hill", 1], [338884, 323948, "Jonah_Hill", 4], [338885, 323949, "Jonah_Hill", 0], [338885, 323950, "Jonah_Hill", 1], [338885, 323951, "Jonah_Hill", 4], [338885, 323952, "Jonah_Hill", 5], [338888, 323955, "Jonah_Hill", 0], [338888, 323956, "Jonah_Hill", 1], [338888, 323957, "Jonah_Hill", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81810, 93580, "Fargo_-LRB-season_3-RRB-", 0]], [[81810, 93581, "Fargo_-LRB-season_3-RRB-", 10]]], "all_evidence": [[81810, 93580, "Fargo_-LRB-season_3-RRB-", 0], [81810, 93581, "Fargo_-LRB-season_3-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171649, 185143, "Scandal_-LRB-American_band-RRB-", 0]]], "all_evidence": [[171649, 185143, "Scandal_-LRB-American_band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220653, 226470, "William_Cohen", 0]]], "all_evidence": [[220653, 226470, "William_Cohen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206294, 214680, "Trick-or-treating", 1]]], "all_evidence": [[206294, 214680, "Trick-or-treating", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192313, 203073, "Westworld_-LRB-TV_series-RRB-", 4]], [[192327, 203088, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[192313, 203073, "Westworld_-LRB-TV_series-RRB-", 4], [192327, 203088, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272714, null, null, null]]], "all_evidence": [[272714, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70160, null, null, null]]], "all_evidence": [[70160, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196214, 206363, "Ann_Biderman", 0]], [[196215, 206364, "Ann_Biderman", 0]]], "all_evidence": [[196214, 206363, "Ann_Biderman", 0], [196215, 206364, "Ann_Biderman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89301, 101997, "Scream_-LRB-franchise-RRB-", 14]]], "all_evidence": [[89301, 101997, "Scream_-LRB-franchise-RRB-", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188061, null, null, null]]], "all_evidence": [[188061, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138759, 153823, "The_Walking_Dead_-LRB-comic_book-RRB-", 12]]], "all_evidence": [[138759, 153823, "The_Walking_Dead_-LRB-comic_book-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173249, 186514, "Kenny_Chesney", 0]]], "all_evidence": [[173249, 186514, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227522, 231883, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227522, 231883, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121834, 136135, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0], [121834, 136135, "Caribbean_Sea", 4]]], "all_evidence": [[121834, 136135, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0], [121834, 136135, "Caribbean_Sea", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181318, 193576, "Birmingham", 0]], [[181318, 193577, "Birmingham", 1]], [[181318, 193578, "Birmingham", 17]]], "all_evidence": [[181318, 193576, "Birmingham", 0], [181318, 193577, "Birmingham", 1], [181318, 193578, "Birmingham", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43642, null, null, null]]], "all_evidence": [[43642, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104358, 117783, "Washington_Monument", 1]]], "all_evidence": [[104358, 117783, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159914, 174421, "Therasia", 0], [159914, 174421, "Therasia", 1], [159914, 174421, "Therasia", 2]], [[159915, 174422, "Therasia", 0], [159915, 174422, "Therasia", 2]]], "all_evidence": [[159914, 174421, "Therasia", 0], [159914, 174421, "Therasia", 1], [159914, 174421, "Therasia", 2], [159915, 174422, "Therasia", 0], [159915, 174422, "Therasia", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13064, null, null, null]]], "all_evidence": [[13064, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163345, null, null, null]]], "all_evidence": [[163345, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182022, null, null, null]]], "all_evidence": [[182022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264580, 262004, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]], [[264581, 262005, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]]], "all_evidence": [[264580, 262004, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7], [264581, 262005, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109957, 123569, "Premier_League_Asia_Trophy", 0]]], "all_evidence": [[109957, 123569, "Premier_League_Asia_Trophy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39404, null, null, null]]], "all_evidence": [[39404, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132789, null, null, null], [132792, null, null, null]]], "all_evidence": [[132789, null, null, null], [132792, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274741, null, null, null], [276865, null, null, null], [277617, null, null, null]]], "all_evidence": [[274741, null, null, null], [276865, null, null, null], [277617, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103168, 116496, "Ekta_Kapoor", 0]]], "all_evidence": [[103168, 116496, "Ekta_Kapoor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116691, null, null, null]]], "all_evidence": [[116691, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154892, null, null, null]]], "all_evidence": [[154892, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184995, 196831, "No_Strings_Attached_-LRB-film-RRB-", 2]]], "all_evidence": [[184995, 196831, "No_Strings_Attached_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170806, 184372, "The_SpongeBob_SquarePants_Movie", 1], [170806, 184372, "Stephen_Hillenburg", 0], [170806, 184372, "The_SpongeBob_SquarePants_Movie", 0]]], "all_evidence": [[170806, 184372, "The_SpongeBob_SquarePants_Movie", 1], [170806, 184372, "Stephen_Hillenburg", 0], [170806, 184372, "The_SpongeBob_SquarePants_Movie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29511, 35988, "Babur", 0]], [[301103, 292231, "Babur", 0]]], "all_evidence": [[29511, 35988, "Babur", 0], [301103, 292231, "Babur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111246, 124874, "Color_of_Night", 8]], [[111254, 124880, "Color_of_Night", 8]]], "all_evidence": [[111246, 124874, "Color_of_Night", 8], [111254, 124880, "Color_of_Night", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101758, null, null, null]]], "all_evidence": [[101758, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64772, 75609, "Julie_Bowen", 0]]], "all_evidence": [[64772, 75609, "Julie_Bowen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107694, 121182, "David_Attenborough", 4]]], "all_evidence": [[107694, 121182, "David_Attenborough", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17105, null, null, null], [17115, null, null, null]]], "all_evidence": [[17105, null, null, null], [17115, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41618, 50037, "General_Motors", 12]]], "all_evidence": [[41618, 50037, "General_Motors", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25206, 31087, "English_Wikipedia", 0]]], "all_evidence": [[25206, 31087, "English_Wikipedia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114570, null, null, null]]], "all_evidence": [[114570, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103334, null, null, null]]], "all_evidence": [[103334, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257434, 256438, "Cyclades", 0]], [[257434, 256439, "Cyclades", 1]], [[257434, 256440, "Cyclades", 2]], [[321278, 309764, "Cyclades", 0]], [[321296, 309784, "Cyclades", 0]]], "all_evidence": [[257434, 256438, "Cyclades", 0], [257434, 256439, "Cyclades", 1], [257434, 256440, "Cyclades", 2], [321278, 309764, "Cyclades", 0], [321296, 309784, "Cyclades", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188481, 199875, "William_Blackstone", 2]], [[188481, 199876, "William_Blackstone", 3]]], "all_evidence": [[188481, 199875, "William_Blackstone", 2], [188481, 199876, "William_Blackstone", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215231, null, null, null], [316283, null, null, null], [317026, null, null, null]]], "all_evidence": [[215231, null, null, null], [316283, null, null, null], [317026, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269991, 266147, "Chadwick_Boseman", 1]]], "all_evidence": [[269991, 266147, "Chadwick_Boseman", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196218, null, null, null]]], "all_evidence": [[196218, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98684, null, null, null]]], "all_evidence": [[98684, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180130, 192659, "Chris_Benoit", 0], [180130, 192659, "Chris_Benoit", 3]], [[180130, 192660, "Chris_Benoit", 8]], [[180130, 192661, "Chris_Benoit", 7]], [[180130, 192662, "Chris_Benoit", 11]]], "all_evidence": [[180130, 192659, "Chris_Benoit", 0], [180130, 192659, "Chris_Benoit", 3], [180130, 192660, "Chris_Benoit", 8], [180130, 192661, "Chris_Benoit", 7], [180130, 192662, "Chris_Benoit", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111399, 125039, "Anthony_Scaramucci", 0]]], "all_evidence": [[111399, 125039, "Anthony_Scaramucci", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70869, null, null, null]]], "all_evidence": [[70869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219549, 225531, "Stephen_Moyer", 3]]], "all_evidence": [[219549, 225531, "Stephen_Moyer", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238340, null, null, null]]], "all_evidence": [[238340, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146624, 161613, "Scandinavia", 5]]], "all_evidence": [[146624, 161613, "Scandinavia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190526, 201529, "American_Idol_-LRB-season_8-RRB-", 1]]], "all_evidence": [[190526, 201529, "American_Idol_-LRB-season_8-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113025, 126861, "Mandy_Moore", 0]], [[113026, 126862, "Mandy_Moore", 0]]], "all_evidence": [[113025, 126861, "Mandy_Moore", 0], [113026, 126862, "Mandy_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172913, null, null, null]]], "all_evidence": [[172913, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132943, 147831, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[132943, 147831, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181224, null, null, null]]], "all_evidence": [[181224, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165202, 179335, "Times_Higher_Education_World_University_Rankings", 0]]], "all_evidence": [[165202, 179335, "Times_Higher_Education_World_University_Rankings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156104, 170732, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[156104, 170732, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39443, 47493, "Netscape_Navigator", 0]]], "all_evidence": [[39443, 47493, "Netscape_Navigator", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265314, null, null, null], [265385, null, null, null]]], "all_evidence": [[265314, null, null, null], [265385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162272, 176572, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 0]], [[162272, 176573, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5]]], "all_evidence": [[162272, 176572, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 0], [162272, 176573, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[306811, 297417, "Skopje", 8]]], "all_evidence": [[306811, 297417, "Skopje", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24745, null, null, null]]], "all_evidence": [[24745, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247531, null, null, null]]], "all_evidence": [[247531, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39047, null, null, null]]], "all_evidence": [[39047, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219539, null, null, null]]], "all_evidence": [[219539, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229609, null, null, null]]], "all_evidence": [[229609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64220, 74967, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[64220, 74967, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265863, 263003, "FC_Bayern_Munich", 4], [265863, 263003, "Franz_John", 0]]], "all_evidence": [[265863, 263003, "FC_Bayern_Munich", 4], [265863, 263003, "Franz_John", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12363, null, null, null], [12366, null, null, null], [16877, null, null, null], [66756, null, null, null], [298994, null, null, null], [301035, null, null, null]]], "all_evidence": [[12363, null, null, null], [12366, null, null, null], [16877, null, null, null], [66756, null, null, null], [298994, null, null, null], [301035, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188716, null, null, null]]], "all_evidence": [[188716, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182914, 195032, "Bill_Graham_Civic_Auditorium", 2]]], "all_evidence": [[182914, 195032, "Bill_Graham_Civic_Auditorium", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127318, 141859, "IPhone_4", 0]]], "all_evidence": [[127318, 141859, "IPhone_4", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95734, 108776, "Hebe_-LRB-mythology-RRB-", 2]]], "all_evidence": [[95734, 108776, "Hebe_-LRB-mythology-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42262, null, null, null]]], "all_evidence": [[42262, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15486, 19310, "Yin_and_yang", 5]]], "all_evidence": [[15486, 19310, "Yin_and_yang", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115297, 129134, "Pocahontas", 1]]], "all_evidence": [[115297, 129134, "Pocahontas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262102, 260156, "Aristocracy", 1]], [[262102, 260157, "Aristocracy", 4]], [[262102, 260158, "Aristocracy", 0]]], "all_evidence": [[262102, 260156, "Aristocracy", 1], [262102, 260157, "Aristocracy", 4], [262102, 260158, "Aristocracy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55416, null, null, null]]], "all_evidence": [[55416, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233863, 236745, "Lois_Lane", 7]]], "all_evidence": [[233863, 236745, "Lois_Lane", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211660, 219330, "The_Fly_-LRB-1986_film-RRB-", 0]]], "all_evidence": [[211660, 219330, "The_Fly_-LRB-1986_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170470, null, null, null]]], "all_evidence": [[170470, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19006, 23298, "SummerSlam_-LRB-2015-RRB-", 8]]], "all_evidence": [[19006, 23298, "SummerSlam_-LRB-2015-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136660, 151487, "Tennessee", 11]]], "all_evidence": [[136660, 151487, "Tennessee", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96915, 110069, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]], [[96915, 110070, "Reanimation_-LRB-Linkin_Park_album-RRB-", 1]], [[96915, 110071, "Reanimation_-LRB-Linkin_Park_album-RRB-", 2]]], "all_evidence": [[96915, 110069, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0], [96915, 110070, "Reanimation_-LRB-Linkin_Park_album-RRB-", 1], [96915, 110071, "Reanimation_-LRB-Linkin_Park_album-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206552, 214886, "Move_-LRB-Little_Mix_song-RRB-", 1]]], "all_evidence": [[206552, 214886, "Move_-LRB-Little_Mix_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179781, 192326, "Dissociative_identity_disorder", 0]]], "all_evidence": [[179781, 192326, "Dissociative_identity_disorder", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37523, null, null, null]]], "all_evidence": [[37523, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177035, null, null, null]]], "all_evidence": [[177035, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128707, null, null, null]]], "all_evidence": [[128707, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20512, 25145, "Solanum", 1]]], "all_evidence": [[20512, 25145, "Solanum", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292626, 285374, "Cars_3", 0]], [[292626, 285375, "Cars_3", 1]], [[292626, 285376, "Cars_3", 3]], [[294620, 286867, "Cars_3", 0]], [[295216, 287365, "Cars_3", 0]], [[340464, 325098, "Cars_3", 0]], [[340466, 325100, "Cars_3", 0]], [[340466, 325101, "Cars_3", 1]]], "all_evidence": [[292626, 285374, "Cars_3", 0], [292626, 285375, "Cars_3", 1], [292626, 285376, "Cars_3", 3], [294620, 286867, "Cars_3", 0], [295216, 287365, "Cars_3", 0], [340464, 325098, "Cars_3", 0], [340466, 325100, "Cars_3", 0], [340466, 325101, "Cars_3", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111821, 125645, "Elizabeth_of_York", 7]], [[111821, 125646, "Elizabeth_of_York", 4]], [[111821, 125647, "Elizabeth_of_York", 2]]], "all_evidence": [[111821, 125645, "Elizabeth_of_York", 7], [111821, 125646, "Elizabeth_of_York", 4], [111821, 125647, "Elizabeth_of_York", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26867, null, null, null]]], "all_evidence": [[26867, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44720, 53404, "The_Wonder_Years", 9]]], "all_evidence": [[44720, 53404, "The_Wonder_Years", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83181, 95130, "Charles_Howard_Hinton", 0]]], "all_evidence": [[83181, 95130, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163587, 177836, "Zoe_Saldana", 0]]], "all_evidence": [[163587, 177836, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137289, null, null, null]]], "all_evidence": [[137289, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55156, 65197, "Pakistan", 0]]], "all_evidence": [[55156, 65197, "Pakistan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162294, null, null, null]]], "all_evidence": [[162294, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[295963, 287945, "Gotham_-LRB-TV_series-RRB-", 7]], [[295964, 287946, "Gotham_-LRB-TV_series-RRB-", 7]], [[297470, 289124, "Gotham_-LRB-TV_series-RRB-", 7]], [[341949, 326187, "Gotham_-LRB-TV_series-RRB-", 7]], [[341950, 326188, "Gotham_-LRB-TV_series-RRB-", 7]], [[341951, 326189, "Gotham_-LRB-TV_series-RRB-", 7]], [[341952, 326190, "Gotham_-LRB-TV_series-RRB-", 7]], [[341953, 326191, "Gotham_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[295963, 287945, "Gotham_-LRB-TV_series-RRB-", 7], [295964, 287946, "Gotham_-LRB-TV_series-RRB-", 7], [297470, 289124, "Gotham_-LRB-TV_series-RRB-", 7], [341949, 326187, "Gotham_-LRB-TV_series-RRB-", 7], [341950, 326188, "Gotham_-LRB-TV_series-RRB-", 7], [341951, 326189, "Gotham_-LRB-TV_series-RRB-", 7], [341952, 326190, "Gotham_-LRB-TV_series-RRB-", 7], [341953, 326191, "Gotham_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85943, null, null, null]]], "all_evidence": [[85943, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55755, 65818, "House_of_Balloons", 0]]], "all_evidence": [[55755, 65818, "House_of_Balloons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125206, null, null, null]]], "all_evidence": [[125206, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49700, null, null, null]]], "all_evidence": [[49700, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218856, 225041, "Dan_Brown", 0]], [[218857, 225042, "Dan_Brown", 0]], [[218857, 225043, "Dan_Brown", 2]]], "all_evidence": [[218856, 225041, "Dan_Brown", 0], [218857, 225042, "Dan_Brown", 0], [218857, 225043, "Dan_Brown", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196101, 206250, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196101, 206250, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179052, 191600, "Kareem_Abdul-Jabbar", 18]]], "all_evidence": [[179052, 191600, "Kareem_Abdul-Jabbar", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193519, null, null, null]]], "all_evidence": [[193519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148897, 163939, "Japan", 10]]], "all_evidence": [[148897, 163939, "Japan", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16660, 20627, "Henry_Cavill", 8]]], "all_evidence": [[16660, 20627, "Henry_Cavill", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263066, null, null, null]]], "all_evidence": [[263066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141955, 157195, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]], [[143932, 159012, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]], [[146919, 161891, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]], [[311038, 301054, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]], [[312745, 302497, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [312745, 302497, "Caesar_-LRB-Mercury_Theatre-RRB-", 1]]], "all_evidence": [[141955, 157195, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [143932, 159012, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [146919, 161891, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [311038, 301054, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [312745, 302497, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [312745, 302497, "Caesar_-LRB-Mercury_Theatre-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222194, 227580, "Shape_of_You", 7]], [[224742, 229535, "Shape_of_You", 7]], [[225821, 230397, "Shape_of_You", 7]], [[317866, 306871, "Shape_of_You", 7]], [[319582, 308312, "Shape_of_You", 7]]], "all_evidence": [[222194, 227580, "Shape_of_You", 7], [224742, 229535, "Shape_of_You", 7], [225821, 230397, "Shape_of_You", 7], [317866, 306871, "Shape_of_You", 7], [319582, 308312, "Shape_of_You", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106205, 119636, "Woodrow_Wilson", 0]]], "all_evidence": [[106205, 119636, "Woodrow_Wilson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124310, null, null, null]]], "all_evidence": [[124310, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172500, 185801, "Riz_Ahmed", 3]]], "all_evidence": [[172500, 185801, "Riz_Ahmed", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47624, null, null, null]]], "all_evidence": [[47624, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21135, 25956, "David_Attenborough", 4]], [[22795, 28096, "David_Attenborough", 4]], [[23969, 29680, "David_Attenborough", 4]], [[301517, 292617, "David_Attenborough", 4]], [[302559, 293549, "David_Attenborough", 4]], [[304181, 295027, "David_Attenborough", 4]], [[304505, 295324, "David_Attenborough", 4]]], "all_evidence": [[21135, 25956, "David_Attenborough", 4], [22795, 28096, "David_Attenborough", 4], [23969, 29680, "David_Attenborough", 4], [301517, 292617, "David_Attenborough", 4], [302559, 293549, "David_Attenborough", 4], [304181, 295027, "David_Attenborough", 4], [304505, 295324, "David_Attenborough", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85252, 97542, "Robert_Zemeckis", 7], [85252, 97542, "Beowulf_-LRB-2007_film-RRB-", 0], [85252, 97542, "The_Polar_Express_-LRB-film-RRB-", 0], [85252, 97542, "Back_to_the_Future_-LRB-franchise-RRB-", 0], [85252, 97542, "Forrest_Gump", 0], [85252, 97542, "A_Christmas_Carol_-LRB-2009_film-RRB-", 0], [85252, 97542, "Back_to_the_Future_Part_II", 0]], [[85252, 97543, "Robert_Zemeckis", 2], [85252, 97543, "Forrest_Gump", 0], [85252, 97543, "Academy_Award_for_Best_Director", 0]], [[85252, 97544, "Robert_Zemeckis", 1], [85252, 97544, "Back_to_the_Future_-LRB-franchise-RRB-", 0], [85252, 97544, "Romancing_the_Stone", 0], [85252, 97544, "Who_Framed_Roger_Rabbit", 0]]], "all_evidence": [[85252, 97542, "Robert_Zemeckis", 7], [85252, 97542, "Beowulf_-LRB-2007_film-RRB-", 0], [85252, 97542, "The_Polar_Express_-LRB-film-RRB-", 0], [85252, 97542, "Back_to_the_Future_-LRB-franchise-RRB-", 0], [85252, 97542, "Forrest_Gump", 0], [85252, 97542, "A_Christmas_Carol_-LRB-2009_film-RRB-", 0], [85252, 97542, "Back_to_the_Future_Part_II", 0], [85252, 97543, "Robert_Zemeckis", 2], [85252, 97543, "Forrest_Gump", 0], [85252, 97543, "Academy_Award_for_Best_Director", 0], [85252, 97544, "Robert_Zemeckis", 1], [85252, 97544, "Back_to_the_Future_-LRB-franchise-RRB-", 0], [85252, 97544, "Romancing_the_Stone", 0], [85252, 97544, "Who_Framed_Roger_Rabbit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177264, null, null, null]]], "all_evidence": [[177264, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167994, 181750, "Ian_Gillan", 0]]], "all_evidence": [[167994, 181750, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227487, 231850, "Mike_Friedrich", 0]], [[227487, 231851, "Mike_Friedrich", 4], [227487, 231851, "Iron_Man", 0]]], "all_evidence": [[227487, 231850, "Mike_Friedrich", 0], [227487, 231851, "Mike_Friedrich", 4], [227487, 231851, "Iron_Man", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286169, 279692, "Ovary", 0]], [[286172, 279694, "Ovary", 0]], [[287910, 281209, "Ovary", 0]], [[332941, 319174, "Ovary", 0]], [[334083, 320237, "Ovary", 0]], [[334084, 320238, "Ovary", 0]], [[334086, 320240, "Ovary", 0]]], "all_evidence": [[286169, 279692, "Ovary", 0], [286172, 279694, "Ovary", 0], [287910, 281209, "Ovary", 0], [332941, 319174, "Ovary", 0], [334083, 320237, "Ovary", 0], [334084, 320238, "Ovary", 0], [334086, 320240, "Ovary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121216, 135505, "Sherilyn_Fenn", 2]]], "all_evidence": [[121216, 135505, "Sherilyn_Fenn", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44463, 53135, "Cyprus", 16]]], "all_evidence": [[44463, 53135, "Cyprus", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112800, 126634, "Battle_of_the_Bastards", 0], [112800, 126634, "Game_of_Thrones_-LRB-season_6-RRB-", 0]], [[116353, 130238, "Battle_of_the_Bastards", 0], [116353, 130238, "Game_of_Thrones_-LRB-season_6-RRB-", 0]], [[308454, 298832, "Battle_of_the_Bastards", 0], [308454, 298832, "Game_of_Thrones_-LRB-season_6-RRB-", 0], [308454, 298832, "Game_of_Thrones_-LRB-season_6-RRB-", 14]], [[310053, 300121, "Battle_of_the_Bastards", 0], [310053, 300121, "Game_of_Thrones_-LRB-season_6-RRB-", 0]], [[310054, 300122, "Battle_of_the_Bastards", 0], [310054, 300122, "Game_of_Thrones_-LRB-season_6-RRB-", 0]]], "all_evidence": [[112800, 126634, "Battle_of_the_Bastards", 0], [112800, 126634, "Game_of_Thrones_-LRB-season_6-RRB-", 0], [116353, 130238, "Battle_of_the_Bastards", 0], [116353, 130238, "Game_of_Thrones_-LRB-season_6-RRB-", 0], [308454, 298832, "Battle_of_the_Bastards", 0], [308454, 298832, "Game_of_Thrones_-LRB-season_6-RRB-", 0], [308454, 298832, "Game_of_Thrones_-LRB-season_6-RRB-", 14], [310053, 300121, "Battle_of_the_Bastards", 0], [310053, 300121, "Game_of_Thrones_-LRB-season_6-RRB-", 0], [310054, 300122, "Battle_of_the_Bastards", 0], [310054, 300122, "Game_of_Thrones_-LRB-season_6-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189629, 200879, "Hezbollah", 7]]], "all_evidence": [[189629, 200879, "Hezbollah", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81143, 92970, "Johann_Wolfgang_von_Goethe", 13]]], "all_evidence": [[81143, 92970, "Johann_Wolfgang_von_Goethe", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247240, null, null, null]]], "all_evidence": [[247240, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70785, 81658, "Babur", 0]]], "all_evidence": [[70785, 81658, "Babur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74183, 85408, "South_Island", 5]]], "all_evidence": [[74183, 85408, "South_Island", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24180, 29906, "Chumlee", 0]]], "all_evidence": [[24180, 29906, "Chumlee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191398, 202264, "Pakistan", 0]], [[314695, 304052, "Pakistan", 0]], [[314697, 304054, "Pakistan", 0]], [[314709, 304069, "Pakistan", 0]]], "all_evidence": [[191398, 202264, "Pakistan", 0], [314695, 304052, "Pakistan", 0], [314697, 304054, "Pakistan", 0], [314709, 304069, "Pakistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202372, 211655, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]], "all_evidence": [[202372, 211655, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216003, 222733, "Henry_III_of_France", 23], [216003, 222733, "Henry_IV_of_France", 1]]], "all_evidence": [[216003, 222733, "Henry_III_of_France", 23], [216003, 222733, "Henry_IV_of_France", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218626, null, null, null]]], "all_evidence": [[218626, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281833, null, null, null], [281835, null, null, null]]], "all_evidence": [[281833, null, null, null], [281835, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208737, null, null, null], [208740, null, null, null]]], "all_evidence": [[208737, null, null, null], [208740, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142685, null, null, null]]], "all_evidence": [[142685, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58891, 69208, "Henry_III_of_England", 1], [58891, 69208, "Henry_III_of_England", 0]]], "all_evidence": [[58891, 69208, "Henry_III_of_England", 1], [58891, 69208, "Henry_III_of_England", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275167, null, null, null], [275175, null, null, null], [324235, null, null, null], [324236, null, null, null]]], "all_evidence": [[275167, null, null, null], [275175, null, null, null], [324235, null, null, null], [324236, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37831, null, null, null]]], "all_evidence": [[37831, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148212, null, null, null]]], "all_evidence": [[148212, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194214, null, null, null]]], "all_evidence": [[194214, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72703, 83748, "Sky_UK", 0], [72703, 83748, "United_Kingdom", 0]], [[72703, 83749, "Sky_UK", 1], [72703, 83749, "United_Kingdom", 0]], [[72703, 83750, "Sky_UK", 2]], [[72703, 83751, "Sky_UK", 9]]], "all_evidence": [[72703, 83748, "Sky_UK", 0], [72703, 83748, "United_Kingdom", 0], [72703, 83749, "Sky_UK", 1], [72703, 83749, "United_Kingdom", 0], [72703, 83750, "Sky_UK", 2], [72703, 83751, "Sky_UK", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61689, 72176, "LinkedIn", 14]]], "all_evidence": [[61689, 72176, "LinkedIn", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34107, 41357, "Rick_Ross", 3]]], "all_evidence": [[34107, 41357, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205687, null, null, null]]], "all_evidence": [[205687, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129235, 144001, "Nero", 0]], [[129235, 144002, "Nero", 21]], [[129235, 144003, "Nero", 22]]], "all_evidence": [[129235, 144001, "Nero", 0], [129235, 144002, "Nero", 21], [129235, 144003, "Nero", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206555, 214889, "Move_-LRB-Little_Mix_song-RRB-", 1]]], "all_evidence": [[206555, 214889, "Move_-LRB-Little_Mix_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167649, 181424, "Dark_matter", 0]]], "all_evidence": [[167649, 181424, "Dark_matter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118338, 132173, "Tangled", 0]], [[118338, 132174, "Tangled", 6]], [[118338, 132175, "Tangled", 8]], [[118338, 132176, "Tangled", 2]], [[118338, 132177, "Tangled", 1]], [[118338, 132178, "Tangled", 13]], [[118338, 132179, "Tangled", 14]], [[118338, 132180, "Tangled", 15]], [[118338, 132181, "Tangled", 16]]], "all_evidence": [[118338, 132173, "Tangled", 0], [118338, 132174, "Tangled", 6], [118338, 132175, "Tangled", 8], [118338, 132176, "Tangled", 2], [118338, 132177, "Tangled", 1], [118338, 132178, "Tangled", 13], [118338, 132179, "Tangled", 14], [118338, 132180, "Tangled", 15], [118338, 132181, "Tangled", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112325, 126175, "The_Winds_of_Winter", 0]]], "all_evidence": [[112325, 126175, "The_Winds_of_Winter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[288186, 281457, "Cthulhu", 1]], [[333314, 319555, "Cthulhu", 2]]], "all_evidence": [[288186, 281457, "Cthulhu", 1], [333314, 319555, "Cthulhu", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78172, 89677, "Dev_Patel", 5]]], "all_evidence": [[78172, 89677, "Dev_Patel", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151549, 166302, "Chris_Paul", 1]]], "all_evidence": [[151549, 166302, "Chris_Paul", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184964, null, null, null]]], "all_evidence": [[184964, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147894, null, null, null]]], "all_evidence": [[147894, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56401, null, null, null]]], "all_evidence": [[56401, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55191, 65238, "Super_Bowl_XLV", 2]]], "all_evidence": [[55191, 65238, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269989, 266145, "Chadwick_Boseman", 1]]], "all_evidence": [[269989, 266145, "Chadwick_Boseman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255666, 255076, "PBS", 0]], [[255666, 255077, "PBS", 1]]], "all_evidence": [[255666, 255076, "PBS", 0], [255666, 255077, "PBS", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265968, 263073, "Baja_1000", 14]]], "all_evidence": [[265968, 263073, "Baja_1000", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224136, 228994, "Ang_Lee", 0]]], "all_evidence": [[224136, 228994, "Ang_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74177, 85399, "Shape_of_You", 7]]], "all_evidence": [[74177, 85399, "Shape_of_You", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16723, 20722, "Catherine_Keener", 2]]], "all_evidence": [[16723, 20722, "Catherine_Keener", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66290, null, null, null]]], "all_evidence": [[66290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27655, 33874, "Catherine_Keener", 2]]], "all_evidence": [[27655, 33874, "Catherine_Keener", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244766, null, null, null]]], "all_evidence": [[244766, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177874, null, null, null]]], "all_evidence": [[177874, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93112, null, null, null]]], "all_evidence": [[93112, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296748, null, null, null], [343853, null, null, null], [343854, null, null, null], [343859, null, null, null]]], "all_evidence": [[296748, null, null, null], [343853, null, null, null], [343854, null, null, null], [343859, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148328, null, null, null]]], "all_evidence": [[148328, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132745, 147659, "The_Quiet", 0]]], "all_evidence": [[132745, 147659, "The_Quiet", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247228, null, null, null]]], "all_evidence": [[247228, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133532, null, null, null]]], "all_evidence": [[133532, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62014, 72514, "Solanum", 1]]], "all_evidence": [[62014, 72514, "Solanum", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218640, 224878, "Rob_McElhenney", 3], [218640, 224878, "It's_Always_Sunny_in_Philadelphia", 0]]], "all_evidence": [[218640, 224878, "Rob_McElhenney", 3], [218640, 224878, "It's_Always_Sunny_in_Philadelphia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184352, 196264, "Battle_of_the_Trebia", 6]]], "all_evidence": [[184352, 196264, "Battle_of_the_Trebia", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25279, 31176, "The_Paper_-LRB-film-RRB-", 0]], [[26590, 32638, "The_Paper_-LRB-film-RRB-", 0]], [[28841, 35201, "The_Paper_-LRB-film-RRB-", 0]], [[301629, 292749, "The_Paper_-LRB-film-RRB-", 0]], [[302660, 293651, "The_Paper_-LRB-film-RRB-", 0]], [[302661, 293652, "The_Paper_-LRB-film-RRB-", 0]], [[302693, 293695, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[25279, 31176, "The_Paper_-LRB-film-RRB-", 0], [26590, 32638, "The_Paper_-LRB-film-RRB-", 0], [28841, 35201, "The_Paper_-LRB-film-RRB-", 0], [301629, 292749, "The_Paper_-LRB-film-RRB-", 0], [302660, 293651, "The_Paper_-LRB-film-RRB-", 0], [302661, 293652, "The_Paper_-LRB-film-RRB-", 0], [302693, 293695, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274474, 269764, "Henry_Condell", 55]], [[277544, 272455, "Henry_Condell", 55]], [[322583, 310885, "Henry_Condell", 55]], [[322584, 310886, "Henry_Condell", 55]]], "all_evidence": [[274474, 269764, "Henry_Condell", 55], [277544, 272455, "Henry_Condell", 55], [322583, 310885, "Henry_Condell", 55], [322584, 310886, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83852, 95879, "The_Walking_Dead_-LRB-comic_book-RRB-", 10]]], "all_evidence": [[83852, 95879, "The_Walking_Dead_-LRB-comic_book-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51207, 60945, "Lee_Daniels", 1]]], "all_evidence": [[51207, 60945, "Lee_Daniels", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233694, 236607, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[235790, 238370, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[235790, 238371, "Alex_Jones_-LRB-radio_host-RRB-", 1]], [[318639, 307511, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[320106, 308762, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[320110, 308763, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[320120, 308772, "Alex_Jones_-LRB-radio_host-RRB-", 0]]], "all_evidence": [[233694, 236607, "Alex_Jones_-LRB-radio_host-RRB-", 0], [235790, 238370, "Alex_Jones_-LRB-radio_host-RRB-", 0], [235790, 238371, "Alex_Jones_-LRB-radio_host-RRB-", 1], [318639, 307511, "Alex_Jones_-LRB-radio_host-RRB-", 0], [320106, 308762, "Alex_Jones_-LRB-radio_host-RRB-", 0], [320110, 308763, "Alex_Jones_-LRB-radio_host-RRB-", 0], [320120, 308772, "Alex_Jones_-LRB-radio_host-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116219, 130135, "Amancio_Ortega", 0]]], "all_evidence": [[116219, 130135, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96059, 109114, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[96059, 109114, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111440, 125083, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]], [[111440, 125085, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 7]], [[111440, 125087, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 1]]], "all_evidence": [[111440, 125083, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0], [111440, 125085, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 7], [111440, 125087, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32229, 39166, "Stanley_Park", 16]]], "all_evidence": [[32229, 39166, "Stanley_Park", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103149, null, null, null], [307264, null, null, null], [307845, null, null, null]]], "all_evidence": [[103149, null, null, null], [307264, null, null, null], [307845, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212881, 220296, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]], "all_evidence": [[212881, 220296, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279104, null, null, null], [280697, null, null, null], [327305, null, null, null], [328604, null, null, null]]], "all_evidence": [[279104, null, null, null], [280697, null, null, null], [327305, null, null, null], [328604, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73831, null, null, null]]], "all_evidence": [[73831, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229687, 233566, "William_Howard_Taft", 11], [229687, 233566, "Supreme_Court_of_the_United_States", 0]]], "all_evidence": [[229687, 233566, "William_Howard_Taft", 11], [229687, 233566, "Supreme_Court_of_the_United_States", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199816, null, null, null]]], "all_evidence": [[199816, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228177, 232422, "L._Ron_Hubbard", 29]]], "all_evidence": [[228177, 232422, "L._Ron_Hubbard", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200602, 210081, "Hair_-LRB-musical-RRB-", 15]], [[200602, 210082, "Hair_-LRB-musical-RRB-", 11]]], "all_evidence": [[200602, 210081, "Hair_-LRB-musical-RRB-", 15], [200602, 210082, "Hair_-LRB-musical-RRB-", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282189, null, null, null], [282190, null, null, null], [282191, null, null, null], [330185, null, null, null], [330186, null, null, null], [330204, null, null, null]]], "all_evidence": [[282189, null, null, null], [282190, null, null, null], [282191, null, null, null], [330185, null, null, null], [330186, null, null, null], [330204, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154282, null, null, null]]], "all_evidence": [[154282, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107388, 120833, "Battle_of_the_Bastards", 0]], [[107388, 120834, "Battle_of_the_Bastards", 16]]], "all_evidence": [[107388, 120833, "Battle_of_the_Bastards", 0], [107388, 120834, "Battle_of_the_Bastards", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108354, null, null, null]]], "all_evidence": [[108354, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76781, 88134, "Java", 0], [76781, 88134, "Island", 0]], [[76781, 88135, "Java", 10], [76781, 88135, "Island", 0]], [[76784, 88136, "Java", 0]], [[76784, 88137, "Java", 9]]], "all_evidence": [[76781, 88134, "Java", 0], [76781, 88134, "Island", 0], [76781, 88135, "Java", 10], [76781, 88135, "Island", 0], [76784, 88136, "Java", 0], [76784, 88137, "Java", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101313, 114547, "Mercedes-Benz", 0]]], "all_evidence": [[101313, 114547, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218853, null, null, null]]], "all_evidence": [[218853, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181483, 193733, "Benzodiazepine", 21]], [[181483, 193734, "Benzodiazepine", 24]]], "all_evidence": [[181483, 193733, "Benzodiazepine", 21], [181483, 193734, "Benzodiazepine", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242562, null, null, null]]], "all_evidence": [[242562, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200665, 210140, "Moesia", 1]]], "all_evidence": [[200665, 210140, "Moesia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27056, null, null, null]]], "all_evidence": [[27056, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46597, null, null, null]]], "all_evidence": [[46597, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258041, 256930, "Pakistan_Movement", 13]], [[258097, 256974, "Pakistan_Movement", 13]]], "all_evidence": [[258041, 256930, "Pakistan_Movement", 13], [258097, 256974, "Pakistan_Movement", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104151, null, null, null], [104155, null, null, null]]], "all_evidence": [[104151, null, null, null], [104155, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151629, 166371, "Ice-T", 1]]], "all_evidence": [[151629, 166371, "Ice-T", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92508, 105269, "Shomu_Mukherjee", 9]]], "all_evidence": [[92508, 105269, "Shomu_Mukherjee", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215800, 222578, "You_Only_Live_Twice_-LRB-film-RRB-", 0]]], "all_evidence": [[215800, 222578, "You_Only_Live_Twice_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15699, 19557, "Donald_Duck", 2]]], "all_evidence": [[15699, 19557, "Donald_Duck", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33843, 41003, "Ares", 1]]], "all_evidence": [[33843, 41003, "Ares", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175880, null, null, null]]], "all_evidence": [[175880, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20272, null, null, null]]], "all_evidence": [[20272, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182614, null, null, null]]], "all_evidence": [[182614, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154082, null, null, null]]], "all_evidence": [[154082, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48863, null, null, null]]], "all_evidence": [[48863, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177814, 190523, "Ned_Stark", 1]]], "all_evidence": [[177814, 190523, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127011, 141511, "Kate_Walsh_-LRB-actress-RRB-", 0]]], "all_evidence": [[127011, 141511, "Kate_Walsh_-LRB-actress-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230177, 233926, "Hyksos", 18]], [[230178, 233927, "Hyksos", 18]]], "all_evidence": [[230177, 233926, "Hyksos", 18], [230178, 233927, "Hyksos", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134487, 149384, "Zac_Efron", 0]]], "all_evidence": [[134487, 149384, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186327, null, null, null]]], "all_evidence": [[186327, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22230, 27350, "San_Francisco_Bay_Area", 3]]], "all_evidence": [[22230, 27350, "San_Francisco_Bay_Area", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275813, null, null, null], [278125, null, null, null], [280137, null, null, null], [324970, null, null, null], [324971, null, null, null]]], "all_evidence": [[275813, null, null, null], [278125, null, null, null], [280137, null, null, null], [324970, null, null, null], [324971, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140838, null, null, null]]], "all_evidence": [[140838, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194671, 205049, "Boeing_767", 0]]], "all_evidence": [[194671, 205049, "Boeing_767", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160421, 174938, "Anne_Boleyn", 7]], [[160421, 174939, "Anne_Boleyn", 10]]], "all_evidence": [[160421, 174938, "Anne_Boleyn", 7], [160421, 174939, "Anne_Boleyn", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162424, 176721, "Samsung", 6]]], "all_evidence": [[162424, 176721, "Samsung", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165935, null, null, null]]], "all_evidence": [[165935, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50949, 60679, "Eric_Bana", 0]], [[50949, 60680, "Eric_Bana", 1]], [[50949, 60681, "Eric_Bana", 2]], [[50949, 60682, "Eric_Bana", 3]], [[50949, 60683, "Eric_Bana", 4]], [[50949, 60684, "Eric_Bana", 5]], [[50949, 60685, "Eric_Bana", 8]], [[50949, 60686, "Eric_Bana", 9]]], "all_evidence": [[50949, 60679, "Eric_Bana", 0], [50949, 60680, "Eric_Bana", 1], [50949, 60681, "Eric_Bana", 2], [50949, 60682, "Eric_Bana", 3], [50949, 60683, "Eric_Bana", 4], [50949, 60684, "Eric_Bana", 5], [50949, 60685, "Eric_Bana", 8], [50949, 60686, "Eric_Bana", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105442, null, null, null]]], "all_evidence": [[105442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269159, 265552, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269159, 265552, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23936, 29636, "Uranium", 0]]], "all_evidence": [[23936, 29636, "Uranium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27401, 33573, "Elizabeth_of_York", 2]]], "all_evidence": [[27401, 33573, "Elizabeth_of_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37771, 45703, "The_Incredibles_2", 3]]], "all_evidence": [[37771, 45703, "The_Incredibles_2", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171892, 185350, "Touch_My_Body", 0]]], "all_evidence": [[171892, 185350, "Touch_My_Body", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45666, 54520, "Pocahontas", 0]], [[45666, 54521, "Pocahontas", 1], [45666, 54521, "Paramount_chief", 2]], [[45666, 54522, "Pocahontas", 9], [45666, 54522, "John_Rolfe", 1]]], "all_evidence": [[45666, 54520, "Pocahontas", 0], [45666, 54521, "Pocahontas", 1], [45666, 54521, "Paramount_chief", 2], [45666, 54522, "Pocahontas", 9], [45666, 54522, "John_Rolfe", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170471, 184033, "Carol_Danvers", 0]], [[170472, 184034, "Carol_Danvers", 0]]], "all_evidence": [[170471, 184033, "Carol_Danvers", 0], [170472, 184034, "Carol_Danvers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225788, 230373, "Staging_area", 0]]], "all_evidence": [[225788, 230373, "Staging_area", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39226, 47245, "Guns_N'_Roses", 0]]], "all_evidence": [[39226, 47245, "Guns_N'_Roses", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82950, null, null, null]]], "all_evidence": [[82950, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122565, null, null, null]]], "all_evidence": [[122565, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167206, null, null, null]]], "all_evidence": [[167206, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26373, 32408, "James_Brolin", 4], [26373, 32408, "Emmy_Award", 0]]], "all_evidence": [[26373, 32408, "James_Brolin", 4], [26373, 32408, "Emmy_Award", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214089, 221177, "Gotham_City_Sirens", 0]]], "all_evidence": [[214089, 221177, "Gotham_City_Sirens", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65976, 76838, "B._R._Ambedkar", 0]]], "all_evidence": [[65976, 76838, "B._R._Ambedkar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224424, 229276, "Padua", 1]], [[224438, 229291, "Padua", 1]]], "all_evidence": [[224424, 229276, "Padua", 1], [224438, 229291, "Padua", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21080, 25880, "Sausage_Party", 0]]], "all_evidence": [[21080, 25880, "Sausage_Party", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90752, 103468, "Daredevil_-LRB-TV_series-RRB-", 2], [90752, 103468, "Marvel_Television", 0]]], "all_evidence": [[90752, 103468, "Daredevil_-LRB-TV_series-RRB-", 2], [90752, 103468, "Marvel_Television", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102769, 116072, "Salt_River_Valley", 0]]], "all_evidence": [[102769, 116072, "Salt_River_Valley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45821, 54726, "The_Invisible_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[45821, 54726, "The_Invisible_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134290, 149176, "Daredevil_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[134290, 149176, "Daredevil_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18122, null, null, null]]], "all_evidence": [[18122, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125504, null, null, null], [126668, null, null, null], [308766, null, null, null], [310434, null, null, null]]], "all_evidence": [[125504, null, null, null], [126668, null, null, null], [308766, null, null, null], [310434, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121540, 135814, "Annabelle_-LRB-doll-RRB-", 1]]], "all_evidence": [[121540, 135814, "Annabelle_-LRB-doll-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15360, null, null, null]]], "all_evidence": [[15360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244768, 245689, "Punch-Drunk_Love", 4], [244768, 245689, "Columbia_Pictures", 0]]], "all_evidence": [[244768, 245689, "Punch-Drunk_Love", 4], [244768, 245689, "Columbia_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29730, 36233, "Pocahontas", 1], [29730, 36233, "Powhatan_-LRB-Native_American_leader-RRB-", 0]]], "all_evidence": [[29730, 36233, "Pocahontas", 1], [29730, 36233, "Powhatan_-LRB-Native_American_leader-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81481, 93239, "John_Goodman", 7]]], "all_evidence": [[81481, 93239, "John_Goodman", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85900, null, null, null]]], "all_evidence": [[85900, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25877, 31820, "The_Nice_Guys", 0]]], "all_evidence": [[25877, 31820, "The_Nice_Guys", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[264562, null, null, null]]], "all_evidence": [[264562, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287860, null, null, null], [288482, null, null, null], [332892, null, null, null], [332896, null, null, null]]], "all_evidence": [[287860, null, null, null], [288482, null, null, null], [332892, null, null, null], [332896, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158968, null, null, null]]], "all_evidence": [[158968, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120158, null, null, null]]], "all_evidence": [[120158, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227494, 231857, "Mike_Friedrich", 0]]], "all_evidence": [[227494, 231857, "Mike_Friedrich", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234999, null, null, null]]], "all_evidence": [[234999, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264577, 262001, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 6]]], "all_evidence": [[264577, 262001, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22304, 27501, "Anne_Boleyn", 10]]], "all_evidence": [[22304, 27501, "Anne_Boleyn", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195999, 206145, "Japan_national_football_team", 4]]], "all_evidence": [[195999, 206145, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15530, null, null, null]]], "all_evidence": [[15530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257583, 256571, "Timur", 21]]], "all_evidence": [[257583, 256571, "Timur", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56305, null, null, null]]], "all_evidence": [[56305, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242284, 243693, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242284, 243693, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85442, null, null, null]]], "all_evidence": [[85442, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67784, 78628, "The_Maze_Runner_-LRB-film-RRB-", 13]]], "all_evidence": [[67784, 78628, "The_Maze_Runner_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45376, 54159, "Agent_Raghav_\u2013_Crime_Branch", 0]]], "all_evidence": [[45376, 54159, "Agent_Raghav_\u2013_Crime_Branch", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58762, null, null, null]]], "all_evidence": [[58762, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108729, 122411, "Gamal_Abdel_Nasser", 13]]], "all_evidence": [[108729, 122411, "Gamal_Abdel_Nasser", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196015, 206169, "Japan_national_football_team", 4]]], "all_evidence": [[196015, 206169, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192336, 203093, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[192336, 203093, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157164, 171718, "Olympic_medal", 6]]], "all_evidence": [[157164, 171718, "Olympic_medal", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247210, null, null, null]]], "all_evidence": [[247210, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19008, 23300, "SummerSlam_-LRB-2015-RRB-", 8]]], "all_evidence": [[19008, 23300, "SummerSlam_-LRB-2015-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270000, null, null, null]]], "all_evidence": [[270000, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[250015, 250080, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[250015, 250080, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[249997, 250060, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[249997, 250060, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149869, 164789, "Burbank,_California", 7]]], "all_evidence": [[149869, 164789, "Burbank,_California", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256456, 255669, "Jerome_Flynn", 0]]], "all_evidence": [[256456, 255669, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199425, null, null, null]]], "all_evidence": [[199425, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29719, 36222, "Pocahontas", 1]]], "all_evidence": [[29719, 36222, "Pocahontas", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35444, null, null, null]]], "all_evidence": [[35444, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55391, null, null, null]]], "all_evidence": [[55391, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142369, 157572, "Syco", 0]]], "all_evidence": [[142369, 157572, "Syco", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88625, 101249, "George_III_of_the_United_Kingdom", 14]]], "all_evidence": [[88625, 101249, "George_III_of_the_United_Kingdom", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224586, 229418, "Adam_Lambert", 10]]], "all_evidence": [[224586, 229418, "Adam_Lambert", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251098, 251042, "See.SZA.Run", 0], [251098, 251042, "Mixtape", 0]]], "all_evidence": [[251098, 251042, "See.SZA.Run", 0], [251098, 251042, "Mixtape", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182528, null, null, null]]], "all_evidence": [[182528, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42702, 51347, "Johnny_Van_Zant", 11]]], "all_evidence": [[42702, 51347, "Johnny_Van_Zant", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199430, 209111, "Northwestern_University", 19], [199430, 209111, "Big_Ten_Conference", 5]]], "all_evidence": [[199430, 209111, "Northwestern_University", 19], [199430, 209111, "Big_Ten_Conference", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238320, null, null, null]]], "all_evidence": [[238320, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19961, null, null, null]]], "all_evidence": [[19961, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63922, 74629, "Robert_Zemeckis", 0]]], "all_evidence": [[63922, 74629, "Robert_Zemeckis", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263455, 261123, "The_Block_-LRB-album-RRB-", 6]], [[263455, 261124, "The_Block_-LRB-album-RRB-", 7]]], "all_evidence": [[263455, 261123, "The_Block_-LRB-album-RRB-", 6], [263455, 261124, "The_Block_-LRB-album-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225525, 230161, "The_Colbert_Report", 11], [225525, 230161, "The_Colbert_Report", 0]]], "all_evidence": [[225525, 230161, "The_Colbert_Report", 11], [225525, 230161, "The_Colbert_Report", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283666, null, null, null], [285968, null, null, null], [287637, null, null, null], [332582, null, null, null], [332586, null, null, null]]], "all_evidence": [[283666, null, null, null], [285968, null, null, null], [287637, null, null, null], [332582, null, null, null], [332586, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92564, 105330, "Fidaa", 0]]], "all_evidence": [[92564, 105330, "Fidaa", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157020, null, null, null]]], "all_evidence": [[157020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92472, 105230, "Doug_Petrie", 5]], [[95125, 108119, "Doug_Petrie", 5]], [[97266, 110449, "Doug_Petrie", 5]], [[306697, 297318, "Doug_Petrie", 5]], [[307627, 298085, "Doug_Petrie", 5]], [[307636, 298094, "Doug_Petrie", 5]]], "all_evidence": [[92472, 105230, "Doug_Petrie", 5], [95125, 108119, "Doug_Petrie", 5], [97266, 110449, "Doug_Petrie", 5], [306697, 297318, "Doug_Petrie", 5], [307627, 298085, "Doug_Petrie", 5], [307636, 298094, "Doug_Petrie", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18045, null, null, null]]], "all_evidence": [[18045, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166986, null, null, null]]], "all_evidence": [[166986, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118738, 132579, "The_Punisher_-LRB-TV_series-RRB-", 6], [118738, 132579, "Ben_Barnes_-LRB-actor-RRB-", 0]]], "all_evidence": [[118738, 132579, "The_Punisher_-LRB-TV_series-RRB-", 6], [118738, 132579, "Ben_Barnes_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119743, null, null, null]]], "all_evidence": [[119743, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137866, 152824, "Nottingham_Forest_F.C.", 0]]], "all_evidence": [[137866, 152824, "Nottingham_Forest_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97716, null, null, null]]], "all_evidence": [[97716, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194646, 205022, "Boeing_767", 0]], [[194646, 205023, "Boeing_767", 1]], [[194646, 205024, "Boeing_767", 3]], [[194646, 205025, "Boeing_767", 14]], [[194646, 205026, "Boeing_767", 16]], [[194646, 205027, "Boeing_767", 19]], [[194646, 205028, "Boeing_767", 17]]], "all_evidence": [[194646, 205022, "Boeing_767", 0], [194646, 205023, "Boeing_767", 1], [194646, 205024, "Boeing_767", 3], [194646, 205025, "Boeing_767", 14], [194646, 205026, "Boeing_767", 16], [194646, 205027, "Boeing_767", 19], [194646, 205028, "Boeing_767", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24011, null, null, null]]], "all_evidence": [[24011, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242357, 243755, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]], [[242357, 243756, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16]]], "all_evidence": [[242357, 243755, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], [242357, 243756, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31765, null, null, null]]], "all_evidence": [[31765, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81458, null, null, null]]], "all_evidence": [[81458, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97153, 110346, "Keith_Stanfield", 0]]], "all_evidence": [[97153, 110346, "Keith_Stanfield", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275103, null, null, null], [324181, null, null, null], [324191, null, null, null]]], "all_evidence": [[275103, null, null, null], [324181, null, null, null], [324191, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260770, null, null, null]]], "all_evidence": [[260770, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104026, 117532, "IPhone_4", 0]]], "all_evidence": [[104026, 117532, "IPhone_4", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49844, 59311, "Hebe_-LRB-mythology-RRB-", 2], [49844, 59311, "Heracles", 0]]], "all_evidence": [[49844, 59311, "Hebe_-LRB-mythology-RRB-", 2], [49844, 59311, "Heracles", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111811, 125639, "Elizabeth_of_York", 2]]], "all_evidence": [[111811, 125639, "Elizabeth_of_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129777, 144501, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[129777, 144501, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124883, 139221, "Electric_chair", 13]]], "all_evidence": [[124883, 139221, "Electric_chair", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153465, 168288, "Virginia", 18]], [[153465, 168289, "Virginia", 19]]], "all_evidence": [[153465, 168288, "Virginia", 18], [153465, 168289, "Virginia", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268445, null, null, null]]], "all_evidence": [[268445, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203634, 212624, "Chris_Mullin_-LRB-basketball-RRB-", 5], [203634, 212624, "1985_NCAA_Men's_Basketball_All-Americans", 0]], [[203634, 212625, "Chris_Mullin_-LRB-basketball-RRB-", 6]], [[203634, 212626, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203634, 212626, "Indiana_Pacers", 0]]], "all_evidence": [[203634, 212624, "Chris_Mullin_-LRB-basketball-RRB-", 5], [203634, 212624, "1985_NCAA_Men's_Basketball_All-Americans", 0], [203634, 212625, "Chris_Mullin_-LRB-basketball-RRB-", 6], [203634, 212626, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203634, 212626, "Indiana_Pacers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164686, 178901, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[164686, 178901, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107037, 120421, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]], "all_evidence": [[107037, 120421, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80986, null, null, null]]], "all_evidence": [[80986, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267008, 263818, "Celebrity_Rehab_with_Dr._Drew", 1]]], "all_evidence": [[267008, 263818, "Celebrity_Rehab_with_Dr._Drew", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36566, 44184, "John_S._McCain_Jr.", 3]]], "all_evidence": [[36566, 44184, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227448, null, null, null]]], "all_evidence": [[227448, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166409, 180255, "Bonobo", 13]]], "all_evidence": [[166409, 180255, "Bonobo", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196102, 206251, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196102, 206251, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169610, null, null, null]]], "all_evidence": [[169610, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207527, 215773, "Dawood_Ibrahim", 0]]], "all_evidence": [[207527, 215773, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55720, null, null, null]]], "all_evidence": [[55720, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51205, 60944, "Lee_Daniels", 1]]], "all_evidence": [[51205, 60944, "Lee_Daniels", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156846, null, null, null]]], "all_evidence": [[156846, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129092, 143872, "Shannon_Lee", 0]]], "all_evidence": [[129092, 143872, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142000, 157252, "Jefferson_Davis", 5]]], "all_evidence": [[142000, 157252, "Jefferson_Davis", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257574, 256563, "Timur", 1], [257574, 256563, "Timurid_dynasty", 0]]], "all_evidence": [[257574, 256563, "Timur", 1], [257574, 256563, "Timurid_dynasty", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186969, null, null, null]]], "all_evidence": [[186969, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75899, 87170, "Camp_Flog_Gnaw", 0]]], "all_evidence": [[75899, 87170, "Camp_Flog_Gnaw", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149846, 164772, "Battle_of_the_Bastards", 0]]], "all_evidence": [[149846, 164772, "Battle_of_the_Bastards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117904, 131787, "Julie_Bowen", 0]]], "all_evidence": [[117904, 131787, "Julie_Bowen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182538, null, null, null]]], "all_evidence": [[182538, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242334, null, null, null], [242337, null, null, null]]], "all_evidence": [[242334, null, null, null], [242337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203636, 212627, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203636, 212627, "Indiana_Pacers", 0]]], "all_evidence": [[203636, 212627, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203636, 212627, "Indiana_Pacers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232335, 235564, "University_of_Leicester", 11]]], "all_evidence": [[232335, 235564, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136171, 151004, "IMDb", 10]]], "all_evidence": [[136171, 151004, "IMDb", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150945, 165794, "Skopje", 0]]], "all_evidence": [[150945, 165794, "Skopje", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96566, 109732, "Near-Earth_object", 0]]], "all_evidence": [[96566, 109732, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71514, null, null, null], [71531, null, null, null]]], "all_evidence": [[71514, null, null, null], [71531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270791, 266792, "Blank_Space", 10]]], "all_evidence": [[270791, 266792, "Blank_Space", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[277127, 272103, "Emperor_Norton", 19]], [[277128, 272104, "Emperor_Norton", 19]], [[326850, 314251, "Emperor_Norton", 19]], [[328351, 315417, "Emperor_Norton", 19]]], "all_evidence": [[277127, 272103, "Emperor_Norton", 19], [277128, 272104, "Emperor_Norton", 19], [326850, 314251, "Emperor_Norton", 19], [328351, 315417, "Emperor_Norton", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16521, 20461, "Doug_Petrie", 5]]], "all_evidence": [[16521, 20461, "Doug_Petrie", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147447, 162439, "The_Wonder_Years", 0], [147447, 162439, "Comedy-drama", 0]]], "all_evidence": [[147447, 162439, "The_Wonder_Years", 0], [147447, 162439, "Comedy-drama", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196095, 206244, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196095, 206244, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103631, 117080, "Benzodiazepine", 2]], [[103631, 117081, "Benzodiazepine", 7]]], "all_evidence": [[103631, 117080, "Benzodiazepine", 2], [103631, 117081, "Benzodiazepine", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72624, 83663, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]], [[72624, 83664, "Taarak_Mehta_Ka_Ooltah_Chashmah", 2], [72624, 83664, "SAB_TV", 0]], [[72624, 83665, "Taarak_Mehta_Ka_Ooltah_Chashmah", 3], [72624, 83665, "Sony_Pal", 0]]], "all_evidence": [[72624, 83663, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0], [72624, 83664, "Taarak_Mehta_Ka_Ooltah_Chashmah", 2], [72624, 83664, "SAB_TV", 0], [72624, 83665, "Taarak_Mehta_Ka_Ooltah_Chashmah", 3], [72624, 83665, "Sony_Pal", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55595, null, null, null]]], "all_evidence": [[55595, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55648, 65690, "Lucy_Hale", 0]]], "all_evidence": [[55648, 65690, "Lucy_Hale", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151892, null, null, null]]], "all_evidence": [[151892, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218866, 225048, "Dan_Brown", 0]], [[218866, 225049, "Dan_Brown", 3], [218866, 225049, "Angels_&_Demons", 0], [218866, 225049, "Inferno_-LRB-Dan_Brown_novel-RRB-", 0], [218866, 225049, "The_Da_Vinci_Code", 0]]], "all_evidence": [[218866, 225048, "Dan_Brown", 0], [218866, 225049, "Dan_Brown", 3], [218866, 225049, "Angels_&_Demons", 0], [218866, 225049, "Inferno_-LRB-Dan_Brown_novel-RRB-", 0], [218866, 225049, "The_Da_Vinci_Code", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65614, null, null, null]]], "all_evidence": [[65614, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19826, 24372, "Mormons", 24]]], "all_evidence": [[19826, 24372, "Mormons", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173606, null, null, null]]], "all_evidence": [[173606, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184840, null, null, null]]], "all_evidence": [[184840, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13892, 17393, "Ricardo_Montalba\u0301n", 0]]], "all_evidence": [[13892, 17393, "Ricardo_Montalba\u0301n", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20869, null, null, null]]], "all_evidence": [[20869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244778, 245698, "Punch-Drunk_Love", 4], [244778, 245698, "Columbia_Pictures", 0]], [[244855, 245772, "Punch-Drunk_Love", 4], [244855, 245772, "Columbia_Pictures", 0]]], "all_evidence": [[244778, 245698, "Punch-Drunk_Love", 4], [244778, 245698, "Columbia_Pictures", 0], [244855, 245772, "Punch-Drunk_Love", 4], [244855, 245772, "Columbia_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174505, 187700, "Aphrodite", 1]]], "all_evidence": [[174505, 187700, "Aphrodite", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12655, 15802, "Yin_and_yang", 10]], [[19297, 23691, "Yin_and_yang", 0]], [[19297, 23692, "Yin_and_yang", 7]], [[19297, 23693, "Yin_and_yang", 10]], [[19911, 24465, "Yin_and_yang", 10]]], "all_evidence": [[12655, 15802, "Yin_and_yang", 10], [19297, 23691, "Yin_and_yang", 0], [19297, 23692, "Yin_and_yang", 7], [19297, 23693, "Yin_and_yang", 10], [19911, 24465, "Yin_and_yang", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173564, null, null, null]]], "all_evidence": [[173564, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111361, null, null, null]]], "all_evidence": [[111361, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256473, null, null, null]]], "all_evidence": [[256473, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183216, 195302, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]], "all_evidence": [[183216, 195302, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71128, 82067, "A.J._Styles", 0]]], "all_evidence": [[71128, 82067, "A.J._Styles", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272068, 267795, "Caleb_McLaughlin", 0]]], "all_evidence": [[272068, 267795, "Caleb_McLaughlin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63530, 74283, "Heath_Ledger", 3]]], "all_evidence": [[63530, 74283, "Heath_Ledger", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162076, null, null, null]]], "all_evidence": [[162076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11799, 14800, "SpongeBob_SquarePants", 0]]], "all_evidence": [[11799, 14800, "SpongeBob_SquarePants", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119149, null, null, null]]], "all_evidence": [[119149, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88538, null, null, null]]], "all_evidence": [[88538, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208731, 216712, "Vic_Mensa", 0]]], "all_evidence": [[208731, 216712, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27606, 33808, "Dark_matter", 0]]], "all_evidence": [[27606, 33808, "Dark_matter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179261, 191793, "Zac_Efron", 0]]], "all_evidence": [[179261, 191793, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[315792, null, null, null]]], "all_evidence": [[315792, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113202, null, null, null]]], "all_evidence": [[113202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263099, 260872, "Group_of_15", 4]]], "all_evidence": [[263099, 260872, "Group_of_15", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275038, 270249, "Half_Girlfriend_-LRB-film-RRB-", 4]], [[277032, 272038, "Half_Girlfriend_-LRB-film-RRB-", 4]], [[324124, 312183, "Half_Girlfriend_-LRB-film-RRB-", 4]]], "all_evidence": [[275038, 270249, "Half_Girlfriend_-LRB-film-RRB-", 4], [277032, 272038, "Half_Girlfriend_-LRB-film-RRB-", 4], [324124, 312183, "Half_Girlfriend_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169850, 183437, "Sarah_Hyland", 0]], [[169850, 183438, "Sarah_Hyland", 1]]], "all_evidence": [[169850, 183437, "Sarah_Hyland", 0], [169850, 183438, "Sarah_Hyland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218813, null, null, null]]], "all_evidence": [[218813, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255287, 254744, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]], "all_evidence": [[255287, 254744, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267594, 264265, "Vampire_Academy_-LRB-film-RRB-", 6], [267594, 264265, "Vampire_Academy_-LRB-film-RRB-", 0]], [[267596, 264267, "Vampire_Academy_-LRB-film-RRB-", 6]]], "all_evidence": [[267594, 264265, "Vampire_Academy_-LRB-film-RRB-", 6], [267594, 264265, "Vampire_Academy_-LRB-film-RRB-", 0], [267596, 264267, "Vampire_Academy_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79023, null, null, null]]], "all_evidence": [[79023, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182386, 194612, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[182386, 194612, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27703, 33932, "SpongeBob_SquarePants", 2]]], "all_evidence": [[27703, 33932, "SpongeBob_SquarePants", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169718, 183308, "Raven-Symone\u0301", 23]]], "all_evidence": [[169718, 183308, "Raven-Symone\u0301", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153903, 168726, "Freddie_Highmore", 0]], [[153903, 168727, "Freddie_Highmore", 1]], [[153903, 168728, "Freddie_Highmore", 5]]], "all_evidence": [[153903, 168726, "Freddie_Highmore", 0], [153903, 168727, "Freddie_Highmore", 1], [153903, 168728, "Freddie_Highmore", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156102, null, null, null]]], "all_evidence": [[156102, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169138, 182810, "Electric_chair", 15]]], "all_evidence": [[169138, 182810, "Electric_chair", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140439, 155492, "Joseph_Goebbels", 8]]], "all_evidence": [[140439, 155492, "Joseph_Goebbels", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117592, 131489, "Exotic_Birds", 2]]], "all_evidence": [[117592, 131489, "Exotic_Birds", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242298, 243705, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242298, 243705, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64571, 75361, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[64571, 75361, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117394, 131312, "Anneliese_van_der_Pol", 1]]], "all_evidence": [[117394, 131312, "Anneliese_van_der_Pol", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226619, null, null, null]]], "all_evidence": [[226619, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123578, 138003, "Louie_-LRB-season_1-RRB-", 0]]], "all_evidence": [[123578, 138003, "Louie_-LRB-season_1-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198879, null, null, null]]], "all_evidence": [[198879, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93703, null, null, null]]], "all_evidence": [[93703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224583, null, null, null]]], "all_evidence": [[224583, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263305, 261014, "Ted_Cruz", 0]], [[263305, 261015, "Ted_Cruz", 5]], [[263305, 261016, "Ted_Cruz", 8]], [[263305, 261017, "Ted_Cruz", 9]], [[263305, 261018, "Ted_Cruz", 10]], [[263305, 261019, "Ted_Cruz", 15]]], "all_evidence": [[263305, 261014, "Ted_Cruz", 0], [263305, 261015, "Ted_Cruz", 5], [263305, 261016, "Ted_Cruz", 8], [263305, 261017, "Ted_Cruz", 9], [263305, 261018, "Ted_Cruz", 10], [263305, 261019, "Ted_Cruz", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200584, 210067, "Hair_-LRB-musical-RRB-", 15]], [[200610, 210088, "Hair_-LRB-musical-RRB-", 15]]], "all_evidence": [[200584, 210067, "Hair_-LRB-musical-RRB-", 15], [200610, 210088, "Hair_-LRB-musical-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131977, 146808, "Babur", 7]], [[131977, 146809, "Babur", 11]]], "all_evidence": [[131977, 146808, "Babur", 7], [131977, 146809, "Babur", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190520, null, null, null]]], "all_evidence": [[190520, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34632, null, null, null]]], "all_evidence": [[34632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264565, 261993, "Group_of_15", 4]]], "all_evidence": [[264565, 261993, "Group_of_15", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15349, 19158, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]], "all_evidence": [[15349, 19158, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116537, 130414, "Georgians", 4]]], "all_evidence": [[116537, 130414, "Georgians", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74430, null, null, null]]], "all_evidence": [[74430, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266481, null, null, null]]], "all_evidence": [[266481, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20531, 25161, "Mercedes-Benz", 0]], [[20531, 25162, "Mercedes-Benz", 1]]], "all_evidence": [[20531, 25161, "Mercedes-Benz", 0], [20531, 25162, "Mercedes-Benz", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262389, 260381, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24]]], "all_evidence": [[262389, 260381, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176924, 189884, "Fargo_-LRB-season_3-RRB-", 0]]], "all_evidence": [[176924, 189884, "Fargo_-LRB-season_3-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159710, 174196, "The_Quiet", 0]], [[159710, 174197, "The_Quiet", 4]]], "all_evidence": [[159710, 174196, "The_Quiet", 0], [159710, 174197, "The_Quiet", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193517, 204016, "Jean-Jacques_Dessalines", 0]]], "all_evidence": [[193517, 204016, "Jean-Jacques_Dessalines", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45347, 54123, "Exit_the_King", 0]]], "all_evidence": [[45347, 54123, "Exit_the_King", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69336, null, null, null]]], "all_evidence": [[69336, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197947, null, null, null]]], "all_evidence": [[197947, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48312, null, null, null]]], "all_evidence": [[48312, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28449, 34784, "Vampire", 1]]], "all_evidence": [[28449, 34784, "Vampire", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238326, 240388, "New_Jersey_Turnpike", 15]], [[238327, 240389, "New_Jersey_Turnpike", 15]]], "all_evidence": [[238326, 240388, "New_Jersey_Turnpike", 15], [238327, 240389, "New_Jersey_Turnpike", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141811, null, null, null]]], "all_evidence": [[141811, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181616, null, null, null]]], "all_evidence": [[181616, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263301, null, null, null]]], "all_evidence": [[263301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213592, 220810, "Estelle_Getty", 0]]], "all_evidence": [[213592, 220810, "Estelle_Getty", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44617, 53296, "Watchmen_-LRB-film-RRB-", 2]]], "all_evidence": [[44617, 53296, "Watchmen_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22552, null, null, null]]], "all_evidence": [[22552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203646, 212636, "Chris_Mullin_-LRB-basketball-RRB-", 0], [203646, 212636, "Chris_Mullin_-LRB-basketball-RRB-", 11]]], "all_evidence": [[203646, 212636, "Chris_Mullin_-LRB-basketball-RRB-", 0], [203646, 212636, "Chris_Mullin_-LRB-basketball-RRB-", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205773, null, null, null]]], "all_evidence": [[205773, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64101, 74807, "Agent_Raghav_\u2013_Crime_Branch", 2]]], "all_evidence": [[64101, 74807, "Agent_Raghav_\u2013_Crime_Branch", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17030, 21097, "Gotham_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[17030, 21097, "Gotham_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178757, null, null, null]]], "all_evidence": [[178757, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269176, null, null, null]]], "all_evidence": [[269176, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233292, null, null, null]]], "all_evidence": [[233292, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168819, 182524, "George_III_of_the_United_Kingdom", 11]], [[168819, 182525, "George_III_of_the_United_Kingdom", 12]]], "all_evidence": [[168819, 182524, "George_III_of_the_United_Kingdom", 11], [168819, 182525, "George_III_of_the_United_Kingdom", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267609, null, null, null]]], "all_evidence": [[267609, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157308, null, null, null]]], "all_evidence": [[157308, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202353, 211643, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]], [[202354, 211644, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]], "all_evidence": [[202353, 211643, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0], [202354, 211644, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225321, 229998, "Live_Nation_Entertainment", 0]]], "all_evidence": [[225321, 229998, "Live_Nation_Entertainment", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202960, 212098, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202960, 212098, "Tsugumi_Ohba", 0]]], "all_evidence": [[202960, 212098, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202960, 212098, "Tsugumi_Ohba", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53865, 63855, "Southern_Hospitality_-LRB-song-RRB-", 2]]], "all_evidence": [[53865, 63855, "Southern_Hospitality_-LRB-song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185110, 196926, "Buffy_the_Vampire_Slayer", 0]]], "all_evidence": [[185110, 196926, "Buffy_the_Vampire_Slayer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20325, 24887, "Zac_Efron", 0]]], "all_evidence": [[20325, 24887, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269988, 266144, "Truman_Capote", 9]], [[271125, 267046, "Truman_Capote", 9]], [[321786, 310192, "Truman_Capote", 9]], [[323120, 311349, "Truman_Capote", 9]], [[323299, 311494, "Truman_Capote", 9]]], "all_evidence": [[269988, 266144, "Truman_Capote", 9], [271125, 267046, "Truman_Capote", 9], [321786, 310192, "Truman_Capote", 9], [323120, 311349, "Truman_Capote", 9], [323299, 311494, "Truman_Capote", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180184, 192711, "Benjamin_Franklin", 0], [180184, 192711, "Founding_Fathers_of_the_United_States", 6]], [[180184, 192712, "Benjamin_Franklin", 3], [180184, 192712, "Franklin_stove", 0]], [[180184, 192713, "Benjamin_Franklin", 8], [180184, 192713, "United_States_Ambassador_to_France", 2]], [[180184, 192714, "Benjamin_Franklin", 14], [180184, 192714, "Pennsylvania_Gazette", 0]], [[180184, 192715, "Benjamin_Franklin", 16]], [[180184, 192716, "Benjamin_Franklin", 19]], [[180184, 192717, "Benjamin_Franklin", 20]], [[180184, 192718, "Benjamin_Franklin", 26]], [[180184, 192719, "Benjamin_Franklin", 27], [180184, 192719, "United_States_Postmaster_General", 2]], [[180184, 192720, "Benjamin_Franklin", 29]], [[180184, 192721, "Benjamin_Franklin", 30]]], "all_evidence": [[180184, 192711, "Benjamin_Franklin", 0], [180184, 192711, "Founding_Fathers_of_the_United_States", 6], [180184, 192712, "Benjamin_Franklin", 3], [180184, 192712, "Franklin_stove", 0], [180184, 192713, "Benjamin_Franklin", 8], [180184, 192713, "United_States_Ambassador_to_France", 2], [180184, 192714, "Benjamin_Franklin", 14], [180184, 192714, "Pennsylvania_Gazette", 0], [180184, 192715, "Benjamin_Franklin", 16], [180184, 192716, "Benjamin_Franklin", 19], [180184, 192717, "Benjamin_Franklin", 20], [180184, 192718, "Benjamin_Franklin", 26], [180184, 192719, "Benjamin_Franklin", 27], [180184, 192719, "United_States_Postmaster_General", 2], [180184, 192720, "Benjamin_Franklin", 29], [180184, 192721, "Benjamin_Franklin", 30]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86563, 99020, "Temple_Grandin_-LRB-film-RRB-", 0], [86563, 99020, "Mick_Jackson_-LRB-director-RRB-", 0]]], "all_evidence": [[86563, 99020, "Temple_Grandin_-LRB-film-RRB-", 0], [86563, 99020, "Mick_Jackson_-LRB-director-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292159, 284987, "Coeliac_disease", 27]], [[294170, 286523, "Coeliac_disease", 27]], [[339290, 324294, "Coeliac_disease", 27]], [[339292, 324295, "Coeliac_disease", 27]], [[339300, 324301, "Coeliac_disease", 27]]], "all_evidence": [[292159, 284987, "Coeliac_disease", 27], [294170, 286523, "Coeliac_disease", 27], [339290, 324294, "Coeliac_disease", 27], [339292, 324295, "Coeliac_disease", 27], [339300, 324301, "Coeliac_disease", 27]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208725, null, null, null]]], "all_evidence": [[208725, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267608, 264283, "Vampire_Academy_-LRB-film-RRB-", 6]]], "all_evidence": [[267608, 264283, "Vampire_Academy_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118512, null, null, null]]], "all_evidence": [[118512, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247555, null, null, null]]], "all_evidence": [[247555, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132512, null, null, null]]], "all_evidence": [[132512, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91103, null, null, null]]], "all_evidence": [[91103, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18024, null, null, null]]], "all_evidence": [[18024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153592, 168429, "Henry_Cavill", 0]]], "all_evidence": [[153592, 168429, "Henry_Cavill", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270805, null, null, null]]], "all_evidence": [[270805, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186451, 198262, "Alan_Shepard", 3]]], "all_evidence": [[186451, 198262, "Alan_Shepard", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186331, null, null, null]]], "all_evidence": [[186331, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186436, 198247, "Alan_Shepard", 16]]], "all_evidence": [[186436, 198247, "Alan_Shepard", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117797, null, null, null]]], "all_evidence": [[117797, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68229, null, null, null]]], "all_evidence": [[68229, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87813, 100336, "Rick_Ross", 3]]], "all_evidence": [[87813, 100336, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169838, 183430, "Mercedes-Benz", 0]]], "all_evidence": [[169838, 183430, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99607, 112705, "Birmingham", 0]], [[99607, 112706, "Birmingham", 1]], [[99607, 112707, "Birmingham", 10]], [[99607, 112708, "Birmingham", 14]], [[99607, 112709, "Birmingham", 16]], [[99607, 112710, "Birmingham", 17]], [[99607, 112711, "Birmingham", 20]], [[99607, 112712, "Birmingham", 21], [99607, 112712, "Birmingham_City_F.C.", 0]], [[99607, 112713, "Birmingham", 24]], [[99607, 112714, "Birmingham", 25]], [[101771, 115022, "Birmingham", 1]]], "all_evidence": [[99607, 112705, "Birmingham", 0], [99607, 112706, "Birmingham", 1], [99607, 112707, "Birmingham", 10], [99607, 112708, "Birmingham", 14], [99607, 112709, "Birmingham", 16], [99607, 112710, "Birmingham", 17], [99607, 112711, "Birmingham", 20], [99607, 112712, "Birmingham", 21], [99607, 112712, "Birmingham_City_F.C.", 0], [99607, 112713, "Birmingham", 24], [99607, 112714, "Birmingham", 25], [101771, 115022, "Birmingham", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55471, null, null, null]]], "all_evidence": [[55471, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267588, 264260, "Vampire_Academy_-LRB-film-RRB-", 6]]], "all_evidence": [[267588, 264260, "Vampire_Academy_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229605, null, null, null]]], "all_evidence": [[229605, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213529, 220753, "Henry_III_of_France", 23]]], "all_evidence": [[213529, 220753, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143708, 158802, "The_Fame", 13]], [[143708, 158803, "The_Fame", 14]]], "all_evidence": [[143708, 158802, "The_Fame", 13], [143708, 158803, "The_Fame", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130669, 145463, "Maria_Theresa", 5], [130669, 145463, "Charles_VI,_Holy_Roman_Emperor", 0]]], "all_evidence": [[130669, 145463, "Maria_Theresa", 5], [130669, 145463, "Charles_VI,_Holy_Roman_Emperor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202376, 211657, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]], [[202376, 211658, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 5], [202376, 211658, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]], "all_evidence": [[202376, 211657, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0], [202376, 211658, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 5], [202376, 211658, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146005, null, null, null]]], "all_evidence": [[146005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170893, 184441, "Amancio_Ortega", 0]]], "all_evidence": [[170893, 184441, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146272, null, null, null]]], "all_evidence": [[146272, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25639, null, null, null]]], "all_evidence": [[25639, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126562, 140958, "Pakistan", 22]]], "all_evidence": [[126562, 140958, "Pakistan", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256858, 255978, "Tenacious_D_-LRB-album-RRB-", 6]]], "all_evidence": [[256858, 255978, "Tenacious_D_-LRB-album-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36781, 44424, "Selma_to_Montgomery_marches", 1]]], "all_evidence": [[36781, 44424, "Selma_to_Montgomery_marches", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30108, 36673, "Grateful_Dead", 15]]], "all_evidence": [[30108, 36673, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238946, 240905, "The_Chaperone_-LRB-film-RRB-", 0]]], "all_evidence": [[238946, 240905, "The_Chaperone_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172554, 185850, "Exotic_Birds", 2], [172554, 185850, "Culture_Club", 0], [172554, 185850, "Information_Society_-LRB-band-RRB-", 0]]], "all_evidence": [[172554, 185850, "Exotic_Birds", 2], [172554, 185850, "Culture_Club", 0], [172554, 185850, "Information_Society_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265315, 262539, "Vedic_Sanskrit", 1]]], "all_evidence": [[265315, 262539, "Vedic_Sanskrit", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11989, 15008, "Hermit_crab", 0]], [[11991, 15009, "Hermit_crab", 0]]], "all_evidence": [[11989, 15008, "Hermit_crab", 0], [11991, 15009, "Hermit_crab", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88315, 100921, "The_Raven_-LRB-2012_film-RRB-", 10]]], "all_evidence": [[88315, 100921, "The_Raven_-LRB-2012_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113880, 127733, "The_Incredibles_2", 3]]], "all_evidence": [[113880, 127733, "The_Incredibles_2", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229461, 233384, "Bala_-LRB-director-RRB-", 2]]], "all_evidence": [[229461, 233384, "Bala_-LRB-director-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100831, 114106, "Aphrodite", 13]]], "all_evidence": [[100831, 114106, "Aphrodite", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203638, 212628, "Chris_Mullin_-LRB-basketball-RRB-", 11]]], "all_evidence": [[203638, 212628, "Chris_Mullin_-LRB-basketball-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110824, 124477, "The_Times", 21]]], "all_evidence": [[110824, 124477, "The_Times", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268422, 265008, "Brian_De_Palma", 0]]], "all_evidence": [[268422, 265008, "Brian_De_Palma", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102635, 115896, "Nero", 0], [102635, 115896, "Julio-Claudian_dynasty", 0]], [[102635, 115897, "Nero", 1]], [[102635, 115898, "Nero", 8]], [[102635, 115899, "Nero", 12]], [[102635, 115900, "Nero", 13]], [[102635, 115901, "Nero", 21]]], "all_evidence": [[102635, 115896, "Nero", 0], [102635, 115896, "Julio-Claudian_dynasty", 0], [102635, 115897, "Nero", 1], [102635, 115898, "Nero", 8], [102635, 115899, "Nero", 12], [102635, 115900, "Nero", 13], [102635, 115901, "Nero", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157808, 172403, "Roberto_Orci", 9]], [[157808, 172404, "Roberto_Orci", 11]]], "all_evidence": [[157808, 172403, "Roberto_Orci", 9], [157808, 172404, "Roberto_Orci", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186554, 198341, "Benjamin_Walker_-LRB-actor-RRB-", 0]]], "all_evidence": [[186554, 198341, "Benjamin_Walker_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215793, 222574, "You_Only_Live_Twice_-LRB-film-RRB-", 12], [215793, 222574, "You_Only_Live_Twice_-LRB-film-RRB-", 0]]], "all_evidence": [[215793, 222574, "You_Only_Live_Twice_-LRB-film-RRB-", 12], [215793, 222574, "You_Only_Live_Twice_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154011, null, null, null], [311773, null, null, null], [311775, null, null, null], [313160, null, null, null], [313162, null, null, null]]], "all_evidence": [[154011, null, null, null], [311773, null, null, null], [311775, null, null, null], [313160, null, null, null], [313162, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202343, null, null, null]]], "all_evidence": [[202343, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67777, 78622, "Cyprus", 16]]], "all_evidence": [[67777, 78622, "Cyprus", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85195, 97478, "Burj_Khalifa", 20]]], "all_evidence": [[85195, 97478, "Burj_Khalifa", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57387, 67605, "United_States_dollar", 72]]], "all_evidence": [[57387, 67605, "United_States_dollar", 72]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239452, null, null, null]]], "all_evidence": [[239452, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48275, 57622, "Africa_Cup_of_Nations", 17]]], "all_evidence": [[48275, 57622, "Africa_Cup_of_Nations", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164906, 179096, "Half_Girlfriend_-LRB-film-RRB-", 4]]], "all_evidence": [[164906, 179096, "Half_Girlfriend_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26887, 33015, "Emperor_Norton", 19]]], "all_evidence": [[26887, 33015, "Emperor_Norton", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253272, 253160, "The_Originals_-LRB-TV_series-RRB-", 0], [253272, 253160, "The_CW", 0]]], "all_evidence": [[253272, 253160, "The_Originals_-LRB-TV_series-RRB-", 0], [253272, 253160, "The_CW", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134866, 149766, "Zoe_Saldana", 0]], [[134866, 149767, "Zoe_Saldana", 1]], [[134866, 149768, "Zoe_Saldana", 2]], [[134866, 149769, "Zoe_Saldana", 3]], [[134866, 149770, "Zoe_Saldana", 5]], [[136506, 151280, "Zoe_Saldana", 2]], [[136506, 151281, "Zoe_Saldana", 3]], [[136506, 151282, "Zoe_Saldana", 5]], [[137000, 151830, "Zoe_Saldana", 0]], [[137000, 151831, "Zoe_Saldana", 1]], [[137000, 151832, "Zoe_Saldana", 2]], [[137000, 151833, "Zoe_Saldana", 3]], [[137000, 151834, "Zoe_Saldana", 5]], [[309753, 299883, "Zoe_Saldana", 0]], [[309753, 299884, "Zoe_Saldana", 1]], [[309753, 299885, "Zoe_Saldana", 2]], [[309753, 299886, "Zoe_Saldana", 3]], [[309753, 299887, "Zoe_Saldana", 5]], [[309757, 299891, "Zoe_Saldana", 1]], [[309757, 299892, "Zoe_Saldana", 2]], [[309757, 299893, "Zoe_Saldana", 3]], [[309757, 299894, "Zoe_Saldana", 4]], [[309757, 299895, "Zoe_Saldana", 5]]], "all_evidence": [[134866, 149766, "Zoe_Saldana", 0], [134866, 149767, "Zoe_Saldana", 1], [134866, 149768, "Zoe_Saldana", 2], [134866, 149769, "Zoe_Saldana", 3], [134866, 149770, "Zoe_Saldana", 5], [136506, 151280, "Zoe_Saldana", 2], [136506, 151281, "Zoe_Saldana", 3], [136506, 151282, "Zoe_Saldana", 5], [137000, 151830, "Zoe_Saldana", 0], [137000, 151831, "Zoe_Saldana", 1], [137000, 151832, "Zoe_Saldana", 2], [137000, 151833, "Zoe_Saldana", 3], [137000, 151834, "Zoe_Saldana", 5], [309753, 299883, "Zoe_Saldana", 0], [309753, 299884, "Zoe_Saldana", 1], [309753, 299885, "Zoe_Saldana", 2], [309753, 299886, "Zoe_Saldana", 3], [309753, 299887, "Zoe_Saldana", 5], [309757, 299891, "Zoe_Saldana", 1], [309757, 299892, "Zoe_Saldana", 2], [309757, 299893, "Zoe_Saldana", 3], [309757, 299894, "Zoe_Saldana", 4], [309757, 299895, "Zoe_Saldana", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124447, null, null, null]]], "all_evidence": [[124447, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[305760, 296557, "Bonobo", 12]], [[307037, 297579, "Bonobo", 12]]], "all_evidence": [[305760, 296557, "Bonobo", 12], [307037, 297579, "Bonobo", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50768, 60441, "Wolfgang_Amadeus_Mozart", 0]], [[50768, 60442, "Wolfgang_Amadeus_Mozart", 15]], [[50768, 60443, "Wolfgang_Amadeus_Mozart", 16]]], "all_evidence": [[50768, 60441, "Wolfgang_Amadeus_Mozart", 0], [50768, 60442, "Wolfgang_Amadeus_Mozart", 15], [50768, 60443, "Wolfgang_Amadeus_Mozart", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66753, null, null, null]]], "all_evidence": [[66753, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156849, null, null, null]]], "all_evidence": [[156849, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230484, null, null, null]]], "all_evidence": [[230484, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225546, null, null, null]]], "all_evidence": [[225546, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160848, null, null, null]]], "all_evidence": [[160848, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29193, 35609, "NXT_Tag_Team_Championship", 0]]], "all_evidence": [[29193, 35609, "NXT_Tag_Team_Championship", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23855, 29528, "Sherilyn_Fenn", 2]]], "all_evidence": [[23855, 29528, "Sherilyn_Fenn", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64690, 75511, "Antigua", 0]]], "all_evidence": [[64690, 75511, "Antigua", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23148, null, null, null]]], "all_evidence": [[23148, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88600, 101224, "Tenth_Doctor", 8]]], "all_evidence": [[88600, 101224, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18408, 22593, "The_Winds_of_Winter", 0]]], "all_evidence": [[18408, 22593, "The_Winds_of_Winter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218835, null, null, null]]], "all_evidence": [[218835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130006, 144719, "Golf", 0]], [[130006, 144720, "Golf", 4]]], "all_evidence": [[130006, 144719, "Golf", 0], [130006, 144720, "Golf", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242311, 243712, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242311, 243712, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168615, 182344, "Andrew_Moray", 1]]], "all_evidence": [[168615, 182344, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71643, 82628, "Birmingham", 0]]], "all_evidence": [[71643, 82628, "Birmingham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16661, 20628, "Henry_Cavill", 8]]], "all_evidence": [[16661, 20628, "Henry_Cavill", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101325, 114553, "Washington_Monument", 1]]], "all_evidence": [[101325, 114553, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229074, null, null, null]]], "all_evidence": [[229074, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257978, null, null, null]]], "all_evidence": [[257978, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181610, 193868, "Scaramouche", 0]]], "all_evidence": [[181610, 193868, "Scaramouche", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40944, 49238, "Skopje", 0]]], "all_evidence": [[40944, 49238, "Skopje", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57036, null, null, null]]], "all_evidence": [[57036, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61417, null, null, null]]], "all_evidence": [[61417, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126026, 140432, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[126026, 140432, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42329, 50933, "Floyd_Mayweather_Jr.", 0]], [[42329, 50934, "Floyd_Mayweather_Jr.", 1]], [[42329, 50935, "Floyd_Mayweather_Jr.", 3]], [[42329, 50936, "Floyd_Mayweather_Jr.", 7]], [[42329, 50937, "Floyd_Mayweather_Jr.", 8]], [[42329, 50938, "Floyd_Mayweather_Jr.", 10]], [[42329, 50939, "Floyd_Mayweather_Jr.", 9]]], "all_evidence": [[42329, 50933, "Floyd_Mayweather_Jr.", 0], [42329, 50934, "Floyd_Mayweather_Jr.", 1], [42329, 50935, "Floyd_Mayweather_Jr.", 3], [42329, 50936, "Floyd_Mayweather_Jr.", 7], [42329, 50937, "Floyd_Mayweather_Jr.", 8], [42329, 50938, "Floyd_Mayweather_Jr.", 10], [42329, 50939, "Floyd_Mayweather_Jr.", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42939, 51579, "John_Frusciante", 5]]], "all_evidence": [[42939, 51579, "John_Frusciante", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270802, null, null, null]]], "all_evidence": [[270802, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186985, null, null, null]]], "all_evidence": [[186985, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91053, 103723, "Maltese_language", 0]]], "all_evidence": [[91053, 103723, "Maltese_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211656, 219323, "The_Fly_-LRB-1986_film-RRB-", 0]], [[211656, 219324, "The_Fly_-LRB-1986_film-RRB-", 6]], [[211659, 219328, "The_Fly_-LRB-1986_film-RRB-", 0]], [[211659, 219329, "The_Fly_-LRB-1986_film-RRB-", 6]]], "all_evidence": [[211656, 219323, "The_Fly_-LRB-1986_film-RRB-", 0], [211656, 219324, "The_Fly_-LRB-1986_film-RRB-", 6], [211659, 219328, "The_Fly_-LRB-1986_film-RRB-", 0], [211659, 219329, "The_Fly_-LRB-1986_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197886, 207813, "Jiang_Wen", 0]], [[197886, 207814, "Jiang_Wen", 2]], [[197886, 207815, "Jiang_Wen", 3], [197886, 207815, "Jiang_Wu", 2]]], "all_evidence": [[197886, 207813, "Jiang_Wen", 0], [197886, 207814, "Jiang_Wen", 2], [197886, 207815, "Jiang_Wen", 3], [197886, 207815, "Jiang_Wu", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12757, 15899, "Mandy_Moore", 0]], [[12757, 15900, "Mandy_Moore", 1], [12757, 15900, "Candy_-LRB-Mandy_Moore_song-RRB-", 0]], [[12757, 15901, "Mandy_Moore", 2], [12757, 15901, "So_Real_-LRB-album-RRB-", 0]], [[12757, 15902, "Mandy_Moore", 4]], [[12757, 15903, "Mandy_Moore", 7]], [[12757, 15904, "Mandy_Moore", 8]], [[12757, 15905, "Mandy_Moore", 11]], [[19401, 23807, "Mandy_Moore", 0]], [[19401, 23808, "Mandy_Moore", 1]], [[19401, 23809, "Mandy_Moore", 2]], [[19401, 23810, "Mandy_Moore", 3], [19401, 23810, "Recording_Industry_Association_of_America", 0]], [[19401, 23811, "Mandy_Moore", 4]], [[19401, 23812, "Mandy_Moore", 7]], [[19401, 23813, "Mandy_Moore", 8]], [[19401, 23814, "Mandy_Moore", 11]], [[20347, 24906, "Mandy_Moore", 0]], [[20347, 24907, "Mandy_Moore", 1]], [[20347, 24908, "Mandy_Moore", 2]], [[20347, 24909, "Mandy_Moore", 3], [20347, 24909, "Recording_Industry_Association_of_America", 0]], [[20347, 24910, "Mandy_Moore", 4]], [[20347, 24911, "Mandy_Moore", 7]], [[20347, 24912, "Mandy_Moore", 8]], [[20347, 24913, "Mandy_Moore", 11]], [[299107, 290481, "Mandy_Moore", 0]], [[301196, 292308, "Mandy_Moore", 0]]], "all_evidence": [[12757, 15899, "Mandy_Moore", 0], [12757, 15900, "Mandy_Moore", 1], [12757, 15900, "Candy_-LRB-Mandy_Moore_song-RRB-", 0], [12757, 15901, "Mandy_Moore", 2], [12757, 15901, "So_Real_-LRB-album-RRB-", 0], [12757, 15902, "Mandy_Moore", 4], [12757, 15903, "Mandy_Moore", 7], [12757, 15904, "Mandy_Moore", 8], [12757, 15905, "Mandy_Moore", 11], [19401, 23807, "Mandy_Moore", 0], [19401, 23808, "Mandy_Moore", 1], [19401, 23809, "Mandy_Moore", 2], [19401, 23810, "Mandy_Moore", 3], [19401, 23810, "Recording_Industry_Association_of_America", 0], [19401, 23811, "Mandy_Moore", 4], [19401, 23812, "Mandy_Moore", 7], [19401, 23813, "Mandy_Moore", 8], [19401, 23814, "Mandy_Moore", 11], [20347, 24906, "Mandy_Moore", 0], [20347, 24907, "Mandy_Moore", 1], [20347, 24908, "Mandy_Moore", 2], [20347, 24909, "Mandy_Moore", 3], [20347, 24909, "Recording_Industry_Association_of_America", 0], [20347, 24910, "Mandy_Moore", 4], [20347, 24911, "Mandy_Moore", 7], [20347, 24912, "Mandy_Moore", 8], [20347, 24913, "Mandy_Moore", 11], [299107, 290481, "Mandy_Moore", 0], [301196, 292308, "Mandy_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192010, null, null, null]]], "all_evidence": [[192010, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188489, null, null, null]]], "all_evidence": [[188489, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79262, 90924, "Fargo_-LRB-season_3-RRB-", 0]]], "all_evidence": [[79262, 90924, "Fargo_-LRB-season_3-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137975, 152950, "Watchmen_-LRB-film-RRB-", 2]], [[140759, 155887, "Watchmen_-LRB-film-RRB-", 2], [140759, 155887, "French_Revolution", 0]], [[310231, 300274, "Watchmen_-LRB-film-RRB-", 2]]], "all_evidence": [[137975, 152950, "Watchmen_-LRB-film-RRB-", 2], [140759, 155887, "Watchmen_-LRB-film-RRB-", 2], [140759, 155887, "French_Revolution", 0], [310231, 300274, "Watchmen_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58927, 69240, "Toy_Story_2", 0]]], "all_evidence": [[58927, 69240, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183213, 195300, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]], "all_evidence": [[183213, 195300, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93590, 106537, "Zac_Efron", 0]]], "all_evidence": [[93590, 106537, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124690, 139041, "Daredevil_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[124690, 139041, "Daredevil_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32488, 39485, "Near-Earth_object", 0]]], "all_evidence": [[32488, 39485, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110950, 124614, "Dan_Trachtenberg", 0]]], "all_evidence": [[110950, 124614, "Dan_Trachtenberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30701, null, null, null]]], "all_evidence": [[30701, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180938, 193274, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]], "all_evidence": [[180938, 193274, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188707, 200152, "Saturn_Award_for_Best_Fantasy_Film", 0]], [[188708, 200153, "Saturn_Award_for_Best_Fantasy_Film", 0]]], "all_evidence": [[188707, 200152, "Saturn_Award_for_Best_Fantasy_Film", 0], [188708, 200153, "Saturn_Award_for_Best_Fantasy_Film", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157404, null, null, null]]], "all_evidence": [[157404, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82641, null, null, null]]], "all_evidence": [[82641, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233855, 236741, "Lois_Lane", 7]], [[233856, 236742, "Lois_Lane", 7]]], "all_evidence": [[233855, 236741, "Lois_Lane", 7], [233856, 236742, "Lois_Lane", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224147, 229000, "Ang_Lee", 0]]], "all_evidence": [[224147, 229000, "Ang_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192034, 202791, "Baadshah_-LRB-2013_film-RRB-", 15]], [[192036, 202793, "Baadshah_-LRB-2013_film-RRB-", 17]]], "all_evidence": [[192034, 202791, "Baadshah_-LRB-2013_film-RRB-", 15], [192036, 202793, "Baadshah_-LRB-2013_film-RRB-", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176457, null, null, null]]], "all_evidence": [[176457, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164492, null, null, null]]], "all_evidence": [[164492, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102046, 115314, "Clueless_-LRB-film-RRB-", 7]]], "all_evidence": [[102046, 115314, "Clueless_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166643, 180449, "Mandy_Moore", 0]]], "all_evidence": [[166643, 180449, "Mandy_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253264, null, null, null]]], "all_evidence": [[253264, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115255, 129076, "Simon_Cowell", 0]]], "all_evidence": [[115255, 129076, "Simon_Cowell", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208748, null, null, null]]], "all_evidence": [[208748, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155691, 170328, "Shannon_Lee", 0]]], "all_evidence": [[155691, 170328, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153678, 168521, "Cyclades", 0]], [[153678, 168522, "Cyclades", 1]], [[156460, 171059, "Cyclades", 0]], [[156460, 171060, "Cyclades", 1]], [[156460, 171061, "Cyclades", 2]], [[156460, 171062, "Cyclades", 3]], [[158453, 173077, "Cyclades", 0]], [[311738, 301688, "Cyclades", 0]], [[311738, 301689, "Cyclades", 1]], [[311738, 301690, "Cyclades", 2]], [[313126, 302794, "Cyclades", 0]], [[313131, 302799, "Cyclades", 0]], [[313131, 302800, "Cyclades", 1]]], "all_evidence": [[153678, 168521, "Cyclades", 0], [153678, 168522, "Cyclades", 1], [156460, 171059, "Cyclades", 0], [156460, 171060, "Cyclades", 1], [156460, 171061, "Cyclades", 2], [156460, 171062, "Cyclades", 3], [158453, 173077, "Cyclades", 0], [311738, 301688, "Cyclades", 0], [311738, 301689, "Cyclades", 1], [311738, 301690, "Cyclades", 2], [313126, 302794, "Cyclades", 0], [313131, 302799, "Cyclades", 0], [313131, 302800, "Cyclades", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183676, 195671, "Weill_Cornell_Medicine", 0]], [[183676, 195672, "Weill_Cornell_Medicine", 4]]], "all_evidence": [[183676, 195671, "Weill_Cornell_Medicine", 0], [183676, 195672, "Weill_Cornell_Medicine", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65470, 76349, "Danish_language", 1], [65470, 76349, "Sweden", 0]], [[65470, 76350, "Danish_language", 13]]], "all_evidence": [[65470, 76349, "Danish_language", 1], [65470, 76349, "Sweden", 0], [65470, 76350, "Danish_language", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102374, null, null, null]]], "all_evidence": [[102374, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28487, 34823, "Tennessee", 1]]], "all_evidence": [[28487, 34823, "Tennessee", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235284, 237977, "Boxing_Helena", 5]]], "all_evidence": [[235284, 237977, "Boxing_Helena", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207367, null, null, null]]], "all_evidence": [[207367, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242560, 243896, "Rwanda", 26]]], "all_evidence": [[242560, 243896, "Rwanda", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22551, 27795, "Stanley_Park", 16]]], "all_evidence": [[22551, 27795, "Stanley_Park", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136891, 151717, "Selma_to_Montgomery_marches", 1]]], "all_evidence": [[136891, 151717, "Selma_to_Montgomery_marches", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237298, null, null, null]]], "all_evidence": [[237298, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139502, null, null, null]]], "all_evidence": [[139502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116960, 130846, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [116960, 130846, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]], "all_evidence": [[116960, 130846, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [116960, 130846, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265373, 262593, "Practical_Magic", 0], [265373, 262593, "Alice_Hoffman", 0]]], "all_evidence": [[265373, 262593, "Practical_Magic", 0], [265373, 262593, "Alice_Hoffman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95530, null, null, null]]], "all_evidence": [[95530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214607, 221596, "Vera_Wang", 0]]], "all_evidence": [[214607, 221596, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27077, null, null, null]]], "all_evidence": [[27077, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79651, 91402, "Cle\u0301opa\u0302tre", 0]]], "all_evidence": [[79651, 91402, "Cle\u0301opa\u0302tre", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22421, null, null, null]]], "all_evidence": [[22421, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270779, 266782, "Blank_Space", 10]]], "all_evidence": [[270779, 266782, "Blank_Space", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102313, 115584, "Ed_Decter", 0]]], "all_evidence": [[102313, 115584, "Ed_Decter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198900, null, null, null]]], "all_evidence": [[198900, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66339, 77172, "Ice-T", 1]]], "all_evidence": [[66339, 77172, "Ice-T", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13894, 17394, "Dodo", 10]]], "all_evidence": [[13894, 17394, "Dodo", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[276337, 271384, "Anna_Nicole_Smith", 0]], [[278581, 273336, "Anna_Nicole_Smith", 0]], [[280415, 274873, "Anna_Nicole_Smith", 0]], [[326521, 313988, "Anna_Nicole_Smith", 0]], [[326522, 313989, "Anna_Nicole_Smith", 0]], [[326523, 313990, "Anna_Nicole_Smith", 0]]], "all_evidence": [[276337, 271384, "Anna_Nicole_Smith", 0], [278581, 273336, "Anna_Nicole_Smith", 0], [280415, 274873, "Anna_Nicole_Smith", 0], [326521, 313988, "Anna_Nicole_Smith", 0], [326522, 313989, "Anna_Nicole_Smith", 0], [326523, 313990, "Anna_Nicole_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132862, 147774, "Joni_Mitchell", 6]], [[134083, 148969, "Joni_Mitchell", 6]], [[134083, 148971, "Joni_Mitchell", 20]], [[135729, 150580, "Joni_Mitchell", 6]], [[310723, 300757, "Joni_Mitchell", 6]]], "all_evidence": [[132862, 147774, "Joni_Mitchell", 6], [134083, 148969, "Joni_Mitchell", 6], [134083, 148971, "Joni_Mitchell", 20], [135729, 150580, "Joni_Mitchell", 6], [310723, 300757, "Joni_Mitchell", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50938, 60666, "Ares", 1]]], "all_evidence": [[50938, 60666, "Ares", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79558, 91279, "Charles_de_Gaulle", 0]], [[79558, 91280, "Charles_de_Gaulle", 1]], [[79558, 91281, "Charles_de_Gaulle", 2]], [[79558, 91282, "Charles_de_Gaulle", 9]], [[79558, 91283, "Charles_de_Gaulle", 10], [79558, 91283, "Appeal_of_18_June", 0]], [[79558, 91284, "Charles_de_Gaulle", 11]], [[79558, 91285, "Charles_de_Gaulle", 12]], [[79558, 91286, "Charles_de_Gaulle", 13]], [[79558, 91287, "Charles_de_Gaulle", 17], [79558, 91287, "French_Fourth_Republic", 13]], [[79558, 91288, "Charles_de_Gaulle", 19], [79558, 91288, "Algerian_War", 5]], [[79558, 91289, "Charles_de_Gaulle", 20]], [[79558, 91290, "Charles_de_Gaulle", 21], [79558, 91290, "France", 21]], [[79558, 91291, "Charles_de_Gaulle", 33]], [[79558, 91292, "Charles_de_Gaulle", 34], [79558, 91292, "French_constitutional_referendum,_1969", 2]], [[79558, 91293, "Charles_de_Gaulle", 36], [79558, 91293, "Gaullism", 0]], [[79558, 91294, "Charles_de_Gaulle", 25], [79558, 91294, "France", 21]], [[79558, 91295, "Charles_de_Gaulle", 26], [79558, 91295, "France", 21]], [[79558, 91296, "Charles_de_Gaulle", 27], [79558, 91296, "France\u2013Germany_relations", 4]], [[79558, 91297, "Charles_de_Gaulle", 30], [79558, 91297, "Vive_le_Que\u0301bec_libre", 2]], [[79558, 91298, "Charles_de_Gaulle", 3], [79558, 91298, "France", 21]]], "all_evidence": [[79558, 91279, "Charles_de_Gaulle", 0], [79558, 91280, "Charles_de_Gaulle", 1], [79558, 91281, "Charles_de_Gaulle", 2], [79558, 91282, "Charles_de_Gaulle", 9], [79558, 91283, "Charles_de_Gaulle", 10], [79558, 91283, "Appeal_of_18_June", 0], [79558, 91284, "Charles_de_Gaulle", 11], [79558, 91285, "Charles_de_Gaulle", 12], [79558, 91286, "Charles_de_Gaulle", 13], [79558, 91287, "Charles_de_Gaulle", 17], [79558, 91287, "French_Fourth_Republic", 13], [79558, 91288, "Charles_de_Gaulle", 19], [79558, 91288, "Algerian_War", 5], [79558, 91289, "Charles_de_Gaulle", 20], [79558, 91290, "Charles_de_Gaulle", 21], [79558, 91290, "France", 21], [79558, 91291, "Charles_de_Gaulle", 33], [79558, 91292, "Charles_de_Gaulle", 34], [79558, 91292, "French_constitutional_referendum,_1969", 2], [79558, 91293, "Charles_de_Gaulle", 36], [79558, 91293, "Gaullism", 0], [79558, 91294, "Charles_de_Gaulle", 25], [79558, 91294, "France", 21], [79558, 91295, "Charles_de_Gaulle", 26], [79558, 91295, "France", 21], [79558, 91296, "Charles_de_Gaulle", 27], [79558, 91296, "France\u2013Germany_relations", 4], [79558, 91297, "Charles_de_Gaulle", 30], [79558, 91297, "Vive_le_Que\u0301bec_libre", 2], [79558, 91298, "Charles_de_Gaulle", 3], [79558, 91298, "France", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56517, 66715, "Benzodiazepine", 0]]], "all_evidence": [[56517, 66715, "Benzodiazepine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42947, 51587, "John_Frusciante", 5]], [[42947, 51588, "John_Frusciante", 6], [42947, 51588, "Acid_house", 1]]], "all_evidence": [[42947, 51587, "John_Frusciante", 5], [42947, 51588, "John_Frusciante", 6], [42947, 51588, "Acid_house", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225536, 230167, "The_Colbert_Report", 11]]], "all_evidence": [[225536, 230167, "The_Colbert_Report", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41330, null, null, null]]], "all_evidence": [[41330, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238341, 240397, "New_Jersey_Turnpike", 15]]], "all_evidence": [[238341, 240397, "New_Jersey_Turnpike", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84217, 96335, "Oscar_Isaac", 0]], [[84217, 96336, "Oscar_Isaac", 1]], [[84217, 96337, "Oscar_Isaac", 3]]], "all_evidence": [[84217, 96335, "Oscar_Isaac", 0], [84217, 96336, "Oscar_Isaac", 1], [84217, 96337, "Oscar_Isaac", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90505, null, null, null]]], "all_evidence": [[90505, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215900, 222655, "Simi_Valley,_California", 13]]], "all_evidence": [[215900, 222655, "Simi_Valley,_California", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201021, 210474, "An_Education", 0]], [[201021, 210475, "An_Education", 7]]], "all_evidence": [[201021, 210474, "An_Education", 0], [201021, 210475, "An_Education", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169849, 183436, "Selma_to_Montgomery_marches", 1]]], "all_evidence": [[169849, 183436, "Selma_to_Montgomery_marches", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129707, 144438, "Shannon_Lee", 0]], [[129708, 144439, "Shannon_Lee", 0]]], "all_evidence": [[129707, 144438, "Shannon_Lee", 0], [129708, 144439, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174437, null, null, null]]], "all_evidence": [[174437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164502, 178760, "The_Times", 21]]], "all_evidence": [[164502, 178760, "The_Times", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107452, null, null, null]]], "all_evidence": [[107452, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276740, null, null, null], [322504, null, null, null], [322505, null, null, null]]], "all_evidence": [[276740, null, null, null], [322504, null, null, null], [322505, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172679, 185938, "Internet_access", 0]]], "all_evidence": [[172679, 185938, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214103, 221192, "Gotham_City_Sirens", 0], [214103, 221192, "Paul_Dini", 0], [214103, 221192, "Paul_Dini", 1]]], "all_evidence": [[214103, 221192, "Gotham_City_Sirens", 0], [214103, 221192, "Paul_Dini", 0], [214103, 221192, "Paul_Dini", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137605, null, null, null]]], "all_evidence": [[137605, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78735, 90285, "The_Giver_-LRB-film-RRB-", 0]], [[78735, 90286, "The_Giver_-LRB-film-RRB-", 5]]], "all_evidence": [[78735, 90285, "The_Giver_-LRB-film-RRB-", 0], [78735, 90286, "The_Giver_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73730, 84976, "Nymphomaniac_-LRB-film-RRB-", 13]]], "all_evidence": [[73730, 84976, "Nymphomaniac_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194666, null, null, null]]], "all_evidence": [[194666, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125754, 140139, "Joni_Mitchell", 7]], [[125754, 140140, "Joni_Mitchell", 9]], [[125754, 140141, "Joni_Mitchell", 10]], [[125754, 140142, "Joni_Mitchell", 20]], [[125754, 140143, "Joni_Mitchell", 19]]], "all_evidence": [[125754, 140139, "Joni_Mitchell", 7], [125754, 140140, "Joni_Mitchell", 9], [125754, 140141, "Joni_Mitchell", 10], [125754, 140142, "Joni_Mitchell", 20], [125754, 140143, "Joni_Mitchell", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[264568, null, null, null]]], "all_evidence": [[264568, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112961, 126805, "Robinson_Crusoe_on_Mars", 0]]], "all_evidence": [[112961, 126805, "Robinson_Crusoe_on_Mars", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116299, 130205, "Faye_Resnick", 0]]], "all_evidence": [[116299, 130205, "Faye_Resnick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138932, null, null, null]]], "all_evidence": [[138932, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50692, 60279, "Sierra_Morena", 0]], [[50692, 60280, "Sierra_Morena", 1], [50692, 60280, "Iberian_Peninsula", 1]], [[50692, 60281, "Sierra_Morena", 4], [50692, 60281, "Ban\u0303uela", 0]]], "all_evidence": [[50692, 60279, "Sierra_Morena", 0], [50692, 60280, "Sierra_Morena", 1], [50692, 60280, "Iberian_Peninsula", 1], [50692, 60281, "Sierra_Morena", 4], [50692, 60281, "Ban\u0303uela", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203440, null, null, null]]], "all_evidence": [[203440, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31224, 37924, "American_Civil_War", 0]], [[31224, 37925, "American_Civil_War", 1]]], "all_evidence": [[31224, 37924, "American_Civil_War", 0], [31224, 37925, "American_Civil_War", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180005, null, null, null]]], "all_evidence": [[180005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32865, 39960, "Google_Search", 13]]], "all_evidence": [[32865, 39960, "Google_Search", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118585, 132446, "Uranium", 0]]], "all_evidence": [[118585, 132446, "Uranium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117905, 131788, "Kung_Fu_Panda", 17]]], "all_evidence": [[117905, 131788, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132080, null, null, null]]], "all_evidence": [[132080, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267613, null, null, null]]], "all_evidence": [[267613, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115233, 129048, "Ed_and_Lorraine_Warren", 1]], [[115233, 129049, "Ed_and_Lorraine_Warren", 6]]], "all_evidence": [[115233, 129048, "Ed_and_Lorraine_Warren", 1], [115233, 129049, "Ed_and_Lorraine_Warren", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255041, null, null, null]]], "all_evidence": [[255041, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165662, null, null, null]]], "all_evidence": [[165662, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292258, 285085, "Solanum", 0], [292258, 285085, "Tomato", 15]], [[294275, 286615, "Solanum", 1]], [[294275, 286616, "Solanum", 0]], [[339539, 324478, "Solanum", 0]], [[339540, 324479, "Solanum", 0]]], "all_evidence": [[292258, 285085, "Solanum", 0], [292258, 285085, "Tomato", 15], [294275, 286615, "Solanum", 1], [294275, 286616, "Solanum", 0], [339539, 324478, "Solanum", 0], [339540, 324479, "Solanum", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34080, null, null, null]]], "all_evidence": [[34080, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149374, 164335, "Internet_access", 0]]], "all_evidence": [[149374, 164335, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266483, 263459, "UNICEF_UK", 0]]], "all_evidence": [[266483, 263459, "UNICEF_UK", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38287, 46228, "Richard_Kuklinski", 6]], [[38287, 46229, "Richard_Kuklinski", 15]], [[38287, 46230, "Richard_Kuklinski", 19]]], "all_evidence": [[38287, 46228, "Richard_Kuklinski", 6], [38287, 46229, "Richard_Kuklinski", 15], [38287, 46230, "Richard_Kuklinski", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286775, 280248, "Sausage_Party", 0], [286775, 280248, "Conrad_Vernon", 0], [286775, 280248, "Greg_Tiernan", 0]], [[288944, 282126, "Sausage_Party", 0], [288944, 282126, "Conrad_Vernon", 0], [288944, 282126, "Greg_Tiernan", 1]], [[333809, 319984, "Sausage_Party", 0], [333809, 319984, "Conrad_Vernon", 1], [333809, 319984, "Greg_Tiernan", 1]], [[334703, 320697, "Sausage_Party", 0], [334703, 320697, "Conrad_Vernon", 0], [334703, 320697, "Greg_Tiernan", 1]]], "all_evidence": [[286775, 280248, "Sausage_Party", 0], [286775, 280248, "Conrad_Vernon", 0], [286775, 280248, "Greg_Tiernan", 0], [288944, 282126, "Sausage_Party", 0], [288944, 282126, "Conrad_Vernon", 0], [288944, 282126, "Greg_Tiernan", 1], [333809, 319984, "Sausage_Party", 0], [333809, 319984, "Conrad_Vernon", 1], [333809, 319984, "Greg_Tiernan", 1], [334703, 320697, "Sausage_Party", 0], [334703, 320697, "Conrad_Vernon", 0], [334703, 320697, "Greg_Tiernan", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84466, null, null, null]]], "all_evidence": [[84466, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152041, 166790, "Battle_of_the_Trebia", 0], [152041, 166790, "Second_Punic_War", 0]]], "all_evidence": [[152041, 166790, "Battle_of_the_Trebia", 0], [152041, 166790, "Second_Punic_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151148, 165958, "Victor_Frankenstein_-LRB-film-RRB-", 0]], [[151151, 165961, "Victor_Frankenstein_-LRB-film-RRB-", 0]], [[151151, 165962, "Victor_Frankenstein_-LRB-film-RRB-", 2]], [[151151, 165963, "Victor_Frankenstein_-LRB-film-RRB-", 8]]], "all_evidence": [[151148, 165958, "Victor_Frankenstein_-LRB-film-RRB-", 0], [151151, 165961, "Victor_Frankenstein_-LRB-film-RRB-", 0], [151151, 165962, "Victor_Frankenstein_-LRB-film-RRB-", 2], [151151, 165963, "Victor_Frankenstein_-LRB-film-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178196, null, null, null]]], "all_evidence": [[178196, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110022, null, null, null]]], "all_evidence": [[110022, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244085, 245179, "Uta_Hagen", 0]], [[244086, 245180, "Uta_Hagen", 0]]], "all_evidence": [[244085, 245179, "Uta_Hagen", 0], [244086, 245180, "Uta_Hagen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55437, null, null, null]]], "all_evidence": [[55437, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216620, null, null, null]]], "all_evidence": [[216620, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153870, 168705, "Antigua_and_Barbuda", 6]]], "all_evidence": [[153870, 168705, "Antigua_and_Barbuda", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265355, null, null, null]]], "all_evidence": [[265355, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115097, null, null, null]]], "all_evidence": [[115097, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201727, 211115, "Red_Bull_Racing", 0]]], "all_evidence": [[201727, 211115, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132806, 147716, "Atlanta_metropolitan_area", 3]]], "all_evidence": [[132806, 147716, "Atlanta_metropolitan_area", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32878, null, null, null]]], "all_evidence": [[32878, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269979, 266139, "Chadwick_Boseman", 1]]], "all_evidence": [[269979, 266139, "Chadwick_Boseman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177318, 190167, "Meghan_Markle", 0]]], "all_evidence": [[177318, 190167, "Meghan_Markle", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194076, 204495, "Battle_of_the_Bastards", 0]], [[197015, 207076, "Battle_of_the_Bastards", 0]], [[197015, 207077, "Battle_of_the_Bastards", 13]], [[197015, 207078, "Battle_of_the_Bastards", 15]], [[197015, 207079, "Battle_of_the_Bastards", 16]], [[197015, 207080, "Battle_of_the_Bastards", 12]], [[198897, 208589, "Battle_of_the_Bastards", 0]], [[315177, 304457, "Battle_of_the_Bastards", 0], [315177, 304457, "Game_of_Thrones", 0]], [[315181, 304460, "Battle_of_the_Bastards", 0]]], "all_evidence": [[194076, 204495, "Battle_of_the_Bastards", 0], [197015, 207076, "Battle_of_the_Bastards", 0], [197015, 207077, "Battle_of_the_Bastards", 13], [197015, 207078, "Battle_of_the_Bastards", 15], [197015, 207079, "Battle_of_the_Bastards", 16], [197015, 207080, "Battle_of_the_Bastards", 12], [198897, 208589, "Battle_of_the_Bastards", 0], [315177, 304457, "Battle_of_the_Bastards", 0], [315177, 304457, "Game_of_Thrones", 0], [315181, 304460, "Battle_of_the_Bastards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37356, 45278, "John_S._McCain_Jr.", 3]]], "all_evidence": [[37356, 45278, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54624, 64617, "Burj_Khalifa", 20]]], "all_evidence": [[54624, 64617, "Burj_Khalifa", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144818, 159831, "Antigua", 0]]], "all_evidence": [[144818, 159831, "Antigua", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174889, 187986, "Chris_Bosh", 0]]], "all_evidence": [[174889, 187986, "Chris_Bosh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186553, null, null, null]]], "all_evidence": [[186553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179698, 192266, "Warcraft_-LRB-film-RRB-", 7]]], "all_evidence": [[179698, 192266, "Warcraft_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38466, 46416, "The_Punisher_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[38466, 46416, "The_Punisher_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185795, null, null, null], [185796, null, null, null]]], "all_evidence": [[185795, null, null, null], [185796, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282704, null, null, null], [284628, null, null, null], [284629, null, null, null], [284630, null, null, null], [330866, null, null, null]]], "all_evidence": [[282704, null, null, null], [284628, null, null, null], [284629, null, null, null], [284630, null, null, null], [330866, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296319, 288201, "The_Incredibles_2", 0]], [[296319, 288202, "The_Incredibles_2", 3]], [[297892, 289463, "The_Incredibles_2", 0]], [[342773, 326683, "The_Incredibles_2", 0]], [[342814, 326715, "The_Incredibles_2", 0]], [[342827, 326725, "The_Incredibles_2", 0]]], "all_evidence": [[296319, 288201, "The_Incredibles_2", 0], [296319, 288202, "The_Incredibles_2", 3], [297892, 289463, "The_Incredibles_2", 0], [342773, 326683, "The_Incredibles_2", 0], [342814, 326715, "The_Incredibles_2", 0], [342827, 326725, "The_Incredibles_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25766, 31704, "Kevin_Costner", 8]]], "all_evidence": [[25766, 31704, "Kevin_Costner", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234840, null, null, null]]], "all_evidence": [[234840, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28322, 34638, "Chris_Paul", 1]]], "all_evidence": [[28322, 34638, "Chris_Paul", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93357, null, null, null]]], "all_evidence": [[93357, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218639, 224877, "Rob_McElhenney", 3]], [[218648, 224884, "Rob_McElhenney", 3]], [[218648, 224885, "Rob_McElhenney", 0]]], "all_evidence": [[218639, 224877, "Rob_McElhenney", 3], [218648, 224884, "Rob_McElhenney", 3], [218648, 224885, "Rob_McElhenney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193509, 204002, "Jean-Jacques_Dessalines", 0]]], "all_evidence": [[193509, 204002, "Jean-Jacques_Dessalines", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271692, 267524, "Lyon", 4]], [[271693, 267525, "Lyon", 4]]], "all_evidence": [[271692, 267524, "Lyon", 4], [271693, 267525, "Lyon", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101376, null, null, null]]], "all_evidence": [[101376, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129311, 144060, "Linkin_Park", 2]], [[130981, 145755, "Linkin_Park", 2]], [[133083, 147959, "Linkin_Park", 2], [133083, 147959, "Meteora_-LRB-album-RRB-", 0]], [[133083, 147960, "Linkin_Park", 10], [133083, 147960, "Hybrid_Theory", 0]], [[309132, 299404, "Linkin_Park", 2]], [[309134, 299406, "Linkin_Park", 10], [309134, 299406, "Meteora_-LRB-album-RRB-", 0]], [[309134, 299407, "Linkin_Park", 2]]], "all_evidence": [[129311, 144060, "Linkin_Park", 2], [130981, 145755, "Linkin_Park", 2], [133083, 147959, "Linkin_Park", 2], [133083, 147959, "Meteora_-LRB-album-RRB-", 0], [133083, 147960, "Linkin_Park", 10], [133083, 147960, "Hybrid_Theory", 0], [309132, 299404, "Linkin_Park", 2], [309134, 299406, "Linkin_Park", 10], [309134, 299406, "Meteora_-LRB-album-RRB-", 0], [309134, 299407, "Linkin_Park", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194639, 205015, "Boeing_767", 0]], [[194641, 205017, "Boeing_767", 0]], [[194641, 205018, "Boeing_767", 1]], [[194641, 205019, "Boeing_767", 3]]], "all_evidence": [[194639, 205015, "Boeing_767", 0], [194641, 205017, "Boeing_767", 0], [194641, 205018, "Boeing_767", 1], [194641, 205019, "Boeing_767", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267078, 263870, "66th_Primetime_Emmy_Awards", 2], [267078, 263870, "66th_Primetime_Creative_Arts_Emmy_Awards", 0], [267078, 263870, "Seth_Meyers", 0]]], "all_evidence": [[267078, 263870, "66th_Primetime_Emmy_Awards", 2], [267078, 263870, "66th_Primetime_Creative_Arts_Emmy_Awards", 0], [267078, 263870, "Seth_Meyers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189069, null, null, null]]], "all_evidence": [[189069, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168672, null, null, null]]], "all_evidence": [[168672, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190513, 201522, "American_Idol_-LRB-season_8-RRB-", 1]]], "all_evidence": [[190513, 201522, "American_Idol_-LRB-season_8-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189644, null, null, null]]], "all_evidence": [[189644, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70211, 81089, "Coeliac_disease", 26]]], "all_evidence": [[70211, 81089, "Coeliac_disease", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84368, null, null, null]]], "all_evidence": [[84368, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11417, 14361, "Watertown,_Massachusetts", 0]], [[11417, 14362, "Watertown,_Massachusetts", 1]], [[11417, 14363, "Watertown,_Massachusetts", 3]]], "all_evidence": [[11417, 14361, "Watertown,_Massachusetts", 0], [11417, 14362, "Watertown,_Massachusetts", 1], [11417, 14363, "Watertown,_Massachusetts", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79463, null, null, null], [307176, null, null, null], [307186, null, null, null], [307225, null, null, null]]], "all_evidence": [[79463, null, null, null], [307176, null, null, null], [307186, null, null, null], [307225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265366, 262575, "Practical_Magic", 0]]], "all_evidence": [[265366, 262575, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109814, 123408, "Scandinavia", 5], [109814, 123408, "Scandinavia", 3]], [[109814, 123409, "Scandinavia", 16]]], "all_evidence": [[109814, 123408, "Scandinavia", 5], [109814, 123408, "Scandinavia", 3], [109814, 123409, "Scandinavia", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83149, null, null, null]]], "all_evidence": [[83149, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86831, 99290, "Ekta_Kapoor", 0], [86831, 99290, "Ekta_Kapoor", 7]]], "all_evidence": [[86831, 99290, "Ekta_Kapoor", 0], [86831, 99290, "Ekta_Kapoor", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265343, 262558, "Practical_Magic", 0]]], "all_evidence": [[265343, 262558, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77535, 88980, "Road_House_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[77535, 88980, "Road_House_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128081, 142789, "Andrew_Moray", 1]]], "all_evidence": [[128081, 142789, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115789, null, null, null]]], "all_evidence": [[115789, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176244, null, null, null]]], "all_evidence": [[176244, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225574, 230195, "Staging_area", 0]]], "all_evidence": [[225574, 230195, "Staging_area", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19500, 23934, "Cars_3", 2], [19500, 23934, "Brian_Fee", 0], [19500, 23934, "Cars_-LRB-film-RRB-", 0]]], "all_evidence": [[19500, 23934, "Cars_3", 2], [19500, 23934, "Brian_Fee", 0], [19500, 23934, "Cars_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48197, 57550, "Guns_N'_Roses", 0]]], "all_evidence": [[48197, 57550, "Guns_N'_Roses", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165783, 179769, "Personality", 0]]], "all_evidence": [[165783, 179769, "Personality", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169981, null, null, null]]], "all_evidence": [[169981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28512, 34843, "Silver_Surfer", 0]]], "all_evidence": [[28512, 34843, "Silver_Surfer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27926, 34224, "Project_Y", 1]], [[27926, 34225, "Project_Y", 0]]], "all_evidence": [[27926, 34224, "Project_Y", 1], [27926, 34225, "Project_Y", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232886, null, null, null], [232891, null, null, null]]], "all_evidence": [[232886, null, null, null], [232891, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17970, 22123, "One_True_Thing", 0]]], "all_evidence": [[17970, 22123, "One_True_Thing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121032, 135320, "Hermit_crab", 0], [121032, 135320, "Crustacean", 0], [121032, 135320, "Crustacean", 2]]], "all_evidence": [[121032, 135320, "Hermit_crab", 0], [121032, 135320, "Crustacean", 0], [121032, 135320, "Crustacean", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242336, 243743, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242336, 243743, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50838, 60545, "Google_Search", 0], [50838, 60545, "Google", 0]]], "all_evidence": [[50838, 60545, "Google_Search", 0], [50838, 60545, "Google", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279373, null, null, null], [327636, null, null, null], [328763, null, null, null], [328765, null, null, null]]], "all_evidence": [[279373, null, null, null], [327636, null, null, null], [328763, null, null, null], [328765, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97981, 111116, "SummerSlam_-LRB-2015-RRB-", 1]]], "all_evidence": [[97981, 111116, "SummerSlam_-LRB-2015-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47121, 56217, "Dark_matter", 0]]], "all_evidence": [[47121, 56217, "Dark_matter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233280, 236251, "Arthur_Schopenhauer", 0]]], "all_evidence": [[233280, 236251, "Arthur_Schopenhauer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165956, 179905, "Fred_Seibert", 3]]], "all_evidence": [[165956, 179905, "Fred_Seibert", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220135, null, null, null], [220988, null, null, null], [317567, null, null, null]]], "all_evidence": [[220135, null, null, null], [220988, null, null, null], [317567, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51064, null, null, null]]], "all_evidence": [[51064, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162726, 176984, "Java", 0]]], "all_evidence": [[162726, 176984, "Java", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126356, 140760, "Ned_Stark", 1]]], "all_evidence": [[126356, 140760, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71648, 82632, "Melilla", 0]], [[71648, 82633, "Melilla", 1]]], "all_evidence": [[71648, 82632, "Melilla", 0], [71648, 82633, "Melilla", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95108, null, null, null]]], "all_evidence": [[95108, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118849, null, null, null]]], "all_evidence": [[118849, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121287, 135579, "Shannon_Lee", 0]]], "all_evidence": [[121287, 135579, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98495, 111591, "Betsy_Hodges", 0]]], "all_evidence": [[98495, 111591, "Betsy_Hodges", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85633, 97946, "Globalism", 0]]], "all_evidence": [[85633, 97946, "Globalism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78003, null, null, null]]], "all_evidence": [[78003, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32702, 39750, "Mad_Max-COLON-_Fury_Road", 0]]], "all_evidence": [[32702, 39750, "Mad_Max-COLON-_Fury_Road", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87316, 99797, "Jason_Bourne_-LRB-film-RRB-", 0]]], "all_evidence": [[87316, 99797, "Jason_Bourne_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212910, 220310, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]], [[212913, 220312, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212913, 220312, "Richard_Rodney_Bennett", 0]]], "all_evidence": [[212910, 220310, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212913, 220312, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212913, 220312, "Richard_Rodney_Bennett", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208726, 216704, "Vic_Mensa", 0]]], "all_evidence": [[208726, 216704, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207472, 215728, "Move_-LRB-Little_Mix_song-RRB-", 8]]], "all_evidence": [[207472, 215728, "Move_-LRB-Little_Mix_song-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74534, 85770, "Ian_Gillan", 0]]], "all_evidence": [[74534, 85770, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263036, 260838, "Group_of_15", 1]], [[263037, 260839, "Group_of_15", 1]], [[263039, 260840, "Group_of_15", 4]]], "all_evidence": [[263036, 260838, "Group_of_15", 1], [263037, 260839, "Group_of_15", 1], [263039, 260840, "Group_of_15", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218869, 225051, "Dan_Brown", 0]], [[218869, 225052, "Dan_Brown", 3], [218869, 225052, "Angels_&_Demons", 0]]], "all_evidence": [[218869, 225051, "Dan_Brown", 0], [218869, 225052, "Dan_Brown", 3], [218869, 225052, "Angels_&_Demons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116407, 130297, "Yugoslavia", 0]]], "all_evidence": [[116407, 130297, "Yugoslavia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269274, 265649, "Revolver_-LRB-Beatles_album-RRB-", 16]]], "all_evidence": [[269274, 265649, "Revolver_-LRB-Beatles_album-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163764, 178007, "Natasha_Lyonne", 0]], [[163765, 178008, "Natasha_Lyonne", 0]]], "all_evidence": [[163764, 178007, "Natasha_Lyonne", 0], [163765, 178008, "Natasha_Lyonne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255292, 254750, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]], [[255292, 254751, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 0], [255292, 254751, "BBC_Two", 0]]], "all_evidence": [[255292, 254750, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3], [255292, 254751, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 0], [255292, 254751, "BBC_Two", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123350, 137805, "Louie_-LRB-season_1-RRB-", 2]]], "all_evidence": [[123350, 137805, "Louie_-LRB-season_1-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158178, 172822, "Jenny_McCarthy", 1]], [[158178, 172823, "Jenny_McCarthy", 2], [158178, 172823, "Playboy", 0]]], "all_evidence": [[158178, 172822, "Jenny_McCarthy", 1], [158178, 172823, "Jenny_McCarthy", 2], [158178, 172823, "Playboy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257960, 256875, "Innovation", 1]]], "all_evidence": [[257960, 256875, "Innovation", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232884, null, null, null]]], "all_evidence": [[232884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238332, 240392, "New_Jersey_Turnpike", 15]], [[238342, 240398, "New_Jersey_Turnpike", 15]]], "all_evidence": [[238332, 240392, "New_Jersey_Turnpike", 15], [238342, 240398, "New_Jersey_Turnpike", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177987, null, null, null]]], "all_evidence": [[177987, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177341, 190185, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[177341, 190185, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43727, null, null, null]]], "all_evidence": [[43727, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[343573, null, null, null]]], "all_evidence": [[343573, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20530, null, null, null]]], "all_evidence": [[20530, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148635, 163667, "Near-Earth_object", 0]]], "all_evidence": [[148635, 163667, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24847, null, null, null]]], "all_evidence": [[24847, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67735, 78564, "Hollow_Man", 15]]], "all_evidence": [[67735, 78564, "Hollow_Man", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126627, 141026, "The_Nice_Guys", 0]]], "all_evidence": [[126627, 141026, "The_Nice_Guys", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17072, null, null, null]]], "all_evidence": [[17072, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38824, 46783, "Coeliac_disease", 26]]], "all_evidence": [[38824, 46783, "Coeliac_disease", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212545, null, null, null]]], "all_evidence": [[212545, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18641, 22865, "Night_of_the_Living_Dead", 0]], [[18641, 22866, "Night_of_the_Living_Dead", 1]], [[18641, 22867, "Night_of_the_Living_Dead", 10], [18641, 22867, "Night_of_the_Living_Dead_-LRB-1990_film-RRB-", 0], [18641, 22867, "Night_of_the_Living_Dead_-LRB-1990_film-RRB-", 1]]], "all_evidence": [[18641, 22865, "Night_of_the_Living_Dead", 0], [18641, 22866, "Night_of_the_Living_Dead", 1], [18641, 22867, "Night_of_the_Living_Dead", 10], [18641, 22867, "Night_of_the_Living_Dead_-LRB-1990_film-RRB-", 0], [18641, 22867, "Night_of_the_Living_Dead_-LRB-1990_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99582, null, null, null], [101765, null, null, null], [102866, null, null, null], [306941, null, null, null], [306943, null, null, null], [306948, null, null, null]]], "all_evidence": [[99582, null, null, null], [101765, null, null, null], [102866, null, null, null], [306941, null, null, null], [306943, null, null, null], [306948, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199808, 209474, "Barcelona", 0]]], "all_evidence": [[199808, 209474, "Barcelona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201715, 211104, "Red_Bull_Racing", 0]]], "all_evidence": [[201715, 211104, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76599, 87910, "Scaramouche", 0]], [[80279, 92077, "Scaramouche", 0]], [[306026, 296778, "Scaramouche", 0]], [[307253, 297786, "Scaramouche", 0]]], "all_evidence": [[76599, 87910, "Scaramouche", 0], [80279, 92077, "Scaramouche", 0], [306026, 296778, "Scaramouche", 0], [307253, 297786, "Scaramouche", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292847, 285538, "Loretta_Sanchez", 0]], [[295435, 287541, "Loretta_Sanchez", 0]], [[295438, 287543, "Loretta_Sanchez", 0]], [[295438, 287544, "Loretta_Sanchez", 1]], [[295438, 287545, "Loretta_Sanchez", 2]], [[295438, 287546, "Loretta_Sanchez", 7]], [[295475, 287585, "Loretta_Sanchez", 0]], [[295475, 287586, "Loretta_Sanchez", 1]], [[295475, 287587, "Loretta_Sanchez", 2]], [[295475, 287588, "Loretta_Sanchez", 4]], [[295475, 287589, "Loretta_Sanchez", 7]], [[295475, 287590, "Loretta_Sanchez", 8]]], "all_evidence": [[292847, 285538, "Loretta_Sanchez", 0], [295435, 287541, "Loretta_Sanchez", 0], [295438, 287543, "Loretta_Sanchez", 0], [295438, 287544, "Loretta_Sanchez", 1], [295438, 287545, "Loretta_Sanchez", 2], [295438, 287546, "Loretta_Sanchez", 7], [295475, 287585, "Loretta_Sanchez", 0], [295475, 287586, "Loretta_Sanchez", 1], [295475, 287587, "Loretta_Sanchez", 2], [295475, 287588, "Loretta_Sanchez", 4], [295475, 287589, "Loretta_Sanchez", 7], [295475, 287590, "Loretta_Sanchez", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200597, 210073, "Hair_-LRB-musical-RRB-", 0]], [[200597, 210074, "Hair_-LRB-musical-RRB-", 2]], [[200597, 210075, "Hair_-LRB-musical-RRB-", 3]], [[200597, 210076, "Hair_-LRB-musical-RRB-", 13]], [[200597, 210077, "Hair_-LRB-musical-RRB-", 15]], [[200597, 210078, "Hair_-LRB-musical-RRB-", 14], [200597, 210078, "Hair_-LRB-film-RRB-", 0]]], "all_evidence": [[200597, 210073, "Hair_-LRB-musical-RRB-", 0], [200597, 210074, "Hair_-LRB-musical-RRB-", 2], [200597, 210075, "Hair_-LRB-musical-RRB-", 3], [200597, 210076, "Hair_-LRB-musical-RRB-", 13], [200597, 210077, "Hair_-LRB-musical-RRB-", 15], [200597, 210078, "Hair_-LRB-musical-RRB-", 14], [200597, 210078, "Hair_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73361, 84580, "SpongeBob_SquarePants", 2]]], "all_evidence": [[73361, 84580, "SpongeBob_SquarePants", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[287016, 280486, "Jack_Dylan_Grazer", 0]], [[287021, 280493, "Jack_Dylan_Grazer", 0]], [[289117, 282281, "Jack_Dylan_Grazer", 0]], [[334955, 320883, "Jack_Dylan_Grazer", 0]], [[334958, 320884, "Jack_Dylan_Grazer", 0]], [[334959, 320885, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[287016, 280486, "Jack_Dylan_Grazer", 0], [287021, 280493, "Jack_Dylan_Grazer", 0], [289117, 282281, "Jack_Dylan_Grazer", 0], [334955, 320883, "Jack_Dylan_Grazer", 0], [334958, 320884, "Jack_Dylan_Grazer", 0], [334959, 320885, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125281, null, null, null], [125293, null, null, null]]], "all_evidence": [[125281, null, null, null], [125293, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91304, null, null, null]]], "all_evidence": [[91304, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114524, 128289, "The_Catcher_in_the_Rye", 0]], [[114524, 128290, "The_Catcher_in_the_Rye", 1]], [[114524, 128291, "The_Catcher_in_the_Rye", 9]]], "all_evidence": [[114524, 128289, "The_Catcher_in_the_Rye", 0], [114524, 128290, "The_Catcher_in_the_Rye", 1], [114524, 128291, "The_Catcher_in_the_Rye", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258297, null, null, null]]], "all_evidence": [[258297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100557, 113854, "The_Hit_-LRB-1984_film-RRB-", 6]]], "all_evidence": [[100557, 113854, "The_Hit_-LRB-1984_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197904, 207833, "Jiang_Wen", 0]]], "all_evidence": [[197904, 207833, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113729, null, null, null]]], "all_evidence": [[113729, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107002, 120393, "The_Hunger_Games_-LRB-novel-RRB-", 16]]], "all_evidence": [[107002, 120393, "The_Hunger_Games_-LRB-novel-RRB-", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133630, null, null, null]]], "all_evidence": [[133630, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247529, null, null, null]]], "all_evidence": [[247529, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112400, 126242, "Elizabeth_I_of_England", 4]]], "all_evidence": [[112400, 126242, "Elizabeth_I_of_England", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96687, 109842, "The_Hunger_Games_-LRB-film_series-RRB-", 0], [96687, 109842, "The_Hunger_Games_-LRB-film-RRB-", 24]]], "all_evidence": [[96687, 109842, "The_Hunger_Games_-LRB-film_series-RRB-", 0], [96687, 109842, "The_Hunger_Games_-LRB-film-RRB-", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185549, null, null, null]]], "all_evidence": [[185549, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161513, 175971, "Jonah_Hill", 0]]], "all_evidence": [[161513, 175971, "Jonah_Hill", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129953, null, null, null]]], "all_evidence": [[129953, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89230, 101914, "The_Times", 21]]], "all_evidence": [[89230, 101914, "The_Times", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87841, 100363, "Babur", 0]]], "all_evidence": [[87841, 100363, "Babur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23010, null, null, null]]], "all_evidence": [[23010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193531, 204024, "Jean-Jacques_Dessalines", 0]], [[193531, 204025, "Jean-Jacques_Dessalines", 1]], [[193531, 204026, "Jean-Jacques_Dessalines", 10]], [[193531, 204027, "Jean-Jacques_Dessalines", 11]], [[193531, 204028, "Jean-Jacques_Dessalines", 12]], [[193531, 204029, "Jean-Jacques_Dessalines", 13]], [[193531, 204030, "Jean-Jacques_Dessalines", 14]]], "all_evidence": [[193531, 204024, "Jean-Jacques_Dessalines", 0], [193531, 204025, "Jean-Jacques_Dessalines", 1], [193531, 204026, "Jean-Jacques_Dessalines", 10], [193531, 204027, "Jean-Jacques_Dessalines", 11], [193531, 204028, "Jean-Jacques_Dessalines", 12], [193531, 204029, "Jean-Jacques_Dessalines", 13], [193531, 204030, "Jean-Jacques_Dessalines", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159465, 173990, "Mount_Hood", 0], [159465, 173990, "Oregon", 0]], [[159465, 173991, "Mount_Hood", 1]], [[159465, 173992, "Mount_Hood", 3], [159465, 173992, "Oregon", 0]], [[159465, 173993, "Mount_Hood", 2], [159465, 173993, "Portland,_Oregon", 1]], [[159465, 173994, "Mount_Hood", 9], [159465, 173994, "Oregon", 0]], [[159465, 173995, "Mount_Hood", 11], [159465, 173995, "Oregon", 0]]], "all_evidence": [[159465, 173990, "Mount_Hood", 0], [159465, 173990, "Oregon", 0], [159465, 173991, "Mount_Hood", 1], [159465, 173992, "Mount_Hood", 3], [159465, 173992, "Oregon", 0], [159465, 173993, "Mount_Hood", 2], [159465, 173993, "Portland,_Oregon", 1], [159465, 173994, "Mount_Hood", 9], [159465, 173994, "Oregon", 0], [159465, 173995, "Mount_Hood", 11], [159465, 173995, "Oregon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203633, 212623, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203633, 212623, "Indiana_Pacers", 0]]], "all_evidence": [[203633, 212623, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203633, 212623, "Indiana_Pacers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19666, 24165, "Fargo_-LRB-season_3-RRB-", 0]]], "all_evidence": [[19666, 24165, "Fargo_-LRB-season_3-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270794, null, null, null]]], "all_evidence": [[270794, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165785, 179770, "Elizabeth_I_of_England", 4]]], "all_evidence": [[165785, 179770, "Elizabeth_I_of_England", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81276, 93080, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]], "all_evidence": [[81276, 93080, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147550, 162566, "Simon_Pegg", 0]]], "all_evidence": [[147550, 162566, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137068, null, null, null]]], "all_evidence": [[137068, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96206, null, null, null]]], "all_evidence": [[96206, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202954, null, null, null]]], "all_evidence": [[202954, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53125, 63073, "Warren_Beatty", 2], [53125, 63073, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 0]]], "all_evidence": [[53125, 63073, "Warren_Beatty", 2], [53125, 63073, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213492, 220726, "Simi_Valley,_California", 13]]], "all_evidence": [[213492, 220726, "Simi_Valley,_California", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110504, null, null, null]]], "all_evidence": [[110504, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64973, 75830, "Pakistan", 22], [64973, 75830, "Gross_domestic_product", 0]]], "all_evidence": [[64973, 75830, "Pakistan", 22], [64973, 75830, "Gross_domestic_product", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90508, 103260, "IPhone_4", 0]]], "all_evidence": [[90508, 103260, "IPhone_4", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224796, null, null, null]]], "all_evidence": [[224796, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206279, 214674, "Trick-or-treating", 10]]], "all_evidence": [[206279, 214674, "Trick-or-treating", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247533, 247819, "Sennacherib", 2]]], "all_evidence": [[247533, 247819, "Sennacherib", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168783, 182479, "Cars_3", 2]], [[168793, 182494, "Cars_3", 2]]], "all_evidence": [[168783, 182479, "Cars_3", 2], [168793, 182494, "Cars_3", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30168, 36723, "American_Civil_War", 0]]], "all_evidence": [[30168, 36723, "American_Civil_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90063, 102736, "The_Challenge-COLON-_Rivals_III", 0]]], "all_evidence": [[90063, 102736, "The_Challenge-COLON-_Rivals_III", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256463, 255674, "Jerome_Flynn", 0]]], "all_evidence": [[256463, 255674, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125026, 139373, "Absinthe", 20]]], "all_evidence": [[125026, 139373, "Absinthe", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154108, null, null, null]]], "all_evidence": [[154108, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173905, null, null, null]]], "all_evidence": [[173905, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130906, 145684, "John_S._McCain_Jr.", 3]]], "all_evidence": [[130906, 145684, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54788, 64786, "Spider-Man_2", 0]]], "all_evidence": [[54788, 64786, "Spider-Man_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93759, 106701, "Jonah_Hill", 1]]], "all_evidence": [[93759, 106701, "Jonah_Hill", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46420, 55392, "Vampire", 0]], [[46420, 55393, "Vampire", 1]]], "all_evidence": [[46420, 55392, "Vampire", 0], [46420, 55393, "Vampire", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79368, 91052, "One_Dance", 0]]], "all_evidence": [[79368, 91052, "One_Dance", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88405, 101022, "Truman_Capote", 0]], [[90723, 103439, "Truman_Capote", 0]], [[93016, 105898, "Truman_Capote", 0]], [[93016, 105899, "Truman_Capote", 8], [93016, 105899, "In_Cold_Blood", 0]], [[306420, 297111, "Truman_Capote", 0]], [[306424, 297113, "Truman_Capote", 0]], [[306440, 297123, "Truman_Capote", 0]], [[306440, 297124, "Truman_Capote", 5], [306440, 297124, "Truman_Capote", 0]], [[306440, 297125, "Truman_Capote", 6], [306440, 297125, "Truman_Capote", 0]]], "all_evidence": [[88405, 101022, "Truman_Capote", 0], [90723, 103439, "Truman_Capote", 0], [93016, 105898, "Truman_Capote", 0], [93016, 105899, "Truman_Capote", 8], [93016, 105899, "In_Cold_Blood", 0], [306420, 297111, "Truman_Capote", 0], [306424, 297113, "Truman_Capote", 0], [306440, 297123, "Truman_Capote", 0], [306440, 297124, "Truman_Capote", 5], [306440, 297124, "Truman_Capote", 0], [306440, 297125, "Truman_Capote", 6], [306440, 297125, "Truman_Capote", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165119, 179267, "Doug_Petrie", 5]]], "all_evidence": [[165119, 179267, "Doug_Petrie", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144793, null, null, null]]], "all_evidence": [[144793, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33259, null, null, null]]], "all_evidence": [[33259, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40691, 48952, "Baloch_people", 3]]], "all_evidence": [[40691, 48952, "Baloch_people", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279848, 274475, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [279848, 274475, "2014_MTV_Europe_Music_Awards", 0]], [[281559, 275944, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]], [[281571, 275955, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]], [[328413, 315465, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 2]]], "all_evidence": [[279848, 274475, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [279848, 274475, "2014_MTV_Europe_Music_Awards", 0], [281559, 275944, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [281571, 275955, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [328413, 315465, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21068, 25865, "Henri_Kontinen", 5]]], "all_evidence": [[21068, 25865, "Henri_Kontinen", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66391, 77236, "Tenth_Doctor", 8]]], "all_evidence": [[66391, 77236, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107241, 120639, "Stomp_the_Yard", 0]]], "all_evidence": [[107241, 120639, "Stomp_the_Yard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50805, 60478, "Temple_Mount", 0], [50805, 60478, "Old_City_-LRB-Jerusalem-RRB-", 0]], [[50805, 60479, "Temple_Mount", 17]], [[50805, 60480, "Temple_Mount", 44]], [[50805, 60481, "Temple_Mount", 53]]], "all_evidence": [[50805, 60478, "Temple_Mount", 0], [50805, 60478, "Old_City_-LRB-Jerusalem-RRB-", 0], [50805, 60479, "Temple_Mount", 17], [50805, 60480, "Temple_Mount", 44], [50805, 60481, "Temple_Mount", 53]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39470, null, null, null]]], "all_evidence": [[39470, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74342, null, null, null]]], "all_evidence": [[74342, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140340, null, null, null]]], "all_evidence": [[140340, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220649, 226468, "William_Cohen", 0]]], "all_evidence": [[220649, 226468, "William_Cohen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136105, null, null, null]]], "all_evidence": [[136105, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134064, null, null, null]]], "all_evidence": [[134064, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174635, 187797, "Estonia", 1]]], "all_evidence": [[174635, 187797, "Estonia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251570, null, null, null], [251572, null, null, null]]], "all_evidence": [[251570, null, null, null], [251572, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216065, null, null, null]]], "all_evidence": [[216065, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195094, 205454, "Baadshah_-LRB-2013_film-RRB-", 17], [195094, 205454, "Baadshah_-LRB-2013_film-RRB-", 3]], [[195179, 205500, "Baadshah_-LRB-2013_film-RRB-", 17]], [[195180, 205501, "Baadshah_-LRB-2013_film-RRB-", 17]]], "all_evidence": [[195094, 205454, "Baadshah_-LRB-2013_film-RRB-", 17], [195094, 205454, "Baadshah_-LRB-2013_film-RRB-", 3], [195179, 205500, "Baadshah_-LRB-2013_film-RRB-", 17], [195180, 205501, "Baadshah_-LRB-2013_film-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189076, 200413, "Carey_Hayes", 0]], [[189091, 200424, "Carey_Hayes", 0]]], "all_evidence": [[189076, 200413, "Carey_Hayes", 0], [189091, 200424, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43739, 52382, "Annie_Lennox", 19]]], "all_evidence": [[43739, 52382, "Annie_Lennox", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22297, 27497, "IPhone_4", 0]], [[299479, 290867, "IPhone_4", 0]]], "all_evidence": [[22297, 27497, "IPhone_4", 0], [299479, 290867, "IPhone_4", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154656, 169395, "Louis_Malle", 6]]], "all_evidence": [[154656, 169395, "Louis_Malle", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[324742, 312629, "Port_of_Spain", 0]], [[326068, 313633, "Port_of_Spain", 0], [326068, 313633, "City", 0]]], "all_evidence": [[324742, 312629, "Port_of_Spain", 0], [326068, 313633, "Port_of_Spain", 0], [326068, 313633, "City", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80843, 92688, "Tangled", 0]]], "all_evidence": [[80843, 92688, "Tangled", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141922, 157165, "Shomu_Mukherjee", 0]], [[141922, 157166, "Shomu_Mukherjee", 9]]], "all_evidence": [[141922, 157165, "Shomu_Mukherjee", 0], [141922, 157166, "Shomu_Mukherjee", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134938, null, null, null]]], "all_evidence": [[134938, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16356, 20288, "John_S._McCain_Jr.", 3]]], "all_evidence": [[16356, 20288, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174248, null, null, null]]], "all_evidence": [[174248, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147423, 162432, "Boeing_787_Dreamliner", 0]]], "all_evidence": [[147423, 162432, "Boeing_787_Dreamliner", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196076, 206230, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196076, 206230, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192326, 203087, "Westworld_-LRB-TV_series-RRB-", 4], [192326, 203087, "World_population", 1]]], "all_evidence": [[192326, 203087, "Westworld_-LRB-TV_series-RRB-", 4], [192326, 203087, "World_population", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241552, 243083, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241552, 243083, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229195, null, null, null]]], "all_evidence": [[229195, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227458, 231835, "Mike_Friedrich", 0]]], "all_evidence": [[227458, 231835, "Mike_Friedrich", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129152, null, null, null]]], "all_evidence": [[129152, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151062, 165879, "Ned_Stark", 1]]], "all_evidence": [[151062, 165879, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93165, 106078, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[93165, 106078, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150031, 164971, "Chris_Bosh", 0]], [[150037, 164976, "Chris_Bosh", 0], [150037, 164976, "National_Basketball_Association", 0]]], "all_evidence": [[150031, 164971, "Chris_Bosh", 0], [150037, 164976, "Chris_Bosh", 0], [150037, 164976, "National_Basketball_Association", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185383, null, null, null]]], "all_evidence": [[185383, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89103, 101801, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]], "all_evidence": [[89103, 101801, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91206, null, null, null]]], "all_evidence": [[91206, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177899, null, null, null]]], "all_evidence": [[177899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212884, 220299, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212884, 220299, "Nicolas_Roeg", 0]]], "all_evidence": [[212884, 220299, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212884, 220299, "Nicolas_Roeg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95243, 108247, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[95243, 108247, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34028, 41270, "Little_Dorrit", 0]]], "all_evidence": [[34028, 41270, "Little_Dorrit", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56771, 66998, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]]], "all_evidence": [[56771, 66998, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158682, null, null, null], [158683, null, null, null]]], "all_evidence": [[158682, null, null, null], [158683, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262388, null, null, null]]], "all_evidence": [[262388, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140495, 155565, "Camp_Flog_Gnaw", 0]]], "all_evidence": [[140495, 155565, "Camp_Flog_Gnaw", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146243, 161222, "Grease_-LRB-film-RRB-", 4]]], "all_evidence": [[146243, 161222, "Grease_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170514, null, null, null]]], "all_evidence": [[170514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266226, 263268, "Prague_Castle", 7]]], "all_evidence": [[266226, 263268, "Prague_Castle", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178739, 191301, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]], [[178739, 191302, "Caesar_-LRB-Mercury_Theatre-RRB-", 1]]], "all_evidence": [[178739, 191301, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [178739, 191302, "Caesar_-LRB-Mercury_Theatre-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189071, null, null, null]]], "all_evidence": [[189071, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167373, null, null, null]]], "all_evidence": [[167373, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125753, 140138, "Key_&_Peele", 10]]], "all_evidence": [[125753, 140138, "Key_&_Peele", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87351, null, null, null]]], "all_evidence": [[87351, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241593, null, null, null], [241597, null, null, null]]], "all_evidence": [[241593, null, null, null], [241597, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56806, 67031, "Richard_Fortus", 1]]], "all_evidence": [[56806, 67031, "Richard_Fortus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135107, 150018, "Scandal_-LRB-American_band-RRB-", 0]], [[135149, 150075, "Scandal_-LRB-American_band-RRB-", 0]], [[135150, 150076, "Scandal_-LRB-American_band-RRB-", 0]], [[135151, 150077, "Scandal_-LRB-American_band-RRB-", 0]], [[135152, 150078, "Scandal_-LRB-American_band-RRB-", 0]], [[135153, 150079, "Scandal_-LRB-American_band-RRB-", 0]], [[135154, 150080, "Scandal_-LRB-American_band-RRB-", 0]], [[135156, 150082, "Scandal_-LRB-American_band-RRB-", 0]], [[135157, 150083, "Scandal_-LRB-American_band-RRB-", 0]], [[135158, 150084, "Scandal_-LRB-American_band-RRB-", 0]], [[135159, 150085, "Scandal_-LRB-American_band-RRB-", 0]], [[135160, 150086, "Scandal_-LRB-American_band-RRB-", 0]], [[135162, 150087, "Scandal_-LRB-American_band-RRB-", 0]], [[135163, 150088, "Scandal_-LRB-American_band-RRB-", 0]], [[135164, 150089, "Scandal_-LRB-American_band-RRB-", 0]], [[135165, 150090, "Scandal_-LRB-American_band-RRB-", 0]]], "all_evidence": [[135107, 150018, "Scandal_-LRB-American_band-RRB-", 0], [135149, 150075, "Scandal_-LRB-American_band-RRB-", 0], [135150, 150076, "Scandal_-LRB-American_band-RRB-", 0], [135151, 150077, "Scandal_-LRB-American_band-RRB-", 0], [135152, 150078, "Scandal_-LRB-American_band-RRB-", 0], [135153, 150079, "Scandal_-LRB-American_band-RRB-", 0], [135154, 150080, "Scandal_-LRB-American_band-RRB-", 0], [135156, 150082, "Scandal_-LRB-American_band-RRB-", 0], [135157, 150083, "Scandal_-LRB-American_band-RRB-", 0], [135158, 150084, "Scandal_-LRB-American_band-RRB-", 0], [135159, 150085, "Scandal_-LRB-American_band-RRB-", 0], [135160, 150086, "Scandal_-LRB-American_band-RRB-", 0], [135162, 150087, "Scandal_-LRB-American_band-RRB-", 0], [135163, 150088, "Scandal_-LRB-American_band-RRB-", 0], [135164, 150089, "Scandal_-LRB-American_band-RRB-", 0], [135165, 150090, "Scandal_-LRB-American_band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15750, 19609, "LinkedIn", 14]]], "all_evidence": [[15750, 19609, "LinkedIn", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37810, 45738, "Julie_Bowen", 0]]], "all_evidence": [[37810, 45738, "Julie_Bowen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156979, 171537, "Konidela_Production_Company", 0]]], "all_evidence": [[156979, 171537, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201890, null, null, null]]], "all_evidence": [[201890, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13153, 16454, "Joseph_Merrick", 29]]], "all_evidence": [[13153, 16454, "Joseph_Merrick", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38616, 46574, "Ghost_-LRB-1990_film-RRB-", 0]], [[38616, 46575, "Ghost_-LRB-1990_film-RRB-", 4]], [[38616, 46576, "Ghost_-LRB-1990_film-RRB-", 14]]], "all_evidence": [[38616, 46574, "Ghost_-LRB-1990_film-RRB-", 0], [38616, 46575, "Ghost_-LRB-1990_film-RRB-", 4], [38616, 46576, "Ghost_-LRB-1990_film-RRB-", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263050, 260847, "Group_of_15", 4]], [[263051, 260848, "Group_of_15", 4]]], "all_evidence": [[263050, 260847, "Group_of_15", 4], [263051, 260848, "Group_of_15", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12956, 16195, "Talulah_Riley", 1]], [[12958, 16196, "Talulah_Riley", 1]]], "all_evidence": [[12956, 16195, "Talulah_Riley", 1], [12958, 16196, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232332, 235562, "University_of_Leicester", 11]]], "all_evidence": [[232332, 235562, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112117, 125924, "Jed_Whedon", 0]]], "all_evidence": [[112117, 125924, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85563, 97871, "Heath_Ledger", 3]]], "all_evidence": [[85563, 97871, "Heath_Ledger", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232866, 235937, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232866, 235937, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189086, 200420, "Carey_Hayes", 0]]], "all_evidence": [[189086, 200420, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31509, 38240, "Ayananka_Bose", 0]]], "all_evidence": [[31509, 38240, "Ayananka_Bose", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112750, 126588, "Faye_Resnick", 0]], [[112750, 126589, "Faye_Resnick", 1]]], "all_evidence": [[112750, 126588, "Faye_Resnick", 0], [112750, 126589, "Faye_Resnick", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234417, 237299, "Psych_-LRB-season_2-RRB-", 0]], [[237205, 239459, "Psych_-LRB-season_2-RRB-", 0]], [[240798, 242410, "Psych_-LRB-season_2-RRB-", 0]], [[318784, 307616, "Psych_-LRB-season_2-RRB-", 0]], [[320162, 308790, "Psych_-LRB-season_2-RRB-", 0]], [[320166, 308791, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[234417, 237299, "Psych_-LRB-season_2-RRB-", 0], [237205, 239459, "Psych_-LRB-season_2-RRB-", 0], [240798, 242410, "Psych_-LRB-season_2-RRB-", 0], [318784, 307616, "Psych_-LRB-season_2-RRB-", 0], [320162, 308790, "Psych_-LRB-season_2-RRB-", 0], [320166, 308791, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135887, 150719, "Airbus_A380", 3]]], "all_evidence": [[135887, 150719, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14850, 18471, "Parkinson's_disease", 1]], [[14850, 18472, "Parkinson's_disease", 6]], [[14850, 18473, "Parkinson's_disease", 7]], [[14850, 18474, "Parkinson's_disease", 13]], [[14850, 18475, "Parkinson's_disease", 16]], [[14850, 18476, "Parkinson's_disease", 22]], [[14850, 18477, "Parkinson's_disease", 23]], [[14850, 18478, "Parkinson's_disease", 24]], [[15168, 18875, "Parkinson's_disease", 2]], [[15168, 18876, "Parkinson's_disease", 6]], [[15168, 18877, "Parkinson's_disease", 7]], [[15168, 18878, "Parkinson's_disease", 13]], [[15168, 18879, "Parkinson's_disease", 24]], [[19304, 23704, "Parkinson's_disease", 1]], [[19304, 23705, "Parkinson's_disease", 6]], [[19304, 23706, "Parkinson's_disease", 7]], [[19304, 23707, "Parkinson's_disease", 13]]], "all_evidence": [[14850, 18471, "Parkinson's_disease", 1], [14850, 18472, "Parkinson's_disease", 6], [14850, 18473, "Parkinson's_disease", 7], [14850, 18474, "Parkinson's_disease", 13], [14850, 18475, "Parkinson's_disease", 16], [14850, 18476, "Parkinson's_disease", 22], [14850, 18477, "Parkinson's_disease", 23], [14850, 18478, "Parkinson's_disease", 24], [15168, 18875, "Parkinson's_disease", 2], [15168, 18876, "Parkinson's_disease", 6], [15168, 18877, "Parkinson's_disease", 7], [15168, 18878, "Parkinson's_disease", 13], [15168, 18879, "Parkinson's_disease", 24], [19304, 23704, "Parkinson's_disease", 1], [19304, 23705, "Parkinson's_disease", 6], [19304, 23706, "Parkinson's_disease", 7], [19304, 23707, "Parkinson's_disease", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225580, 230210, "Staging_area", 0]], [[225580, 230211, "Staging_area", 6]], [[225580, 230212, "Staging_area", 11]], [[225580, 230213, "Staging_area", 16]], [[225580, 230214, "Staging_area", 21]], [[225580, 230215, "Staging_area", 26]], [[225580, 230216, "Staging_area", 27]], [[225580, 230217, "Staging_area", 30]], [[225580, 230218, "Staging_area", 36]], [[225580, 230219, "Staging_area", 42]]], "all_evidence": [[225580, 230210, "Staging_area", 0], [225580, 230211, "Staging_area", 6], [225580, 230212, "Staging_area", 11], [225580, 230213, "Staging_area", 16], [225580, 230214, "Staging_area", 21], [225580, 230215, "Staging_area", 26], [225580, 230216, "Staging_area", 27], [225580, 230217, "Staging_area", 30], [225580, 230218, "Staging_area", 36], [225580, 230219, "Staging_area", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66529, 77350, "Physics", 1]]], "all_evidence": [[66529, 77350, "Physics", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187727, 199313, "IPhone_4", 0], [187727, 199313, "Smartphone", 0]]], "all_evidence": [[187727, 199313, "IPhone_4", 0], [187727, 199313, "Smartphone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264578, 262002, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]]], "all_evidence": [[264578, 262002, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85117, 97385, "Anneliese_van_der_Pol", 1]]], "all_evidence": [[85117, 97385, "Anneliese_van_der_Pol", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224117, null, null, null]]], "all_evidence": [[224117, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222088, 227523, "Terrence_Howard", 4]], [[222095, 227527, "Terrence_Howard", 4]]], "all_evidence": [[222088, 227523, "Terrence_Howard", 4], [222095, 227527, "Terrence_Howard", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266512, 263476, "UNICEF_UK", 0]]], "all_evidence": [[266512, 263476, "UNICEF_UK", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264579, 262003, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]]], "all_evidence": [[264579, 262003, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38604, null, null, null]]], "all_evidence": [[38604, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59207, null, null, null]]], "all_evidence": [[59207, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164702, null, null, null]]], "all_evidence": [[164702, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13482, 16847, "Simon_Pegg", 0]], [[13482, 16848, "Simon_Pegg", 1]], [[13482, 16849, "Simon_Pegg", 2]], [[13482, 16850, "Simon_Pegg", 3]]], "all_evidence": [[13482, 16847, "Simon_Pegg", 0], [13482, 16848, "Simon_Pegg", 1], [13482, 16849, "Simon_Pegg", 2], [13482, 16850, "Simon_Pegg", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224581, 229416, "Adam_Lambert", 10]]], "all_evidence": [[224581, 229416, "Adam_Lambert", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127898, null, null, null], [127902, null, null, null]]], "all_evidence": [[127898, null, null, null], [127902, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247844, 248146, "Alexandria", 2]]], "all_evidence": [[247844, 248146, "Alexandria", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62897, 73574, "Aestheticism", 0]]], "all_evidence": [[62897, 73574, "Aestheticism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68974, 79783, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]], "all_evidence": [[68974, 79783, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41362, 49716, "Grateful_Dead", 15]]], "all_evidence": [[41362, 49716, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63230, 73937, "City_of_Literature", 0]]], "all_evidence": [[63230, 73937, "City_of_Literature", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157630, null, null, null]]], "all_evidence": [[157630, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102110, 115365, "Simon_Pegg", 0]]], "all_evidence": [[102110, 115365, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147600, null, null, null]]], "all_evidence": [[147600, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213568, 220789, "Estelle_Getty", 0]]], "all_evidence": [[213568, 220789, "Estelle_Getty", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274787, null, null, null], [276888, null, null, null], [323836, null, null, null], [325255, null, null, null]]], "all_evidence": [[274787, null, null, null], [276888, null, null, null], [323836, null, null, null], [325255, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95542, null, null, null]]], "all_evidence": [[95542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61093, 71553, "Aphrodite", 0]]], "all_evidence": [[61093, 71553, "Aphrodite", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148067, null, null, null]]], "all_evidence": [[148067, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58286, 68538, "Aphrodite", 13], [58286, 68538, "Hephaestus", 0]]], "all_evidence": [[58286, 68538, "Aphrodite", 13], [58286, 68538, "Hephaestus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59792, 70199, "Gotham_-LRB-TV_series-RRB-", 7], [59792, 70199, "Fox_Broadcasting_Company", 1]]], "all_evidence": [[59792, 70199, "Gotham_-LRB-TV_series-RRB-", 7], [59792, 70199, "Fox_Broadcasting_Company", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262357, 260369, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24], [262357, 260369, "Tithing_-LRB-Latter_Day_Saints-RRB-", 0]]], "all_evidence": [[262357, 260369, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24], [262357, 260369, "Tithing_-LRB-Latter_Day_Saints-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206147, 214586, "Milk_-LRB-film-RRB-", 1]], [[206147, 214587, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206147, 214586, "Milk_-LRB-film-RRB-", 1], [206147, 214587, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290289, 283325, "Simon_Pegg", 0]], [[293747, 286177, "Simon_Pegg", 0]], [[293747, 286178, "Simon_Pegg", 2]], [[293747, 286179, "Simon_Pegg", 1]], [[293748, 286180, "Simon_Pegg", 0]], [[293748, 286181, "Simon_Pegg", 1]], [[293748, 286182, "Simon_Pegg", 2]], [[293748, 286183, "Simon_Pegg", 3]], [[338116, 323381, "Simon_Pegg", 0]], [[338117, 323382, "Simon_Pegg", 0]], [[338125, 323388, "Simon_Pegg", 0]], [[338139, 323396, "Simon_Pegg", 0]]], "all_evidence": [[290289, 283325, "Simon_Pegg", 0], [293747, 286177, "Simon_Pegg", 0], [293747, 286178, "Simon_Pegg", 2], [293747, 286179, "Simon_Pegg", 1], [293748, 286180, "Simon_Pegg", 0], [293748, 286181, "Simon_Pegg", 1], [293748, 286182, "Simon_Pegg", 2], [293748, 286183, "Simon_Pegg", 3], [338116, 323381, "Simon_Pegg", 0], [338117, 323382, "Simon_Pegg", 0], [338125, 323388, "Simon_Pegg", 0], [338139, 323396, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96404, 109569, "Olympic_medal", 6]]], "all_evidence": [[96404, 109569, "Olympic_medal", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154113, null, null, null]]], "all_evidence": [[154113, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102425, null, null, null]]], "all_evidence": [[102425, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247528, 247816, "Sennacherib", 2]]], "all_evidence": [[247528, 247816, "Sennacherib", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131810, 146661, "Ayananka_Bose", 0]]], "all_evidence": [[131810, 146661, "Ayananka_Bose", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220632, null, null, null]]], "all_evidence": [[220632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129721, 144446, "Battle_of_the_Trebia", 6]]], "all_evidence": [[129721, 144446, "Battle_of_the_Trebia", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227476, 231844, "Mike_Friedrich", 0]]], "all_evidence": [[227476, 231844, "Mike_Friedrich", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61723, 72203, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0], [61723, 72203, "Caribbean_Sea", 0]]], "all_evidence": [[61723, 72203, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0], [61723, 72203, "Caribbean_Sea", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104052, 117552, "Ekta_Kapoor", 0]], [[104056, 117556, "Ekta_Kapoor", 0]], [[104056, 117557, "Ekta_Kapoor", 7]], [[104056, 117558, "Ekta_Kapoor", 9]], [[104059, 117560, "Ekta_Kapoor", 0]], [[104059, 117561, "Ekta_Kapoor", 7]], [[104059, 117562, "Ekta_Kapoor", 9]]], "all_evidence": [[104052, 117552, "Ekta_Kapoor", 0], [104056, 117556, "Ekta_Kapoor", 0], [104056, 117557, "Ekta_Kapoor", 7], [104056, 117558, "Ekta_Kapoor", 9], [104059, 117560, "Ekta_Kapoor", 0], [104059, 117561, "Ekta_Kapoor", 7], [104059, 117562, "Ekta_Kapoor", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144355, null, null, null]]], "all_evidence": [[144355, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206271, 214669, "Trick-or-treating", 1]]], "all_evidence": [[206271, 214669, "Trick-or-treating", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72330, 83381, "Ian_Gillan", 0]], [[72330, 83382, "Ian_Gillan", 1]], [[77615, 89063, "Ian_Gillan", 0]], [[305678, 296480, "Ian_Gillan", 0]]], "all_evidence": [[72330, 83381, "Ian_Gillan", 0], [72330, 83382, "Ian_Gillan", 1], [77615, 89063, "Ian_Gillan", 0], [305678, 296480, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78758, 90331, "Floyd_Mayweather_Jr.", 10]]], "all_evidence": [[78758, 90331, "Floyd_Mayweather_Jr.", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155110, null, null, null]]], "all_evidence": [[155110, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61169, 71657, "Emilia_Clarke", 15]]], "all_evidence": [[61169, 71657, "Emilia_Clarke", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134547, 149454, "Loretta_Sanchez", 0]]], "all_evidence": [[134547, 149454, "Loretta_Sanchez", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83125, 95049, "Simon_Cowell", 0]]], "all_evidence": [[83125, 95049, "Simon_Cowell", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27732, null, null, null]]], "all_evidence": [[27732, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72492, null, null, null]]], "all_evidence": [[72492, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149304, 164281, "John_DiMaggio", 0]], [[149304, 164282, "John_DiMaggio", 1]]], "all_evidence": [[149304, 164281, "John_DiMaggio", 0], [149304, 164282, "John_DiMaggio", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265367, 262576, "Practical_Magic", 0]]], "all_evidence": [[265367, 262576, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80131, 91923, "James_Brolin", 0]], [[80131, 91924, "James_Brolin", 1]], [[80131, 91925, "James_Brolin", 4]], [[80131, 91926, "James_Brolin", 5]]], "all_evidence": [[80131, 91923, "James_Brolin", 0], [80131, 91924, "James_Brolin", 1], [80131, 91925, "James_Brolin", 4], [80131, 91926, "James_Brolin", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220637, 226458, "William_Cohen", 0]], [[220640, 226461, "William_Cohen", 0]], [[220641, 226462, "William_Cohen", 0]]], "all_evidence": [[220637, 226458, "William_Cohen", 0], [220640, 226461, "William_Cohen", 0], [220641, 226462, "William_Cohen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127413, null, null, null]]], "all_evidence": [[127413, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256462, 255673, "Jerome_Flynn", 0]]], "all_evidence": [[256462, 255673, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279850, 274476, "Jack_Dylan_Grazer", 0]], [[281555, 275941, "Jack_Dylan_Grazer", 0]], [[283700, 277658, "Jack_Dylan_Grazer", 0]], [[328412, 315464, "Jack_Dylan_Grazer", 0]], [[328416, 315473, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[279850, 274476, "Jack_Dylan_Grazer", 0], [281555, 275941, "Jack_Dylan_Grazer", 0], [283700, 277658, "Jack_Dylan_Grazer", 0], [328412, 315464, "Jack_Dylan_Grazer", 0], [328416, 315473, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162927, null, null, null]]], "all_evidence": [[162927, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106720, 120120, "The_Fame", 14]]], "all_evidence": [[106720, 120120, "The_Fame", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[273186, 268734, "Antigua", 12]], [[273186, 268735, "Antigua", 8]], [[276381, 271429, "Antigua", 0]], [[322078, 310402, "Antigua", 0]], [[323366, 311583, "Antigua", 0]], [[323366, 311584, "Antigua", 8]], [[323366, 311585, "Antigua", 14], [323366, 311585, "All_Saints,_Antigua_and_Barbuda", 0]], [[323366, 311586, "Antigua", 17], [323366, 311586, "English_Harbour", 0], [323366, 311586, "English_Harbour", 2]]], "all_evidence": [[273186, 268734, "Antigua", 12], [273186, 268735, "Antigua", 8], [276381, 271429, "Antigua", 0], [322078, 310402, "Antigua", 0], [323366, 311583, "Antigua", 0], [323366, 311584, "Antigua", 8], [323366, 311585, "Antigua", 14], [323366, 311585, "All_Saints,_Antigua_and_Barbuda", 0], [323366, 311586, "Antigua", 17], [323366, 311586, "English_Harbour", 0], [323366, 311586, "English_Harbour", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227747, 232091, "Indiana_Pacers", 2]]], "all_evidence": [[227747, 232091, "Indiana_Pacers", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178187, null, null, null]]], "all_evidence": [[178187, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107752, 121240, "James_Spader", 1], [107752, 121240, "Crash_-LRB-1996_film-RRB-", 2]]], "all_evidence": [[107752, 121240, "James_Spader", 1], [107752, 121240, "Crash_-LRB-1996_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28447, 34782, "Tennessee", 0]]], "all_evidence": [[28447, 34782, "Tennessee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14366, 17946, "The_Raven_-LRB-2012_film-RRB-", 10], [14366, 17946, "United_Kingdom", 0]], [[14474, 18084, "The_Raven_-LRB-2012_film-RRB-", 10], [14474, 18084, "Republic_of_Ireland", 0]]], "all_evidence": [[14366, 17946, "The_Raven_-LRB-2012_film-RRB-", 10], [14366, 17946, "United_Kingdom", 0], [14474, 18084, "The_Raven_-LRB-2012_film-RRB-", 10], [14474, 18084, "Republic_of_Ireland", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224122, 228983, "Ang_Lee", 0]], [[224125, 228985, "Ang_Lee", 0]]], "all_evidence": [[224122, 228983, "Ang_Lee", 0], [224125, 228985, "Ang_Lee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100745, null, null, null]]], "all_evidence": [[100745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224614, 229435, "American_Library_Association", 1]]], "all_evidence": [[224614, 229435, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296151, 288083, "Robert_Singer_-LRB-producer-RRB-", 1], [296151, 288083, "Supernatural_-LRB-U.S._TV_series-RRB-", 0]], [[296151, 288084, "Robert_Singer_-LRB-producer-RRB-", 4]], [[297727, 289337, "Robert_Singer_-LRB-producer-RRB-", 4], [297727, 289337, "Reasonable_Doubts", 0]], [[297727, 289338, "Robert_Singer_-LRB-producer-RRB-", 1], [297727, 289338, "Supernatural_-LRB-U.S._TV_series-RRB-", 0]], [[299838, 291196, "Robert_Singer_-LRB-producer-RRB-", 1], [299838, 291196, "Supernatural_-LRB-U.S._TV_series-RRB-", 0], [299838, 291196, "Supernatural_-LRB-U.S._TV_series-RRB-", 3], [299838, 291196, "Supernatural_-LRB-U.S._TV_series-RRB-", 4]], [[299838, 291197, "Robert_Singer_-LRB-producer-RRB-", 4], [299838, 291197, "Reasonable_Doubts", 0]], [[342561, 326547, "Robert_Singer_-LRB-producer-RRB-", 4]], [[342684, 326633, "Robert_Singer_-LRB-producer-RRB-", 1], [342684, 326633, "Supernatural_-LRB-U.S._TV_series-RRB-", 0]]], "all_evidence": [[296151, 288083, "Robert_Singer_-LRB-producer-RRB-", 1], [296151, 288083, "Supernatural_-LRB-U.S._TV_series-RRB-", 0], [296151, 288084, "Robert_Singer_-LRB-producer-RRB-", 4], [297727, 289337, "Robert_Singer_-LRB-producer-RRB-", 4], [297727, 289337, "Reasonable_Doubts", 0], [297727, 289338, "Robert_Singer_-LRB-producer-RRB-", 1], [297727, 289338, "Supernatural_-LRB-U.S._TV_series-RRB-", 0], [299838, 291196, "Robert_Singer_-LRB-producer-RRB-", 1], [299838, 291196, "Supernatural_-LRB-U.S._TV_series-RRB-", 0], [299838, 291196, "Supernatural_-LRB-U.S._TV_series-RRB-", 3], [299838, 291196, "Supernatural_-LRB-U.S._TV_series-RRB-", 4], [299838, 291197, "Robert_Singer_-LRB-producer-RRB-", 4], [299838, 291197, "Reasonable_Doubts", 0], [342561, 326547, "Robert_Singer_-LRB-producer-RRB-", 4], [342684, 326633, "Robert_Singer_-LRB-producer-RRB-", 1], [342684, 326633, "Supernatural_-LRB-U.S._TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75615, 86859, "The_Hunger_Games_-LRB-novel-RRB-", 17]]], "all_evidence": [[75615, 86859, "The_Hunger_Games_-LRB-novel-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86847, 99305, "Richard_Dawson", 1], [86847, 99305, "Family_Feud", 0]]], "all_evidence": [[86847, 99305, "Richard_Dawson", 1], [86847, 99305, "Family_Feud", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206154, 214590, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206154, 214590, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206143, 214583, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206143, 214583, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11993, null, null, null]]], "all_evidence": [[11993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[281236, 275642, "Siege_of_Fort_Stanwix", 0]], [[283347, 277395, "Siege_of_Fort_Stanwix", 0]], [[283347, 277396, "Siege_of_Fort_Stanwix", 10]], [[283347, 277397, "Siege_of_Fort_Stanwix", 7]], [[327832, 315029, "Siege_of_Fort_Stanwix", 0]], [[328856, 315822, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[281236, 275642, "Siege_of_Fort_Stanwix", 0], [283347, 277395, "Siege_of_Fort_Stanwix", 0], [283347, 277396, "Siege_of_Fort_Stanwix", 10], [283347, 277397, "Siege_of_Fort_Stanwix", 7], [327832, 315029, "Siege_of_Fort_Stanwix", 0], [328856, 315822, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132244, 147129, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[132244, 147129, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50477, 60039, "Elizabeth_I_of_England", 6], [50477, 60039, "Mary_I_of_England", 4], [50477, 60039, "Elizabeth_I_of_England", 4]]], "all_evidence": [[50477, 60039, "Elizabeth_I_of_England", 6], [50477, 60039, "Mary_I_of_England", 4], [50477, 60039, "Elizabeth_I_of_England", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225560, null, null, null]]], "all_evidence": [[225560, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182098, 194370, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[182098, 194370, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224597, 229427, "American_Library_Association", 1]]], "all_evidence": [[224597, 229427, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12302, 15408, "Adidas", 0]], [[12302, 15409, "Adidas", 10]], [[15680, 19532, "Adidas", 0]], [[15680, 19533, "Adidas", 10]], [[15680, 19534, "Adidas", 9], [15680, 19534, "Puma_-LRB-brand-RRB-", 0]], [[19582, 24070, "Adidas", 0]], [[19582, 24071, "Adidas", 10]], [[23658, 29251, "Adidas", 0]], [[298627, 290088, "Adidas", 0]], [[298628, 290089, "Adidas", 0]], [[333535, 319780, "Adidas", 0]], [[338558, 323671, "Adidas", 0]]], "all_evidence": [[12302, 15408, "Adidas", 0], [12302, 15409, "Adidas", 10], [15680, 19532, "Adidas", 0], [15680, 19533, "Adidas", 10], [15680, 19534, "Adidas", 9], [15680, 19534, "Puma_-LRB-brand-RRB-", 0], [19582, 24070, "Adidas", 0], [19582, 24071, "Adidas", 10], [23658, 29251, "Adidas", 0], [298627, 290088, "Adidas", 0], [298628, 290089, "Adidas", 0], [333535, 319780, "Adidas", 0], [338558, 323671, "Adidas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140445, 155510, "Cars_3", 0]], [[140445, 155511, "Cars_3", 3]]], "all_evidence": [[140445, 155510, "Cars_3", 0], [140445, 155511, "Cars_3", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64192, 74934, "Jimi_Hendrix", 6]]], "all_evidence": [[64192, 74934, "Jimi_Hendrix", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143699, 158798, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[143699, 158798, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220111, 225971, "Pitch_Perfect_2", 2]]], "all_evidence": [[220111, 225971, "Pitch_Perfect_2", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78592, null, null, null]]], "all_evidence": [[78592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79479, null, null, null]]], "all_evidence": [[79479, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263069, null, null, null], [263070, null, null, null]]], "all_evidence": [[263069, null, null, null], [263070, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127134, 141648, "Meghan_Markle", 0]], [[127134, 141649, "Meghan_Markle", 2]]], "all_evidence": [[127134, 141648, "Meghan_Markle", 0], [127134, 141649, "Meghan_Markle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292973, 285610, "Oscar_Isaac", 7]], [[295552, 287650, "Oscar_Isaac", 7]], [[297228, 288904, "Oscar_Isaac", 7]], [[341097, 325589, "Oscar_Isaac", 7]]], "all_evidence": [[292973, 285610, "Oscar_Isaac", 7], [295552, 287650, "Oscar_Isaac", 7], [297228, 288904, "Oscar_Isaac", 7], [341097, 325589, "Oscar_Isaac", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44449, null, null, null]]], "all_evidence": [[44449, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186303, 198134, "Planet_Hollywood_Las_Vegas", 1], [186303, 198134, "Caesars_Entertainment_Corporation", 0]]], "all_evidence": [[186303, 198134, "Planet_Hollywood_Las_Vegas", 1], [186303, 198134, "Caesars_Entertainment_Corporation", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27633, null, null, null]]], "all_evidence": [[27633, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42615, 51269, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [42615, 51269, "2014_MTV_Europe_Music_Awards", 0]]], "all_evidence": [[42615, 51269, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [42615, 51269, "2014_MTV_Europe_Music_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185316, 197083, "No_Strings_Attached_-LRB-film-RRB-", 0]]], "all_evidence": [[185316, 197083, "No_Strings_Attached_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157463, 172039, "Robert_Singer_-LRB-producer-RRB-", 1]]], "all_evidence": [[157463, 172039, "Robert_Singer_-LRB-producer-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11423, null, null, null]]], "all_evidence": [[11423, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266220, 263262, "Prague_Castle", 7]]], "all_evidence": [[266220, 263262, "Prague_Castle", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134397, null, null, null]]], "all_evidence": [[134397, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35071, 42525, "Sausage_Party", 0], [35071, 42525, "Greg_Tiernan", 0], [35071, 42525, "Greg_Tiernan", 1], [35071, 42525, "Conrad_Vernon", 0], [35071, 42525, "Conrad_Vernon", 1]]], "all_evidence": [[35071, 42525, "Sausage_Party", 0], [35071, 42525, "Greg_Tiernan", 0], [35071, 42525, "Greg_Tiernan", 1], [35071, 42525, "Conrad_Vernon", 0], [35071, 42525, "Conrad_Vernon", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202374, null, null, null]]], "all_evidence": [[202374, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65661, 76535, "San_Francisco_Bay_Area", 1], [65661, 76535, "Oakland,_California", 0], [65661, 76535, "Oakland,_California", 1], [65661, 76535, "Oakland,_California", 2], [65661, 76535, "San_Francisco", 0], [65661, 76535, "San_Francisco", 1], [65661, 76535, "San_Francisco", 4], [65661, 76535, "San_Jose,_California", 4]], [[65661, 76536, "San_Francisco_Bay_Area", 3]]], "all_evidence": [[65661, 76535, "San_Francisco_Bay_Area", 1], [65661, 76535, "Oakland,_California", 0], [65661, 76535, "Oakland,_California", 1], [65661, 76535, "Oakland,_California", 2], [65661, 76535, "San_Francisco", 0], [65661, 76535, "San_Francisco", 1], [65661, 76535, "San_Francisco", 4], [65661, 76535, "San_Jose,_California", 4], [65661, 76536, "San_Francisco_Bay_Area", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241625, 243159, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241625, 243159, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85562, 97870, "Aubrey_Anderson-Emmons", 0]]], "all_evidence": [[85562, 97870, "Aubrey_Anderson-Emmons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242369, null, null, null]]], "all_evidence": [[242369, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184954, 196803, "Buffy_the_Vampire_Slayer", 0]]], "all_evidence": [[184954, 196803, "Buffy_the_Vampire_Slayer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286275, 279751, "Independent_Spirit_Awards", 10]], [[288011, 281291, "Independent_Spirit_Awards", 10]], [[288552, 281771, "Independent_Spirit_Awards", 10]], [[333083, 319279, "Independent_Spirit_Awards", 10], [333083, 319279, "Independent_Spirit_Awards", 0]]], "all_evidence": [[286275, 279751, "Independent_Spirit_Awards", 10], [288011, 281291, "Independent_Spirit_Awards", 10], [288552, 281771, "Independent_Spirit_Awards", 10], [333083, 319279, "Independent_Spirit_Awards", 10], [333083, 319279, "Independent_Spirit_Awards", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268439, null, null, null]]], "all_evidence": [[268439, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192018, null, null, null], [192020, null, null, null]]], "all_evidence": [[192018, null, null, null], [192020, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164113, null, null, null], [164116, null, null, null]]], "all_evidence": [[164113, null, null, null], [164116, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242355, 243753, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242355, 243753, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87347, null, null, null]]], "all_evidence": [[87347, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265527, 262690, "All-seater_stadium", 0]], [[265527, 262691, "All-seater_stadium", 1]], [[265527, 262692, "All-seater_stadium", 2]]], "all_evidence": [[265527, 262690, "All-seater_stadium", 0], [265527, 262691, "All-seater_stadium", 1], [265527, 262692, "All-seater_stadium", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[294332, 286659, "Rick_Ross", 3]], [[294942, 287169, "Rick_Ross", 3]], [[339936, 324746, "Rick_Ross", 3]], [[340062, 324840, "Rick_Ross", 3]]], "all_evidence": [[294332, 286659, "Rick_Ross", 3], [294942, 287169, "Rick_Ross", 3], [339936, 324746, "Rick_Ross", 3], [340062, 324840, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202957, 212096, "Death_Note_-LRB-2015_TV_series-RRB-", 0]]], "all_evidence": [[202957, 212096, "Death_Note_-LRB-2015_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84389, 96548, "Cyclades", 1]], [[84389, 96549, "Cyclades", 0]]], "all_evidence": [[84389, 96548, "Cyclades", 1], [84389, 96549, "Cyclades", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86604, 99069, "Trouble_with_the_Curve", 0]]], "all_evidence": [[86604, 99069, "Trouble_with_the_Curve", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155983, 170649, "John_DiMaggio", 1]]], "all_evidence": [[155983, 170649, "John_DiMaggio", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47904, 57206, "Elizabeth_I_of_England", 4]]], "all_evidence": [[47904, 57206, "Elizabeth_I_of_England", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24814, null, null, null], [133803, null, null, null]]], "all_evidence": [[24814, null, null, null], [133803, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242539, null, null, null]]], "all_evidence": [[242539, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162346, 176660, "Heath_Ledger", 7]], [[162347, 176661, "Heath_Ledger", 7]]], "all_evidence": [[162346, 176660, "Heath_Ledger", 7], [162347, 176661, "Heath_Ledger", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56009, 66111, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[56009, 66111, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64064, 74768, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[64064, 74768, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213551, 220771, "Henry_III_of_France", 23]], [[213556, 220776, "Henry_III_of_France", 23]]], "all_evidence": [[213551, 220771, "Henry_III_of_France", 23], [213556, 220776, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264561, 261990, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]]], "all_evidence": [[264561, 261990, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218846, 225031, "Dan_Brown", 0]]], "all_evidence": [[218846, 225031, "Dan_Brown", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[291042, 284006, "Brie_Larson", 10], [291042, 284006, "Short_Term_12", 0]], [[293175, 285795, "Brie_Larson", 10], [293175, 285795, "Short_Term_12", 0]], [[336492, 322034, "Brie_Larson", 10], [336492, 322034, "Short_Term_12", 0]], [[336501, 322039, "Brie_Larson", 10], [336501, 322039, "Short_Term_12", 0]], [[336503, 322041, "Brie_Larson", 10], [336503, 322041, "Short_Term_12", 0]]], "all_evidence": [[291042, 284006, "Brie_Larson", 10], [291042, 284006, "Short_Term_12", 0], [293175, 285795, "Brie_Larson", 10], [293175, 285795, "Short_Term_12", 0], [336492, 322034, "Brie_Larson", 10], [336492, 322034, "Short_Term_12", 0], [336501, 322039, "Brie_Larson", 10], [336501, 322039, "Short_Term_12", 0], [336503, 322041, "Brie_Larson", 10], [336503, 322041, "Short_Term_12", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11402, null, null, null]]], "all_evidence": [[11402, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34857, 42275, "Veep", 7]], [[34857, 42276, "Veep", 8]]], "all_evidence": [[34857, 42275, "Veep", 7], [34857, 42276, "Veep", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265971, null, null, null]]], "all_evidence": [[265971, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129377, null, null, null]]], "all_evidence": [[129377, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45974, 54914, "Port_of_Spain", 0]]], "all_evidence": [[45974, 54914, "Port_of_Spain", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139864, 154888, "MS-13", 1]]], "all_evidence": [[139864, 154888, "MS-13", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244744, 245672, "Punch-Drunk_Love", 4]]], "all_evidence": [[244744, 245672, "Punch-Drunk_Love", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149319, 164288, "Vatican_City", 11]], [[149319, 164289, "Vatican_City", 10]], [[149319, 164290, "Vatican_City", 7]]], "all_evidence": [[149319, 164288, "Vatican_City", 11], [149319, 164289, "Vatican_City", 10], [149319, 164290, "Vatican_City", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234998, 237760, "Sweet_Home_Alabama", 4]]], "all_evidence": [[234998, 237760, "Sweet_Home_Alabama", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251545, 251382, "Gory_Guerrero", 0]]], "all_evidence": [[251545, 251382, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25195, 31076, "IPhone_4", 0]], [[289464, 282536, "IPhone_4", 0]], [[299888, 291219, "IPhone_4", 0]]], "all_evidence": [[25195, 31076, "IPhone_4", 0], [289464, 282536, "IPhone_4", 0], [299888, 291219, "IPhone_4", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27325, 33489, "Yugoslavia", 0]], [[27325, 33490, "Yugoslavia", 4]], [[27325, 33491, "Yugoslavia", 12]], [[27325, 33492, "Yugoslavia", 13]], [[27325, 33493, "Yugoslavia", 16]]], "all_evidence": [[27325, 33489, "Yugoslavia", 0], [27325, 33490, "Yugoslavia", 4], [27325, 33491, "Yugoslavia", 12], [27325, 33492, "Yugoslavia", 13], [27325, 33493, "Yugoslavia", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87752, 100265, "John_Goodman", 7], [87752, 100265, "The_Babe", 0]]], "all_evidence": [[87752, 100265, "John_Goodman", 7], [87752, 100265, "The_Babe", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[328615, null, null, null], [329286, null, null, null], [329287, null, null, null], [329289, null, null, null]]], "all_evidence": [[328615, null, null, null], [329286, null, null, null], [329287, null, null, null], [329289, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180076, 192602, "Japan", 0]]], "all_evidence": [[180076, 192602, "Japan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213490, 220724, "Simi_Valley,_California", 13]]], "all_evidence": [[213490, 220724, "Simi_Valley,_California", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61902, 72387, "Psych_-LRB-season_2-RRB-", 0]], [[64213, 74957, "Psych_-LRB-season_2-RRB-", 0]], [[65844, 76703, "Psych_-LRB-season_2-RRB-", 0]], [[303466, 294435, "Psych_-LRB-season_2-RRB-", 0]], [[305320, 296152, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[61902, 72387, "Psych_-LRB-season_2-RRB-", 0], [64213, 74957, "Psych_-LRB-season_2-RRB-", 0], [65844, 76703, "Psych_-LRB-season_2-RRB-", 0], [303466, 294435, "Psych_-LRB-season_2-RRB-", 0], [305320, 296152, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34883, 42304, "Internet_access", 0]]], "all_evidence": [[34883, 42304, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140166, 155170, "Truman_Capote", 9]]], "all_evidence": [[140166, 155170, "Truman_Capote", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75334, 86581, "Johann_Wolfgang_von_Goethe", 12]]], "all_evidence": [[75334, 86581, "Johann_Wolfgang_von_Goethe", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181202, null, null, null]]], "all_evidence": [[181202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164315, 178575, "Alberto_Contador", 3]]], "all_evidence": [[164315, 178575, "Alberto_Contador", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49591, 58975, "US_Airways_Flight_1549", 1]], [[49600, 58990, "US_Airways_Flight_1549", 1], [49600, 58990, "Water_landing", 0]]], "all_evidence": [[49591, 58975, "US_Airways_Flight_1549", 1], [49600, 58990, "US_Airways_Flight_1549", 1], [49600, 58990, "Water_landing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98350, 111460, "Times_Higher_Education_World_University_Rankings", 0]]], "all_evidence": [[98350, 111460, "Times_Higher_Education_World_University_Rankings", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194217, null, null, null]]], "all_evidence": [[194217, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259996, null, null, null]]], "all_evidence": [[259996, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212889, 220302, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]], "all_evidence": [[212889, 220302, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154722, 169486, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[154722, 169486, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44196, 52827, "Johnny_Van_Zant", 0]], [[44196, 52828, "Johnny_Van_Zant", 10]]], "all_evidence": [[44196, 52827, "Johnny_Van_Zant", 0], [44196, 52828, "Johnny_Van_Zant", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121345, null, null, null]]], "all_evidence": [[121345, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81828, null, null, null]]], "all_evidence": [[81828, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230494, null, null, null]]], "all_evidence": [[230494, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76387, null, null, null]]], "all_evidence": [[76387, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53303, 63271, "Trouble_with_the_Curve", 0]]], "all_evidence": [[53303, 63271, "Trouble_with_the_Curve", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48583, 57892, "Anthony_Scaramucci", 0]]], "all_evidence": [[48583, 57892, "Anthony_Scaramucci", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176831, null, null, null]]], "all_evidence": [[176831, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35980, 43527, "Buffy_the_Vampire_Slayer", 0]]], "all_evidence": [[35980, 43527, "Buffy_the_Vampire_Slayer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157554, 172139, "English_Wikipedia", 0]]], "all_evidence": [[157554, 172139, "English_Wikipedia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216889, null, null, null]]], "all_evidence": [[216889, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218848, 225033, "Dan_Brown", 0]]], "all_evidence": [[218848, 225033, "Dan_Brown", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290279, 283316, "Vatican_City", 0]], [[290279, 283317, "Vatican_City", 1]], [[290279, 283318, "Vatican_City", 5]], [[291620, 284529, "Vatican_City", 0]], [[291620, 284530, "Vatican_City", 1]], [[291620, 284531, "Vatican_City", 2]], [[291620, 284532, "Vatican_City", 5]], [[291620, 284533, "Vatican_City", 7]], [[291620, 284534, "Vatican_City", 10]], [[293736, 286169, "Vatican_City", 0], [293736, 286169, "Enclave_and_exclave", 0]], [[338133, 323391, "Vatican_City", 0]]], "all_evidence": [[290279, 283316, "Vatican_City", 0], [290279, 283317, "Vatican_City", 1], [290279, 283318, "Vatican_City", 5], [291620, 284529, "Vatican_City", 0], [291620, 284530, "Vatican_City", 1], [291620, 284531, "Vatican_City", 2], [291620, 284532, "Vatican_City", 5], [291620, 284533, "Vatican_City", 7], [291620, 284534, "Vatican_City", 10], [293736, 286169, "Vatican_City", 0], [293736, 286169, "Enclave_and_exclave", 0], [338133, 323391, "Vatican_City", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105428, 118891, "Legendary_Entertainment", 2], [105428, 118891, "Subsidiary", 0]]], "all_evidence": [[105428, 118891, "Legendary_Entertainment", 2], [105428, 118891, "Subsidiary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109221, 122903, "Aphrodite", 7]], [[109222, 122904, "Aphrodite", 7]]], "all_evidence": [[109221, 122903, "Aphrodite", 7], [109222, 122904, "Aphrodite", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207479, 215734, "Nawaz_Sharif", 0]]], "all_evidence": [[207479, 215734, "Nawaz_Sharif", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70098, 80983, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]], [[70098, 80984, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 1]], [[70098, 80985, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 2]], [[70098, 80986, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 5]], [[70098, 80987, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 6]], [[70098, 80988, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 9]]], "all_evidence": [[70098, 80983, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [70098, 80984, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 1], [70098, 80985, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 2], [70098, 80986, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 5], [70098, 80987, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 6], [70098, 80988, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275434, 270571, "Dissociative_identity_disorder", 7], [275434, 270571, "Psychological_trauma", 0]], [[277793, 272740, "Dissociative_identity_disorder", 7]], [[324468, 312442, "Dissociative_identity_disorder", 7], [324468, 312442, "Psychological_trauma", 1]]], "all_evidence": [[275434, 270571, "Dissociative_identity_disorder", 7], [275434, 270571, "Psychological_trauma", 0], [277793, 272740, "Dissociative_identity_disorder", 7], [324468, 312442, "Dissociative_identity_disorder", 7], [324468, 312442, "Psychological_trauma", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16756, null, null, null]]], "all_evidence": [[16756, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53846, null, null, null]]], "all_evidence": [[53846, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44663, 53345, "Amy_Winehouse", 10]]], "all_evidence": [[44663, 53345, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56503, 66703, "The_Incredibles_2", 3]]], "all_evidence": [[56503, 66703, "The_Incredibles_2", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96165, null, null, null]]], "all_evidence": [[96165, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19146, 23485, "Zoe_Saldana", 0]]], "all_evidence": [[19146, 23485, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63636, 74384, "Pocahontas", 14], [63636, 74384, "Masque", 0]]], "all_evidence": [[63636, 74384, "Pocahontas", 14], [63636, 74384, "Masque", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24481, 30271, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]], [[299622, 291041, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]], "all_evidence": [[24481, 30271, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [299622, 291041, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184385, null, null, null]]], "all_evidence": [[184385, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100596, 113887, "Volkswagen_Group", 1]]], "all_evidence": [[100596, 113887, "Volkswagen_Group", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225522, 230159, "The_Colbert_Report", 11]]], "all_evidence": [[225522, 230159, "The_Colbert_Report", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172720, null, null, null]]], "all_evidence": [[172720, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167407, 181242, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]], [[167408, 181243, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]]], "all_evidence": [[167407, 181242, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0], [167408, 181243, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257861, 256806, "Jab_Tak_Hai_Jaan", 14]]], "all_evidence": [[257861, 256806, "Jab_Tak_Hai_Jaan", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176863, 189805, "Scandal_-LRB-American_band-RRB-", 0]]], "all_evidence": [[176863, 189805, "Scandal_-LRB-American_band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[295768, 287809, "Stanford_prison_experiment", 2]], [[297338, 289007, "Stanford_prison_experiment", 2]], [[343103, 326928, "Stanford_prison_experiment", 2]]], "all_evidence": [[295768, 287809, "Stanford_prison_experiment", 2], [297338, 289007, "Stanford_prison_experiment", 2], [343103, 326928, "Stanford_prison_experiment", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189084, 200418, "Carey_Hayes", 0]]], "all_evidence": [[189084, 200418, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224596, 229426, "American_Library_Association", 1]]], "all_evidence": [[224596, 229426, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111656, 125448, "Richard_Dawson", 0]]], "all_evidence": [[111656, 125448, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112760, 126599, "Keith_Stanfield", 0]]], "all_evidence": [[112760, 126599, "Keith_Stanfield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142830, 157967, "Buffy_the_Vampire_Slayer", 0]]], "all_evidence": [[142830, 157967, "Buffy_the_Vampire_Slayer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37531, null, null, null]]], "all_evidence": [[37531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58829, 69156, "Airbus_A380", 3]]], "all_evidence": [[58829, 69156, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245187, 246066, "Military_deception", 2]]], "all_evidence": [[245187, 246066, "Military_deception", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44926, null, null, null]]], "all_evidence": [[44926, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263466, 261141, "The_Block_-LRB-album-RRB-", 6]]], "all_evidence": [[263466, 261141, "The_Block_-LRB-album-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220138, 225992, "Pitch_Perfect_2", 0]]], "all_evidence": [[220138, 225992, "Pitch_Perfect_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73441, null, null, null]]], "all_evidence": [[73441, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127117, null, null, null]]], "all_evidence": [[127117, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104428, null, null, null]]], "all_evidence": [[104428, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56267, 66443, "Key_&_Peele", 10]]], "all_evidence": [[56267, 66443, "Key_&_Peele", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220113, 225973, "Pitch_Perfect_2", 2]]], "all_evidence": [[220113, 225973, "Pitch_Perfect_2", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163882, null, null, null], [312153, null, null, null], [313407, null, null, null]]], "all_evidence": [[163882, null, null, null], [312153, null, null, null], [313407, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94708, null, null, null]]], "all_evidence": [[94708, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238913, null, null, null]]], "all_evidence": [[238913, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241233, 242778, "Latvian_Soviet_Socialist_Republic", 11], [241233, 242778, "Dissolution_of_the_Soviet_Union", 0]], [[241233, 242779, "Latvian_Soviet_Socialist_Republic", 12]]], "all_evidence": [[241233, 242778, "Latvian_Soviet_Socialist_Republic", 11], [241233, 242778, "Dissolution_of_the_Soviet_Union", 0], [241233, 242779, "Latvian_Soviet_Socialist_Republic", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56960, 67196, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[56960, 67196, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53810, 63811, "Polynomial", 0]]], "all_evidence": [[53810, 63811, "Polynomial", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181639, 193893, "ASAP_Rocky", 18]]], "all_evidence": [[181639, 193893, "ASAP_Rocky", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94242, 107236, "Raja_Hindustani", 0]]], "all_evidence": [[94242, 107236, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179024, 191576, "The_Quiet", 0]], [[179024, 191577, "The_Quiet", 4]], [[179033, 191581, "The_Quiet", 0]], [[179033, 191582, "The_Quiet", 4]], [[179033, 191583, "The_Quiet", 8]]], "all_evidence": [[179024, 191576, "The_Quiet", 0], [179024, 191577, "The_Quiet", 4], [179033, 191581, "The_Quiet", 0], [179033, 191582, "The_Quiet", 4], [179033, 191583, "The_Quiet", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187387, 199027, "Islamabad", 18]]], "all_evidence": [[187387, 199027, "Islamabad", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286763, 280226, "The_Wonder_Years", 0]], [[286763, 280227, "The_Wonder_Years", 1]], [[286763, 280228, "The_Wonder_Years", 2]], [[286763, 280229, "The_Wonder_Years", 5], [286763, 280229, "Nielsen_ratings", 0], [286763, 280229, "Nielsen_ratings", 7]], [[286763, 280230, "The_Wonder_Years", 6]], [[286763, 280231, "The_Wonder_Years", 7]], [[286763, 280232, "The_Wonder_Years", 8], [286763, 280232, "Primetime_Emmy_Award_for_Outstanding_Lead_Actor_in_a_Comedy_Series", 1]], [[286763, 280233, "The_Wonder_Years", 9]], [[286763, 280234, "The_Wonder_Years", 11]], [[286763, 280235, "The_Wonder_Years", 12]], [[286763, 280236, "The_Wonder_Years", 13]], [[290672, 283655, "The_Wonder_Years", 0]], [[333766, 319957, "The_Wonder_Years", 0]]], "all_evidence": [[286763, 280226, "The_Wonder_Years", 0], [286763, 280227, "The_Wonder_Years", 1], [286763, 280228, "The_Wonder_Years", 2], [286763, 280229, "The_Wonder_Years", 5], [286763, 280229, "Nielsen_ratings", 0], [286763, 280229, "Nielsen_ratings", 7], [286763, 280230, "The_Wonder_Years", 6], [286763, 280231, "The_Wonder_Years", 7], [286763, 280232, "The_Wonder_Years", 8], [286763, 280232, "Primetime_Emmy_Award_for_Outstanding_Lead_Actor_in_a_Comedy_Series", 1], [286763, 280233, "The_Wonder_Years", 9], [286763, 280234, "The_Wonder_Years", 11], [286763, 280235, "The_Wonder_Years", 12], [286763, 280236, "The_Wonder_Years", 13], [290672, 283655, "The_Wonder_Years", 0], [333766, 319957, "The_Wonder_Years", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263096, null, null, null]]], "all_evidence": [[263096, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186252, null, null, null]]], "all_evidence": [[186252, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206277, 214673, "Trick-or-treating", 1]]], "all_evidence": [[206277, 214673, "Trick-or-treating", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35197, 42683, "Bengal_tiger", 0], [35197, 42683, "Tiger", 0]]], "all_evidence": [[35197, 42683, "Bengal_tiger", 0], [35197, 42683, "Tiger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72123, 83112, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]], "all_evidence": [[72123, 83112, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42785, 51421, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[42785, 51421, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126473, null, null, null]]], "all_evidence": [[126473, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229603, null, null, null]]], "all_evidence": [[229603, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190529, 201531, "American_Idol_-LRB-season_8-RRB-", 1]], [[190547, 201547, "American_Idol_-LRB-season_8-RRB-", 1]]], "all_evidence": [[190529, 201531, "American_Idol_-LRB-season_8-RRB-", 1], [190547, 201547, "American_Idol_-LRB-season_8-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272857, null, null, null]]], "all_evidence": [[272857, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224598, null, null, null]]], "all_evidence": [[224598, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196403, null, null, null], [315060, null, null, null]]], "all_evidence": [[196403, null, null, null], [315060, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178060, 190700, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]], "all_evidence": [[178060, 190700, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174391, 187609, "Ned_Stark", 0]]], "all_evidence": [[174391, 187609, "Ned_Stark", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212923, 220319, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212923, 220319, "Richard_Rodney_Bennett", 0]]], "all_evidence": [[212923, 220319, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212923, 220319, "Richard_Rodney_Bennett", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70176, 81058, "Independent_Spirit_Awards", 10]]], "all_evidence": [[70176, 81058, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51018, 60752, "Neuromodulation", 3]], [[51018, 60753, "Neuromodulation", 8]]], "all_evidence": [[51018, 60752, "Neuromodulation", 3], [51018, 60753, "Neuromodulation", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117431, 131346, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]], "all_evidence": [[117431, 131346, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90041, 102718, "Henry_Cavill", 0]], [[90041, 102719, "Henry_Cavill", 1]], [[90041, 102720, "Henry_Cavill", 2]], [[90041, 102721, "Henry_Cavill", 5]], [[90041, 102722, "Henry_Cavill", 8]], [[90041, 102723, "Henry_Cavill", 9]]], "all_evidence": [[90041, 102718, "Henry_Cavill", 0], [90041, 102719, "Henry_Cavill", 1], [90041, 102720, "Henry_Cavill", 2], [90041, 102721, "Henry_Cavill", 5], [90041, 102722, "Henry_Cavill", 8], [90041, 102723, "Henry_Cavill", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100700, 113998, "Ian_Gillan", 0]]], "all_evidence": [[100700, 113998, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90156, 102848, "Temple_of_the_Dog", 11]]], "all_evidence": [[90156, 102848, "Temple_of_the_Dog", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149643, 164602, "Burj_Khalifa", 20]], [[149648, 164608, "Burj_Khalifa", 20]]], "all_evidence": [[149643, 164602, "Burj_Khalifa", 20], [149648, 164608, "Burj_Khalifa", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36273, 43824, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]], "all_evidence": [[36273, 43824, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199435, 209115, "Northwestern_University", 0]]], "all_evidence": [[199435, 209115, "Northwestern_University", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37353, null, null, null]]], "all_evidence": [[37353, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115130, null, null, null]]], "all_evidence": [[115130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40143, 48301, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[40143, 48301, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201961, null, null, null]]], "all_evidence": [[201961, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268448, 265029, "Brian_De_Palma", 0]], [[268448, 265030, "Brian_De_Palma", 5], [268448, 265030, "Carrie_-LRB-1976_film-RRB-", 0]]], "all_evidence": [[268448, 265029, "Brian_De_Palma", 0], [268448, 265030, "Brian_De_Palma", 5], [268448, 265030, "Carrie_-LRB-1976_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266221, 263263, "Prague_Castle", 0]]], "all_evidence": [[266221, 263263, "Prague_Castle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188715, null, null, null], [188732, null, null, null]]], "all_evidence": [[188715, null, null, null], [188732, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14745, 18353, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[14745, 18353, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29696, 36202, "Jed_Whedon", 0]]], "all_evidence": [[29696, 36202, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25518, null, null, null]]], "all_evidence": [[25518, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54860, 64868, "Hannah_and_Her_Sisters", 0]]], "all_evidence": [[54860, 64868, "Hannah_and_Her_Sisters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93968, 106934, "Aphrodite", 13]]], "all_evidence": [[93968, 106934, "Aphrodite", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130827, 145611, "Exotic_Birds", 0]]], "all_evidence": [[130827, 145611, "Exotic_Birds", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225549, null, null, null]]], "all_evidence": [[225549, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72799, 83869, "Sonny_Bono", 0]]], "all_evidence": [[72799, 83869, "Sonny_Bono", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171894, 185351, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[171894, 185351, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212887, null, null, null]]], "all_evidence": [[212887, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62212, 72788, "The_Ellen_Show", 0]]], "all_evidence": [[62212, 72788, "The_Ellen_Show", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24770, null, null, null]]], "all_evidence": [[24770, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245163, null, null, null]]], "all_evidence": [[245163, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155516, 170165, "The_Beverly_Hillbillies", 6]]], "all_evidence": [[155516, 170165, "The_Beverly_Hillbillies", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194203, null, null, null]]], "all_evidence": [[194203, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21090, 25886, "Dissociative_identity_disorder", 12]], [[21090, 25887, "Dissociative_identity_disorder", 0]]], "all_evidence": [[21090, 25886, "Dissociative_identity_disorder", 12], [21090, 25887, "Dissociative_identity_disorder", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128055, 142757, "Sausage_Party", 0]], [[128055, 142759, "Sausage_Party", 2]], [[128055, 142760, "Sausage_Party", 6]], [[128055, 142761, "Sausage_Party", 7]], [[128082, 142790, "Sausage_Party", 0]], [[128082, 142791, "Sausage_Party", 2]]], "all_evidence": [[128055, 142757, "Sausage_Party", 0], [128055, 142759, "Sausage_Party", 2], [128055, 142760, "Sausage_Party", 6], [128055, 142761, "Sausage_Party", 7], [128082, 142790, "Sausage_Party", 0], [128082, 142791, "Sausage_Party", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45255, 54005, "Pakistan", 21]]], "all_evidence": [[45255, 54005, "Pakistan", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96177, 109290, "Amancio_Ortega", 0]]], "all_evidence": [[96177, 109290, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207522, 215771, "Dawood_Ibrahim", 0]]], "all_evidence": [[207522, 215771, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119209, 133144, "Lucy_Hale", 2]]], "all_evidence": [[119209, 133144, "Lucy_Hale", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40981, 49274, "ASAP_Rocky", 18]]], "all_evidence": [[40981, 49274, "ASAP_Rocky", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190531, null, null, null]]], "all_evidence": [[190531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168048, 181818, "Gettysburg_Address", 14]], [[170274, 183820, "Gettysburg_Address", 0]], [[312457, 302232, "Gettysburg_Address", 0]], [[313635, 303187, "Gettysburg_Address", 0], [313635, 303187, "Abraham_Lincoln", 0]]], "all_evidence": [[168048, 181818, "Gettysburg_Address", 14], [170274, 183820, "Gettysburg_Address", 0], [312457, 302232, "Gettysburg_Address", 0], [313635, 303187, "Gettysburg_Address", 0], [313635, 303187, "Abraham_Lincoln", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69170, 79948, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[69170, 79948, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33392, null, null, null]]], "all_evidence": [[33392, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100303, 113564, "Africa_Cup_of_Nations", 1]], [[100303, 113565, "Africa_Cup_of_Nations", 2]], [[100303, 113566, "Africa_Cup_of_Nations", 6]], [[100303, 113567, "Africa_Cup_of_Nations", 12]]], "all_evidence": [[100303, 113564, "Africa_Cup_of_Nations", 1], [100303, 113565, "Africa_Cup_of_Nations", 2], [100303, 113566, "Africa_Cup_of_Nations", 6], [100303, 113567, "Africa_Cup_of_Nations", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232867, 235938, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232867, 235938, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142058, null, null, null]]], "all_evidence": [[142058, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74207, 85431, "Physics", 4]]], "all_evidence": [[74207, 85431, "Physics", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134438, 149323, "Great_white_shark", 10]]], "all_evidence": [[134438, 149323, "Great_white_shark", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235011, 237769, "Sweet_Home_Alabama", 4]]], "all_evidence": [[235011, 237769, "Sweet_Home_Alabama", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242316, 243721, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242316, 243721, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[324577, 312511, "Richard_Kuklinski", 5]], [[325950, 313561, "Richard_Kuklinski", 5]]], "all_evidence": [[324577, 312511, "Richard_Kuklinski", 5], [325950, 313561, "Richard_Kuklinski", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138725, 153792, "Antigua", 0]]], "all_evidence": [[138725, 153792, "Antigua", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70443, 81314, "Birmingham", 0]]], "all_evidence": [[70443, 81314, "Birmingham", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28468, 34801, "Ice-T", 1]]], "all_evidence": [[28468, 34801, "Ice-T", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15844, 19708, "Toy_Story_2", 0]]], "all_evidence": [[15844, 19708, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50427, 60007, "Theresa_May", 6]]], "all_evidence": [[50427, 60007, "Theresa_May", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206120, 214569, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206120, 214569, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180263, 192791, "Ron_Dennis", 2]], [[180263, 192792, "Ron_Dennis", 1]], [[180267, 192798, "Ron_Dennis", 1]], [[180267, 192799, "Ron_Dennis", 2]], [[180267, 192800, "Ron_Dennis", 10], [180267, 192800, "Absolute_Taste", 5]], [[180267, 192801, "Ron_Dennis", 14]]], "all_evidence": [[180263, 192791, "Ron_Dennis", 2], [180263, 192792, "Ron_Dennis", 1], [180267, 192798, "Ron_Dennis", 1], [180267, 192799, "Ron_Dennis", 2], [180267, 192800, "Ron_Dennis", 10], [180267, 192800, "Absolute_Taste", 5], [180267, 192801, "Ron_Dennis", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202959, 212097, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202959, 212097, "Tsugumi_Ohba", 0]]], "all_evidence": [[202959, 212097, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202959, 212097, "Tsugumi_Ohba", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[313195, null, null, null]]], "all_evidence": [[313195, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140883, null, null, null]]], "all_evidence": [[140883, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186325, 198144, "Planet_Hollywood_Las_Vegas", 1]]], "all_evidence": [[186325, 198144, "Planet_Hollywood_Las_Vegas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201710, 211099, "Times_Higher_Education_World_University_Rankings", 0]], [[207011, 215298, "Times_Higher_Education_World_University_Rankings", 0]], [[207011, 215299, "Times_Higher_Education_World_University_Rankings", 1]], [[315638, 304875, "Times_Higher_Education_World_University_Rankings", 0]], [[315638, 304876, "Times_Higher_Education_World_University_Rankings", 1]], [[315638, 304877, "Times_Higher_Education_World_University_Rankings", 3]], [[315639, 304878, "Times_Higher_Education_World_University_Rankings", 0]]], "all_evidence": [[201710, 211099, "Times_Higher_Education_World_University_Rankings", 0], [207011, 215298, "Times_Higher_Education_World_University_Rankings", 0], [207011, 215299, "Times_Higher_Education_World_University_Rankings", 1], [315638, 304875, "Times_Higher_Education_World_University_Rankings", 0], [315638, 304876, "Times_Higher_Education_World_University_Rankings", 1], [315638, 304877, "Times_Higher_Education_World_University_Rankings", 3], [315639, 304878, "Times_Higher_Education_World_University_Rankings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265344, 262559, "Practical_Magic", 0]]], "all_evidence": [[265344, 262559, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77675, 89127, "Stephen_King", 2]]], "all_evidence": [[77675, 89127, "Stephen_King", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95709, 108752, "Pierce_County,_Washington", 10], [95709, 108752, "Mount_Rainier", 0]], [[97871, 111025, "Pierce_County,_Washington", 10], [97871, 111025, "Mount_Rainier", 0]], [[98284, 111394, "Pierce_County,_Washington", 10], [98284, 111394, "Mount_Rainier", 0]], [[306780, 297394, "Pierce_County,_Washington", 10]], [[307692, 298142, "Pierce_County,_Washington", 10], [307692, 298142, "Mount_Rainier", 0]], [[307693, 298143, "Pierce_County,_Washington", 10], [307693, 298143, "Cascade_Range", 0], [307693, 298143, "Cascade_Range", 7], [307693, 298143, "Mount_Rainier", 0]]], "all_evidence": [[95709, 108752, "Pierce_County,_Washington", 10], [95709, 108752, "Mount_Rainier", 0], [97871, 111025, "Pierce_County,_Washington", 10], [97871, 111025, "Mount_Rainier", 0], [98284, 111394, "Pierce_County,_Washington", 10], [98284, 111394, "Mount_Rainier", 0], [306780, 297394, "Pierce_County,_Washington", 10], [307692, 298142, "Pierce_County,_Washington", 10], [307692, 298142, "Mount_Rainier", 0], [307693, 298143, "Pierce_County,_Washington", 10], [307693, 298143, "Cascade_Range", 0], [307693, 298143, "Cascade_Range", 7], [307693, 298143, "Mount_Rainier", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255048, null, null, null]]], "all_evidence": [[255048, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225561, null, null, null]]], "all_evidence": [[225561, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34964, 42380, "Ed_Decter", 0]]], "all_evidence": [[34964, 42380, "Ed_Decter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287001, null, null, null], [290769, null, null, null]]], "all_evidence": [[287001, null, null, null], [290769, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93522, 106476, "Two_and_a_Half_Men", 0]]], "all_evidence": [[93522, 106476, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127078, 141563, "Airbus_A380", 3]]], "all_evidence": [[127078, 141563, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120128, 134278, "Bank_of_America", 16]]], "all_evidence": [[120128, 134278, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79233, null, null, null]]], "all_evidence": [[79233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100642, 113938, "Physics", 5], [100642, 113938, "Biology", 0]]], "all_evidence": [[100642, 113938, "Physics", 5], [100642, 113938, "Biology", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124838, 139184, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]], "all_evidence": [[124838, 139184, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65942, null, null, null]]], "all_evidence": [[65942, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37283, 45133, "Yugoslavia", 0]], [[37283, 45134, "Yugoslavia", 1]], [[37283, 45135, "Yugoslavia", 18]], [[37283, 45136, "Yugoslavia", 16]], [[37283, 45137, "Yugoslavia", 11]]], "all_evidence": [[37283, 45133, "Yugoslavia", 0], [37283, 45134, "Yugoslavia", 1], [37283, 45135, "Yugoslavia", 18], [37283, 45136, "Yugoslavia", 16], [37283, 45137, "Yugoslavia", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95870, 108939, "Gettysburg_Address", 0], [95870, 108939, "Abraham_Lincoln", 33]]], "all_evidence": [[95870, 108939, "Gettysburg_Address", 0], [95870, 108939, "Abraham_Lincoln", 33]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218589, null, null, null], [220569, null, null, null], [221398, null, null, null], [317694, null, null, null], [317695, null, null, null], [317698, null, null, null], [317702, null, null, null]]], "all_evidence": [[218589, null, null, null], [220569, null, null, null], [221398, null, null, null], [317694, null, null, null], [317695, null, null, null], [317698, null, null, null], [317702, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297416, null, null, null], [341814, null, null, null]]], "all_evidence": [[297416, null, null, null], [341814, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214105, 221194, "Gotham_City_Sirens", 0]]], "all_evidence": [[214105, 221194, "Gotham_City_Sirens", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275956, 271016, "Dev_Patel", 5]], [[278243, 273114, "Dev_Patel", 5]], [[280230, 274751, "Dev_Patel", 5]], [[325160, 312925, "Dev_Patel", 5]], [[326201, 313721, "Dev_Patel", 5]]], "all_evidence": [[275956, 271016, "Dev_Patel", 5], [278243, 273114, "Dev_Patel", 5], [280230, 274751, "Dev_Patel", 5], [325160, 312925, "Dev_Patel", 5], [326201, 313721, "Dev_Patel", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132217, 147099, "General_Motors", 5]]], "all_evidence": [[132217, 147099, "General_Motors", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198861, 208567, "Scream_2", 0]]], "all_evidence": [[198861, 208567, "Scream_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164507, 178764, "Kate_Walsh_-LRB-actress-RRB-", 1], [164507, 178764, "Addison_Montgomery", 0]]], "all_evidence": [[164507, 178764, "Kate_Walsh_-LRB-actress-RRB-", 1], [164507, 178764, "Addison_Montgomery", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91631, null, null, null]]], "all_evidence": [[91631, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151341, 166140, "Michael_Hutchence", 15], [151341, 166140, "Sydney", 0]]], "all_evidence": [[151341, 166140, "Michael_Hutchence", 15], [151341, 166140, "Sydney", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267079, null, null, null]]], "all_evidence": [[267079, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57291, 67535, "I_Want_to_Know_What_Love_Is", 4]]], "all_evidence": [[57291, 67535, "I_Want_to_Know_What_Love_Is", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15681, 19535, "Yemen", 1]]], "all_evidence": [[15681, 19535, "Yemen", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40685, 48939, "Baloch_people", 3]]], "all_evidence": [[40685, 48939, "Baloch_people", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137933, 152911, "Bob_Ross", 1]]], "all_evidence": [[137933, 152911, "Bob_Ross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150840, 165680, "United_States_dollar", 66]]], "all_evidence": [[150840, 165680, "United_States_dollar", 66]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149709, 164667, "Japan", 0]], [[149709, 164668, "Japan", 1]]], "all_evidence": [[149709, 164667, "Japan", 0], [149709, 164668, "Japan", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295448, null, null, null], [340922, null, null, null]]], "all_evidence": [[295448, null, null, null], [340922, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75239, null, null, null]]], "all_evidence": [[75239, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47582, 56790, "The_Winds_of_Winter", 0]]], "all_evidence": [[47582, 56790, "The_Winds_of_Winter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178818, 191361, "Toy_Story_2", 0]], [[178819, 191362, "Toy_Story_2", 0]]], "all_evidence": [[178818, 191361, "Toy_Story_2", 0], [178819, 191362, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270477, null, null, null]]], "all_evidence": [[270477, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160794, 175308, "Great_white_shark", 16]], [[162611, 176885, "Great_white_shark", 16]], [[312089, 301962, "Great_white_shark", 16]], [[313394, 303017, "Great_white_shark", 10]]], "all_evidence": [[160794, 175308, "Great_white_shark", 16], [162611, 176885, "Great_white_shark", 16], [312089, 301962, "Great_white_shark", 16], [313394, 303017, "Great_white_shark", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70134, 81022, "Bonaire", 9]]], "all_evidence": [[70134, 81022, "Bonaire", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129413, 144160, "ASAP_Rocky", 18]]], "all_evidence": [[129413, 144160, "ASAP_Rocky", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242358, 243757, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242358, 243757, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178381, 190970, "Uranium", 0]]], "all_evidence": [[178381, 190970, "Uranium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140280, 155303, "IPhone_4", 0], [140280, 155303, "Smartphone", 0]], [[140280, 155304, "IPhone_4", 11], [140280, 155304, "Smartphone", 0]]], "all_evidence": [[140280, 155303, "IPhone_4", 0], [140280, 155303, "Smartphone", 0], [140280, 155304, "IPhone_4", 11], [140280, 155304, "Smartphone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222075, 227515, "Terrence_Howard", 1]], [[222075, 227516, "Terrence_Howard", 2], [222075, 227516, "Hustle_&_Flow", 0]], [[222075, 227517, "Terrence_Howard", 3]], [[222075, 227518, "Terrence_Howard", 4], [222075, 227518, "Iron_Man_-LRB-2008_film-RRB-", 0]]], "all_evidence": [[222075, 227515, "Terrence_Howard", 1], [222075, 227516, "Terrence_Howard", 2], [222075, 227516, "Hustle_&_Flow", 0], [222075, 227517, "Terrence_Howard", 3], [222075, 227518, "Terrence_Howard", 4], [222075, 227518, "Iron_Man_-LRB-2008_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67977, 78838, "Player-coach", 0]]], "all_evidence": [[67977, 78838, "Player-coach", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144156, 159208, "Adidas", 0], [144156, 159208, "Germany", 0], [144156, 159208, "Herzogenaurach", 0]], [[144157, 159209, "Adidas", 0], [144157, 159209, "Germany", 0], [144157, 159209, "Herzogenaurach", 0]]], "all_evidence": [[144156, 159208, "Adidas", 0], [144156, 159208, "Germany", 0], [144156, 159208, "Herzogenaurach", 0], [144157, 159209, "Adidas", 0], [144157, 159209, "Germany", 0], [144157, 159209, "Herzogenaurach", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266225, 263267, "Prague_Castle", 7]]], "all_evidence": [[266225, 263267, "Prague_Castle", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165040, 179212, "Lucy_Hale", 0]]], "all_evidence": [[165040, 179212, "Lucy_Hale", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74124, null, null, null]]], "all_evidence": [[74124, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94648, 107631, "Two_and_a_Half_Men", 0]]], "all_evidence": [[94648, 107631, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137404, 152286, "Dark_matter", 0]]], "all_evidence": [[137404, 152286, "Dark_matter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96871, 110023, "Kate_Walsh_-LRB-actress-RRB-", 1]]], "all_evidence": [[96871, 110023, "Kate_Walsh_-LRB-actress-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75418, 86675, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[75428, 86688, "Alex_Jones_-LRB-radio_host-RRB-", 11]]], "all_evidence": [[75418, 86675, "Alex_Jones_-LRB-radio_host-RRB-", 0], [75428, 86688, "Alex_Jones_-LRB-radio_host-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144170, 159228, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[144170, 159228, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19143, 23474, "Zoe_Saldana", 0]]], "all_evidence": [[19143, 23474, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84257, null, null, null]]], "all_evidence": [[84257, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181322, 193580, "Johann_Wolfgang_von_Goethe", 13]]], "all_evidence": [[181322, 193580, "Johann_Wolfgang_von_Goethe", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232349, 235574, "University_of_Leicester", 11]]], "all_evidence": [[232349, 235574, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19219, 23584, "Baloch_people", 3]]], "all_evidence": [[19219, 23584, "Baloch_people", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39102, 47089, "Therasia", 0]], [[39102, 47090, "Therasia", 1]]], "all_evidence": [[39102, 47089, "Therasia", 0], [39102, 47090, "Therasia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59983, 70390, "Superhuman", 6]]], "all_evidence": [[59983, 70390, "Superhuman", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58528, 68832, "Mercedes-Benz", 0]]], "all_evidence": [[58528, 68832, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119526, null, null, null]]], "all_evidence": [[119526, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292330, null, null, null], [294346, null, null, null], [294948, null, null, null], [339734, null, null, null], [339745, null, null, null], [339750, null, null, null]]], "all_evidence": [[292330, null, null, null], [294346, null, null, null], [294948, null, null, null], [339734, null, null, null], [339745, null, null, null], [339750, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224439, null, null, null]]], "all_evidence": [[224439, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242304, 243709, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242304, 243709, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57860, 68098, "Stanley_Park", 16]]], "all_evidence": [[57860, 68098, "Stanley_Park", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115149, 128926, "Cordilleran_Ice_Sheet", 0]]], "all_evidence": [[115149, 128926, "Cordilleran_Ice_Sheet", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272724, null, null, null]]], "all_evidence": [[272724, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296102, null, null, null], [297696, null, null, null], [342296, null, null, null], [342405, null, null, null]]], "all_evidence": [[296102, null, null, null], [297696, null, null, null], [342296, null, null, null], [342405, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31869, 38680, "Vandals", 0]]], "all_evidence": [[31869, 38680, "Vandals", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145748, 160769, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]], "all_evidence": [[145748, 160769, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113853, 127711, "Castlevania_-LRB-1986_video_game-RRB-", 1]]], "all_evidence": [[113853, 127711, "Castlevania_-LRB-1986_video_game-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98200, 111299, "Mikhail_Prokhorov", 3]]], "all_evidence": [[98200, 111299, "Mikhail_Prokhorov", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201720, 211107, "Red_Bull_Racing", 0]], [[201721, 211108, "Red_Bull_Racing", 0]], [[201722, 211109, "Red_Bull_Racing", 0]]], "all_evidence": [[201720, 211107, "Red_Bull_Racing", 0], [201721, 211108, "Red_Bull_Racing", 0], [201722, 211109, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255655, 255064, "PBS", 0], [255655, 255064, "Public_broadcasting", 0]]], "all_evidence": [[255655, 255064, "PBS", 0], [255655, 255064, "Public_broadcasting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218860, null, null, null]]], "all_evidence": [[218860, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279505, null, null, null], [281210, null, null, null], [283319, null, null, null], [283320, null, null, null], [328850, null, null, null]]], "all_evidence": [[279505, null, null, null], [281210, null, null, null], [283319, null, null, null], [283320, null, null, null], [328850, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224830, 229593, "Sacre\u0301-C\u0153ur,_Paris", 2], [224830, 229593, "Sacred_Heart", 0]]], "all_evidence": [[224830, 229593, "Sacre\u0301-C\u0153ur,_Paris", 2], [224830, 229593, "Sacred_Heart", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199828, 209496, "Barcelona", 0]]], "all_evidence": [[199828, 209496, "Barcelona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48037, 57355, "Johnny_Van_Zant", 0]], [[48037, 57356, "Johnny_Van_Zant", 10]], [[50993, 60732, "Johnny_Van_Zant", 0]], [[50993, 60733, "Johnny_Van_Zant", 10]], [[53811, 63812, "Johnny_Van_Zant", 10]]], "all_evidence": [[48037, 57355, "Johnny_Van_Zant", 0], [48037, 57356, "Johnny_Van_Zant", 10], [50993, 60732, "Johnny_Van_Zant", 0], [50993, 60733, "Johnny_Van_Zant", 10], [53811, 63812, "Johnny_Van_Zant", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206281, null, null, null]]], "all_evidence": [[206281, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38482, null, null, null]]], "all_evidence": [[38482, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109550, null, null, null]]], "all_evidence": [[109550, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207525, 215772, "Dawood_Ibrahim", 0]]], "all_evidence": [[207525, 215772, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108228, 121757, "The_Hunger_Games_-LRB-film_series-RRB-", 2]]], "all_evidence": [[108228, 121757, "The_Hunger_Games_-LRB-film_series-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230202, null, null, null]]], "all_evidence": [[230202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74958, 86176, "Musala", 0]], [[74958, 86177, "Musala", 2]]], "all_evidence": [[74958, 86176, "Musala", 0], [74958, 86177, "Musala", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127324, 141864, "Cthulhu", 0]]], "all_evidence": [[127324, 141864, "Cthulhu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100969, null, null, null]]], "all_evidence": [[100969, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61237, null, null, null]]], "all_evidence": [[61237, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29861, null, null, null]]], "all_evidence": [[29861, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230200, 233949, "Hyksos", 18]]], "all_evidence": [[230200, 233949, "Hyksos", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215769, 222555, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]], "all_evidence": [[215769, 222555, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126736, null, null, null]]], "all_evidence": [[126736, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37277, 45116, "Guthrie_Theater", 6]], [[37277, 45117, "Guthrie_Theater", 0]], [[37277, 45118, "Guthrie_Theater", 7]]], "all_evidence": [[37277, 45116, "Guthrie_Theater", 6], [37277, 45117, "Guthrie_Theater", 0], [37277, 45118, "Guthrie_Theater", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54261, 64262, "Susan_Collins", 16]]], "all_evidence": [[54261, 64262, "Susan_Collins", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287078, null, null, null], [289157, null, null, null], [290811, null, null, null], [290812, null, null, null], [335137, null, null, null]]], "all_evidence": [[287078, null, null, null], [289157, null, null, null], [290811, null, null, null], [290812, null, null, null], [335137, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272860, null, null, null]]], "all_evidence": [[272860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87801, 100326, "Matt_Bomer", 0]]], "all_evidence": [[87801, 100326, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43024, 51672, "Brazilian_jiu-jitsu", 1]]], "all_evidence": [[43024, 51672, "Brazilian_jiu-jitsu", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39964, 48069, "Macklemore", 6]], [[39964, 48070, "Macklemore", 3], [39964, 48070, "Macklemore_&_Ryan_Lewis", 1]]], "all_evidence": [[39964, 48069, "Macklemore", 6], [39964, 48070, "Macklemore", 3], [39964, 48070, "Macklemore_&_Ryan_Lewis", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162151, null, null, null]]], "all_evidence": [[162151, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220908, 226687, "Stephen_Moyer", 3]]], "all_evidence": [[220908, 226687, "Stephen_Moyer", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30185, 36756, "GLOW_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[30185, 36756, "GLOW_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73907, 85137, "Kung_Fu_Panda", 17]]], "all_evidence": [[73907, 85137, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156944, 171505, "Player-coach", 1]]], "all_evidence": [[156944, 171505, "Player-coach", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262109, 260164, "Aristocracy", 1]]], "all_evidence": [[262109, 260164, "Aristocracy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180574, 193004, "KGB", 7]]], "all_evidence": [[180574, 193004, "KGB", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43093, 51732, "Battle_of_the_Bastards", 15]]], "all_evidence": [[43093, 51732, "Battle_of_the_Bastards", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218822, null, null, null]]], "all_evidence": [[218822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51469, 61214, "Samsung", 6]]], "all_evidence": [[51469, 61214, "Samsung", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140067, 155071, "Chumlee", 0]]], "all_evidence": [[140067, 155071, "Chumlee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58628, 68929, "Bank_of_America", 16]], [[58634, 68939, "Bank_of_America", 16]]], "all_evidence": [[58628, 68929, "Bank_of_America", 16], [58634, 68939, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31806, 38600, "Africa_Cup_of_Nations", 0]], [[31806, 38601, "Africa_Cup_of_Nations", 1], [31806, 38601, "1957_African_Cup_of_Nations", 0]], [[31806, 38602, "Africa_Cup_of_Nations", 2], [31806, 38602, "1968_African_Cup_of_Nations", 0]], [[31806, 38603, "Africa_Cup_of_Nations", 3]], [[31806, 38604, "Africa_Cup_of_Nations", 8]], [[31806, 38605, "Africa_Cup_of_Nations", 9]], [[31806, 38606, "Africa_Cup_of_Nations", 12]], [[31806, 38607, "Africa_Cup_of_Nations", 13]], [[31806, 38608, "Africa_Cup_of_Nations", 17]], [[31806, 38609, "Africa_Cup_of_Nations", 14], [31806, 38609, "2002_African_Cup_of_Nations", 0]]], "all_evidence": [[31806, 38600, "Africa_Cup_of_Nations", 0], [31806, 38601, "Africa_Cup_of_Nations", 1], [31806, 38601, "1957_African_Cup_of_Nations", 0], [31806, 38602, "Africa_Cup_of_Nations", 2], [31806, 38602, "1968_African_Cup_of_Nations", 0], [31806, 38603, "Africa_Cup_of_Nations", 3], [31806, 38604, "Africa_Cup_of_Nations", 8], [31806, 38605, "Africa_Cup_of_Nations", 9], [31806, 38606, "Africa_Cup_of_Nations", 12], [31806, 38607, "Africa_Cup_of_Nations", 13], [31806, 38608, "Africa_Cup_of_Nations", 17], [31806, 38609, "Africa_Cup_of_Nations", 14], [31806, 38609, "2002_African_Cup_of_Nations", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175302, 188290, "Nate_Diaz", 0]]], "all_evidence": [[175302, 188290, "Nate_Diaz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79657, null, null, null]]], "all_evidence": [[79657, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229183, null, null, null]]], "all_evidence": [[229183, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48417, null, null, null]]], "all_evidence": [[48417, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52502, 62480, "George_Harrison", 20]]], "all_evidence": [[52502, 62480, "George_Harrison", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42700, 51345, "Uganda", 11]]], "all_evidence": [[42700, 51345, "Uganda", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157483, 172052, "Phoenix,_Arizona", 0]], [[157483, 172053, "Phoenix,_Arizona", 1]], [[157483, 172054, "Phoenix,_Arizona", 6]]], "all_evidence": [[157483, 172052, "Phoenix,_Arizona", 0], [157483, 172053, "Phoenix,_Arizona", 1], [157483, 172054, "Phoenix,_Arizona", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148703, 163739, "The_Giver_-LRB-film-RRB-", 0]], [[148703, 163740, "The_Giver_-LRB-film-RRB-", 1]], [[148703, 163741, "The_Giver_-LRB-film-RRB-", 4]], [[148703, 163742, "The_Giver_-LRB-film-RRB-", 5]]], "all_evidence": [[148703, 163739, "The_Giver_-LRB-film-RRB-", 0], [148703, 163740, "The_Giver_-LRB-film-RRB-", 1], [148703, 163741, "The_Giver_-LRB-film-RRB-", 4], [148703, 163742, "The_Giver_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35132, null, null, null]]], "all_evidence": [[35132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90268, 103022, "Port_of_Spain", 2]]], "all_evidence": [[90268, 103022, "Port_of_Spain", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154193, null, null, null]]], "all_evidence": [[154193, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[187216, null, null, null]]], "all_evidence": [[187216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117564, 131462, "Kajol", 9]]], "all_evidence": [[117564, 131462, "Kajol", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90295, 103047, "Skopje", 0]]], "all_evidence": [[90295, 103047, "Skopje", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27152, 33264, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[27152, 33264, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49364, 58696, "Jack_Lowden", 1]]], "all_evidence": [[49364, 58696, "Jack_Lowden", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161050, 175525, "The_Ellen_Show", 0]], [[161050, 175526, "The_Ellen_Show", 1]], [[161050, 175527, "The_Ellen_Show", 4]]], "all_evidence": [[161050, 175525, "The_Ellen_Show", 0], [161050, 175526, "The_Ellen_Show", 1], [161050, 175527, "The_Ellen_Show", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82390, 94164, "The_Invisible_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[82390, 94164, "The_Invisible_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127787, 142456, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[127787, 142456, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112519, null, null, null]]], "all_evidence": [[112519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145579, 160578, "Kung_Fu_Panda", 15]]], "all_evidence": [[145579, 160578, "Kung_Fu_Panda", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237294, null, null, null]]], "all_evidence": [[237294, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176151, null, null, null]]], "all_evidence": [[176151, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263094, null, null, null]]], "all_evidence": [[263094, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64221, 74968, "Jonah_Hill", 4]]], "all_evidence": [[64221, 74968, "Jonah_Hill", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64570, 75360, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[64570, 75360, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30723, 37348, "Paul_von_Hindenburg", 0]]], "all_evidence": [[30723, 37348, "Paul_von_Hindenburg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289660, 282726, "Edward_Cullen", 0]], [[291120, 284084, "Edward_Cullen", 0]], [[293205, 285822, "Edward_Cullen", 0]], [[293205, 285823, "Edward_Cullen", 1]], [[293205, 285824, "Edward_Cullen", 3]], [[336732, 322266, "Edward_Cullen", 0]], [[336767, 322289, "Edward_Cullen", 0]]], "all_evidence": [[289660, 282726, "Edward_Cullen", 0], [291120, 284084, "Edward_Cullen", 0], [293205, 285822, "Edward_Cullen", 0], [293205, 285823, "Edward_Cullen", 1], [293205, 285824, "Edward_Cullen", 3], [336732, 322266, "Edward_Cullen", 0], [336767, 322289, "Edward_Cullen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131657, null, null, null]]], "all_evidence": [[131657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67844, 78696, "Brown_University", 0], [67844, 78696, "Providence,_Rhode_Island", 1]]], "all_evidence": [[67844, 78696, "Brown_University", 0], [67844, 78696, "Providence,_Rhode_Island", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41243, 49577, "The_Love_Club_EP", 0]]], "all_evidence": [[41243, 49577, "The_Love_Club_EP", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257590, 256577, "Timur", 21]]], "all_evidence": [[257590, 256577, "Timur", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44664, 53346, "Amy_Winehouse", 10]]], "all_evidence": [[44664, 53346, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80233, null, null, null]]], "all_evidence": [[80233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49379, 58711, "Fred_Seibert", 3]]], "all_evidence": [[49379, 58711, "Fred_Seibert", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185707, 197456, "Touch_My_Body", 0]]], "all_evidence": [[185707, 197456, "Touch_My_Body", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126002, null, null, null]]], "all_evidence": [[126002, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67523, 78359, "Minor_League_Baseball", 0]]], "all_evidence": [[67523, 78359, "Minor_League_Baseball", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189193, null, null, null]]], "all_evidence": [[189193, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61174, 71663, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]], "all_evidence": [[61174, 71663, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123671, null, null, null]]], "all_evidence": [[123671, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119542, 133582, "Granite", 0]], [[119542, 133583, "Granite", 2]], [[119542, 133584, "Granite", 3]], [[119542, 133585, "Granite", 6]], [[119542, 133586, "Granite", 7]], [[119542, 133587, "Granite", 9]], [[119542, 133588, "Granite", 10]], [[119542, 133589, "Granite", 12]]], "all_evidence": [[119542, 133582, "Granite", 0], [119542, 133583, "Granite", 2], [119542, 133584, "Granite", 3], [119542, 133585, "Granite", 6], [119542, 133586, "Granite", 7], [119542, 133587, "Granite", 9], [119542, 133588, "Granite", 10], [119542, 133589, "Granite", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174880, null, null, null]]], "all_evidence": [[174880, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[199814, 209483, "Barcelona", 0], [199814, 209483, "Trenton,_New_Jersey", 0]]], "all_evidence": [[199814, 209483, "Barcelona", 0], [199814, 209483, "Trenton,_New_Jersey", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142753, 157900, "A_Good_Day_to_Die_Hard", 0]]], "all_evidence": [[142753, 157900, "A_Good_Day_to_Die_Hard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103078, 116409, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[103078, 116409, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47279, null, null, null]]], "all_evidence": [[47279, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224131, null, null, null]]], "all_evidence": [[224131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108427, 121991, "Scandal_-LRB-American_band-RRB-", 1]], [[108427, 121992, "Scandal_-LRB-American_band-RRB-", 2]]], "all_evidence": [[108427, 121991, "Scandal_-LRB-American_band-RRB-", 1], [108427, 121992, "Scandal_-LRB-American_band-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224811, null, null, null]]], "all_evidence": [[224811, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255279, 254741, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]], "all_evidence": [[255279, 254741, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132084, 146927, "Antigua_and_Barbuda", 6]]], "all_evidence": [[132084, 146927, "Antigua_and_Barbuda", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143063, 158163, "Paul_von_Hindenburg", 0]], [[143063, 158164, "Paul_von_Hindenburg", 1]], [[143063, 158166, "Paul_von_Hindenburg", 4]], [[143063, 158167, "Paul_von_Hindenburg", 7]], [[143063, 158168, "Paul_von_Hindenburg", 10]], [[143063, 158169, "Paul_von_Hindenburg", 12]], [[143063, 158170, "Paul_von_Hindenburg", 13]], [[143063, 158171, "Paul_von_Hindenburg", 14]], [[143063, 158172, "Paul_von_Hindenburg", 16]], [[143063, 158173, "Paul_von_Hindenburg", 20]], [[143063, 158174, "Paul_von_Hindenburg", 21]], [[143063, 158175, "Paul_von_Hindenburg", 29]], [[143063, 158176, "Paul_von_Hindenburg", 30]], [[143063, 158177, "Paul_von_Hindenburg", 32]]], "all_evidence": [[143063, 158163, "Paul_von_Hindenburg", 0], [143063, 158164, "Paul_von_Hindenburg", 1], [143063, 158166, "Paul_von_Hindenburg", 4], [143063, 158167, "Paul_von_Hindenburg", 7], [143063, 158168, "Paul_von_Hindenburg", 10], [143063, 158169, "Paul_von_Hindenburg", 12], [143063, 158170, "Paul_von_Hindenburg", 13], [143063, 158171, "Paul_von_Hindenburg", 14], [143063, 158172, "Paul_von_Hindenburg", 16], [143063, 158173, "Paul_von_Hindenburg", 20], [143063, 158174, "Paul_von_Hindenburg", 21], [143063, 158175, "Paul_von_Hindenburg", 29], [143063, 158176, "Paul_von_Hindenburg", 30], [143063, 158177, "Paul_von_Hindenburg", 32]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27725, 33960, "John_Goodman", 7], [27725, 33960, "10_Cloverfield_Lane", 1]]], "all_evidence": [[27725, 33960, "John_Goodman", 7], [27725, 33960, "10_Cloverfield_Lane", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185620, 197371, "Robert_Singer_-LRB-producer-RRB-", 1]], [[185620, 197372, "Robert_Singer_-LRB-producer-RRB-", 4]], [[185620, 197373, "Robert_Singer_-LRB-producer-RRB-", 5]]], "all_evidence": [[185620, 197371, "Robert_Singer_-LRB-producer-RRB-", 1], [185620, 197372, "Robert_Singer_-LRB-producer-RRB-", 4], [185620, 197373, "Robert_Singer_-LRB-producer-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262364, 260374, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24]]], "all_evidence": [[262364, 260374, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87509, null, null, null]]], "all_evidence": [[87509, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256470, 255680, "Jerome_Flynn", 0]]], "all_evidence": [[256470, 255680, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60878, 71333, "Neuromodulation", 3]]], "all_evidence": [[60878, 71333, "Neuromodulation", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125432, 139771, "Mad_Max-COLON-_Fury_Road", 21]]], "all_evidence": [[125432, 139771, "Mad_Max-COLON-_Fury_Road", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170298, null, null, null]]], "all_evidence": [[170298, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131230, 145982, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[131230, 145982, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161489, null, null, null]]], "all_evidence": [[161489, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[276431, 271513, "A_Good_Day_to_Die_Hard", 1]], [[278648, 273390, "A_Good_Day_to_Die_Hard", 1]], [[280445, 274907, "A_Good_Day_to_Die_Hard", 1]], [[326626, 314060, "A_Good_Day_to_Die_Hard", 1]], [[326644, 314072, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[276431, 271513, "A_Good_Day_to_Die_Hard", 1], [278648, 273390, "A_Good_Day_to_Die_Hard", 1], [280445, 274907, "A_Good_Day_to_Die_Hard", 1], [326626, 314060, "A_Good_Day_to_Die_Hard", 1], [326644, 314072, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121549, null, null, null]]], "all_evidence": [[121549, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180283, 192811, "The_SpongeBob_SquarePants_Movie", 1]], [[180283, 192812, "The_SpongeBob_SquarePants_Movie", 3], [180283, 192812, "Mr._Krabs", 1]], [[180283, 192813, "The_SpongeBob_SquarePants_Movie", 7], [180283, 192813, "SpongeBob_SquarePants_-LRB-character-RRB-", 1]]], "all_evidence": [[180283, 192811, "The_SpongeBob_SquarePants_Movie", 1], [180283, 192812, "The_SpongeBob_SquarePants_Movie", 3], [180283, 192812, "Mr._Krabs", 1], [180283, 192813, "The_SpongeBob_SquarePants_Movie", 7], [180283, 192813, "SpongeBob_SquarePants_-LRB-character-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214602, 221590, "Vera_Wang", 0]]], "all_evidence": [[214602, 221590, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41752, null, null, null]]], "all_evidence": [[41752, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204613, null, null, null]]], "all_evidence": [[204613, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97109, 110289, "Matt_Bomer", 0]], [[97109, 110290, "Matt_Bomer", 1]], [[97109, 110291, "Matt_Bomer", 2]], [[97109, 110292, "Matt_Bomer", 3]], [[97109, 110293, "Matt_Bomer", 4]], [[97109, 110294, "Matt_Bomer", 8]]], "all_evidence": [[97109, 110289, "Matt_Bomer", 0], [97109, 110290, "Matt_Bomer", 1], [97109, 110291, "Matt_Bomer", 2], [97109, 110292, "Matt_Bomer", 3], [97109, 110293, "Matt_Bomer", 4], [97109, 110294, "Matt_Bomer", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151405, 166189, "The_Raven_-LRB-2012_film-RRB-", 10]]], "all_evidence": [[151405, 166189, "The_Raven_-LRB-2012_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224806, 229573, "Sacre\u0301-C\u0153ur,_Paris", 2]]], "all_evidence": [[224806, 229573, "Sacre\u0301-C\u0153ur,_Paris", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73465, null, null, null]]], "all_evidence": [[73465, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151353, 166150, "Burbank,_California", 4]]], "all_evidence": [[151353, 166150, "Burbank,_California", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36305, 43859, "Super_Bowl_XLV", 2]]], "all_evidence": [[36305, 43859, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70271, 81144, "Gettysburg_Address", 0]]], "all_evidence": [[70271, 81144, "Gettysburg_Address", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55402, 65458, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0], [55402, 65458, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 1]]], "all_evidence": [[55402, 65458, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0], [55402, 65458, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214608, 221597, "Vera_Wang", 0]]], "all_evidence": [[214608, 221597, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212534, 220035, "Nina_Jacobson", 0]], [[212535, 220036, "Nina_Jacobson", 0]]], "all_evidence": [[212534, 220035, "Nina_Jacobson", 0], [212535, 220036, "Nina_Jacobson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173015, 186240, "Chris_Paul", 1]]], "all_evidence": [[173015, 186240, "Chris_Paul", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201883, 211234, "The_X-Files_-LRB-franchise-RRB-", 8]]], "all_evidence": [[201883, 211234, "The_X-Files_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121038, null, null, null]]], "all_evidence": [[121038, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216887, 223534, "Kyra_Sedgwick", 8]], [[216887, 223535, "Kyra_Sedgwick", 9]]], "all_evidence": [[216887, 223534, "Kyra_Sedgwick", 8], [216887, 223535, "Kyra_Sedgwick", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185180, null, null, null]]], "all_evidence": [[185180, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242342, 243745, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242342, 243745, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35655, 43205, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[35655, 43205, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194228, 204607, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194228, 204607, "Elias_Koteas", 0], [194228, 204607, "Jim_Caviezel", 0]], [[194228, 204608, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 7], [194228, 204608, "Adrien_Brody", 0]]], "all_evidence": [[194228, 204607, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194228, 204607, "Elias_Koteas", 0], [194228, 204607, "Jim_Caviezel", 0], [194228, 204608, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 7], [194228, 204608, "Adrien_Brody", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102688, null, null, null]]], "all_evidence": [[102688, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51896, null, null, null]]], "all_evidence": [[51896, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260733, 259055, "Species_distribution", 14]], [[260734, 259056, "Species_distribution", 14]]], "all_evidence": [[260733, 259055, "Species_distribution", 14], [260734, 259056, "Species_distribution", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244772, 245693, "Punch-Drunk_Love", 4]], [[244780, 245700, "Punch-Drunk_Love", 4]]], "all_evidence": [[244772, 245693, "Punch-Drunk_Love", 4], [244780, 245700, "Punch-Drunk_Love", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87762, 100273, "John_Goodman", 7]]], "all_evidence": [[87762, 100273, "John_Goodman", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69747, null, null, null]]], "all_evidence": [[69747, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296945, 288664, "William_Blackstone", 2]], [[296946, 288665, "William_Blackstone", 2]], [[298606, 290070, "William_Blackstone", 2]], [[344375, 327909, "William_Blackstone", 2]], [[344524, 328027, "William_Blackstone", 2]]], "all_evidence": [[296945, 288664, "William_Blackstone", 2], [296946, 288665, "William_Blackstone", 2], [298606, 290070, "William_Blackstone", 2], [344375, 327909, "William_Blackstone", 2], [344524, 328027, "William_Blackstone", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237152, 239422, "Web_page", 14]]], "all_evidence": [[237152, 239422, "Web_page", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63113, 73818, "Doxycycline", 6]]], "all_evidence": [[63113, 73818, "Doxycycline", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263299, 261009, "Ted_Cruz", 0]], [[263299, 261010, "Ted_Cruz", 1]]], "all_evidence": [[263299, 261009, "Ted_Cruz", 0], [263299, 261010, "Ted_Cruz", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225548, 230178, "Staging_area", 0]]], "all_evidence": [[225548, 230178, "Staging_area", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196114, 206260, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196114, 206260, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20053, 24611, "Joseph_Merrick", 0]]], "all_evidence": [[20053, 24611, "Joseph_Merrick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200666, null, null, null]]], "all_evidence": [[200666, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81195, 93012, "Jack_Lowden", 9]]], "all_evidence": [[81195, 93012, "Jack_Lowden", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263298, 261008, "Ted_Cruz", 0]]], "all_evidence": [[263298, 261008, "Ted_Cruz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22333, 27524, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]], "all_evidence": [[22333, 27524, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198870, 208575, "Scream_2", 0]]], "all_evidence": [[198870, 208575, "Scream_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28386, 34696, "Maria_Theresa", 1]]], "all_evidence": [[28386, 34696, "Maria_Theresa", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233847, null, null, null], [233848, null, null, null]]], "all_evidence": [[233847, null, null, null], [233848, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206582, null, null, null]]], "all_evidence": [[206582, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32688, 39737, "General_Motors", 12]]], "all_evidence": [[32688, 39737, "General_Motors", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159945, null, null, null]]], "all_evidence": [[159945, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226985, 231426, "Ed_Gagliardi", 13]]], "all_evidence": [[226985, 231426, "Ed_Gagliardi", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245181, 246062, "Military_deception", 2]]], "all_evidence": [[245181, 246062, "Military_deception", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87490, null, null, null]]], "all_evidence": [[87490, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272731, 268438, "Telephone_-LRB-song-RRB-", 5]]], "all_evidence": [[272731, 268438, "Telephone_-LRB-song-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253249, null, null, null]]], "all_evidence": [[253249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178880, null, null, null]]], "all_evidence": [[178880, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206289, 214678, "Trick-or-treating", 1]]], "all_evidence": [[206289, 214678, "Trick-or-treating", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56346, 66544, "Super_Bowl_XLV", 2]]], "all_evidence": [[56346, 66544, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152232, null, null, null]]], "all_evidence": [[152232, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274448, 269741, "Team_Fortress_2", 0]], [[274450, 269743, "Team_Fortress_2", 0], [274450, 269743, "Multiplayer_video_game", 0], [274450, 269743, "Multiplayer_video_game", 2]], [[274452, 269745, "Team_Fortress_2", 0]], [[322556, 310863, "Team_Fortress_2", 0]], [[323620, 311818, "Team_Fortress_2", 0]], [[323625, 311822, "Team_Fortress_2", 0]], [[323625, 311823, "Team_Fortress_2", 15]], [[323625, 311824, "Team_Fortress_2", 12], [323625, 311824, "Source_-LRB-game_engine-RRB-", 0]], [[323625, 311825, "Team_Fortress_2", 9], [323625, 311825, "Robin_Walker_-LRB-game_designer-RRB-", 0]], [[323625, 311826, "Team_Fortress_2", 8]], [[323625, 311827, "Team_Fortress_2", 5], [323625, 311827, "Electronic_Arts", 0]], [[323625, 311828, "Team_Fortress_2", 2], [323625, 311828, "The_Orange_Box", 9]], [[323625, 311829, "Team_Fortress_2", 1], [323625, 311829, "Team_Fortress_Classic", 0]]], "all_evidence": [[274448, 269741, "Team_Fortress_2", 0], [274450, 269743, "Team_Fortress_2", 0], [274450, 269743, "Multiplayer_video_game", 0], [274450, 269743, "Multiplayer_video_game", 2], [274452, 269745, "Team_Fortress_2", 0], [322556, 310863, "Team_Fortress_2", 0], [323620, 311818, "Team_Fortress_2", 0], [323625, 311822, "Team_Fortress_2", 0], [323625, 311823, "Team_Fortress_2", 15], [323625, 311824, "Team_Fortress_2", 12], [323625, 311824, "Source_-LRB-game_engine-RRB-", 0], [323625, 311825, "Team_Fortress_2", 9], [323625, 311825, "Robin_Walker_-LRB-game_designer-RRB-", 0], [323625, 311826, "Team_Fortress_2", 8], [323625, 311827, "Team_Fortress_2", 5], [323625, 311827, "Electronic_Arts", 0], [323625, 311828, "Team_Fortress_2", 2], [323625, 311828, "The_Orange_Box", 9], [323625, 311829, "Team_Fortress_2", 1], [323625, 311829, "Team_Fortress_Classic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232374, null, null, null]]], "all_evidence": [[232374, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75935, 87218, "Physics", 4]]], "all_evidence": [[75935, 87218, "Physics", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123376, null, null, null]]], "all_evidence": [[123376, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186968, null, null, null]]], "all_evidence": [[186968, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60163, 70584, "Heath_Ledger", 15]]], "all_evidence": [[60163, 70584, "Heath_Ledger", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65544, 76415, "Vincent_D'Onofrio", 4]]], "all_evidence": [[65544, 76415, "Vincent_D'Onofrio", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40465, null, null, null]]], "all_evidence": [[40465, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105209, null, null, null]]], "all_evidence": [[105209, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42214, 50802, "Camp_Flog_Gnaw", 0]]], "all_evidence": [[42214, 50802, "Camp_Flog_Gnaw", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76047, 87336, "Independent_Spirit_Awards", 10]]], "all_evidence": [[76047, 87336, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33078, 40172, "A._P._J._Abdul_Kalam", 7]]], "all_evidence": [[33078, 40172, "A._P._J._Abdul_Kalam", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161567, null, null, null]]], "all_evidence": [[161567, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[298821, 290217, "American_Idol_-LRB-season_8-RRB-", 1]], [[344904, 328350, "American_Idol_-LRB-season_8-RRB-", 1]], [[344915, 328358, "American_Idol_-LRB-season_8-RRB-", 1], [344915, 328358, "American_Idol_-LRB-season_8-RRB-", 0]], [[344916, 328359, "American_Idol_-LRB-season_8-RRB-", 1]]], "all_evidence": [[298821, 290217, "American_Idol_-LRB-season_8-RRB-", 1], [344904, 328350, "American_Idol_-LRB-season_8-RRB-", 1], [344915, 328358, "American_Idol_-LRB-season_8-RRB-", 1], [344915, 328358, "American_Idol_-LRB-season_8-RRB-", 0], [344916, 328359, "American_Idol_-LRB-season_8-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50933, null, null, null]]], "all_evidence": [[50933, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207540, 215786, "Dawood_Ibrahim", 0], [207540, 215786, "Dongri", 0]]], "all_evidence": [[207540, 215786, "Dawood_Ibrahim", 0], [207540, 215786, "Dongri", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87720, 100229, "Salt_River_Valley", 0]]], "all_evidence": [[87720, 100229, "Salt_River_Valley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263083, 260866, "Group_of_15", 4]], [[263085, 260867, "Group_of_15", 4]], [[263102, 260874, "Group_of_15", 4]]], "all_evidence": [[263083, 260866, "Group_of_15", 4], [263085, 260867, "Group_of_15", 4], [263102, 260874, "Group_of_15", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172600, 185885, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[172600, 185885, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35485, 43002, "Icelandic_Coast_Guard", 0]]], "all_evidence": [[35485, 43002, "Icelandic_Coast_Guard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79730, 91473, "Mars", 0], [79730, 91473, "Solar_System", 33]]], "all_evidence": [[79730, 91473, "Mars", 0], [79730, 91473, "Solar_System", 33]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173501, null, null, null]]], "all_evidence": [[173501, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32701, null, null, null]]], "all_evidence": [[32701, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86311, null, null, null]]], "all_evidence": [[86311, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291502, 284422, "Elizabeth_of_York", 1]], [[337750, 323096, "Elizabeth_of_York", 1]], [[337754, 323097, "Elizabeth_of_York", 1]]], "all_evidence": [[291502, 284422, "Elizabeth_of_York", 1], [337750, 323096, "Elizabeth_of_York", 1], [337754, 323097, "Elizabeth_of_York", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100611, null, null, null]]], "all_evidence": [[100611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[230184, 233937, "Hyksos", 18]], [[230185, 233938, "Hyksos", 18]]], "all_evidence": [[230184, 233937, "Hyksos", 18], [230185, 233938, "Hyksos", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123369, 137824, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[123369, 137824, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121277, 135573, "Tangled", 0]], [[123054, 137333, "Tangled", 12]], [[124563, 138900, "Tangled", 12]], [[308656, 298985, "Tangled", 0]], [[308656, 298986, "Tangled", 12]], [[310340, 300398, "Tangled", 12]]], "all_evidence": [[121277, 135573, "Tangled", 0], [123054, 137333, "Tangled", 12], [124563, 138900, "Tangled", 12], [308656, 298985, "Tangled", 0], [308656, 298986, "Tangled", 12], [310340, 300398, "Tangled", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150372, 165273, "Cambridgeshire", 7]]], "all_evidence": [[150372, 165273, "Cambridgeshire", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142106, null, null, null]]], "all_evidence": [[142106, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132978, 147864, "Little_Dorrit", 0]]], "all_evidence": [[132978, 147864, "Little_Dorrit", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54652, 64646, "Kenny_Chesney", 0]], [[54652, 64647, "Kenny_Chesney", 1]]], "all_evidence": [[54652, 64646, "Kenny_Chesney", 0], [54652, 64647, "Kenny_Chesney", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85548, 97859, "Romani_people_in_the_Republic_of_Macedonia", 0]]], "all_evidence": [[85548, 97859, "Romani_people_in_the_Republic_of_Macedonia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130621, null, null, null]]], "all_evidence": [[130621, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155347, 170045, "Anxiety", 13]]], "all_evidence": [[155347, 170045, "Anxiety", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28066, 34355, "Keith_Stanfield", 0]]], "all_evidence": [[28066, 34355, "Keith_Stanfield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93394, 106346, "American_Civil_War", 12]]], "all_evidence": [[93394, 106346, "American_Civil_War", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90360, 103107, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]], [[90361, 103108, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]], "all_evidence": [[90360, 103107, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5], [90361, 103108, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179421, 191982, "The_Beverly_Hillbillies", 0]], [[179421, 191983, "The_Beverly_Hillbillies", 1], [179421, 191983, "Ensemble_cast", 0]], [[179421, 191984, "The_Beverly_Hillbillies", 2]], [[179421, 191985, "The_Beverly_Hillbillies", 6]], [[179421, 191986, "The_Beverly_Hillbillies", 8]]], "all_evidence": [[179421, 191982, "The_Beverly_Hillbillies", 0], [179421, 191983, "The_Beverly_Hillbillies", 1], [179421, 191983, "Ensemble_cast", 0], [179421, 191984, "The_Beverly_Hillbillies", 2], [179421, 191985, "The_Beverly_Hillbillies", 6], [179421, 191986, "The_Beverly_Hillbillies", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129837, 144550, "B._R._Ambedkar", 0]]], "all_evidence": [[129837, 144550, "B._R._Ambedkar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292083, 284916, "Zoe_Saldana", 0]], [[294103, 286470, "Zoe_Saldana", 0]], [[294144, 286495, "Zoe_Saldana", 0]], [[294144, 286496, "Zoe_Saldana", 3], [294144, 286496, "Star_Trek_-LRB-film-RRB-", 14]], [[339112, 324154, "Zoe_Saldana", 0]], [[339122, 324158, "Zoe_Saldana", 0]]], "all_evidence": [[292083, 284916, "Zoe_Saldana", 0], [294103, 286470, "Zoe_Saldana", 0], [294144, 286495, "Zoe_Saldana", 0], [294144, 286496, "Zoe_Saldana", 3], [294144, 286496, "Star_Trek_-LRB-film-RRB-", 14], [339112, 324154, "Zoe_Saldana", 0], [339122, 324158, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63260, 73985, "Georgians", 4]]], "all_evidence": [[63260, 73985, "Georgians", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68067, null, null, null]]], "all_evidence": [[68067, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128418, 143130, "Stanford_prison_experiment", 2]], [[130313, 145059, "Stanford_prison_experiment", 2], [130313, 145059, "Office_of_Naval_Research", 0]], [[131955, 146792, "Stanford_prison_experiment", 2], [131955, 146792, "Office_of_Naval_Research", 0]], [[308976, 299259, "Stanford_prison_experiment", 2], [308976, 299259, "Office_of_Naval_Research", 0]], [[308978, 299261, "Stanford_prison_experiment", 2], [308978, 299261, "Office_of_Naval_Research", 0]]], "all_evidence": [[128418, 143130, "Stanford_prison_experiment", 2], [130313, 145059, "Stanford_prison_experiment", 2], [130313, 145059, "Office_of_Naval_Research", 0], [131955, 146792, "Stanford_prison_experiment", 2], [131955, 146792, "Office_of_Naval_Research", 0], [308976, 299259, "Stanford_prison_experiment", 2], [308976, 299259, "Office_of_Naval_Research", 0], [308978, 299261, "Stanford_prison_experiment", 2], [308978, 299261, "Office_of_Naval_Research", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136193, 151025, "The_Beguiled_-LRB-1971_film-RRB-", 1], [136193, 151025, "Albert_Maltz", 0]]], "all_evidence": [[136193, 151025, "The_Beguiled_-LRB-1971_film-RRB-", 1], [136193, 151025, "Albert_Maltz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206606, null, null, null]]], "all_evidence": [[206606, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202121, 211452, "Deepika_Padukone", 9], [202121, 211452, "Housefull_-LRB-2010_film-RRB-", 0], [202121, 211452, "Love_Aaj_Kal", 0]], [[202121, 211453, "Deepika_Padukone", 13], [202121, 211453, "Chennai_Express", 0], [202121, 211453, "Yeh_Jawaani_Hai_Deewani", 0]], [[202121, 211454, "Deepika_Padukone", 14], [202121, 211454, "Goliyon_Ki_Raasleela_Ram-Leela", 0], [202121, 211454, "Piku", 0]], [[204978, 213643, "Deepika_Padukone", 8], [204978, 213643, "Om_Shanti_Om", 0], [204978, 213643, "Deepika_Padukone", 9], [204978, 213643, "Love_Aaj_Kal", 0]], [[204978, 213644, "Deepika_Padukone", 13], [204978, 213644, "Happy_New_Year_-LRB-2014_film-RRB-", 0], [204978, 213644, "Yeh_Jawaani_Hai_Deewani", 0]], [[204978, 213645, "Deepika_Padukone", 14], [204978, 213645, "Goliyon_Ki_Raasleela_Ram-Leela", 0], [204978, 213645, "Deepika_Padukone", 12], [204978, 213645, "Cocktail_-LRB-2012_film-RRB-", 0]], [[207452, 215716, "Deepika_Padukone", 9], [207452, 215716, "Bachna_Ae_Haseeno", 0], [207452, 215716, "Housefull_-LRB-2010_film-RRB-", 0], [207452, 215716, "Love_Aaj_Kal", 0]], [[315689, 304931, "Deepika_Padukone", 9], [315689, 304931, "Bachna_Ae_Haseeno", 0], [315689, 304931, "Housefull_-LRB-2010_film-RRB-", 0], [315689, 304931, "Love_Aaj_Kal", 0]], [[315689, 304932, "Deepika_Padukone", 13], [315689, 304932, "Bajirao_Mastani", 0], [315689, 304932, "Chennai_Express", 0], [315689, 304932, "Happy_New_Year_-LRB-2014_film-RRB-", 0], [315689, 304932, "Yeh_Jawaani_Hai_Deewani", 0]], [[315689, 304933, "Deepika_Padukone", 14], [315689, 304933, "Goliyon_Ki_Raasleela_Ram-Leela", 0], [315689, 304933, "Piku", 0]], [[315701, 304944, "Deepika_Padukone", 9], [315701, 304944, "Bachna_Ae_Haseeno", 0], [315701, 304944, "Housefull_-LRB-2010_film-RRB-", 0]], [[315701, 304945, "Deepika_Padukone", 13], [315701, 304945, "Bajirao_Mastani", 0], [315701, 304945, "Chennai_Express", 0]]], "all_evidence": [[202121, 211452, "Deepika_Padukone", 9], [202121, 211452, "Housefull_-LRB-2010_film-RRB-", 0], [202121, 211452, "Love_Aaj_Kal", 0], [202121, 211453, "Deepika_Padukone", 13], [202121, 211453, "Chennai_Express", 0], [202121, 211453, "Yeh_Jawaani_Hai_Deewani", 0], [202121, 211454, "Deepika_Padukone", 14], [202121, 211454, "Goliyon_Ki_Raasleela_Ram-Leela", 0], [202121, 211454, "Piku", 0], [204978, 213643, "Deepika_Padukone", 8], [204978, 213643, "Om_Shanti_Om", 0], [204978, 213643, "Deepika_Padukone", 9], [204978, 213643, "Love_Aaj_Kal", 0], [204978, 213644, "Deepika_Padukone", 13], [204978, 213644, "Happy_New_Year_-LRB-2014_film-RRB-", 0], [204978, 213644, "Yeh_Jawaani_Hai_Deewani", 0], [204978, 213645, "Deepika_Padukone", 14], [204978, 213645, "Goliyon_Ki_Raasleela_Ram-Leela", 0], [204978, 213645, "Deepika_Padukone", 12], [204978, 213645, "Cocktail_-LRB-2012_film-RRB-", 0], [207452, 215716, "Deepika_Padukone", 9], [207452, 215716, "Bachna_Ae_Haseeno", 0], [207452, 215716, "Housefull_-LRB-2010_film-RRB-", 0], [207452, 215716, "Love_Aaj_Kal", 0], [315689, 304931, "Deepika_Padukone", 9], [315689, 304931, "Bachna_Ae_Haseeno", 0], [315689, 304931, "Housefull_-LRB-2010_film-RRB-", 0], [315689, 304931, "Love_Aaj_Kal", 0], [315689, 304932, "Deepika_Padukone", 13], [315689, 304932, "Bajirao_Mastani", 0], [315689, 304932, "Chennai_Express", 0], [315689, 304932, "Happy_New_Year_-LRB-2014_film-RRB-", 0], [315689, 304932, "Yeh_Jawaani_Hai_Deewani", 0], [315689, 304933, "Deepika_Padukone", 14], [315689, 304933, "Goliyon_Ki_Raasleela_Ram-Leela", 0], [315689, 304933, "Piku", 0], [315701, 304944, "Deepika_Padukone", 9], [315701, 304944, "Bachna_Ae_Haseeno", 0], [315701, 304944, "Housefull_-LRB-2010_film-RRB-", 0], [315701, 304945, "Deepika_Padukone", 13], [315701, 304945, "Bajirao_Mastani", 0], [315701, 304945, "Chennai_Express", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137682, 152593, "Vatican_City", 11]]], "all_evidence": [[137682, 152593, "Vatican_City", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128754, 143423, "Two_and_a_Half_Men", 1], [128754, 143423, "Angus_T._Jones", 1]]], "all_evidence": [[128754, 143423, "Two_and_a_Half_Men", 1], [128754, 143423, "Angus_T._Jones", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155401, null, null, null]]], "all_evidence": [[155401, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237272, 239519, "Thunderstorm", 0]]], "all_evidence": [[237272, 239519, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237123, null, null, null], [237125, null, null, null]]], "all_evidence": [[237123, null, null, null], [237125, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147866, 162875, "Antigua", 0]]], "all_evidence": [[147866, 162875, "Antigua", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160016, null, null, null]]], "all_evidence": [[160016, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174719, null, null, null]]], "all_evidence": [[174719, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[170599, 184142, "Elizabeth_of_York", 2]]], "all_evidence": [[170599, 184142, "Elizabeth_of_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11889, 14904, "Michael_Hutchence", 15]]], "all_evidence": [[11889, 14904, "Michael_Hutchence", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25255, 31148, "Jimi_Hendrix", 6], [25255, 31148, "101st_Airborne_Division", 0]]], "all_evidence": [[25255, 31148, "Jimi_Hendrix", 6], [25255, 31148, "101st_Airborne_Division", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135899, 150729, "John_Frusciante", 0]], [[135899, 150730, "John_Frusciante", 1]], [[135899, 150731, "John_Frusciante", 5]]], "all_evidence": [[135899, 150729, "John_Frusciante", 0], [135899, 150730, "John_Frusciante", 1], [135899, 150731, "John_Frusciante", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194656, null, null, null]]], "all_evidence": [[194656, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267494, 264191, "Baja_1000", 14]]], "all_evidence": [[267494, 264191, "Baja_1000", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79504, null, null, null]]], "all_evidence": [[79504, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237319, null, null, null]]], "all_evidence": [[237319, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23165, 28523, "Spider-Man_2", 0]], [[23165, 28524, "Spider-Man_2", 1]], [[23165, 28525, "Spider-Man_2", 5]], [[23165, 28526, "Spider-Man_2", 10]], [[23165, 28527, "Spider-Man_2", 11]], [[23165, 28528, "Spider-Man_2", 12]]], "all_evidence": [[23165, 28523, "Spider-Man_2", 0], [23165, 28524, "Spider-Man_2", 1], [23165, 28525, "Spider-Man_2", 5], [23165, 28526, "Spider-Man_2", 10], [23165, 28527, "Spider-Man_2", 11], [23165, 28528, "Spider-Man_2", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218851, 225035, "Logie_Awards", 8], [218851, 225035, "Melbourne", 0]]], "all_evidence": [[218851, 225035, "Logie_Awards", 8], [218851, 225035, "Melbourne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89699, 102388, "Maltese_language", 0], [89699, 102388, "Semitic_languages", 5]], [[89699, 102389, "Maltese_language", 1], [89699, 102389, "Varieties_of_Arabic", 1]]], "all_evidence": [[89699, 102388, "Maltese_language", 0], [89699, 102388, "Semitic_languages", 5], [89699, 102389, "Maltese_language", 1], [89699, 102389, "Varieties_of_Arabic", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102252, null, null, null]]], "all_evidence": [[102252, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212553, null, null, null]]], "all_evidence": [[212553, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44623, null, null, null]]], "all_evidence": [[44623, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143589, 158707, "The_Invisible_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[143589, 158707, "The_Invisible_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60638, 71058, "Amancio_Ortega", 0]], [[60638, 71059, "Amancio_Ortega", 1]], [[60638, 71060, "Amancio_Ortega", 5]]], "all_evidence": [[60638, 71058, "Amancio_Ortega", 0], [60638, 71059, "Amancio_Ortega", 1], [60638, 71060, "Amancio_Ortega", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44517, null, null, null]]], "all_evidence": [[44517, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56006, null, null, null]]], "all_evidence": [[56006, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261356, null, null, null]]], "all_evidence": [[261356, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230486, 234144, "Jon_Hamm", 14]]], "all_evidence": [[230486, 234144, "Jon_Hamm", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80914, 92768, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[80914, 92768, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95477, 108487, "Lorelai_Gilmore", 3]]], "all_evidence": [[95477, 108487, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186964, null, null, null]]], "all_evidence": [[186964, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99668, 112802, "Touch_My_Body", 0]]], "all_evidence": [[99668, 112802, "Touch_My_Body", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269178, null, null, null]]], "all_evidence": [[269178, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14643, 18263, "Mercedes-Benz", 0]]], "all_evidence": [[14643, 18263, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87641, 100156, "General_Motors", 12]]], "all_evidence": [[87641, 100156, "General_Motors", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48823, 58143, "Watertown,_Massachusetts", 0], [48823, 58143, "Middlesex_County,_Massachusetts", 5]]], "all_evidence": [[48823, 58143, "Watertown,_Massachusetts", 0], [48823, 58143, "Middlesex_County,_Massachusetts", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147715, 162739, "Moscovium", 0]], [[147715, 162740, "Moscovium", 1]], [[147715, 162741, "Moscovium", 2]], [[147715, 162742, "Moscovium", 6]], [[147715, 162743, "Moscovium", 7]], [[147715, 162744, "Moscovium", 8], [147715, 162744, "Period_7_element", 0]], [[147715, 162745, "Moscovium", 9]], [[147715, 162746, "Moscovium", 10]]], "all_evidence": [[147715, 162739, "Moscovium", 0], [147715, 162740, "Moscovium", 1], [147715, 162741, "Moscovium", 2], [147715, 162742, "Moscovium", 6], [147715, 162743, "Moscovium", 7], [147715, 162744, "Moscovium", 8], [147715, 162744, "Period_7_element", 0], [147715, 162745, "Moscovium", 9], [147715, 162746, "Moscovium", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187293, 198943, "Aeneas", 2]]], "all_evidence": [[187293, 198943, "Aeneas", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[295467, 287579, "Roberto_Orci", 1]], [[295468, 287580, "Roberto_Orci", 1]], [[341027, 325494, "Roberto_Orci", 1]], [[341027, 325495, "Roberto_Orci", 4]], [[341027, 325496, "Roberto_Orci", 3]], [[341027, 325497, "Roberto_Orci", 2]], [[341027, 325498, "Roberto_Orci", 5]], [[341027, 325499, "Roberto_Orci", 9]], [[341027, 325500, "Roberto_Orci", 10]], [[341027, 325501, "Roberto_Orci", 11]], [[341027, 325502, "Roberto_Orci", 13]]], "all_evidence": [[295467, 287579, "Roberto_Orci", 1], [295468, 287580, "Roberto_Orci", 1], [341027, 325494, "Roberto_Orci", 1], [341027, 325495, "Roberto_Orci", 4], [341027, 325496, "Roberto_Orci", 3], [341027, 325497, "Roberto_Orci", 2], [341027, 325498, "Roberto_Orci", 5], [341027, 325499, "Roberto_Orci", 9], [341027, 325500, "Roberto_Orci", 10], [341027, 325501, "Roberto_Orci", 11], [341027, 325502, "Roberto_Orci", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198880, 208579, "Scream_2", 0]]], "all_evidence": [[198880, 208579, "Scream_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172191, 185579, "The_Quiet", 4]]], "all_evidence": [[172191, 185579, "The_Quiet", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26087, 32085, "Menace_II_Society", 0]], [[26087, 32086, "Menace_II_Society", 1]], [[26087, 32087, "Menace_II_Society", 2]]], "all_evidence": [[26087, 32085, "Menace_II_Society", 0], [26087, 32086, "Menace_II_Society", 1], [26087, 32087, "Menace_II_Society", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154706, 169460, "House_of_Balloons", 0]], [[154707, 169461, "House_of_Balloons", 0], [154707, 169461, "The_Weeknd", 0]]], "all_evidence": [[154706, 169460, "House_of_Balloons", 0], [154707, 169461, "House_of_Balloons", 0], [154707, 169461, "The_Weeknd", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73612, 84855, "Kenny_Chesney", 0]]], "all_evidence": [[73612, 84855, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266496, 263464, "UNICEF_UK", 0]], [[266497, 263465, "UNICEF_UK", 0]], [[266498, 263466, "UNICEF_UK", 0]]], "all_evidence": [[266496, 263464, "UNICEF_UK", 0], [266497, 263465, "UNICEF_UK", 0], [266498, 263466, "UNICEF_UK", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39736, null, null, null]]], "all_evidence": [[39736, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126648, 141067, "Konidela_Production_Company", 0]]], "all_evidence": [[126648, 141067, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141681, 156921, "New_England_Patriots", 16]]], "all_evidence": [[141681, 156921, "New_England_Patriots", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255031, 254586, "The_Tracey_Fragments_-LRB-film-RRB-", 4]]], "all_evidence": [[255031, 254586, "The_Tracey_Fragments_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95812, 108869, "Henry_Condell", 55]], [[95812, 108870, "Henry_Condell", 0], [95812, 108870, "Henry_Condell", 15]]], "all_evidence": [[95812, 108869, "Henry_Condell", 55], [95812, 108870, "Henry_Condell", 0], [95812, 108870, "Henry_Condell", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64480, null, null, null]]], "all_evidence": [[64480, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35264, null, null, null]]], "all_evidence": [[35264, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183688, null, null, null]]], "all_evidence": [[183688, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275339, 270489, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [275339, 270489, "Gary_Ross", 0]], [[275352, 270506, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [275352, 270506, "Gary_Ross", 0], [275352, 270506, "Gary_Ross", 1]], [[324368, 312374, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [324368, 312374, "Gary_Ross", 0]], [[325826, 313435, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [325826, 313435, "Francis_Lawrence", 0], [325826, 313435, "Francis_Lawrence", 1]], [[326030, 313614, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [326030, 313614, "Francis_Lawrence", 0]]], "all_evidence": [[275339, 270489, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [275339, 270489, "Gary_Ross", 0], [275352, 270506, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [275352, 270506, "Gary_Ross", 0], [275352, 270506, "Gary_Ross", 1], [324368, 312374, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [324368, 312374, "Gary_Ross", 0], [325826, 313435, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [325826, 313435, "Francis_Lawrence", 0], [325826, 313435, "Francis_Lawrence", 1], [326030, 313614, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [326030, 313614, "Francis_Lawrence", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85672, 97978, "Floyd_Mayweather_Jr.", 10], [85672, 97978, "Floyd_Mayweather_Jr.", 1]]], "all_evidence": [[85672, 97978, "Floyd_Mayweather_Jr.", 10], [85672, 97978, "Floyd_Mayweather_Jr.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251588, 251407, "Gory_Guerrero", 0]], [[251589, 251408, "Gory_Guerrero", 0]], [[251594, 251411, "Gory_Guerrero", 0]]], "all_evidence": [[251588, 251407, "Gory_Guerrero", 0], [251589, 251408, "Gory_Guerrero", 0], [251594, 251411, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[317984, null, null, null], [319650, null, null, null]]], "all_evidence": [[317984, null, null, null], [319650, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67226, null, null, null]]], "all_evidence": [[67226, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131176, null, null, null]]], "all_evidence": [[131176, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88878, 101508, "Melilla", 0]], [[88878, 101509, "Melilla", 1]]], "all_evidence": [[88878, 101508, "Melilla", 0], [88878, 101509, "Melilla", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146301, null, null, null]]], "all_evidence": [[146301, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143113, 158223, "Amy_Winehouse", 10]]], "all_evidence": [[143113, 158223, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225570, null, null, null]]], "all_evidence": [[225570, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107249, 120657, "Sky_UK", 0]], [[107249, 120658, "Sky_UK", 9]], [[107249, 120659, "Sky_UK", 14]]], "all_evidence": [[107249, 120657, "Sky_UK", 0], [107249, 120658, "Sky_UK", 9], [107249, 120659, "Sky_UK", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160150, 174669, "Stanford_prison_experiment", 2]]], "all_evidence": [[160150, 174669, "Stanford_prison_experiment", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134776, 149693, "The_Hunger_Games_-LRB-novel-RRB-", 16]]], "all_evidence": [[134776, 149693, "The_Hunger_Games_-LRB-novel-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128156, 142871, "Chris_Benoit", 0]]], "all_evidence": [[128156, 142871, "Chris_Benoit", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101806, 115048, "Ian_Gillan", 0]]], "all_evidence": [[101806, 115048, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234320, null, null, null]]], "all_evidence": [[234320, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230482, null, null, null]]], "all_evidence": [[230482, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177392, null, null, null], [314041, null, null, null], [314049, null, null, null]]], "all_evidence": [[177392, null, null, null], [314041, null, null, null], [314049, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[300625, 291770, "Roberto_Orci", 0]], [[300625, 291771, "Roberto_Orci", 5]], [[300625, 291772, "Roberto_Orci", 14]]], "all_evidence": [[300625, 291770, "Roberto_Orci", 0], [300625, 291771, "Roberto_Orci", 5], [300625, 291772, "Roberto_Orci", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106968, null, null, null]]], "all_evidence": [[106968, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161705, 176126, "Yugoslavia", 0]], [[161705, 176127, "Yugoslavia", 1]], [[161705, 176128, "Yugoslavia", 3]], [[161705, 176129, "Yugoslavia", 7]], [[161705, 176130, "Yugoslavia", 8]], [[161705, 176131, "Yugoslavia", 10]], [[161705, 176132, "Yugoslavia", 13]]], "all_evidence": [[161705, 176126, "Yugoslavia", 0], [161705, 176127, "Yugoslavia", 1], [161705, 176128, "Yugoslavia", 3], [161705, 176129, "Yugoslavia", 7], [161705, 176130, "Yugoslavia", 8], [161705, 176131, "Yugoslavia", 10], [161705, 176132, "Yugoslavia", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96522, 109696, "Sausage_Party", 0]], [[96522, 109697, "Sausage_Party", 5]], [[96533, 109704, "Sausage_Party", 0]], [[96533, 109705, "Sausage_Party", 5]]], "all_evidence": [[96522, 109696, "Sausage_Party", 0], [96522, 109697, "Sausage_Party", 5], [96533, 109704, "Sausage_Party", 0], [96533, 109705, "Sausage_Party", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77146, 88564, "Scream_-LRB-franchise-RRB-", 2]]], "all_evidence": [[77146, 88564, "Scream_-LRB-franchise-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52017, 61903, "Johnny_Van_Zant", 0]], [[52017, 61904, "Johnny_Van_Zant", 4]], [[52017, 61905, "Johnny_Van_Zant", 10]]], "all_evidence": [[52017, 61903, "Johnny_Van_Zant", 0], [52017, 61904, "Johnny_Van_Zant", 4], [52017, 61905, "Johnny_Van_Zant", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169885, 183479, "Africa_Cup_of_Nations", 17]]], "all_evidence": [[169885, 183479, "Africa_Cup_of_Nations", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275760, 270869, "South_Island", 5]], [[278066, 272958, "South_Island", 5]], [[278068, 272959, "South_Island", 5]], [[324868, 312712, "South_Island", 5]]], "all_evidence": [[275760, 270869, "South_Island", 5], [278066, 272958, "South_Island", 5], [278068, 272959, "South_Island", 5], [324868, 312712, "South_Island", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101780, 115029, "Buffy_the_Vampire_Slayer", 0]]], "all_evidence": [[101780, 115029, "Buffy_the_Vampire_Slayer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205720, 214207, "Pythagoras", 0]], [[205720, 214208, "Pythagoras", 6]], [[205720, 214209, "Pythagoras", 7]]], "all_evidence": [[205720, 214207, "Pythagoras", 0], [205720, 214208, "Pythagoras", 6], [205720, 214209, "Pythagoras", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279132, 273784, "Phoenix,_Arizona", 0]], [[280713, 275123, "Phoenix,_Arizona", 0]], [[280981, 275377, "Phoenix,_Arizona", 0]], [[327350, 314631, "Phoenix,_Arizona", 0]], [[327351, 314632, "Phoenix,_Arizona", 0]], [[327352, 314633, "Phoenix,_Arizona", 0]]], "all_evidence": [[279132, 273784, "Phoenix,_Arizona", 0], [280713, 275123, "Phoenix,_Arizona", 0], [280981, 275377, "Phoenix,_Arizona", 0], [327350, 314631, "Phoenix,_Arizona", 0], [327351, 314632, "Phoenix,_Arizona", 0], [327352, 314633, "Phoenix,_Arizona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14121, null, null, null], [14156, null, null, null]]], "all_evidence": [[14121, null, null, null], [14156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62372, 72973, "Estonia", 0]], [[62372, 72974, "Estonia", 14]], [[62372, 72975, "Estonia", 20]], [[62372, 72976, "Estonia", 26]]], "all_evidence": [[62372, 72973, "Estonia", 0], [62372, 72974, "Estonia", 14], [62372, 72975, "Estonia", 20], [62372, 72976, "Estonia", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61473, 71989, "Raja_Hindustani", 0]]], "all_evidence": [[61473, 71989, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85293, 97602, "Natasha_Lyonne", 0]]], "all_evidence": [[85293, 97602, "Natasha_Lyonne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50361, 59956, "Loretta_Sanchez", 0]]], "all_evidence": [[50361, 59956, "Loretta_Sanchez", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105238, 118659, "Scaramouche", 0]]], "all_evidence": [[105238, 118659, "Scaramouche", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117867, null, null, null]]], "all_evidence": [[117867, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235012, 237770, "Sweet_Home_Alabama", 4], [235012, 237770, "Sweet_Home_Alabama", 0]]], "all_evidence": [[235012, 237770, "Sweet_Home_Alabama", 4], [235012, 237770, "Sweet_Home_Alabama", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36997, 44654, "Mormons", 24]]], "all_evidence": [[36997, 44654, "Mormons", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32834, 39915, "Joseph_Merrick", 29], [32834, 39915, "The_Elephant_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[32834, 39915, "Joseph_Merrick", 29], [32834, 39915, "The_Elephant_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212893, null, null, null]]], "all_evidence": [[212893, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131040, 145810, "Kevin_Costner", 1]], [[131040, 145812, "Kevin_Costner", 8]]], "all_evidence": [[131040, 145810, "Kevin_Costner", 1], [131040, 145812, "Kevin_Costner", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138327, 153349, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[138327, 153349, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82402, 94176, "Raja_Hindustani", 0]], [[82402, 94177, "Raja_Hindustani", 3]], [[82402, 94178, "Raja_Hindustani", 4], [82402, 94178, "Nadeem\u2013Shravan", 12]], [[82402, 94179, "Raja_Hindustani", 5]], [[82402, 94180, "Raja_Hindustani", 2], [82402, 94180, "Aamir_Khan", 9]], [[82402, 94181, "Raja_Hindustani", 8]], [[82402, 94182, "Raja_Hindustani", 9]], [[82402, 94183, "Raja_Hindustani", 12]], [[82402, 94184, "Raja_Hindustani", 13], [82402, 94184, "Naanu_Naane", 1]], [[82402, 94185, "Raja_Hindustani", 11], [82402, 94185, "Karisma_Kapoor", 12]], [[82410, 94190, "Raja_Hindustani", 0]], [[82410, 94191, "Raja_Hindustani", 2]], [[82410, 94192, "Raja_Hindustani", 3]], [[82410, 94193, "Raja_Hindustani", 4]], [[82410, 94194, "Raja_Hindustani", 5]], [[82410, 94195, "Raja_Hindustani", 8]], [[82410, 94196, "Raja_Hindustani", 9]], [[82410, 94197, "Raja_Hindustani", 10]], [[82410, 94198, "Raja_Hindustani", 13]], [[82410, 94199, "Raja_Hindustani", 14], [82410, 94199, "Red_Chillies_Entertainment", 0]]], "all_evidence": [[82402, 94176, "Raja_Hindustani", 0], [82402, 94177, "Raja_Hindustani", 3], [82402, 94178, "Raja_Hindustani", 4], [82402, 94178, "Nadeem\u2013Shravan", 12], [82402, 94179, "Raja_Hindustani", 5], [82402, 94180, "Raja_Hindustani", 2], [82402, 94180, "Aamir_Khan", 9], [82402, 94181, "Raja_Hindustani", 8], [82402, 94182, "Raja_Hindustani", 9], [82402, 94183, "Raja_Hindustani", 12], [82402, 94184, "Raja_Hindustani", 13], [82402, 94184, "Naanu_Naane", 1], [82402, 94185, "Raja_Hindustani", 11], [82402, 94185, "Karisma_Kapoor", 12], [82410, 94190, "Raja_Hindustani", 0], [82410, 94191, "Raja_Hindustani", 2], [82410, 94192, "Raja_Hindustani", 3], [82410, 94193, "Raja_Hindustani", 4], [82410, 94194, "Raja_Hindustani", 5], [82410, 94195, "Raja_Hindustani", 8], [82410, 94196, "Raja_Hindustani", 9], [82410, 94197, "Raja_Hindustani", 10], [82410, 94198, "Raja_Hindustani", 13], [82410, 94199, "Raja_Hindustani", 14], [82410, 94199, "Red_Chillies_Entertainment", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81193, null, null, null], [81201, null, null, null]]], "all_evidence": [[81193, null, null, null], [81201, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227895, 232242, "Kyle_MacLachlan", 6]]], "all_evidence": [[227895, 232242, "Kyle_MacLachlan", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167728, 181489, "Zac_Efron", 0]]], "all_evidence": [[167728, 181489, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30895, 37536, "South_Island", 5]]], "all_evidence": [[30895, 37536, "South_Island", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205677, 214179, "Pythagoras", 0]], [[205677, 214180, "Pythagoras", 7]]], "all_evidence": [[205677, 214179, "Pythagoras", 0], [205677, 214180, "Pythagoras", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178996, 191528, "James,_Viscount_Severn", 0]]], "all_evidence": [[178996, 191528, "James,_Viscount_Severn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97497, null, null, null]]], "all_evidence": [[97497, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268454, 265035, "Brian_De_Palma", 0]], [[268454, 265036, "Brian_De_Palma", 5]]], "all_evidence": [[268454, 265035, "Brian_De_Palma", 0], [268454, 265036, "Brian_De_Palma", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35664, 43215, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[35664, 43215, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144719, null, null, null]]], "all_evidence": [[144719, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84998, 97282, "DodgeBall-COLON-_A_True_Underdog_Story", 0]], [[85000, 97284, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[84998, 97282, "DodgeBall-COLON-_A_True_Underdog_Story", 0], [85000, 97284, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163008, 177236, "Tenth_Doctor", 8]]], "all_evidence": [[163008, 177236, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200995, null, null, null]]], "all_evidence": [[200995, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15968, 19851, "Musala", 0]]], "all_evidence": [[15968, 19851, "Musala", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213567, null, null, null]]], "all_evidence": [[213567, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90355, 103102, "Vandals", 0]]], "all_evidence": [[90355, 103102, "Vandals", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68849, 79662, "Electric_chair", 13]]], "all_evidence": [[68849, 79662, "Electric_chair", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262380, null, null, null]]], "all_evidence": [[262380, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30960, 37622, "Times_Higher_Education_World_University_Rankings", 0]]], "all_evidence": [[30960, 37622, "Times_Higher_Education_World_University_Rankings", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176970, null, null, null]]], "all_evidence": [[176970, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265357, 262568, "Practical_Magic", 0]]], "all_evidence": [[265357, 262568, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151757, null, null, null]]], "all_evidence": [[151757, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258295, null, null, null]]], "all_evidence": [[258295, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48329, null, null, null]]], "all_evidence": [[48329, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84925, 97165, "The_Punisher_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[84925, 97165, "The_Punisher_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263287, 260997, "Ted_Cruz", 0]], [[263295, 261005, "Ted_Cruz", 0]]], "all_evidence": [[263287, 260997, "Ted_Cruz", 0], [263295, 261005, "Ted_Cruz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128570, null, null, null]]], "all_evidence": [[128570, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119970, 134111, "Shannon_Lee", 0]]], "all_evidence": [[119970, 134111, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40412, 48631, "Prague", 16]], [[43474, 52117, "Prague", 16]], [[45690, 54557, "Prague", 16]], [[302099, 293153, "Prague", 16]], [[302100, 293154, "Prague", 16]], [[304710, 295516, "Prague", 16]]], "all_evidence": [[40412, 48631, "Prague", 16], [43474, 52117, "Prague", 16], [45690, 54557, "Prague", 16], [302099, 293153, "Prague", 16], [302100, 293154, "Prague", 16], [304710, 295516, "Prague", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178177, 190784, "Grease_-LRB-film-RRB-", 0]]], "all_evidence": [[178177, 190784, "Grease_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70647, 81537, "Pearl_-LRB-Steven_Universe-RRB-", 1], [70647, 81537, "Gemstone", 0]]], "all_evidence": [[70647, 81537, "Pearl_-LRB-Steven_Universe-RRB-", 1], [70647, 81537, "Gemstone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201000, 210451, "An_Education", 0]], [[201000, 210452, "An_Education", 1]]], "all_evidence": [[201000, 210451, "An_Education", 0], [201000, 210452, "An_Education", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94450, null, null, null]]], "all_evidence": [[94450, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172059, null, null, null]]], "all_evidence": [[172059, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38116, null, null, null]]], "all_evidence": [[38116, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265374, 262594, "Practical_Magic", 0]]], "all_evidence": [[265374, 262594, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242551, 243892, "Rwanda", 26]]], "all_evidence": [[242551, 243892, "Rwanda", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159388, 173936, "Warcraft_-LRB-film-RRB-", 7]]], "all_evidence": [[159388, 173936, "Warcraft_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155938, 170618, "One_True_Thing", 0]]], "all_evidence": [[155938, 170618, "One_True_Thing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121828, 136126, "Linkin_Park", 2]], [[121828, 136127, "Linkin_Park", 10], [121828, 136127, "Meteora_-LRB-album-RRB-", 0]], [[121828, 136128, "Linkin_Park", 12], [121828, 136128, "A_Thousand_Suns", 0]], [[121828, 136129, "Linkin_Park", 13], [121828, 136129, "Living_Things_-LRB-Linkin_Park_album-RRB-", 0]], [[121828, 136130, "Linkin_Park", 14], [121828, 136130, "The_Hunting_Party_-LRB-album-RRB-", 0]], [[121828, 136131, "Linkin_Park", 15], [121828, 136131, "One_More_Light", 0]]], "all_evidence": [[121828, 136126, "Linkin_Park", 2], [121828, 136127, "Linkin_Park", 10], [121828, 136127, "Meteora_-LRB-album-RRB-", 0], [121828, 136128, "Linkin_Park", 12], [121828, 136128, "A_Thousand_Suns", 0], [121828, 136129, "Linkin_Park", 13], [121828, 136129, "Living_Things_-LRB-Linkin_Park_album-RRB-", 0], [121828, 136130, "Linkin_Park", 14], [121828, 136130, "The_Hunting_Party_-LRB-album-RRB-", 0], [121828, 136131, "Linkin_Park", 15], [121828, 136131, "One_More_Light", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33024, 40114, "Amy_Winehouse", 0]], [[33024, 40115, "Amy_Winehouse", 10]]], "all_evidence": [[33024, 40114, "Amy_Winehouse", 0], [33024, 40115, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197907, 207835, "Jiang_Wen", 0]]], "all_evidence": [[197907, 207835, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107913, null, null, null]]], "all_evidence": [[107913, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124630, null, null, null]]], "all_evidence": [[124630, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81531, null, null, null]]], "all_evidence": [[81531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20968, 25737, "Shut_Up_-LRB-Stormzy_song-RRB-", 6]]], "all_evidence": [[20968, 25737, "Shut_Up_-LRB-Stormzy_song-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185572, 197320, "No_Strings_Attached_-LRB-film-RRB-", 2]]], "all_evidence": [[185572, 197320, "No_Strings_Attached_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265959, null, null, null]]], "all_evidence": [[265959, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213585, null, null, null]]], "all_evidence": [[213585, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110373, 123985, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[110373, 123985, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282773, 276907, "Pakistan", 14]], [[282773, 276908, "Pakistan", 16]], [[284687, 278434, "Pakistan", 14]], [[284687, 278435, "Pakistan", 16]], [[285471, 279090, "Pakistan", 14]], [[285471, 279091, "Pakistan", 16]], [[330996, 317462, "Pakistan", 16]], [[330996, 317463, "Pakistan", 17]]], "all_evidence": [[282773, 276907, "Pakistan", 14], [282773, 276908, "Pakistan", 16], [284687, 278434, "Pakistan", 14], [284687, 278435, "Pakistan", 16], [285471, 279090, "Pakistan", 14], [285471, 279091, "Pakistan", 16], [330996, 317462, "Pakistan", 16], [330996, 317463, "Pakistan", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233429, null, null, null], [233430, null, null, null]]], "all_evidence": [[233429, null, null, null], [233430, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106903, 120301, "Mercedes-Benz", 0]]], "all_evidence": [[106903, 120301, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282400, null, null, null], [284370, null, null, null], [285286, null, null, null], [330522, null, null, null], [331691, null, null, null]]], "all_evidence": [[282400, null, null, null], [284370, null, null, null], [285286, null, null, null], [330522, null, null, null], [331691, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167503, 181309, "The_Beverly_Hillbillies", 6]], [[167504, 181310, "The_Beverly_Hillbillies", 6]], [[167538, 181337, "The_Beverly_Hillbillies", 6]]], "all_evidence": [[167503, 181309, "The_Beverly_Hillbillies", 6], [167504, 181310, "The_Beverly_Hillbillies", 6], [167538, 181337, "The_Beverly_Hillbillies", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114988, 128702, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [114988, 128702, "The_Hunger_Games_-LRB-film_series-RRB-", 7], [114988, 128702, "The_Hunger_Games_-LRB-film_series-RRB-", 8], [114988, 128702, "The_Hunger_Games_-LRB-film_series-RRB-", 6]]], "all_evidence": [[114988, 128702, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [114988, 128702, "The_Hunger_Games_-LRB-film_series-RRB-", 7], [114988, 128702, "The_Hunger_Games_-LRB-film_series-RRB-", 8], [114988, 128702, "The_Hunger_Games_-LRB-film_series-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99323, null, null, null]]], "all_evidence": [[99323, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93337, 106296, "Oscar_Isaac", 7], [93337, 106296, "Poe_Dameron", 0]]], "all_evidence": [[93337, 106296, "Oscar_Isaac", 7], [93337, 106296, "Poe_Dameron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250003, 250067, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[250003, 250067, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37443, 45357, "Jason_Bourne_-LRB-film-RRB-", 6]]], "all_evidence": [[37443, 45357, "Jason_Bourne_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90577, 103315, "Baloch_people", 3], [90577, 103315, "Western_Iranian_languages", 0]]], "all_evidence": [[90577, 103315, "Baloch_people", 3], [90577, 103315, "Western_Iranian_languages", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214101, 221189, "Gotham_City_Sirens", 0]]], "all_evidence": [[214101, 221189, "Gotham_City_Sirens", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38600, 46547, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]]], "all_evidence": [[38600, 46547, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208728, null, null, null]]], "all_evidence": [[208728, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182570, null, null, null]]], "all_evidence": [[182570, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41326, 49672, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 2]], [[41326, 49673, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 3]]], "all_evidence": [[41326, 49672, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 2], [41326, 49673, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63504, 74249, "The_Catcher_in_the_Rye", 0]]], "all_evidence": [[63504, 74249, "The_Catcher_in_the_Rye", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143424, 158541, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[143424, 158541, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291888, 284760, "Benjamin_Franklin", 0]], [[291889, 284761, "Benjamin_Franklin", 0]], [[338621, 323715, "Benjamin_Franklin", 0]], [[338623, 323718, "Benjamin_Franklin", 0]]], "all_evidence": [[291888, 284760, "Benjamin_Franklin", 0], [291889, 284761, "Benjamin_Franklin", 0], [338621, 323715, "Benjamin_Franklin", 0], [338623, 323718, "Benjamin_Franklin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48049, 57369, "Sebastian_Vettel", 17]]], "all_evidence": [[48049, 57369, "Sebastian_Vettel", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67640, null, null, null]]], "all_evidence": [[67640, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84723, null, null, null], [84724, null, null, null]]], "all_evidence": [[84723, null, null, null], [84724, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247230, 247551, "The_Monster_-LRB-song-RRB-", 0]], [[247230, 247552, "The_Monster_-LRB-song-RRB-", 1]], [[247230, 247553, "The_Monster_-LRB-song-RRB-", 3]], [[247230, 247554, "The_Monster_-LRB-song-RRB-", 4]], [[247230, 247555, "The_Monster_-LRB-song-RRB-", 7]], [[247230, 247556, "The_Monster_-LRB-song-RRB-", 9]], [[247230, 247557, "The_Monster_-LRB-song-RRB-", 12]], [[247230, 247558, "The_Monster_-LRB-song-RRB-", 14]]], "all_evidence": [[247230, 247551, "The_Monster_-LRB-song-RRB-", 0], [247230, 247552, "The_Monster_-LRB-song-RRB-", 1], [247230, 247553, "The_Monster_-LRB-song-RRB-", 3], [247230, 247554, "The_Monster_-LRB-song-RRB-", 4], [247230, 247555, "The_Monster_-LRB-song-RRB-", 7], [247230, 247556, "The_Monster_-LRB-song-RRB-", 9], [247230, 247557, "The_Monster_-LRB-song-RRB-", 12], [247230, 247558, "The_Monster_-LRB-song-RRB-", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80506, null, null, null], [80529, null, null, null]]], "all_evidence": [[80506, null, null, null], [80529, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228123, null, null, null]]], "all_evidence": [[228123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23202, 28577, "Macklemore", 3]], [[23202, 28578, "Macklemore", 6]], [[23202, 28579, "Macklemore", 10], [23202, 28579, "The_Heist_-LRB-album-RRB-", 0]], [[23202, 28580, "Macklemore", 9], [23202, 28580, "Can't_Hold_Us", 0]], [[23202, 28581, "Macklemore", 11], [23202, 28581, "The_Heist_-LRB-album-RRB-", 0]], [[23202, 28582, "Macklemore", 12], [23202, 28582, "This_Unruly_Mess_I've_Made", 0]]], "all_evidence": [[23202, 28577, "Macklemore", 3], [23202, 28578, "Macklemore", 6], [23202, 28579, "Macklemore", 10], [23202, 28579, "The_Heist_-LRB-album-RRB-", 0], [23202, 28580, "Macklemore", 9], [23202, 28580, "Can't_Hold_Us", 0], [23202, 28581, "Macklemore", 11], [23202, 28581, "The_Heist_-LRB-album-RRB-", 0], [23202, 28582, "Macklemore", 12], [23202, 28582, "This_Unruly_Mess_I've_Made", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131122, null, null, null]]], "all_evidence": [[131122, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[277715, 272662, "Dulquer_Salmaan", 0], [277715, 272662, "Malayalam_cinema", 0]], [[277715, 272663, "Dulquer_Salmaan", 7], [277715, 272663, "Malayalam_cinema", 0]], [[324312, 312323, "Dulquer_Salmaan", 0]], [[324312, 312324, "Dulquer_Salmaan", 4], [324312, 312324, "Second_Show", 0]], [[324312, 312325, "Dulquer_Salmaan", 5], [324312, 312325, "Ustad_Hotel", 0]], [[324312, 312326, "Dulquer_Salmaan", 6], [324312, 312326, "Neelakasham_Pachakadal_Chuvanna_Bhoomi", 0]], [[324312, 312327, "Dulquer_Salmaan", 7], [324312, 312327, "Bangalore_Days", 3]], [[325716, 313326, "Dulquer_Salmaan", 0], [325716, 313326, "Malayalam_cinema", 0]], [[325716, 313327, "Dulquer_Salmaan", 5], [325716, 313327, "Ustad_Hotel", 0]], [[325716, 313328, "Dulquer_Salmaan", 7], [325716, 313328, "Bangalore_Days", 3]]], "all_evidence": [[277715, 272662, "Dulquer_Salmaan", 0], [277715, 272662, "Malayalam_cinema", 0], [277715, 272663, "Dulquer_Salmaan", 7], [277715, 272663, "Malayalam_cinema", 0], [324312, 312323, "Dulquer_Salmaan", 0], [324312, 312324, "Dulquer_Salmaan", 4], [324312, 312324, "Second_Show", 0], [324312, 312325, "Dulquer_Salmaan", 5], [324312, 312325, "Ustad_Hotel", 0], [324312, 312326, "Dulquer_Salmaan", 6], [324312, 312326, "Neelakasham_Pachakadal_Chuvanna_Bhoomi", 0], [324312, 312327, "Dulquer_Salmaan", 7], [324312, 312327, "Bangalore_Days", 3], [325716, 313326, "Dulquer_Salmaan", 0], [325716, 313326, "Malayalam_cinema", 0], [325716, 313327, "Dulquer_Salmaan", 5], [325716, 313327, "Ustad_Hotel", 0], [325716, 313328, "Dulquer_Salmaan", 7], [325716, 313328, "Bangalore_Days", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98139, 111258, "Johnny_Van_Zant", 0]]], "all_evidence": [[98139, 111258, "Johnny_Van_Zant", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196112, 206257, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196112, 206257, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14576, 18212, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]], "all_evidence": [[14576, 18212, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218870, null, null, null]]], "all_evidence": [[218870, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103197, 116517, "Ed_Gein", 1]]], "all_evidence": [[103197, 116517, "Ed_Gein", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175559, null, null, null]]], "all_evidence": [[175559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99626, null, null, null]]], "all_evidence": [[99626, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167881, 181657, "Agent_Raghav_\u2013_Crime_Branch", 2]]], "all_evidence": [[167881, 181657, "Agent_Raghav_\u2013_Crime_Branch", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165661, 179684, "Yugoslavia", 0]]], "all_evidence": [[165661, 179684, "Yugoslavia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216615, null, null, null], [216616, null, null, null]]], "all_evidence": [[216615, null, null, null], [216616, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136831, null, null, null]]], "all_evidence": [[136831, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267583, null, null, null]]], "all_evidence": [[267583, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146528, 161512, "Legendary_Entertainment", 2]]], "all_evidence": [[146528, 161512, "Legendary_Entertainment", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58390, null, null, null]]], "all_evidence": [[58390, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82414, null, null, null]]], "all_evidence": [[82414, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165511, 179547, "Kajol", 4]], [[165512, 179548, "Kajol", 4]]], "all_evidence": [[165511, 179547, "Kajol", 4], [165512, 179548, "Kajol", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45183, null, null, null]]], "all_evidence": [[45183, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202964, null, null, null]]], "all_evidence": [[202964, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79529, 91249, "China", 16]]], "all_evidence": [[79529, 91249, "China", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92289, 105037, "Selma_to_Montgomery_marches", 1]]], "all_evidence": [[92289, 105037, "Selma_to_Montgomery_marches", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247546, null, null, null]]], "all_evidence": [[247546, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150625, 165497, "Simon_Pegg", 0]]], "all_evidence": [[150625, 165497, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21062, null, null, null]]], "all_evidence": [[21062, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18358, 22548, "Neuromodulation", 3]]], "all_evidence": [[18358, 22548, "Neuromodulation", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173302, 186566, "Kung_Fu_Panda", 17]]], "all_evidence": [[173302, 186566, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117202, 131095, "Buffy_the_Vampire_Slayer", 0]], [[117202, 131096, "Buffy_the_Vampire_Slayer", 1], [117202, 131096, "UPN", 0], [117202, 131096, "The_WB", 0]]], "all_evidence": [[117202, 131095, "Buffy_the_Vampire_Slayer", 0], [117202, 131096, "Buffy_the_Vampire_Slayer", 1], [117202, 131096, "UPN", 0], [117202, 131096, "The_WB", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206586, null, null, null]]], "all_evidence": [[206586, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256448, 255663, "Jerome_Flynn", 0]], [[256449, 255664, "Jerome_Flynn", 0]]], "all_evidence": [[256448, 255663, "Jerome_Flynn", 0], [256449, 255664, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168786, 182482, "Uranium", 0]]], "all_evidence": [[168786, 182482, "Uranium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147130, 162116, "Selma_to_Montgomery_marches", 1]]], "all_evidence": [[147130, 162116, "Selma_to_Montgomery_marches", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207773, 215970, "The_Good_German", 1]]], "all_evidence": [[207773, 215970, "The_Good_German", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169808, 183397, "Pharmacology", 10]]], "all_evidence": [[169808, 183397, "Pharmacology", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98209, null, null, null]]], "all_evidence": [[98209, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270498, 266529, "Sejong_the_Great", 0]], [[270498, 266530, "Sejong_the_Great", 13]]], "all_evidence": [[270498, 266529, "Sejong_the_Great", 0], [270498, 266530, "Sejong_the_Great", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122826, null, null, null]]], "all_evidence": [[122826, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59547, null, null, null]]], "all_evidence": [[59547, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113062, 126903, "Emilia_Clarke", 15]]], "all_evidence": [[113062, 126903, "Emilia_Clarke", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29338, null, null, null]]], "all_evidence": [[29338, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122055, 136358, "Vandals", 0]]], "all_evidence": [[122055, 136358, "Vandals", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85618, 97927, "Granite", 0]]], "all_evidence": [[85618, 97927, "Granite", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40160, null, null, null]]], "all_evidence": [[40160, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154641, null, null, null]]], "all_evidence": [[154641, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14530, null, null, null], [15095, null, null, null], [299337, null, null, null]]], "all_evidence": [[14530, null, null, null], [15095, null, null, null], [299337, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124445, 138805, "Boeing_787_Dreamliner", 0], [124445, 138805, "Jet_airliner", 0], [124445, 138805, "Jet_airliner", 1]]], "all_evidence": [[124445, 138805, "Boeing_787_Dreamliner", 0], [124445, 138805, "Jet_airliner", 0], [124445, 138805, "Jet_airliner", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86540, null, null, null]]], "all_evidence": [[86540, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30707, null, null, null]]], "all_evidence": [[30707, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243526, 244733, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]], "all_evidence": [[243526, 244733, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41888, null, null, null]]], "all_evidence": [[41888, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40888, null, null, null]]], "all_evidence": [[40888, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260765, null, null, null]]], "all_evidence": [[260765, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45909, null, null, null]]], "all_evidence": [[45909, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200687, null, null, null]]], "all_evidence": [[200687, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98539, 111629, "Selma_to_Montgomery_marches", 1]]], "all_evidence": [[98539, 111629, "Selma_to_Montgomery_marches", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182919, null, null, null]]], "all_evidence": [[182919, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132312, 147216, "The_Hit_-LRB-1984_film-RRB-", 0]]], "all_evidence": [[132312, 147216, "The_Hit_-LRB-1984_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19429, 23839, "Samsung", 7]]], "all_evidence": [[19429, 23839, "Samsung", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258313, null, null, null]]], "all_evidence": [[258313, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265531, 262695, "All-seater_stadium", 2], [265531, 262695, "American_football", 8]]], "all_evidence": [[265531, 262695, "All-seater_stadium", 2], [265531, 262695, "American_football", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59745, 70154, "Scandinavia", 4]]], "all_evidence": [[59745, 70154, "Scandinavia", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99493, null, null, null]]], "all_evidence": [[99493, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257584, null, null, null]]], "all_evidence": [[257584, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131388, null, null, null]]], "all_evidence": [[131388, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269259, 265640, "Revolver_-LRB-Beatles_album-RRB-", 16]]], "all_evidence": [[269259, 265640, "Revolver_-LRB-Beatles_album-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269094, 265509, "David_Lloyd_George", 20]]], "all_evidence": [[269094, 265509, "David_Lloyd_George", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256861, 255983, "Tenacious_D_-LRB-album-RRB-", 0]]], "all_evidence": [[256861, 255983, "Tenacious_D_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55536, null, null, null]]], "all_evidence": [[55536, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245676, 246395, "Andrew_Carnegie", 3]]], "all_evidence": [[245676, 246395, "Andrew_Carnegie", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272071, 267798, "Caleb_McLaughlin", 0]]], "all_evidence": [[272071, 267798, "Caleb_McLaughlin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227415, 231794, "Jeb_Bush", 3], [227415, 231794, "Barbara_Bush", 1]]], "all_evidence": [[227415, 231794, "Jeb_Bush", 3], [227415, 231794, "Barbara_Bush", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144951, 159963, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[144951, 159963, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140725, 155870, "SpongeBob_SquarePants", 0]]], "all_evidence": [[140725, 155870, "SpongeBob_SquarePants", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81380, 93164, "James_Brolin", 0]]], "all_evidence": [[81380, 93164, "James_Brolin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73073, 84271, "Blue_Dog_Coalition", 3]]], "all_evidence": [[73073, 84271, "Blue_Dog_Coalition", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237106, 239397, "Web_page", 14]]], "all_evidence": [[237106, 239397, "Web_page", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289975, null, null, null], [291312, null, null, null], [291349, null, null, null], [337353, null, null, null], [337364, null, null, null], [337368, null, null, null]]], "all_evidence": [[289975, null, null, null], [291312, null, null, null], [291349, null, null, null], [337353, null, null, null], [337364, null, null, null], [337368, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151785, 166531, "Times_Higher_Education_World_University_Rankings", 0]]], "all_evidence": [[151785, 166531, "Times_Higher_Education_World_University_Rankings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112241, 126073, "Petyr_Baelish", 0]]], "all_evidence": [[112241, 126073, "Petyr_Baelish", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82816, 94674, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[82816, 94674, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268455, 265037, "Brian_De_Palma", 0]]], "all_evidence": [[268455, 265037, "Brian_De_Palma", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35307, 42800, "Balibo_-LRB-film-RRB-", 4], [35307, 42800, "East_Timor", 0]], [[35307, 42801, "Balibo_-LRB-film-RRB-", 0], [35307, 42801, "East_Timor", 0]], [[35307, 42802, "Balibo_-LRB-film-RRB-", 8], [35307, 42802, "East_Timor", 0]]], "all_evidence": [[35307, 42800, "Balibo_-LRB-film-RRB-", 4], [35307, 42800, "East_Timor", 0], [35307, 42801, "Balibo_-LRB-film-RRB-", 0], [35307, 42801, "East_Timor", 0], [35307, 42802, "Balibo_-LRB-film-RRB-", 8], [35307, 42802, "East_Timor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224126, 228986, "Ang_Lee", 0]]], "all_evidence": [[224126, 228986, "Ang_Lee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94040, null, null, null]]], "all_evidence": [[94040, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251523, 251357, "Gory_Guerrero", 0]]], "all_evidence": [[251523, 251357, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233447, null, null, null]]], "all_evidence": [[233447, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221595, 227194, "Martial_arts_film", 1]]], "all_evidence": [[221595, 227194, "Martial_arts_film", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24935, 30789, "Eurotas_-LRB-river-RRB-", 0]], [[26309, 32338, "Eurotas_-LRB-river-RRB-", 0]], [[28145, 34440, "Eurotas_-LRB-river-RRB-", 0]], [[301607, 292731, "Eurotas_-LRB-river-RRB-", 0]], [[304547, 295367, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[24935, 30789, "Eurotas_-LRB-river-RRB-", 0], [26309, 32338, "Eurotas_-LRB-river-RRB-", 0], [28145, 34440, "Eurotas_-LRB-river-RRB-", 0], [301607, 292731, "Eurotas_-LRB-river-RRB-", 0], [304547, 295367, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238313, 240378, "New_Jersey_Turnpike", 15]]], "all_evidence": [[238313, 240378, "New_Jersey_Turnpike", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72732, 83782, "Lorelai_Gilmore", 3]]], "all_evidence": [[72732, 83782, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29025, 35409, "Zac_Efron", 0]]], "all_evidence": [[29025, 35409, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40065, 48200, "Petyr_Baelish", 0]]], "all_evidence": [[40065, 48200, "Petyr_Baelish", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54916, 64916, "Ron_Dennis", 1]], [[54916, 64917, "Ron_Dennis", 27]]], "all_evidence": [[54916, 64916, "Ron_Dennis", 1], [54916, 64917, "Ron_Dennis", 27]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111732, null, null, null]]], "all_evidence": [[111732, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171794, 185270, "SummerSlam_-LRB-2015-RRB-", 8]]], "all_evidence": [[171794, 185270, "SummerSlam_-LRB-2015-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[37169, null, null, null]]], "all_evidence": [[37169, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65578, 76453, "Matt_Bomer", 0]]], "all_evidence": [[65578, 76453, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139525, null, null, null]]], "all_evidence": [[139525, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244096, null, null, null], [244097, null, null, null]]], "all_evidence": [[244096, null, null, null], [244097, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59957, 70364, "Edward_Cullen", 0]]], "all_evidence": [[59957, 70364, "Edward_Cullen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98408, 111520, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[98408, 111520, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221793, 227348, "Augustus_Prew", 5]]], "all_evidence": [[221793, 227348, "Augustus_Prew", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275561, 270680, "Kajol", 4]], [[277375, 272290, "Kajol", 4]], [[324613, 312529, "Kajol", 4]], [[324614, 312530, "Kajol", 4]], [[324615, 312531, "Kajol", 4]], [[324687, 312580, "Kajol", 4]]], "all_evidence": [[275561, 270680, "Kajol", 4], [277375, 272290, "Kajol", 4], [324613, 312529, "Kajol", 4], [324614, 312530, "Kajol", 4], [324615, 312531, "Kajol", 4], [324687, 312580, "Kajol", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176349, null, null, null]]], "all_evidence": [[176349, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24810, 30643, "Natasha_Lyonne", 0]], [[123079, 137361, "Natasha_Lyonne", 0]], [[299739, 291141, "Natasha_Lyonne", 0]]], "all_evidence": [[24810, 30643, "Natasha_Lyonne", 0], [123079, 137361, "Natasha_Lyonne", 0], [299739, 291141, "Natasha_Lyonne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184509, 196395, "Levoamphetamine", 0]], [[184510, 196396, "Levoamphetamine", 0]]], "all_evidence": [[184509, 196395, "Levoamphetamine", 0], [184510, 196396, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143465, 158570, "Near-Earth_object", 0]]], "all_evidence": [[143465, 158570, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188783, 200218, "Annie_-LRB-2014_film-RRB-", 5]]], "all_evidence": [[188783, 200218, "Annie_-LRB-2014_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282910, 277027, "Musala", 0]], [[284820, 278529, "Musala", 0]], [[331280, 317780, "Musala", 0]], [[332184, 318558, "Musala", 0]]], "all_evidence": [[282910, 277027, "Musala", 0], [284820, 278529, "Musala", 0], [331280, 317780, "Musala", 0], [332184, 318558, "Musala", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242192, 243633, "Tyler_Perry", 0]]], "all_evidence": [[242192, 243633, "Tyler_Perry", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41375, 49724, "Joseph_Merrick", 0]]], "all_evidence": [[41375, 49724, "Joseph_Merrick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21529, 26466, "Moscovium", 0], [21529, 26466, "Transactinide_element", 0]], [[23690, 29287, "Moscovium", 7]], [[23690, 29288, "Moscovium", 0], [23690, 29288, "Transactinide_element", 0]], [[299196, 290567, "Moscovium", 7]], [[301300, 292420, "Moscovium", 7]], [[304415, 295217, "Moscovium", 7]]], "all_evidence": [[21529, 26466, "Moscovium", 0], [21529, 26466, "Transactinide_element", 0], [23690, 29287, "Moscovium", 7], [23690, 29288, "Moscovium", 0], [23690, 29288, "Transactinide_element", 0], [299196, 290567, "Moscovium", 7], [301300, 292420, "Moscovium", 7], [304415, 295217, "Moscovium", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256453, 255666, "Jerome_Flynn", 0]]], "all_evidence": [[256453, 255666, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159862, null, null, null]]], "all_evidence": [[159862, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120436, 134650, "Africa_Cup_of_Nations", 1]], [[120436, 134651, "Africa_Cup_of_Nations", 6]], [[120436, 134652, "Africa_Cup_of_Nations", 17]]], "all_evidence": [[120436, 134650, "Africa_Cup_of_Nations", 1], [120436, 134651, "Africa_Cup_of_Nations", 6], [120436, 134652, "Africa_Cup_of_Nations", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21564, 26522, "Mount_Hood", 0]], [[21564, 26523, "Mount_Hood", 3]], [[23156, 28509, "Mount_Hood", 9]], [[23156, 28510, "Mount_Hood", 3]], [[24284, 30007, "Mount_Hood", 6]], [[24284, 30008, "Mount_Hood", 11]], [[24284, 30009, "Mount_Hood", 9]], [[301556, 292668, "Mount_Hood", 3]], [[302589, 293584, "Mount_Hood", 3]]], "all_evidence": [[21564, 26522, "Mount_Hood", 0], [21564, 26523, "Mount_Hood", 3], [23156, 28509, "Mount_Hood", 9], [23156, 28510, "Mount_Hood", 3], [24284, 30007, "Mount_Hood", 6], [24284, 30008, "Mount_Hood", 11], [24284, 30009, "Mount_Hood", 9], [301556, 292668, "Mount_Hood", 3], [302589, 293584, "Mount_Hood", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173453, null, null, null]]], "all_evidence": [[173453, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201744, 211131, "Red_Bull_Racing", 0]]], "all_evidence": [[201744, 211131, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144539, null, null, null]]], "all_evidence": [[144539, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191337, 202223, "American_Sniper_-LRB-book-RRB-", 0]]], "all_evidence": [[191337, 202223, "American_Sniper_-LRB-book-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21644, null, null, null]]], "all_evidence": [[21644, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25717, 31644, "Tennessee", 11]]], "all_evidence": [[25717, 31644, "Tennessee", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279734, null, null, null], [279748, null, null, null], [328141, null, null, null], [328143, null, null, null], [328155, null, null, null], [328173, null, null, null]]], "all_evidence": [[279734, null, null, null], [279748, null, null, null], [328141, null, null, null], [328143, null, null, null], [328155, null, null, null], [328173, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94594, null, null, null]]], "all_evidence": [[94594, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186245, 198112, "Multicellular_organism", 3]]], "all_evidence": [[186245, 198112, "Multicellular_organism", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257853, 256804, "Jab_Tak_Hai_Jaan", 14]]], "all_evidence": [[257853, 256804, "Jab_Tak_Hai_Jaan", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18017, 22165, "Key_&_Peele", 10]]], "all_evidence": [[18017, 22165, "Key_&_Peele", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212895, null, null, null], [212896, null, null, null], [212900, null, null, null]]], "all_evidence": [[212895, null, null, null], [212896, null, null, null], [212900, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158949, null, null, null]]], "all_evidence": [[158949, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211672, 219348, "The_Fly_-LRB-1986_film-RRB-", 0]], [[211672, 219349, "The_Fly_-LRB-1986_film-RRB-", 2]]], "all_evidence": [[211672, 219348, "The_Fly_-LRB-1986_film-RRB-", 0], [211672, 219349, "The_Fly_-LRB-1986_film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160396, null, null, null]]], "all_evidence": [[160396, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53046, 62994, "Kajol", 4]], [[53047, 62995, "Kajol", 4]], [[53054, 62998, "Kajol", 4]]], "all_evidence": [[53046, 62994, "Kajol", 4], [53047, 62995, "Kajol", 4], [53054, 62998, "Kajol", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262378, null, null, null]]], "all_evidence": [[262378, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70315, null, null, null]]], "all_evidence": [[70315, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233303, 236270, "Arthur_Schopenhauer", 0]], [[233303, 236271, "Arthur_Schopenhauer", 1]]], "all_evidence": [[233303, 236270, "Arthur_Schopenhauer", 0], [233303, 236271, "Arthur_Schopenhauer", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15157, 18857, "Food_Network", 8]], [[19332, 23734, "Food_Network", 8]], [[24006, 29714, "Food_Network", 8]]], "all_evidence": [[15157, 18857, "Food_Network", 8], [19332, 23734, "Food_Network", 8], [24006, 29714, "Food_Network", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235283, 237976, "Boxing_Helena", 5]]], "all_evidence": [[235283, 237976, "Boxing_Helena", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257581, null, null, null]]], "all_evidence": [[257581, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35455, null, null, null]]], "all_evidence": [[35455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45956, 54898, "Watertown,_Massachusetts", 0]]], "all_evidence": [[45956, 54898, "Watertown,_Massachusetts", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201002, 210455, "An_Education", 0]], [[201002, 210456, "An_Education", 7]]], "all_evidence": [[201002, 210455, "An_Education", 0], [201002, 210456, "An_Education", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121295, null, null, null]]], "all_evidence": [[121295, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89224, 101908, "Internet_access", 0]]], "all_evidence": [[89224, 101908, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144579, 159591, "New_England_Patriots", 15]]], "all_evidence": [[144579, 159591, "New_England_Patriots", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71073, null, null, null]]], "all_evidence": [[71073, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70721, 81598, "Uganda", 11]]], "all_evidence": [[70721, 81598, "Uganda", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130954, null, null, null]]], "all_evidence": [[130954, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178693, null, null, null]]], "all_evidence": [[178693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100497, 113796, "Jack_Lowden", 1], [100497, 113796, "War_&_Peace_-LRB-2016_TV_series-RRB-", 0]], [[100497, 113797, "Jack_Lowden", 9]]], "all_evidence": [[100497, 113796, "Jack_Lowden", 1], [100497, 113796, "War_&_Peace_-LRB-2016_TV_series-RRB-", 0], [100497, 113797, "Jack_Lowden", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144587, 159596, "Physics", 1]]], "all_evidence": [[144587, 159596, "Physics", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145885, 160900, "Cars_3", 0]]], "all_evidence": [[145885, 160900, "Cars_3", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30577, null, null, null]]], "all_evidence": [[30577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107146, 120521, "Airbus_A380", 3]]], "all_evidence": [[107146, 120521, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142827, null, null, null]]], "all_evidence": [[142827, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50581, 60114, "Castlevania_-LRB-1986_video_game-RRB-", 0]], [[50581, 60115, "Castlevania_-LRB-1986_video_game-RRB-", 1]]], "all_evidence": [[50581, 60114, "Castlevania_-LRB-1986_video_game-RRB-", 0], [50581, 60115, "Castlevania_-LRB-1986_video_game-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22535, null, null, null]]], "all_evidence": [[22535, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186730, 198508, "Ding_Yanyuhang", 0]], [[186730, 198509, "Ding_Yanyuhang", 1], [186730, 198509, "Chinese_Basketball_Association", 0]], [[186731, 198510, "Ding_Yanyuhang", 0]], [[186732, 198511, "Ding_Yanyuhang", 0]]], "all_evidence": [[186730, 198508, "Ding_Yanyuhang", 0], [186730, 198509, "Ding_Yanyuhang", 1], [186730, 198509, "Chinese_Basketball_Association", 0], [186731, 198510, "Ding_Yanyuhang", 0], [186732, 198511, "Ding_Yanyuhang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180073, null, null, null]]], "all_evidence": [[180073, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263042, null, null, null]]], "all_evidence": [[263042, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85079, 97351, "Jefferson_Davis", 0]], [[85079, 97352, "Jefferson_Davis", 5]]], "all_evidence": [[85079, 97351, "Jefferson_Davis", 0], [85079, 97352, "Jefferson_Davis", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237315, null, null, null]]], "all_evidence": [[237315, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59633, 70035, "Icelandic_Coast_Guard", 0]]], "all_evidence": [[59633, 70035, "Icelandic_Coast_Guard", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42221, null, null, null]]], "all_evidence": [[42221, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106825, null, null, null]]], "all_evidence": [[106825, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214605, 221594, "Vera_Wang", 0]]], "all_evidence": [[214605, 221594, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81588, null, null, null]]], "all_evidence": [[81588, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111093, null, null, null]]], "all_evidence": [[111093, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152843, null, null, null]]], "all_evidence": [[152843, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36026, null, null, null]]], "all_evidence": [[36026, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155838, null, null, null]]], "all_evidence": [[155838, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45373, 54153, "Agent_Raghav_\u2013_Crime_Branch", 0]]], "all_evidence": [[45373, 54153, "Agent_Raghav_\u2013_Crime_Branch", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218617, 224855, "Rob_McElhenney", 3], [218617, 224855, "FX_-LRB-TV_channel-RRB-", 0]]], "all_evidence": [[218617, 224855, "Rob_McElhenney", 3], [218617, 224855, "FX_-LRB-TV_channel-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50687, 60273, "Sierra_Morena", 0]]], "all_evidence": [[50687, 60273, "Sierra_Morena", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177617, 190375, "Gray_Matters", 0]]], "all_evidence": [[177617, 190375, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39553, null, null, null], [39568, null, null, null]]], "all_evidence": [[39553, null, null, null], [39568, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237291, 239531, "Thunderstorm", 0]]], "all_evidence": [[237291, 239531, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208744, 216722, "Vic_Mensa", 0]]], "all_evidence": [[208744, 216722, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141601, 156848, "Parkinson's_disease", 34]]], "all_evidence": [[141601, 156848, "Parkinson's_disease", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130623, 145404, "Jed_Whedon", 0]], [[309029, 299309, "Jed_Whedon", 0]], [[309030, 299310, "Jed_Whedon", 0]], [[310632, 300673, "Jed_Whedon", 0]]], "all_evidence": [[130623, 145404, "Jed_Whedon", 0], [309029, 299309, "Jed_Whedon", 0], [309030, 299310, "Jed_Whedon", 0], [310632, 300673, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72359, null, null, null]]], "all_evidence": [[72359, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166108, 180044, "Matt_Bomer", 0]]], "all_evidence": [[166108, 180044, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144751, null, null, null], [147678, null, null, null], [149608, null, null, null], [311176, null, null, null]]], "all_evidence": [[144751, null, null, null], [147678, null, null, null], [149608, null, null, null], [311176, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213526, null, null, null]]], "all_evidence": [[213526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153343, 168129, "SummerSlam_-LRB-2015-RRB-", 1]]], "all_evidence": [[153343, 168129, "SummerSlam_-LRB-2015-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234838, null, null, null]]], "all_evidence": [[234838, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242293, null, null, null]]], "all_evidence": [[242293, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74427, 85668, "China", 2]]], "all_evidence": [[74427, 85668, "China", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113258, 127132, "Floyd_Mayweather_Jr.", 1], [113258, 127132, "Floyd_Mayweather_Jr.", 10], [113258, 127132, "Lineal_championship", 2]]], "all_evidence": [[113258, 127132, "Floyd_Mayweather_Jr.", 1], [113258, 127132, "Floyd_Mayweather_Jr.", 10], [113258, 127132, "Lineal_championship", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151926, 166682, "Joseph_Goebbels", 8]]], "all_evidence": [[151926, 166682, "Joseph_Goebbels", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41952, 50455, "Lee_Daniels", 0]], [[44581, 53249, "Lee_Daniels", 0]], [[44581, 53250, "Lee_Daniels", 1], [44581, 53250, "Precious_-LRB-film-RRB-", 0]], [[44581, 53251, "Lee_Daniels", 4], [44581, 53251, "The_Butler", 0]], [[46772, 55792, "Lee_Daniels", 1], [46772, 55792, "Precious_-LRB-film-RRB-", 0]], [[46772, 55793, "Lee_Daniels", 4], [46772, 55793, "The_Butler", 0]], [[302222, 293252, "Lee_Daniels", 1], [302222, 293252, "Precious_-LRB-film-RRB-", 0]], [[304034, 294903, "Lee_Daniels", 1], [304034, 294903, "Precious_-LRB-film-RRB-", 0]], [[304034, 294904, "Lee_Daniels", 4], [304034, 294904, "The_Butler", 0]], [[304037, 294906, "Lee_Daniels", 1], [304037, 294906, "Precious_-LRB-film-RRB-", 0]], [[304037, 294907, "Lee_Daniels", 4], [304037, 294907, "The_Butler", 0]]], "all_evidence": [[41952, 50455, "Lee_Daniels", 0], [44581, 53249, "Lee_Daniels", 0], [44581, 53250, "Lee_Daniels", 1], [44581, 53250, "Precious_-LRB-film-RRB-", 0], [44581, 53251, "Lee_Daniels", 4], [44581, 53251, "The_Butler", 0], [46772, 55792, "Lee_Daniels", 1], [46772, 55792, "Precious_-LRB-film-RRB-", 0], [46772, 55793, "Lee_Daniels", 4], [46772, 55793, "The_Butler", 0], [302222, 293252, "Lee_Daniels", 1], [302222, 293252, "Precious_-LRB-film-RRB-", 0], [304034, 294903, "Lee_Daniels", 1], [304034, 294903, "Precious_-LRB-film-RRB-", 0], [304034, 294904, "Lee_Daniels", 4], [304034, 294904, "The_Butler", 0], [304037, 294906, "Lee_Daniels", 1], [304037, 294906, "Precious_-LRB-film-RRB-", 0], [304037, 294907, "Lee_Daniels", 4], [304037, 294907, "The_Butler", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192027, 202786, "Baadshah_-LRB-2013_film-RRB-", 15]]], "all_evidence": [[192027, 202786, "Baadshah_-LRB-2013_film-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44488, 53155, "John_S._McCain_Jr.", 3]], [[44488, 53156, "John_S._McCain_Jr.", 4]]], "all_evidence": [[44488, 53155, "John_S._McCain_Jr.", 3], [44488, 53156, "John_S._McCain_Jr.", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70607, 81509, "George_III_of_the_United_Kingdom", 14]]], "all_evidence": [[70607, 81509, "George_III_of_the_United_Kingdom", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272711, null, null, null]]], "all_evidence": [[272711, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160484, 174988, "Toy_Story_2", 0]], [[162191, 176517, "Toy_Story_2", 0]], [[163369, 177587, "Toy_Story_2", 0]], [[313370, 303001, "Toy_Story_2", 0], [313370, 303001, "Walt_Disney_Pictures", 0], [313370, 303001, "Walt_Disney_Pictures", 1]]], "all_evidence": [[160484, 174988, "Toy_Story_2", 0], [162191, 176517, "Toy_Story_2", 0], [163369, 177587, "Toy_Story_2", 0], [313370, 303001, "Toy_Story_2", 0], [313370, 303001, "Walt_Disney_Pictures", 0], [313370, 303001, "Walt_Disney_Pictures", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24160, null, null, null]]], "all_evidence": [[24160, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139633, 154637, "Woodrow_Wilson", 0]], [[139634, 154638, "Woodrow_Wilson", 0]]], "all_evidence": [[139633, 154637, "Woodrow_Wilson", 0], [139634, 154638, "Woodrow_Wilson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100100, 113330, "Mormons", 24]]], "all_evidence": [[100100, 113330, "Mormons", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157569, 172167, "Charles_Howard_Hinton", 0]]], "all_evidence": [[157569, 172167, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67574, 78423, "Quay_-LRB-film-RRB-", 1]]], "all_evidence": [[67574, 78423, "Quay_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143840, 158907, "Gettysburg_Address", 0]]], "all_evidence": [[143840, 158907, "Gettysburg_Address", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222063, 227510, "Terrence_Howard", 4]], [[222115, 227534, "Terrence_Howard", 4], [222115, 227534, "Iron_Man_-LRB-2008_film-RRB-", 3]]], "all_evidence": [[222063, 227510, "Terrence_Howard", 4], [222115, 227534, "Terrence_Howard", 4], [222115, 227534, "Iron_Man_-LRB-2008_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220648, null, null, null]]], "all_evidence": [[220648, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50927, 60658, "James_Spader", 1]]], "all_evidence": [[50927, 60658, "James_Spader", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[193507, 204000, "Jean-Jacques_Dessalines", 0]]], "all_evidence": [[193507, 204000, "Jean-Jacques_Dessalines", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88899, 101534, "Sausage_Party", 0]]], "all_evidence": [[88899, 101534, "Sausage_Party", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135802, null, null, null]]], "all_evidence": [[135802, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24063, 29776, "Tenth_Doctor", 8]]], "all_evidence": [[24063, 29776, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43913, 52557, "Simon_Cowell", 0]]], "all_evidence": [[43913, 52557, "Simon_Cowell", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[193516, 204015, "Jean-Jacques_Dessalines", 0]]], "all_evidence": [[193516, 204015, "Jean-Jacques_Dessalines", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156289, null, null, null]]], "all_evidence": [[156289, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141451, 156644, "Maximum_Overdrive", 0]], [[143333, 158424, "Maximum_Overdrive", 0]], [[310951, 300982, "Maximum_Overdrive", 0]], [[312629, 302399, "Maximum_Overdrive", 0]], [[313460, 303071, "Maximum_Overdrive", 0]]], "all_evidence": [[141451, 156644, "Maximum_Overdrive", 0], [143333, 158424, "Maximum_Overdrive", 0], [310951, 300982, "Maximum_Overdrive", 0], [312629, 302399, "Maximum_Overdrive", 0], [313460, 303071, "Maximum_Overdrive", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90341, null, null, null], [307631, null, null, null], [308590, null, null, null], [308608, null, null, null]]], "all_evidence": [[90341, null, null, null], [307631, null, null, null], [308590, null, null, null], [308608, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212554, 220046, "Nina_Jacobson", 0]], [[212555, 220047, "Nina_Jacobson", 0]]], "all_evidence": [[212554, 220046, "Nina_Jacobson", 0], [212555, 220047, "Nina_Jacobson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262095, 260148, "Aristocracy", 1]], [[262096, 260149, "Aristocracy", 1]]], "all_evidence": [[262095, 260148, "Aristocracy", 1], [262096, 260149, "Aristocracy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126449, 140851, "Floyd_Mayweather_Jr.", 0]]], "all_evidence": [[126449, 140851, "Floyd_Mayweather_Jr.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197946, 207867, "Fringe_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[197946, 207867, "Fringe_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151517, 166275, "Ovary", 0]]], "all_evidence": [[151517, 166275, "Ovary", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66876, null, null, null]]], "all_evidence": [[66876, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272060, 267791, "Caleb_McLaughlin", 0]], [[272061, 267792, "Caleb_McLaughlin", 0]]], "all_evidence": [[272060, 267791, "Caleb_McLaughlin", 0], [272061, 267792, "Caleb_McLaughlin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279331, null, null, null], [281106, null, null, null], [327587, null, null, null], [328741, null, null, null], [329014, null, null, null]]], "all_evidence": [[279331, null, null, null], [281106, null, null, null], [327587, null, null, null], [328741, null, null, null], [329014, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54454, 64459, "English_Wikipedia", 0]], [[54455, 64460, "English_Wikipedia", 0]]], "all_evidence": [[54454, 64459, "English_Wikipedia", 0], [54455, 64460, "English_Wikipedia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24399, 30168, "Salt_River_Valley", 0]]], "all_evidence": [[24399, 30168, "Salt_River_Valley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75237, null, null, null]]], "all_evidence": [[75237, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40419, 48636, "Charles_de_Gaulle", 12]]], "all_evidence": [[40419, 48636, "Charles_de_Gaulle", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189632, 200882, "Hezbollah", 0]]], "all_evidence": [[189632, 200882, "Hezbollah", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133930, 148826, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[133930, 148826, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205699, 214190, "Pythagoras", 0], [205699, 214190, "Pythagoreanism", 0]]], "all_evidence": [[205699, 214190, "Pythagoras", 0], [205699, 214190, "Pythagoreanism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200596, null, null, null]]], "all_evidence": [[200596, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228125, 232384, "L._Ron_Hubbard", 0]]], "all_evidence": [[228125, 232384, "L._Ron_Hubbard", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185139, null, null, null]]], "all_evidence": [[185139, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102104, null, null, null]]], "all_evidence": [[102104, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16965, 21015, "The_Winds_of_Winter", 0]]], "all_evidence": [[16965, 21015, "The_Winds_of_Winter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211661, 219331, "The_Fly_-LRB-1986_film-RRB-", 0]]], "all_evidence": [[211661, 219331, "The_Fly_-LRB-1986_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263309, null, null, null]]], "all_evidence": [[263309, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102889, null, null, null]]], "all_evidence": [[102889, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25906, null, null, null], [300566, null, null, null]]], "all_evidence": [[25906, null, null, null], [300566, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21553, 26499, "Jonah_Hill", 0]]], "all_evidence": [[21553, 26499, "Jonah_Hill", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36234, 43774, "Player-coach", 1]]], "all_evidence": [[36234, 43774, "Player-coach", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44387, 53059, "Donna_Noble", 1], [44387, 53059, "Companion_-LRB-Doctor_Who-RRB-", 0]]], "all_evidence": [[44387, 53059, "Donna_Noble", 1], [44387, 53059, "Companion_-LRB-Doctor_Who-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104402, 117825, "Heath_Ledger", 2]], [[104402, 117826, "Heath_Ledger", 6]], [[104405, 117829, "Heath_Ledger", 2]], [[104405, 117830, "Heath_Ledger", 1]], [[104405, 117831, "Heath_Ledger", 12], [104405, 117831, "The_Dark_Knight_-LRB-film-RRB-", 0]]], "all_evidence": [[104402, 117825, "Heath_Ledger", 2], [104402, 117826, "Heath_Ledger", 6], [104405, 117829, "Heath_Ledger", 2], [104405, 117830, "Heath_Ledger", 1], [104405, 117831, "Heath_Ledger", 12], [104405, 117831, "The_Dark_Knight_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192041, 202797, "Baadshah_-LRB-2013_film-RRB-", 17]], [[192041, 202798, "Baadshah_-LRB-2013_film-RRB-", 15]], [[192050, 202806, "Baadshah_-LRB-2013_film-RRB-", 15], [192050, 202806, "Hindi", 0], [192050, 202806, "Hindi", 11]]], "all_evidence": [[192041, 202797, "Baadshah_-LRB-2013_film-RRB-", 17], [192041, 202798, "Baadshah_-LRB-2013_film-RRB-", 15], [192050, 202806, "Baadshah_-LRB-2013_film-RRB-", 15], [192050, 202806, "Hindi", 0], [192050, 202806, "Hindi", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227418, 231796, "Jeb_Bush", 3]]], "all_evidence": [[227418, 231796, "Jeb_Bush", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257851, 256802, "Jab_Tak_Hai_Jaan", 14]]], "all_evidence": [[257851, 256802, "Jab_Tak_Hai_Jaan", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19975, 24528, "Premier_League_Asia_Trophy", 0]]], "all_evidence": [[19975, 24528, "Premier_League_Asia_Trophy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171771, 185255, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]], "all_evidence": [[171771, 185255, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142561, 157737, "Amancio_Ortega", 0]], [[142561, 157738, "Amancio_Ortega", 1]]], "all_evidence": [[142561, 157737, "Amancio_Ortega", 0], [142561, 157738, "Amancio_Ortega", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176222, null, null, null]]], "all_evidence": [[176222, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101301, 114538, "The_Big_Country", 2]]], "all_evidence": [[101301, 114538, "The_Big_Country", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55164, 65203, "Google_Search", 13]]], "all_evidence": [[55164, 65203, "Google_Search", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106927, 120319, "Floyd_Mayweather_Jr.", 0]]], "all_evidence": [[106927, 120319, "Floyd_Mayweather_Jr.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250016, 250081, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[250016, 250081, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145259, 160253, "Near-Earth_object", 0]]], "all_evidence": [[145259, 160253, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56132, 66294, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[56132, 66294, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237301, 239535, "Thunderstorm", 0]]], "all_evidence": [[237301, 239535, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34241, null, null, null]]], "all_evidence": [[34241, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168856, 182561, "Estonia", 0]], [[168856, 182562, "Estonia", 3]], [[168856, 182563, "Estonia", 6]], [[168856, 182564, "Estonia", 20]]], "all_evidence": [[168856, 182561, "Estonia", 0], [168856, 182562, "Estonia", 3], [168856, 182563, "Estonia", 6], [168856, 182564, "Estonia", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147348, 162361, "Half_Girlfriend_-LRB-film-RRB-", 4]]], "all_evidence": [[147348, 162361, "Half_Girlfriend_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144770, 159787, "Dan_Trachtenberg", 0]]], "all_evidence": [[144770, 159787, "Dan_Trachtenberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70291, 81163, "Louie_-LRB-season_1-RRB-", 7]]], "all_evidence": [[70291, 81163, "Louie_-LRB-season_1-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270782, 266785, "Blank_Space", 10]]], "all_evidence": [[270782, 266785, "Blank_Space", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267097, 263886, "66th_Primetime_Emmy_Awards", 0]], [[267098, 263887, "66th_Primetime_Emmy_Awards", 0]]], "all_evidence": [[267097, 263886, "66th_Primetime_Emmy_Awards", 0], [267098, 263887, "66th_Primetime_Emmy_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75819, 87085, "Manchester_by_the_Sea_-LRB-film-RRB-", 4], [75819, 87085, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]], "all_evidence": [[75819, 87085, "Manchester_by_the_Sea_-LRB-film-RRB-", 4], [75819, 87085, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78515, 90045, "The_Ellen_Show", 0], [78515, 90045, "Ellen_DeGeneres", 0]]], "all_evidence": [[78515, 90045, "The_Ellen_Show", 0], [78515, 90045, "Ellen_DeGeneres", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40041, 48166, "Stomp_the_Yard", 8], [40041, 48166, "Columbus_Short", 0], [40041, 48166, "Darrin_Henson", 0]]], "all_evidence": [[40041, 48166, "Stomp_the_Yard", 8], [40041, 48166, "Columbus_Short", 0], [40041, 48166, "Darrin_Henson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155281, 169963, "Melilla", 0]], [[155282, 169964, "Melilla", 0]]], "all_evidence": [[155281, 169963, "Melilla", 0], [155282, 169964, "Melilla", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148742, null, null, null]]], "all_evidence": [[148742, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282081, null, null, null], [284108, null, null, null], [285098, null, null, null], [329980, null, null, null]]], "all_evidence": [[282081, null, null, null], [284108, null, null, null], [285098, null, null, null], [329980, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57083, 67311, "Lucy_Hale", 0]]], "all_evidence": [[57083, 67311, "Lucy_Hale", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269087, 265502, "David_Lloyd_George", 4]], [[269087, 265503, "David_Lloyd_George", 14]], [[269087, 265504, "David_Lloyd_George", 20]], [[269092, 265507, "David_Lloyd_George", 4]]], "all_evidence": [[269087, 265502, "David_Lloyd_George", 4], [269087, 265503, "David_Lloyd_George", 14], [269087, 265504, "David_Lloyd_George", 20], [269092, 265507, "David_Lloyd_George", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189194, 200514, "Nobel_Prize_in_Chemistry", 0]], [[189194, 200515, "Nobel_Prize_in_Chemistry", 2]], [[189194, 200516, "Nobel_Prize_in_Chemistry", 6]], [[189194, 200517, "Nobel_Prize_in_Chemistry", 7]]], "all_evidence": [[189194, 200514, "Nobel_Prize_in_Chemistry", 0], [189194, 200515, "Nobel_Prize_in_Chemistry", 2], [189194, 200516, "Nobel_Prize_in_Chemistry", 6], [189194, 200517, "Nobel_Prize_in_Chemistry", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22689, 27997, "Sands_Hotel_and_Casino", 6]]], "all_evidence": [[22689, 27997, "Sands_Hotel_and_Casino", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19246, null, null, null], [301362, null, null, null], [302409, null, null, null], [304248, null, null, null]]], "all_evidence": [[19246, null, null, null], [301362, null, null, null], [302409, null, null, null], [304248, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157050, 171606, "Amancio_Ortega", 0]]], "all_evidence": [[157050, 171606, "Amancio_Ortega", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69109, 79897, "Henry_Condell", 0]], [[69109, 79898, "Henry_Condell", 54]]], "all_evidence": [[69109, 79897, "Henry_Condell", 0], [69109, 79898, "Henry_Condell", 54]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101789, null, null, null]]], "all_evidence": [[101789, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296382, 288240, "Bill_Graham_Civic_Auditorium", 2]], [[300123, 291400, "Bill_Graham_Civic_Auditorium", 2]], [[342944, 326820, "Bill_Graham_Civic_Auditorium", 2]]], "all_evidence": [[296382, 288240, "Bill_Graham_Civic_Auditorium", 2], [300123, 291400, "Bill_Graham_Civic_Auditorium", 2], [342944, 326820, "Bill_Graham_Civic_Auditorium", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163983, 178234, "The_Ellen_Show", 0]]], "all_evidence": [[163983, 178234, "The_Ellen_Show", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198869, 208574, "Scream_2", 0]]], "all_evidence": [[198869, 208574, "Scream_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93567, null, null, null]]], "all_evidence": [[93567, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33485, 40641, "Python_-LRB-programming_language-RRB-", 5]], [[33485, 40642, "Python_-LRB-programming_language-RRB-", 0], [33485, 40642, "High-level_programming_language", 1]]], "all_evidence": [[33485, 40641, "Python_-LRB-programming_language-RRB-", 5], [33485, 40642, "Python_-LRB-programming_language-RRB-", 0], [33485, 40642, "High-level_programming_language", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61053, null, null, null]]], "all_evidence": [[61053, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146285, 161259, "Romani_people_in_the_Republic_of_Macedonia", 0]]], "all_evidence": [[146285, 161259, "Romani_people_in_the_Republic_of_Macedonia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292708, null, null, null], [294700, null, null, null], [340670, null, null, null]]], "all_evidence": [[292708, null, null, null], [294700, null, null, null], [340670, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104433, 117858, "Anneliese_van_der_Pol", 1]]], "all_evidence": [[104433, 117858, "Anneliese_van_der_Pol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91540, 104280, "Julie_Bowen", 0]]], "all_evidence": [[91540, 104280, "Julie_Bowen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245684, null, null, null]]], "all_evidence": [[245684, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54173, 64173, "Kate_Walsh_-LRB-actress-RRB-", 1]]], "all_evidence": [[54173, 64173, "Kate_Walsh_-LRB-actress-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256467, 255677, "Jerome_Flynn", 0]]], "all_evidence": [[256467, 255677, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14478, 18090, "Absinthe", 18]]], "all_evidence": [[14478, 18090, "Absinthe", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148272, 163270, "Uganda", 11]]], "all_evidence": [[148272, 163270, "Uganda", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251550, 251386, "Gory_Guerrero", 0]], [[251554, 251390, "Gory_Guerrero", 0]], [[251554, 251391, "Gory_Guerrero", 1]], [[251554, 251392, "Gory_Guerrero", 2]]], "all_evidence": [[251550, 251386, "Gory_Guerrero", 0], [251554, 251390, "Gory_Guerrero", 0], [251554, 251391, "Gory_Guerrero", 1], [251554, 251392, "Gory_Guerrero", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71624, null, null, null]]], "all_evidence": [[71624, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92485, null, null, null]]], "all_evidence": [[92485, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181935, 194229, "Ricardo_Montalba\u0301n", 0]]], "all_evidence": [[181935, 194229, "Ricardo_Montalba\u0301n", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45728, null, null, null]]], "all_evidence": [[45728, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39593, null, null, null]]], "all_evidence": [[39593, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83154, 95100, "Fred_Seibert", 3]]], "all_evidence": [[83154, 95100, "Fred_Seibert", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219550, 225532, "Stephen_Moyer", 3]]], "all_evidence": [[219550, 225532, "Stephen_Moyer", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42758, 51398, "Donald_Duck", 2], [42758, 51398, "Sailor_suit", 0]]], "all_evidence": [[42758, 51398, "Donald_Duck", 2], [42758, 51398, "Sailor_suit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17911, null, null, null]]], "all_evidence": [[17911, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92282, 105031, "Dulquer_Salmaan", 5]]], "all_evidence": [[92282, 105031, "Dulquer_Salmaan", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116087, null, null, null]]], "all_evidence": [[116087, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46865, 55895, "Spider-Man_2", 0]]], "all_evidence": [[46865, 55895, "Spider-Man_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129867, 144574, "Henry_III_of_England", 1]]], "all_evidence": [[129867, 144574, "Henry_III_of_England", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228137, 232392, "L._Ron_Hubbard", 29]], [[228141, 232394, "L._Ron_Hubbard", 29]]], "all_evidence": [[228137, 232392, "L._Ron_Hubbard", 29], [228141, 232394, "L._Ron_Hubbard", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265877, 263016, "FC_Bayern_Munich", 4]]], "all_evidence": [[265877, 263016, "FC_Bayern_Munich", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152591, 167382, "Scream_-LRB-franchise-RRB-", 0]]], "all_evidence": [[152591, 167382, "Scream_-LRB-franchise-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67719, 78548, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[67719, 78548, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205689, 214184, "Pythagoras", 0]]], "all_evidence": [[205689, 214184, "Pythagoras", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156638, 171235, "Python_-LRB-programming_language-RRB-", 5]]], "all_evidence": [[156638, 171235, "Python_-LRB-programming_language-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41519, 49922, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]], [[41519, 49923, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 2]]], "all_evidence": [[41519, 49922, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [41519, 49923, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143513, 158623, "Emilia_Clarke", 15]]], "all_evidence": [[143513, 158623, "Emilia_Clarke", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268431, 265014, "Brian_De_Palma", 1]], [[268431, 265015, "Brian_De_Palma", 4]], [[268431, 265016, "Brian_De_Palma", 5]], [[268431, 265017, "Brian_De_Palma", 0]]], "all_evidence": [[268431, 265014, "Brian_De_Palma", 1], [268431, 265015, "Brian_De_Palma", 4], [268431, 265016, "Brian_De_Palma", 5], [268431, 265017, "Brian_De_Palma", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112845, null, null, null]]], "all_evidence": [[112845, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121453, 135744, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]], [[121455, 135745, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]], "all_evidence": [[121453, 135744, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1], [121455, 135745, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191334, null, null, null], [191349, null, null, null]]], "all_evidence": [[191334, null, null, null], [191349, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153821, 168670, "Mamata_Banerjee", 0]]], "all_evidence": [[153821, 168670, "Mamata_Banerjee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95732, 108774, "Henry_Cavill", 8]]], "all_evidence": [[95732, 108774, "Henry_Cavill", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186971, 198696, "The_Suite_Life_of_Zack_&_Cody", 0]]], "all_evidence": [[186971, 198696, "The_Suite_Life_of_Zack_&_Cody", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80123, 91911, "Dan_Trachtenberg", 0]]], "all_evidence": [[80123, 91911, "Dan_Trachtenberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[275751, null, null, null], [275759, null, null, null], [278050, null, null, null], [278052, null, null, null], [278067, null, null, null]]], "all_evidence": [[275751, null, null, null], [275759, null, null, null], [278050, null, null, null], [278052, null, null, null], [278067, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296012, null, null, null], [297517, null, null, null], [342070, null, null, null], [342077, null, null, null]]], "all_evidence": [[296012, null, null, null], [297517, null, null, null], [342070, null, null, null], [342077, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190507, 201516, "American_Idol_-LRB-season_8-RRB-", 1]]], "all_evidence": [[190507, 201516, "American_Idol_-LRB-season_8-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272052, 267783, "Caleb_McLaughlin", 0]], [[272054, 267785, "Caleb_McLaughlin", 0]]], "all_evidence": [[272052, 267783, "Caleb_McLaughlin", 0], [272054, 267785, "Caleb_McLaughlin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229164, null, null, null], [229165, null, null, null], [229166, null, null, null]]], "all_evidence": [[229164, null, null, null], [229165, null, null, null], [229166, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35976, null, null, null]]], "all_evidence": [[35976, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228108, null, null, null]]], "all_evidence": [[228108, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65248, 76119, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[65248, 76119, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251587, null, null, null]]], "all_evidence": [[251587, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71396, 82346, "The_Times", 0]], [[71396, 82347, "The_Times", 2], [71396, 82347, "Sister_paper", 0]], [[71396, 82348, "The_Times", 9]], [[71396, 82349, "The_Times", 15]], [[71396, 82350, "The_Times", 21], [71396, 82350, "Broadsheet", 0]]], "all_evidence": [[71396, 82346, "The_Times", 0], [71396, 82347, "The_Times", 2], [71396, 82347, "Sister_paper", 0], [71396, 82348, "The_Times", 9], [71396, 82349, "The_Times", 15], [71396, 82350, "The_Times", 21], [71396, 82350, "Broadsheet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244752, 245677, "Punch-Drunk_Love", 4]]], "all_evidence": [[244752, 245677, "Punch-Drunk_Love", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152891, 167661, "Dodo", 10]]], "all_evidence": [[152891, 167661, "Dodo", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60267, null, null, null]]], "all_evidence": [[60267, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28202, null, null, null]]], "all_evidence": [[28202, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133978, 148864, "Dodo", 10]]], "all_evidence": [[133978, 148864, "Dodo", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83116, null, null, null]]], "all_evidence": [[83116, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243514, 244722, "The_Office_-LRB-U.S._TV_series-RRB-", 0]]], "all_evidence": [[243514, 244722, "The_Office_-LRB-U.S._TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225304, 229982, "Live_Nation_Entertainment", 0]]], "all_evidence": [[225304, 229982, "Live_Nation_Entertainment", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166681, 180474, "Washington_Monument", 1]]], "all_evidence": [[166681, 180474, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185477, null, null, null]]], "all_evidence": [[185477, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110103, 123735, "Exotic_Birds", 2], [110103, 123735, "Exotic_Birds", 0]]], "all_evidence": [[110103, 123735, "Exotic_Birds", 2], [110103, 123735, "Exotic_Birds", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103440, null, null, null]]], "all_evidence": [[103440, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130664, null, null, null]]], "all_evidence": [[130664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75601, 86847, "Hermit_crab", 0]]], "all_evidence": [[75601, 86847, "Hermit_crab", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45502, null, null, null]]], "all_evidence": [[45502, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[288356, null, null, null], [334536, null, null, null]]], "all_evidence": [[288356, null, null, null], [334536, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116592, null, null, null]]], "all_evidence": [[116592, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166119, null, null, null]]], "all_evidence": [[166119, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163030, 177251, "South_Island", 5]]], "all_evidence": [[163030, 177251, "South_Island", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94938, 107891, "Virginia", 19]]], "all_evidence": [[94938, 107891, "Virginia", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232366, null, null, null]]], "all_evidence": [[232366, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83031, null, null, null]]], "all_evidence": [[83031, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53322, 63295, "Project_Y", 1]]], "all_evidence": [[53322, 63295, "Project_Y", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225537, 230168, "Staging_area", 0]]], "all_evidence": [[225537, 230168, "Staging_area", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292560, 285309, "Polynomial", 0]], [[294572, 286822, "Polynomial", 0]], [[295159, 287331, "Polynomial", 0]], [[340413, 325066, "Polynomial", 0]], [[340454, 325094, "Polynomial", 0]]], "all_evidence": [[292560, 285309, "Polynomial", 0], [294572, 286822, "Polynomial", 0], [295159, 287331, "Polynomial", 0], [340413, 325066, "Polynomial", 0], [340454, 325094, "Polynomial", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233853, 236739, "Lois_Lane", 8], [233853, 236739, "Nellie_Bly", 0], [233853, 236739, "Lois_Lane", 1]]], "all_evidence": [[233853, 236739, "Lois_Lane", 8], [233853, 236739, "Nellie_Bly", 0], [233853, 236739, "Lois_Lane", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128583, 143245, "Hannah_and_Her_Sisters", 0]]], "all_evidence": [[128583, 143245, "Hannah_and_Her_Sisters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203383, null, null, null]]], "all_evidence": [[203383, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220507, 226271, "Numenius_of_Apamea", 0]]], "all_evidence": [[220507, 226271, "Numenius_of_Apamea", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212886, 220300, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]], "all_evidence": [[212886, 220300, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178461, 191040, "Pattern_recognition", 1]]], "all_evidence": [[178461, 191040, "Pattern_recognition", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186552, 198340, "Benjamin_Walker_-LRB-actor-RRB-", 0]]], "all_evidence": [[186552, 198340, "Benjamin_Walker_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208976, null, null, null], [210958, null, null, null], [211596, null, null, null], [315976, null, null, null], [316924, null, null, null]]], "all_evidence": [[208976, null, null, null], [210958, null, null, null], [211596, null, null, null], [315976, null, null, null], [316924, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69038, 79837, "P.S._I_Love_You_-LRB-film-RRB-", 0]], [[71827, 82827, "P.S._I_Love_You_-LRB-film-RRB-", 0]], [[75061, 86286, "P.S._I_Love_You_-LRB-film-RRB-", 0]], [[303970, 294852, "P.S._I_Love_You_-LRB-film-RRB-", 0]], [[306942, 297513, "P.S._I_Love_You_-LRB-film-RRB-", 0]]], "all_evidence": [[69038, 79837, "P.S._I_Love_You_-LRB-film-RRB-", 0], [71827, 82827, "P.S._I_Love_You_-LRB-film-RRB-", 0], [75061, 86286, "P.S._I_Love_You_-LRB-film-RRB-", 0], [303970, 294852, "P.S._I_Love_You_-LRB-film-RRB-", 0], [306942, 297513, "P.S._I_Love_You_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21819, null, null, null]]], "all_evidence": [[21819, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165919, 179876, "Coeliac_disease", 26]]], "all_evidence": [[165919, 179876, "Coeliac_disease", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227918, null, null, null]]], "all_evidence": [[227918, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97419, 110576, "Saw_II", 20], [97419, 110576, "DVD", 0]], [[97419, 110577, "Saw_II", 21], [97419, 110577, "DVD", 0]]], "all_evidence": [[97419, 110576, "Saw_II", 20], [97419, 110576, "DVD", 0], [97419, 110577, "Saw_II", 21], [97419, 110577, "DVD", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99732, 112888, "P.S._I_Love_You_-LRB-film-RRB-", 0]]], "all_evidence": [[99732, 112888, "P.S._I_Love_You_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142709, 157864, "Kenny_Chesney", 0]]], "all_evidence": [[142709, 157864, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195529, 205769, "Annie_Lennox", 7]]], "all_evidence": [[195529, 205769, "Annie_Lennox", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44302, 52938, "Ekta_Kapoor", 0]], [[44302, 52939, "Ekta_Kapoor", 7]], [[44302, 52940, "Ekta_Kapoor", 9]]], "all_evidence": [[44302, 52938, "Ekta_Kapoor", 0], [44302, 52939, "Ekta_Kapoor", 7], [44302, 52940, "Ekta_Kapoor", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245196, null, null, null]]], "all_evidence": [[245196, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39743, 47822, "Raja_Hindustani", 0]]], "all_evidence": [[39743, 47822, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178655, null, null, null]]], "all_evidence": [[178655, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172336, null, null, null]]], "all_evidence": [[172336, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214612, 221602, "Vera_Wang", 0]], [[214614, 221603, "Vera_Wang", 0]]], "all_evidence": [[214612, 221602, "Vera_Wang", 0], [214614, 221603, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149514, 164481, "Johann_Wolfgang_von_Goethe", 13]], [[149517, 164483, "Johann_Wolfgang_von_Goethe", 13]]], "all_evidence": [[149514, 164481, "Johann_Wolfgang_von_Goethe", 13], [149517, 164483, "Johann_Wolfgang_von_Goethe", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29341, 35804, "Volkswagen_Group", 1]]], "all_evidence": [[29341, 35804, "Volkswagen_Group", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186555, 198342, "Benjamin_Walker_-LRB-actor-RRB-", 0]]], "all_evidence": [[186555, 198342, "Benjamin_Walker_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165811, 179794, "Elizabeth_Olsen", 0]]], "all_evidence": [[165811, 179794, "Elizabeth_Olsen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54577, null, null, null]]], "all_evidence": [[54577, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257854, null, null, null]]], "all_evidence": [[257854, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73740, null, null, null]]], "all_evidence": [[73740, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175532, 188542, "The_Raven_-LRB-2012_film-RRB-", 0]], [[175533, 188543, "The_Raven_-LRB-2012_film-RRB-", 0]]], "all_evidence": [[175532, 188542, "The_Raven_-LRB-2012_film-RRB-", 0], [175533, 188543, "The_Raven_-LRB-2012_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118480, 132329, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]], [[118485, 132335, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]], "all_evidence": [[118480, 132329, "The_Book_of_Mormon_-LRB-musical-RRB-", 19], [118485, 132335, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292980, 285614, "Temple_of_the_Dog", 11]], [[292981, 285615, "Temple_of_the_Dog", 11]], [[295565, 287656, "Temple_of_the_Dog", 11]], [[295566, 287657, "Temple_of_the_Dog", 11]], [[341142, 325616, "Temple_of_the_Dog", 11], [341142, 325616, "Temple_of_the_Dog", 0]]], "all_evidence": [[292980, 285614, "Temple_of_the_Dog", 11], [292981, 285615, "Temple_of_the_Dog", 11], [295565, 287656, "Temple_of_the_Dog", 11], [295566, 287657, "Temple_of_the_Dog", 11], [341142, 325616, "Temple_of_the_Dog", 11], [341142, 325616, "Temple_of_the_Dog", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96959, null, null, null]]], "all_evidence": [[96959, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127591, 142182, "Scaramouche", 0]], [[127592, 142183, "Scaramouche", 0]], [[127593, 142184, "Scaramouche", 0]], [[127594, 142185, "Scaramouche", 0]], [[127595, 142186, "Scaramouche", 0]], [[127597, 142191, "Scaramouche", 0]], [[127598, 142192, "Scaramouche", 0]], [[127599, 142193, "Scaramouche", 0]], [[127600, 142195, "Scaramouche", 0]], [[127601, 142196, "Scaramouche", 0]]], "all_evidence": [[127591, 142182, "Scaramouche", 0], [127592, 142183, "Scaramouche", 0], [127593, 142184, "Scaramouche", 0], [127594, 142185, "Scaramouche", 0], [127595, 142186, "Scaramouche", 0], [127597, 142191, "Scaramouche", 0], [127598, 142192, "Scaramouche", 0], [127599, 142193, "Scaramouche", 0], [127600, 142195, "Scaramouche", 0], [127601, 142196, "Scaramouche", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71386, 82336, "House_of_Balloons", 0], [71386, 82336, "The_Weeknd", 2]], [[71386, 82337, "House_of_Balloons", 2]]], "all_evidence": [[71386, 82336, "House_of_Balloons", 0], [71386, 82336, "The_Weeknd", 2], [71386, 82337, "House_of_Balloons", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52324, 62292, "Lucy_Hale", 0]]], "all_evidence": [[52324, 62292, "Lucy_Hale", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151635, null, null, null]]], "all_evidence": [[151635, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174277, null, null, null]]], "all_evidence": [[174277, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206595, null, null, null]]], "all_evidence": [[206595, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21557, 26503, "Jonah_Hill", 0]], [[21557, 26504, "Jonah_Hill", 5]], [[21557, 26505, "Jonah_Hill", 1], [21557, 26505, "22_Jump_Street", 0]]], "all_evidence": [[21557, 26503, "Jonah_Hill", 0], [21557, 26504, "Jonah_Hill", 5], [21557, 26505, "Jonah_Hill", 1], [21557, 26505, "22_Jump_Street", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212882, 220297, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]], "all_evidence": [[212882, 220297, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140302, null, null, null]]], "all_evidence": [[140302, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241218, 242764, "Latvian_Soviet_Socialist_Republic", 0]]], "all_evidence": [[241218, 242764, "Latvian_Soviet_Socialist_Republic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34970, 42402, "Sabbir_Khan", 1]]], "all_evidence": [[34970, 42402, "Sabbir_Khan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121905, 136188, "Mom_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[121905, 136188, "Mom_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108327, 121870, "Estonia", 1]], [[108327, 121871, "Estonia", 3]]], "all_evidence": [[108327, 121870, "Estonia", 1], [108327, 121871, "Estonia", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286876, 280346, "Shomu_Mukherjee", 0]], [[289034, 282194, "Shomu_Mukherjee", 0]], [[333977, 320149, "Shomu_Mukherjee", 0]], [[333977, 320150, "Shomu_Mukherjee", 3]], [[333977, 320151, "Shomu_Mukherjee", 9]], [[334780, 320742, "Shomu_Mukherjee", 0]], [[334780, 320743, "Shomu_Mukherjee", 3]], [[334780, 320744, "Shomu_Mukherjee", 9]], [[334829, 320802, "Shomu_Mukherjee", 0]]], "all_evidence": [[286876, 280346, "Shomu_Mukherjee", 0], [289034, 282194, "Shomu_Mukherjee", 0], [333977, 320149, "Shomu_Mukherjee", 0], [333977, 320150, "Shomu_Mukherjee", 3], [333977, 320151, "Shomu_Mukherjee", 9], [334780, 320742, "Shomu_Mukherjee", 0], [334780, 320743, "Shomu_Mukherjee", 3], [334780, 320744, "Shomu_Mukherjee", 9], [334829, 320802, "Shomu_Mukherjee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133428, 148295, "Romani_people", 16]], [[133428, 148296, "Romani_people", 18]]], "all_evidence": [[133428, 148295, "Romani_people", 16], [133428, 148296, "Romani_people", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128893, null, null, null]]], "all_evidence": [[128893, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123104, 137392, "Sherilyn_Fenn", 0]], [[123104, 137393, "Sherilyn_Fenn", 1]], [[123104, 137394, "Sherilyn_Fenn", 2], [123104, 137394, "Boxing_Helena", 0]]], "all_evidence": [[123104, 137392, "Sherilyn_Fenn", 0], [123104, 137393, "Sherilyn_Fenn", 1], [123104, 137394, "Sherilyn_Fenn", 2], [123104, 137394, "Boxing_Helena", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174352, null, null, null], [175926, null, null, null], [313856, null, null, null], [315703, null, null, null]]], "all_evidence": [[174352, null, null, null], [175926, null, null, null], [313856, null, null, null], [315703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237087, null, null, null]]], "all_evidence": [[237087, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151607, 166359, "New_England_Patriots", 16]]], "all_evidence": [[151607, 166359, "New_England_Patriots", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263317, 261026, "Ted_Cruz", 0]]], "all_evidence": [[263317, 261026, "Ted_Cruz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169771, 183362, "Carol_Danvers", 0]], [[169771, 183363, "Carol_Danvers", 1]], [[169771, 183364, "Carol_Danvers", 2], [169771, 183364, "Avengers_-LRB-comics-RRB-", 0]], [[169771, 183365, "Carol_Danvers", 3], [169771, 183365, "Captain_Marvel_-LRB-Marvel_Comics-RRB-", 0]]], "all_evidence": [[169771, 183362, "Carol_Danvers", 0], [169771, 183363, "Carol_Danvers", 1], [169771, 183364, "Carol_Danvers", 2], [169771, 183364, "Avengers_-LRB-comics-RRB-", 0], [169771, 183365, "Carol_Danvers", 3], [169771, 183365, "Captain_Marvel_-LRB-Marvel_Comics-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237302, 239536, "Thunderstorm", 0]]], "all_evidence": [[237302, 239536, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227512, 231874, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227512, 231874, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57764, 68012, "Overexposed_-LRB-album-RRB-", 0]]], "all_evidence": [[57764, 68012, "Overexposed_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110347, null, null, null]]], "all_evidence": [[110347, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171743, 185236, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[171743, 185236, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104762, 118176, "Elizabeth_of_York", 2]]], "all_evidence": [[104762, 118176, "Elizabeth_of_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230186, 233939, "Hyksos", 18]]], "all_evidence": [[230186, 233939, "Hyksos", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182907, 195026, "Bill_Graham_Civic_Auditorium", 2]]], "all_evidence": [[182907, 195026, "Bill_Graham_Civic_Auditorium", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220210, null, null, null]]], "all_evidence": [[220210, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296340, null, null, null], [297916, null, null, null], [300092, null, null, null], [342821, null, null, null], [342824, null, null, null], [342834, null, null, null]]], "all_evidence": [[296340, null, null, null], [297916, null, null, null], [300092, null, null, null], [342821, null, null, null], [342824, null, null, null], [342834, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185380, 197155, "No_Strings_Attached_-LRB-film-RRB-", 0]], [[185380, 197156, "No_Strings_Attached_-LRB-film-RRB-", 2]]], "all_evidence": [[185380, 197155, "No_Strings_Attached_-LRB-film-RRB-", 0], [185380, 197156, "No_Strings_Attached_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113216, null, null, null]]], "all_evidence": [[113216, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61074, null, null, null]]], "all_evidence": [[61074, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136585, 151415, "Susan_Collins", 15]]], "all_evidence": [[136585, 151415, "Susan_Collins", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71519, null, null, null]]], "all_evidence": [[71519, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255055, 254602, "The_Tracey_Fragments_-LRB-film-RRB-", 6]], [[255056, 254603, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]], "all_evidence": [[255055, 254602, "The_Tracey_Fragments_-LRB-film-RRB-", 6], [255056, 254603, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113928, 127776, "Alcoholic_drink", 13]]], "all_evidence": [[113928, 127776, "Alcoholic_drink", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27127, null, null, null]]], "all_evidence": [[27127, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69080, 79869, "Qin_dynasty", 21]]], "all_evidence": [[69080, 79869, "Qin_dynasty", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117988, 131850, "John_S._McCain_Jr.", 3], [117988, 131850, "United_States_Naval_Academy", 0]]], "all_evidence": [[117988, 131850, "John_S._McCain_Jr.", 3], [117988, 131850, "United_States_Naval_Academy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41727, 50169, "Jamie_Lee_Curtis", 12]]], "all_evidence": [[41727, 50169, "Jamie_Lee_Curtis", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243479, null, null, null]]], "all_evidence": [[243479, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52303, null, null, null]]], "all_evidence": [[52303, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35377, null, null, null]]], "all_evidence": [[35377, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113279, null, null, null]]], "all_evidence": [[113279, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35384, 42882, "Susan_Collins", 16]]], "all_evidence": [[35384, 42882, "Susan_Collins", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85078, 97350, "Uranium", 0]]], "all_evidence": [[85078, 97350, "Uranium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274762, 269996, "Louis_Malle", 1], [274762, 269996, "The_Silent_World", 0]], [[274762, 269997, "Louis_Malle", 6]], [[274762, 269998, "Louis_Malle", 7], [274762, 269998, "Elevator_to_the_Gallows", 0]], [[276887, 271908, "Louis_Malle", 1], [276887, 271908, "The_Silent_World", 0]], [[323798, 311982, "Louis_Malle", 6]], [[325214, 312964, "Louis_Malle", 6]], [[326022, 313603, "Louis_Malle", 6]]], "all_evidence": [[274762, 269996, "Louis_Malle", 1], [274762, 269996, "The_Silent_World", 0], [274762, 269997, "Louis_Malle", 6], [274762, 269998, "Louis_Malle", 7], [274762, 269998, "Elevator_to_the_Gallows", 0], [276887, 271908, "Louis_Malle", 1], [276887, 271908, "The_Silent_World", 0], [323798, 311982, "Louis_Malle", 6], [325214, 312964, "Louis_Malle", 6], [326022, 313603, "Louis_Malle", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[256447, 255662, "Jerome_Flynn", 0]]], "all_evidence": [[256447, 255662, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130122, 144857, "SummerSlam_-LRB-2015-RRB-", 8]]], "all_evidence": [[130122, 144857, "SummerSlam_-LRB-2015-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[249998, 250061, "Resident_Evil_-LRB-film-RRB-", 0]]], "all_evidence": [[249998, 250061, "Resident_Evil_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27298, 33441, "Neuromodulation", 3], [27298, 33441, "Acetylcholine", 11]], [[27298, 33442, "Neuromodulation", 8]]], "all_evidence": [[27298, 33441, "Neuromodulation", 3], [27298, 33441, "Acetylcholine", 11], [27298, 33442, "Neuromodulation", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108597, 122201, "Grease_-LRB-film-RRB-", 0]]], "all_evidence": [[108597, 122201, "Grease_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31642, 38389, "SpongeBob_SquarePants", 2]]], "all_evidence": [[31642, 38389, "SpongeBob_SquarePants", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277136, null, null, null], [278819, null, null, null], [280515, null, null, null], [280526, null, null, null], [326862, null, null, null], [326863, null, null, null]]], "all_evidence": [[277136, null, null, null], [278819, null, null, null], [280515, null, null, null], [280526, null, null, null], [326862, null, null, null], [326863, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215985, 222719, "Henry_III_of_France", 23]]], "all_evidence": [[215985, 222719, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163545, null, null, null]]], "all_evidence": [[163545, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225555, 230182, "Staging_area", 0]]], "all_evidence": [[225555, 230182, "Staging_area", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220120, null, null, null]]], "all_evidence": [[220120, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158019, 172647, "Cambridgeshire", 7], [158019, 172647, "Cambridgeshire_County_Council", 0]]], "all_evidence": [[158019, 172647, "Cambridgeshire", 7], [158019, 172647, "Cambridgeshire_County_Council", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141003, null, null, null]]], "all_evidence": [[141003, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130870, null, null, null]]], "all_evidence": [[130870, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[324703, null, null, null]]], "all_evidence": [[324703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185414, null, null, null]]], "all_evidence": [[185414, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152138, null, null, null], [152142, null, null, null]]], "all_evidence": [[152138, null, null, null], [152142, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149248, null, null, null]]], "all_evidence": [[149248, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44450, null, null, null]]], "all_evidence": [[44450, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162788, 177021, "Uranium", 0]]], "all_evidence": [[162788, 177021, "Uranium", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126251, null, null, null], [126253, null, null, null]]], "all_evidence": [[126251, null, null, null], [126253, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107227, null, null, null]]], "all_evidence": [[107227, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255288, 254745, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]], "all_evidence": [[255288, 254745, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109558, 123174, "Brazilian_jiu-jitsu", 2]]], "all_evidence": [[109558, 123174, "Brazilian_jiu-jitsu", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180044, 192564, "Scaramouche", 0]]], "all_evidence": [[180044, 192564, "Scaramouche", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157112, 171667, "South_Island", 5]]], "all_evidence": [[157112, 171667, "South_Island", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[278501, null, null, null]]], "all_evidence": [[278501, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242297, 243704, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242297, 243704, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188718, 200158, "Saturn_Award_for_Best_Fantasy_Film", 0]]], "all_evidence": [[188718, 200158, "Saturn_Award_for_Best_Fantasy_Film", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133607, null, null, null]]], "all_evidence": [[133607, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186329, 198146, "Planet_Hollywood_Las_Vegas", 1]]], "all_evidence": [[186329, 198146, "Planet_Hollywood_Las_Vegas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186434, 198245, "Alan_Shepard", 16]], [[186437, 198248, "Alan_Shepard", 16]]], "all_evidence": [[186434, 198245, "Alan_Shepard", 16], [186437, 198248, "Alan_Shepard", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197910, 207837, "Jiang_Wen", 0]]], "all_evidence": [[197910, 207837, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290505, 283537, "Doug_Petrie", 5], [290505, 283537, "Dr._Horrible's_Sing-Along_Blog", 0]], [[293927, 286339, "Doug_Petrie", 5], [293927, 286339, "Dr._Horrible's_Sing-Along_Blog", 0]], [[338680, 323777, "Doug_Petrie", 5], [338680, 323777, "Joss_Whedon", 4]], [[339029, 324063, "Doug_Petrie", 5], [339029, 324063, "Dr._Horrible's_Sing-Along_Blog", 0]]], "all_evidence": [[290505, 283537, "Doug_Petrie", 5], [290505, 283537, "Dr._Horrible's_Sing-Along_Blog", 0], [293927, 286339, "Doug_Petrie", 5], [293927, 286339, "Dr._Horrible's_Sing-Along_Blog", 0], [338680, 323777, "Doug_Petrie", 5], [338680, 323777, "Joss_Whedon", 4], [339029, 324063, "Doug_Petrie", 5], [339029, 324063, "Dr._Horrible's_Sing-Along_Blog", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242211, 243641, "Tyler_Perry", 0]]], "all_evidence": [[242211, 243641, "Tyler_Perry", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177246, 190105, "Psych_-LRB-season_2-RRB-", 0]], [[177248, 190107, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[177246, 190105, "Psych_-LRB-season_2-RRB-", 0], [177248, 190107, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235167, 237896, "Fraud", 2]], [[237950, 240114, "Fraud", 1], [237950, 240114, "Fraud", 0]], [[241526, 243035, "Fraud", 0], [241526, 243035, "Fraud", 2]], [[319006, 307809, "Fraud", 0]]], "all_evidence": [[235167, 237896, "Fraud", 2], [237950, 240114, "Fraud", 1], [237950, 240114, "Fraud", 0], [241526, 243035, "Fraud", 0], [241526, 243035, "Fraud", 2], [319006, 307809, "Fraud", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112154, 125971, "Cyprus", 29]]], "all_evidence": [[112154, 125971, "Cyprus", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160007, 174512, "Menace_II_Society", 1]]], "all_evidence": [[160007, 174512, "Menace_II_Society", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269157, 265551, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269157, 265551, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157464, null, null, null]]], "all_evidence": [[157464, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222086, 227522, "Terrence_Howard", 4], [222086, 227522, "Iron_Man_-LRB-2008_film-RRB-", 0]]], "all_evidence": [[222086, 227522, "Terrence_Howard", 4], [222086, 227522, "Iron_Man_-LRB-2008_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32185, 39106, "Louie_-LRB-season_1-RRB-", 7]]], "all_evidence": [[32185, 39106, "Louie_-LRB-season_1-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162190, 176516, "Richard_Dawson", 0]]], "all_evidence": [[162190, 176516, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51465, 61210, "Samsung", 6]]], "all_evidence": [[51465, 61210, "Samsung", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183219, null, null, null]]], "all_evidence": [[183219, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255110, null, null, null], [257032, null, null, null], [258650, null, null, null], [321176, null, null, null], [321177, null, null, null], [321189, null, null, null], [321225, null, null, null]]], "all_evidence": [[255110, null, null, null], [257032, null, null, null], [258650, null, null, null], [321176, null, null, null], [321177, null, null, null], [321189, null, null, null], [321225, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148552, 163572, "Louis_Malle", 0]], [[148552, 163573, "Louis_Malle", 1], [148552, 163573, "The_Silent_World", 0]], [[148552, 163574, "Louis_Malle", 6]], [[148552, 163575, "Louis_Malle", 7], [148552, 163575, "Atlantic_City_-LRB-1980_film-RRB-", 0]]], "all_evidence": [[148552, 163572, "Louis_Malle", 0], [148552, 163573, "Louis_Malle", 1], [148552, 163573, "The_Silent_World", 0], [148552, 163574, "Louis_Malle", 6], [148552, 163575, "Louis_Malle", 7], [148552, 163575, "Atlantic_City_-LRB-1980_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82907, 94781, "Sky_UK", 0]], [[82907, 94782, "Sky_UK", 1]], [[82907, 94783, "Sky_UK", 5]], [[82907, 94784, "Sky_UK", 9]]], "all_evidence": [[82907, 94781, "Sky_UK", 0], [82907, 94782, "Sky_UK", 1], [82907, 94783, "Sky_UK", 5], [82907, 94784, "Sky_UK", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237104, null, null, null]]], "all_evidence": [[237104, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[205694, null, null, null]]], "all_evidence": [[205694, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110117, 123745, "Zoe_Saldana", 0]]], "all_evidence": [[110117, 123745, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255044, null, null, null]]], "all_evidence": [[255044, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71113, 82039, "Cambridgeshire", 7]]], "all_evidence": [[71113, 82039, "Cambridgeshire", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162628, 176904, "Hermit_crab", 0]]], "all_evidence": [[162628, 176904, "Hermit_crab", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54362, 64355, "Road_House_-LRB-1989_film-RRB-", 0]]], "all_evidence": [[54362, 64355, "Road_House_-LRB-1989_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257956, 256872, "Innovation", 1]]], "all_evidence": [[257956, 256872, "Innovation", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235110, null, null, null], [237908, null, null, null], [241460, null, null, null], [318975, null, null, null], [318999, null, null, null]]], "all_evidence": [[235110, null, null, null], [237908, null, null, null], [241460, null, null, null], [318975, null, null, null], [318999, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292873, null, null, null], [295458, null, null, null], [295479, null, null, null], [340943, null, null, null], [340952, null, null, null]]], "all_evidence": [[292873, null, null, null], [295458, null, null, null], [295479, null, null, null], [340943, null, null, null], [340952, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145215, null, null, null]]], "all_evidence": [[145215, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116740, 130633, "Louie_-LRB-season_1-RRB-", 0]]], "all_evidence": [[116740, 130633, "Louie_-LRB-season_1-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178502, null, null, null]]], "all_evidence": [[178502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116021, 129911, "The_Quiet", 0]]], "all_evidence": [[116021, 129911, "The_Quiet", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31802, null, null, null]]], "all_evidence": [[31802, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296447, 288287, "Weill_Cornell_Medicine", 0]], [[296447, 288288, "Weill_Cornell_Medicine", 4]], [[300190, 291452, "Weill_Cornell_Medicine", 0], [300190, 291452, "Medical_school", 0]], [[343104, 326929, "Weill_Cornell_Medicine", 0]], [[343109, 326935, "Weill_Cornell_Medicine", 0], [343109, 326935, "Medical_school", 0]], [[343224, 327049, "Weill_Cornell_Medicine", 0]], [[343224, 327050, "Weill_Cornell_Medicine", 4]]], "all_evidence": [[296447, 288287, "Weill_Cornell_Medicine", 0], [296447, 288288, "Weill_Cornell_Medicine", 4], [300190, 291452, "Weill_Cornell_Medicine", 0], [300190, 291452, "Medical_school", 0], [343104, 326929, "Weill_Cornell_Medicine", 0], [343109, 326935, "Weill_Cornell_Medicine", 0], [343109, 326935, "Medical_school", 0], [343224, 327049, "Weill_Cornell_Medicine", 0], [343224, 327050, "Weill_Cornell_Medicine", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109915, 123526, "Pearl_-LRB-Steven_Universe-RRB-", 0]], [[109915, 123527, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[109915, 123526, "Pearl_-LRB-Steven_Universe-RRB-", 0], [109915, 123527, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157236, 171812, "Premier_League_Asia_Trophy", 0]], [[157279, 171849, "Premier_League_Asia_Trophy", 0]], [[157279, 171850, "Premier_League_Asia_Trophy", 1], [157279, 171850, "Premier_League", 0]], [[157279, 171851, "Premier_League_Asia_Trophy", 6]], [[157279, 171852, "Premier_League_Asia_Trophy", 8], [157279, 171852, "Shanghai_SIPG_F.C.", 0]], [[157279, 171853, "Premier_League_Asia_Trophy", 9], [157279, 171853, "Crystal_Palace_F.C.", 0]], [[157279, 171854, "Premier_League_Asia_Trophy", 12], [157279, 171854, "Chelsea_F.C.", 0]], [[157279, 171855, "Premier_League_Asia_Trophy", 13], [157279, 171855, "Arsenal_F.C.", 0]], [[157279, 171856, "Premier_League_Asia_Trophy", 14], [157279, 171856, "Everton_F.C.", 0]]], "all_evidence": [[157236, 171812, "Premier_League_Asia_Trophy", 0], [157279, 171849, "Premier_League_Asia_Trophy", 0], [157279, 171850, "Premier_League_Asia_Trophy", 1], [157279, 171850, "Premier_League", 0], [157279, 171851, "Premier_League_Asia_Trophy", 6], [157279, 171852, "Premier_League_Asia_Trophy", 8], [157279, 171852, "Shanghai_SIPG_F.C.", 0], [157279, 171853, "Premier_League_Asia_Trophy", 9], [157279, 171853, "Crystal_Palace_F.C.", 0], [157279, 171854, "Premier_League_Asia_Trophy", 12], [157279, 171854, "Chelsea_F.C.", 0], [157279, 171855, "Premier_League_Asia_Trophy", 13], [157279, 171855, "Arsenal_F.C.", 0], [157279, 171856, "Premier_League_Asia_Trophy", 14], [157279, 171856, "Everton_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55410, null, null, null]]], "all_evidence": [[55410, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197887, null, null, null]]], "all_evidence": [[197887, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101710, 114966, "Amy_Winehouse", 10]]], "all_evidence": [[101710, 114966, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237286, 239529, "Thunderstorm", 0]]], "all_evidence": [[237286, 239529, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47124, 56221, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[47124, 56221, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118295, 132130, "Floyd_Mayweather_Jr.", 10]]], "all_evidence": [[118295, 132130, "Floyd_Mayweather_Jr.", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207528, 215774, "Dawood_Ibrahim", 0]]], "all_evidence": [[207528, 215774, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265330, null, null, null]]], "all_evidence": [[265330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143477, null, null, null]]], "all_evidence": [[143477, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70481, null, null, null]]], "all_evidence": [[70481, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95724, 108764, "Mount_Hood", 0]], [[95724, 108765, "Mount_Hood", 3]], [[95724, 108766, "Mount_Hood", 9]], [[95724, 108767, "Mount_Hood", 11]]], "all_evidence": [[95724, 108764, "Mount_Hood", 0], [95724, 108765, "Mount_Hood", 3], [95724, 108766, "Mount_Hood", 9], [95724, 108767, "Mount_Hood", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92665, 105472, "Sonny_&_Cher", 1]]], "all_evidence": [[92665, 105472, "Sonny_&_Cher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206290, null, null, null]]], "all_evidence": [[206290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196016, 206170, "Japan_national_football_team", 4]]], "all_evidence": [[196016, 206170, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67507, 78332, "Kareena_Kapoor", 6]]], "all_evidence": [[67507, 78332, "Kareena_Kapoor", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130905, null, null, null]]], "all_evidence": [[130905, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132534, 147440, "A._P._J._Abdul_Kalam", 7]]], "all_evidence": [[132534, 147440, "A._P._J._Abdul_Kalam", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60660, null, null, null]]], "all_evidence": [[60660, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86236, null, null, null]]], "all_evidence": [[86236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69545, 80360, "Yvonne_Strahovski", 0]]], "all_evidence": [[69545, 80360, "Yvonne_Strahovski", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81215, 93025, "Maggie_Q", 2]], [[81215, 93026, "Maggie_Q", 1], [81215, 93026, "Live_Free_or_Die_Hard", 0]]], "all_evidence": [[81215, 93025, "Maggie_Q", 2], [81215, 93026, "Maggie_Q", 1], [81215, 93026, "Live_Free_or_Die_Hard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75030, 86254, "Atlanta_metropolitan_area", 3]]], "all_evidence": [[75030, 86254, "Atlanta_metropolitan_area", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21163, 25995, "Dark_matter", 0]]], "all_evidence": [[21163, 25995, "Dark_matter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14746, 18354, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[14746, 18354, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269994, 266149, "Chadwick_Boseman", 1]], [[269994, 266150, "Chadwick_Boseman", 3], [269994, 266150, "Black_Panther_-LRB-film-RRB-", 0], [269994, 266150, "Black_Panther_-LRB-film-RRB-", 1]]], "all_evidence": [[269994, 266149, "Chadwick_Boseman", 1], [269994, 266150, "Chadwick_Boseman", 3], [269994, 266150, "Black_Panther_-LRB-film-RRB-", 0], [269994, 266150, "Black_Panther_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172256, null, null, null]]], "all_evidence": [[172256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31732, 38483, "Danish_language", 1]]], "all_evidence": [[31732, 38483, "Danish_language", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150127, 165065, "Gettysburg_Address", 0]]], "all_evidence": [[150127, 165065, "Gettysburg_Address", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268420, 265005, "Brian_De_Palma", 0]], [[268420, 265006, "Brian_De_Palma", 5]]], "all_evidence": [[268420, 265005, "Brian_De_Palma", 0], [268420, 265006, "Brian_De_Palma", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89746, 102444, "Hebe_-LRB-mythology-RRB-", 2], [89746, 102444, "Ganymede_-LRB-mythology-RRB-", 1], [89746, 102444, "Hebe_-LRB-mythology-RRB-", 1]]], "all_evidence": [[89746, 102444, "Hebe_-LRB-mythology-RRB-", 2], [89746, 102444, "Ganymede_-LRB-mythology-RRB-", 1], [89746, 102444, "Hebe_-LRB-mythology-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260740, null, null, null]]], "all_evidence": [[260740, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259310, 257937, "Indian_National_Congress", 8], [259310, 257937, "British_Raj", 69]]], "all_evidence": [[259310, 257937, "Indian_National_Congress", 8], [259310, 257937, "British_Raj", 69]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209730, 217518, "Cary_Elwes", 0]]], "all_evidence": [[209730, 217518, "Cary_Elwes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40051, 48185, "Pocahontas", 0], [40051, 48185, "Virginia", 9]]], "all_evidence": [[40051, 48185, "Pocahontas", 0], [40051, 48185, "Virginia", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41711, 50152, "Jed_Whedon", 0]]], "all_evidence": [[41711, 50152, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227409, 231788, "Jeb_Bush", 3], [227409, 231788, "Barbara_Bush", 1], [227409, 231788, "George_H._W._Bush", 28]]], "all_evidence": [[227409, 231788, "Jeb_Bush", 3], [227409, 231788, "Barbara_Bush", 1], [227409, 231788, "George_H._W._Bush", 28]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110251, 123869, "Jimi_Hendrix", 6], [110251, 123869, "101st_Airborne_Division", 0]]], "all_evidence": [[110251, 123869, "Jimi_Hendrix", 6], [110251, 123869, "101st_Airborne_Division", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52447, 62414, "Washington_Monument", 1]]], "all_evidence": [[52447, 62414, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89752, null, null, null]]], "all_evidence": [[89752, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227741, null, null, null]]], "all_evidence": [[227741, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97624, 110771, "Daredevil_-LRB-TV_series-RRB-", 0], [97624, 110771, "Daredevil_-LRB-Marvel_Comics_character-RRB-", 5]], [[97624, 110772, "Daredevil_-LRB-TV_series-RRB-", 6], [97624, 110772, "Charlie_Cox", 0]]], "all_evidence": [[97624, 110771, "Daredevil_-LRB-TV_series-RRB-", 0], [97624, 110771, "Daredevil_-LRB-Marvel_Comics_character-RRB-", 5], [97624, 110772, "Daredevil_-LRB-TV_series-RRB-", 6], [97624, 110772, "Charlie_Cox", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25857, 31807, "E\u0301douard_Se\u0301guin", 1], [25857, 31807, "E\u0301douard_Se\u0301guin", 0]]], "all_evidence": [[25857, 31807, "E\u0301douard_Se\u0301guin", 1], [25857, 31807, "E\u0301douard_Se\u0301guin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263328, 261032, "Ted_Cruz", 0]], [[263328, 261033, "Ted_Cruz", 1]], [[263328, 261034, "Ted_Cruz", 4]], [[263328, 261035, "Ted_Cruz", 5]], [[263328, 261036, "Ted_Cruz", 8]], [[263328, 261037, "Ted_Cruz", 9]], [[263328, 261038, "Ted_Cruz", 10]], [[263328, 261039, "Ted_Cruz", 13]], [[263328, 261040, "Ted_Cruz", 14]], [[263328, 261041, "Ted_Cruz", 15]], [[263328, 261042, "Ted_Cruz", 16]], [[263328, 261043, "Ted_Cruz", 17]], [[263328, 261044, "Ted_Cruz", 20]], [[263328, 261045, "Ted_Cruz", 21]], [[263328, 261046, "Ted_Cruz", 24]], [[263328, 261047, "Ted_Cruz", 25]], [[263328, 261048, "Ted_Cruz", 26]]], "all_evidence": [[263328, 261032, "Ted_Cruz", 0], [263328, 261033, "Ted_Cruz", 1], [263328, 261034, "Ted_Cruz", 4], [263328, 261035, "Ted_Cruz", 5], [263328, 261036, "Ted_Cruz", 8], [263328, 261037, "Ted_Cruz", 9], [263328, 261038, "Ted_Cruz", 10], [263328, 261039, "Ted_Cruz", 13], [263328, 261040, "Ted_Cruz", 14], [263328, 261041, "Ted_Cruz", 15], [263328, 261042, "Ted_Cruz", 16], [263328, 261043, "Ted_Cruz", 17], [263328, 261044, "Ted_Cruz", 20], [263328, 261045, "Ted_Cruz", 21], [263328, 261046, "Ted_Cruz", 24], [263328, 261047, "Ted_Cruz", 25], [263328, 261048, "Ted_Cruz", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196096, 206245, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196096, 206245, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98669, 111744, "Anxiety", 13]]], "all_evidence": [[98669, 111744, "Anxiety", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154205, 168991, "Kareem_Abdul-Jabbar", 0]], [[154206, 168992, "Kareem_Abdul-Jabbar", 0]], [[154210, 168995, "Kareem_Abdul-Jabbar", 0]]], "all_evidence": [[154205, 168991, "Kareem_Abdul-Jabbar", 0], [154206, 168992, "Kareem_Abdul-Jabbar", 0], [154210, 168995, "Kareem_Abdul-Jabbar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227425, 231800, "Jeb_Bush", 3]], [[227426, 231801, "Jeb_Bush", 3]]], "all_evidence": [[227425, 231800, "Jeb_Bush", 3], [227426, 231801, "Jeb_Bush", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171774, 185257, "The_Nice_Guys", 0]]], "all_evidence": [[171774, 185257, "The_Nice_Guys", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110146, null, null, null]]], "all_evidence": [[110146, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206151, null, null, null]]], "all_evidence": [[206151, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111296, 124917, "Johnny_Van_Zant", 5]], [[111296, 124918, "Johnny_Van_Zant", 7]], [[111296, 124920, "Johnny_Van_Zant", 11]]], "all_evidence": [[111296, 124917, "Johnny_Van_Zant", 5], [111296, 124918, "Johnny_Van_Zant", 7], [111296, 124920, "Johnny_Van_Zant", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110393, null, null, null]]], "all_evidence": [[110393, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239664, 241429, "Absinthe", 18]], [[239665, 241430, "Absinthe", 18]], [[319248, 308005, "Absinthe", 18]], [[319248, 308006, "Absinthe", 14]], [[320420, 309020, "Absinthe", 14]], [[320422, 309023, "Absinthe", 18]]], "all_evidence": [[239664, 241429, "Absinthe", 18], [239665, 241430, "Absinthe", 18], [319248, 308005, "Absinthe", 18], [319248, 308006, "Absinthe", 14], [320420, 309020, "Absinthe", 14], [320422, 309023, "Absinthe", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133895, 148754, "Half_Girlfriend_-LRB-film-RRB-", 4]]], "all_evidence": [[133895, 148754, "Half_Girlfriend_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220647, null, null, null]]], "all_evidence": [[220647, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101144, 114398, "Pocahontas", 14]]], "all_evidence": [[101144, 114398, "Pocahontas", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196021, 206174, "Japan_national_football_team", 4]]], "all_evidence": [[196021, 206174, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259303, 257931, "Indian_National_Congress", 1]]], "all_evidence": [[259303, 257931, "Indian_National_Congress", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85605, 97914, "Maltese_language", 0]]], "all_evidence": [[85605, 97914, "Maltese_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203635, null, null, null]]], "all_evidence": [[203635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24104, 29830, "Sands_Hotel_and_Casino", 0]], [[24104, 29831, "Sands_Hotel_and_Casino", 5]], [[24104, 29832, "Sands_Hotel_and_Casino", 6]]], "all_evidence": [[24104, 29830, "Sands_Hotel_and_Casino", 0], [24104, 29831, "Sands_Hotel_and_Casino", 5], [24104, 29832, "Sands_Hotel_and_Casino", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43512, 52171, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]], "all_evidence": [[43512, 52171, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24019, 29727, "Zac_Efron", 0]]], "all_evidence": [[24019, 29727, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152376, 167179, "Grateful_Dead", 15], [152376, 167179, "Tom_Constanten", 0]]], "all_evidence": [[152376, 167179, "Grateful_Dead", 15], [152376, 167179, "Tom_Constanten", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53451, 63455, "Washington_Monument", 1], [53451, 63455, "Granite", 0]]], "all_evidence": [[53451, 63455, "Washington_Monument", 1], [53451, 63455, "Granite", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242313, 243714, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242313, 243714, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98125, 111248, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[98125, 111248, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22425, 27635, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5], [22425, 27635, "Academy_Award_for_Best_Actor", 0]], [[22429, 27638, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5], [22429, 27638, "Academy_Award_for_Best_Actor", 0]]], "all_evidence": [[22425, 27635, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5], [22425, 27635, "Academy_Award_for_Best_Actor", 0], [22429, 27638, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5], [22429, 27638, "Academy_Award_for_Best_Actor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41486, 49881, "Issa_Rae", 1]], [[41486, 49882, "Issa_Rae", 2], [41486, 49882, "Awkward_Black_Girl", 0]]], "all_evidence": [[41486, 49881, "Issa_Rae", 1], [41486, 49882, "Issa_Rae", 2], [41486, 49882, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146997, 161998, "Aubrey_Anderson-Emmons", 0]]], "all_evidence": [[146997, 161998, "Aubrey_Anderson-Emmons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106534, null, null, null]]], "all_evidence": [[106534, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279926, null, null, null], [281626, null, null, null], [281627, null, null, null], [329231, null, null, null]]], "all_evidence": [[279926, null, null, null], [281626, null, null, null], [281627, null, null, null], [329231, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58695, null, null, null]]], "all_evidence": [[58695, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242204, null, null, null]]], "all_evidence": [[242204, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218610, 224848, "Rob_McElhenney", 3]], [[218613, 224850, "Rob_McElhenney", 3]]], "all_evidence": [[218610, 224848, "Rob_McElhenney", 3], [218613, 224850, "Rob_McElhenney", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144126, 159190, "The_Ellen_Show", 0], [144126, 159190, "Ellen_DeGeneres", 0]], [[144131, 159193, "The_Ellen_Show", 0], [144131, 159193, "Ellen_DeGeneres", 0], [144131, 159193, "Ellen_DeGeneres", 1]]], "all_evidence": [[144126, 159190, "The_Ellen_Show", 0], [144126, 159190, "Ellen_DeGeneres", 0], [144131, 159193, "The_Ellen_Show", 0], [144131, 159193, "Ellen_DeGeneres", 0], [144131, 159193, "Ellen_DeGeneres", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126697, 141131, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[126697, 141131, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80760, null, null, null], [80763, null, null, null]]], "all_evidence": [[80760, null, null, null], [80763, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[204614, 213355, "Great_white_shark", 16]]], "all_evidence": [[204614, 213355, "Great_white_shark", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51807, null, null, null]]], "all_evidence": [[51807, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272074, 267800, "Caleb_McLaughlin", 0]]], "all_evidence": [[272074, 267800, "Caleb_McLaughlin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80420, null, null, null]]], "all_evidence": [[80420, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160944, null, null, null], [160948, null, null, null]]], "all_evidence": [[160944, null, null, null], [160948, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[281814, 276110, "Therasia", 0]], [[281814, 276111, "Therasia", 1]], [[281814, 276112, "Therasia", 2]], [[283850, 277780, "Therasia", 1]], [[284955, 278672, "Therasia", 0]], [[329521, 316285, "Therasia", 0]], [[329523, 316286, "Therasia", 0]], [[329523, 316287, "Therasia", 2]], [[329525, 316288, "Therasia", 0]], [[329525, 316289, "Therasia", 2]], [[329540, 316301, "Therasia", 1]], [[329540, 316302, "Therasia", 2]], [[329540, 316303, "Therasia", 0]]], "all_evidence": [[281814, 276110, "Therasia", 0], [281814, 276111, "Therasia", 1], [281814, 276112, "Therasia", 2], [283850, 277780, "Therasia", 1], [284955, 278672, "Therasia", 0], [329521, 316285, "Therasia", 0], [329523, 316286, "Therasia", 0], [329523, 316287, "Therasia", 2], [329525, 316288, "Therasia", 0], [329525, 316289, "Therasia", 2], [329540, 316301, "Therasia", 1], [329540, 316302, "Therasia", 2], [329540, 316303, "Therasia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119383, 133400, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]], "all_evidence": [[119383, 133400, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170805, 184371, "Saw_II", 20]]], "all_evidence": [[170805, 184371, "Saw_II", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267610, null, null, null]]], "all_evidence": [[267610, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162632, 176907, "China", 0]]], "all_evidence": [[162632, 176907, "China", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73700, 84950, "Mom_-LRB-TV_series-RRB-", 8]]], "all_evidence": [[73700, 84950, "Mom_-LRB-TV_series-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55347, 65401, "Watertown,_Massachusetts", 0]]], "all_evidence": [[55347, 65401, "Watertown,_Massachusetts", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143048, 158153, "Kenny_Chesney", 0]]], "all_evidence": [[143048, 158153, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162930, 177167, "Ghost_-LRB-1990_film-RRB-", 4]]], "all_evidence": [[162930, 177167, "Ghost_-LRB-1990_film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16053, 19924, "Hannah_and_Her_Sisters", 0]]], "all_evidence": [[16053, 19924, "Hannah_and_Her_Sisters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239476, 241307, "Akon", 9]]], "all_evidence": [[239476, 241307, "Akon", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167952, 181718, "Petyr_Baelish", 2]]], "all_evidence": [[167952, 181718, "Petyr_Baelish", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52241, 62198, "Catherine_Keener", 1]], [[52241, 62199, "Catherine_Keener", 2]]], "all_evidence": [[52241, 62198, "Catherine_Keener", 1], [52241, 62199, "Catherine_Keener", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274409, 269704, "Henry_Condell", 55]], [[276734, 271803, "Henry_Condell", 55]], [[277529, 272444, "Henry_Condell", 55]], [[323589, 311794, "Henry_Condell", 55]]], "all_evidence": [[274409, 269704, "Henry_Condell", 55], [276734, 271803, "Henry_Condell", 55], [277529, 272444, "Henry_Condell", 55], [323589, 311794, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71795, 82793, "Firefox", 0], [71795, 82793, "Web_browser", 0]], [[71796, 82794, "Firefox", 0]]], "all_evidence": [[71795, 82793, "Firefox", 0], [71795, 82793, "Web_browser", 0], [71796, 82794, "Firefox", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209895, 217690, "Psych_-LRB-season_2-RRB-", 0]], [[212413, 219954, "Psych_-LRB-season_2-RRB-", 0]], [[215082, 222011, "Psych_-LRB-season_2-RRB-", 0]], [[316285, 305526, "Psych_-LRB-season_2-RRB-", 0]], [[317014, 306106, "Psych_-LRB-season_2-RRB-", 0]], [[317021, 306110, "Psych_-LRB-season_2-RRB-", 0]], [[317027, 306115, "Psych_-LRB-season_2-RRB-", 0]], [[317028, 306116, "Psych_-LRB-season_2-RRB-", 0]], [[317032, 306119, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[209895, 217690, "Psych_-LRB-season_2-RRB-", 0], [212413, 219954, "Psych_-LRB-season_2-RRB-", 0], [215082, 222011, "Psych_-LRB-season_2-RRB-", 0], [316285, 305526, "Psych_-LRB-season_2-RRB-", 0], [317014, 306106, "Psych_-LRB-season_2-RRB-", 0], [317021, 306110, "Psych_-LRB-season_2-RRB-", 0], [317027, 306115, "Psych_-LRB-season_2-RRB-", 0], [317028, 306116, "Psych_-LRB-season_2-RRB-", 0], [317032, 306119, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11205, 14119, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[11205, 14119, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91000, null, null, null]]], "all_evidence": [[91000, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53873, 63861, "The_Times", 21]]], "all_evidence": [[53873, 63861, "The_Times", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177488, 190274, "Superhuman", 6]]], "all_evidence": [[177488, 190274, "Superhuman", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245168, null, null, null], [245169, null, null, null]]], "all_evidence": [[245168, null, null, null], [245169, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156378, 170976, "Netscape_Navigator", 9], [156378, 170976, "Netscape_Communicator", 0]]], "all_evidence": [[156378, 170976, "Netscape_Navigator", 9], [156378, 170976, "Netscape_Communicator", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173455, 186705, "Ice-T", 1]]], "all_evidence": [[173455, 186705, "Ice-T", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24895, null, null, null]]], "all_evidence": [[24895, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110787, 124452, "Battle_of_the_Trebia", 6]]], "all_evidence": [[110787, 124452, "Battle_of_the_Trebia", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274222, 269542, "Silver_Surfer", 0]], [[276601, 271696, "Silver_Surfer", 0]], [[277460, 272383, "Silver_Surfer", 0]], [[322315, 310675, "Silver_Surfer", 0]], [[323481, 311714, "Silver_Surfer", 0], [323481, 311714, "Marvel_Comics", 0]]], "all_evidence": [[274222, 269542, "Silver_Surfer", 0], [276601, 271696, "Silver_Surfer", 0], [277460, 272383, "Silver_Surfer", 0], [322315, 310675, "Silver_Surfer", 0], [323481, 311714, "Silver_Surfer", 0], [323481, 311714, "Marvel_Comics", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54237, 64236, "Ned_Stark", 1]]], "all_evidence": [[54237, 64236, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146354, 161307, "Nate_Diaz", 0]], [[146355, 161308, "Nate_Diaz", 0]]], "all_evidence": [[146354, 161307, "Nate_Diaz", 0], [146355, 161308, "Nate_Diaz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224829, null, null, null]]], "all_evidence": [[224829, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126140, 140530, "Johnny_Van_Zant", 0]], [[126141, 140531, "Johnny_Van_Zant", 0]], [[126141, 140532, "Johnny_Van_Zant", 7]]], "all_evidence": [[126140, 140530, "Johnny_Van_Zant", 0], [126141, 140531, "Johnny_Van_Zant", 0], [126141, 140532, "Johnny_Van_Zant", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104334, 117767, "Andrew_Moray", 2], [104334, 117767, "Andrew_Moray", 3], [104334, 117767, "Battle_of_Stirling_Bridge", 1]]], "all_evidence": [[104334, 117767, "Andrew_Moray", 2], [104334, 117767, "Andrew_Moray", 3], [104334, 117767, "Battle_of_Stirling_Bridge", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73468, null, null, null]]], "all_evidence": [[73468, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150394, 165288, "Pattern_recognition", 1]], [[150396, 165290, "Pattern_recognition", 1]]], "all_evidence": [[150394, 165288, "Pattern_recognition", 1], [150396, 165290, "Pattern_recognition", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132066, null, null, null]]], "all_evidence": [[132066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164379, 178656, "Port_of_Spain", 5]], [[164379, 178657, "Port_of_Spain", 2]], [[164379, 178658, "Port_of_Spain", 13]], [[164380, 178659, "Port_of_Spain", 0]]], "all_evidence": [[164379, 178656, "Port_of_Spain", 5], [164379, 178657, "Port_of_Spain", 2], [164379, 178658, "Port_of_Spain", 13], [164380, 178659, "Port_of_Spain", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197885, null, null, null]]], "all_evidence": [[197885, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105600, 119045, "Charles_Howard_Hinton", 0]]], "all_evidence": [[105600, 119045, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110836, 124496, "Charles_Howard_Hinton", 0]]], "all_evidence": [[110836, 124496, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194739, 205114, "Boeing_767", 19]], [[194740, 205115, "Boeing_767", 19]]], "all_evidence": [[194739, 205114, "Boeing_767", 19], [194740, 205115, "Boeing_767", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57416, 67628, "Salt_River_Valley", 0]]], "all_evidence": [[57416, 67628, "Salt_River_Valley", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198889, null, null, null]]], "all_evidence": [[198889, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86972, 99450, "IMDb", 0]]], "all_evidence": [[86972, 99450, "IMDb", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14557, 18172, "Henry_III_of_England", 1]]], "all_evidence": [[14557, 18172, "Henry_III_of_England", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43621, null, null, null]]], "all_evidence": [[43621, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33142, null, null, null]]], "all_evidence": [[33142, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88500, 101120, "The_Hunger_Games_-LRB-film_series-RRB-", 2]]], "all_evidence": [[88500, 101120, "The_Hunger_Games_-LRB-film_series-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80652, null, null, null]]], "all_evidence": [[80652, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151829, 166597, "Roberto_Orci", 9], [151829, 166597, "Star_Trek_-LRB-film-RRB-", 0]]], "all_evidence": [[151829, 166597, "Roberto_Orci", 9], [151829, 166597, "Star_Trek_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220209, 226035, "Foot_Locker", 9]], [[220209, 226036, "Foot_Locker", 0]]], "all_evidence": [[220209, 226035, "Foot_Locker", 9], [220209, 226036, "Foot_Locker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76525, null, null, null], [76529, null, null, null]]], "all_evidence": [[76525, null, null, null], [76529, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144048, 159125, "Stomp_the_Yard", 0]], [[144048, 159126, "Stomp_the_Yard", 2]], [[144048, 159127, "Stomp_the_Yard", 3]], [[144048, 159128, "Stomp_the_Yard", 4]], [[144048, 159129, "Stomp_the_Yard", 5]], [[144048, 159130, "Stomp_the_Yard", 8]]], "all_evidence": [[144048, 159125, "Stomp_the_Yard", 0], [144048, 159126, "Stomp_the_Yard", 2], [144048, 159127, "Stomp_the_Yard", 3], [144048, 159128, "Stomp_the_Yard", 4], [144048, 159129, "Stomp_the_Yard", 5], [144048, 159130, "Stomp_the_Yard", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33622, 40785, "Scandinavia", 3], [33622, 40785, "Sweden", 27]]], "all_evidence": [[33622, 40785, "Scandinavia", 3], [33622, 40785, "Sweden", 27]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157225, 171805, "City_of_Literature", 0]]], "all_evidence": [[157225, 171805, "City_of_Literature", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66050, 76904, "Python_-LRB-programming_language-RRB-", 5]]], "all_evidence": [[66050, 76904, "Python_-LRB-programming_language-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131839, 146690, "Kajol", 4]]], "all_evidence": [[131839, 146690, "Kajol", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66362, null, null, null]]], "all_evidence": [[66362, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[277670, null, null, null], [324038, null, null, null], [325427, null, null, null], [325429, null, null, null], [325435, null, null, null]]], "all_evidence": [[277670, null, null, null], [324038, null, null, null], [325427, null, null, null], [325429, null, null, null], [325435, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79780, 91518, "Stephen_King", 2]]], "all_evidence": [[79780, 91518, "Stephen_King", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233295, 236267, "Arthur_Schopenhauer", 0]]], "all_evidence": [[233295, 236267, "Arthur_Schopenhauer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224819, 229585, "Sacre\u0301-C\u0153ur,_Paris", 2]]], "all_evidence": [[224819, 229585, "Sacre\u0301-C\u0153ur,_Paris", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110027, null, null, null]]], "all_evidence": [[110027, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58636, null, null, null]]], "all_evidence": [[58636, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[12368, null, null, null]]], "all_evidence": [[12368, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76928, null, null, null]]], "all_evidence": [[76928, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16174, 20039, "Hinduism", 6]]], "all_evidence": [[16174, 20039, "Hinduism", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39552, 47648, "Shannon_Lee", 0]]], "all_evidence": [[39552, 47648, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105552, 119013, "Donna_Noble", 0], [105552, 119013, "Donna_Noble", 2], [105552, 119013, "Donna_Noble", 3], [105552, 119013, "Donna_Noble", 1]]], "all_evidence": [[105552, 119013, "Donna_Noble", 0], [105552, 119013, "Donna_Noble", 2], [105552, 119013, "Donna_Noble", 3], [105552, 119013, "Donna_Noble", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55348, null, null, null]]], "all_evidence": [[55348, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103277, 116649, "The_Beguiled_-LRB-1971_film-RRB-", 1], [103277, 116649, "Southern_Gothic", 0]]], "all_evidence": [[103277, 116649, "The_Beguiled_-LRB-1971_film-RRB-", 1], [103277, 116649, "Southern_Gothic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82293, 94074, "Henri_Kontinen", 5]]], "all_evidence": [[82293, 94074, "Henri_Kontinen", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228444, 232627, "Menace_II_Society", 1]], [[231117, 234656, "Menace_II_Society", 1]], [[232492, 235657, "Menace_II_Society", 1]], [[318340, 307291, "Menace_II_Society", 1]], [[318341, 307292, "Menace_II_Society", 1]], [[318343, 307293, "Menace_II_Society", 0], [318343, 307293, "Menace_II_Society", 1]], [[318344, 307294, "Menace_II_Society", 1]], [[318346, 307296, "Menace_II_Society", 1]], [[318349, 307300, "Menace_II_Society", 1]], [[318350, 307301, "Menace_II_Society", 1]]], "all_evidence": [[228444, 232627, "Menace_II_Society", 1], [231117, 234656, "Menace_II_Society", 1], [232492, 235657, "Menace_II_Society", 1], [318340, 307291, "Menace_II_Society", 1], [318341, 307292, "Menace_II_Society", 1], [318343, 307293, "Menace_II_Society", 0], [318343, 307293, "Menace_II_Society", 1], [318344, 307294, "Menace_II_Society", 1], [318346, 307296, "Menace_II_Society", 1], [318349, 307300, "Menace_II_Society", 1], [318350, 307301, "Menace_II_Society", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200668, null, null, null]]], "all_evidence": [[200668, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42986, 51624, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[42986, 51624, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135213, null, null, null]]], "all_evidence": [[135213, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98411, 111521, "Sherilyn_Fenn", 2], [98411, 111521, "Boxing_Helena", 0]]], "all_evidence": [[98411, 111521, "Sherilyn_Fenn", 2], [98411, 111521, "Boxing_Helena", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169621, null, null, null]]], "all_evidence": [[169621, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125702, 140083, "The_Fame", 1]]], "all_evidence": [[125702, 140083, "The_Fame", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15966, 19849, "Musala", 0]]], "all_evidence": [[15966, 19849, "Musala", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29244, null, null, null]]], "all_evidence": [[29244, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129767, 144487, "Golf", 4]], [[129767, 144488, "Golf", 5]], [[129768, 144489, "Golf", 4]], [[129768, 144490, "Golf", 5]]], "all_evidence": [[129767, 144487, "Golf", 4], [129767, 144488, "Golf", 5], [129768, 144489, "Golf", 4], [129768, 144490, "Golf", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141673, 156917, "Anthony_Scaramucci", 0]]], "all_evidence": [[141673, 156917, "Anthony_Scaramucci", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146639, 161629, "Doxycycline", 6]]], "all_evidence": [[146639, 161629, "Doxycycline", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108215, null, null, null]]], "all_evidence": [[108215, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97299, 110476, "Aestheticism", 0]]], "all_evidence": [[97299, 110476, "Aestheticism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105245, null, null, null]]], "all_evidence": [[105245, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124342, null, null, null]]], "all_evidence": [[124342, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40148, 48307, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[40148, 48307, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224588, 229420, "Adam_Lambert", 10]]], "all_evidence": [[224588, 229420, "Adam_Lambert", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43735, null, null, null]]], "all_evidence": [[43735, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89986, 102669, "Lorelai_Gilmore", 3]]], "all_evidence": [[89986, 102669, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109798, null, null, null]]], "all_evidence": [[109798, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196012, 206168, "Japan_national_football_team", 4]]], "all_evidence": [[196012, 206168, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102642, 115906, "Cyclades", 0]]], "all_evidence": [[102642, 115906, "Cyclades", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55627, null, null, null]]], "all_evidence": [[55627, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98065, 111201, "Hinduism", 6]]], "all_evidence": [[98065, 111201, "Hinduism", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189186, null, null, null]]], "all_evidence": [[189186, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127295, 141830, "Sky_UK", 0]], [[127295, 141831, "Sky_UK", 1]]], "all_evidence": [[127295, 141830, "Sky_UK", 0], [127295, 141831, "Sky_UK", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25078, 30950, "IPhone_4", 7], [25078, 30950, "IOS_4", 0]], [[25078, 30951, "IPhone_4", 0], [25078, 30951, "Smartphone", 0]]], "all_evidence": [[25078, 30950, "IPhone_4", 7], [25078, 30950, "IOS_4", 0], [25078, 30951, "IPhone_4", 0], [25078, 30951, "Smartphone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75679, 86933, "Boeing_787_Dreamliner", 0]]], "all_evidence": [[75679, 86933, "Boeing_787_Dreamliner", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[334411, null, null, null]]], "all_evidence": [[334411, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91226, 103934, "Menace_II_Society", 1]]], "all_evidence": [[91226, 103934, "Menace_II_Society", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244100, 245191, "Uta_Hagen", 0]]], "all_evidence": [[244100, 245191, "Uta_Hagen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69621, 80454, "Johann_Wolfgang_von_Goethe", 12], [69621, 80454, "Weimar", 0]]], "all_evidence": [[69621, 80454, "Johann_Wolfgang_von_Goethe", 12], [69621, 80454, "Weimar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26065, 32044, "Manchester_by_the_Sea_-LRB-film-RRB-", 0]], [[26065, 32045, "Manchester_by_the_Sea_-LRB-film-RRB-", 4]], [[26065, 32046, "Manchester_by_the_Sea_-LRB-film-RRB-", 5], [26065, 32046, "Wide_release", 0], [26065, 32046, "Limited_release", 2]], [[26065, 32047, "Manchester_by_the_Sea_-LRB-film-RRB-", 8]], [[26065, 32048, "Manchester_by_the_Sea_-LRB-film-RRB-", 10]]], "all_evidence": [[26065, 32044, "Manchester_by_the_Sea_-LRB-film-RRB-", 0], [26065, 32045, "Manchester_by_the_Sea_-LRB-film-RRB-", 4], [26065, 32046, "Manchester_by_the_Sea_-LRB-film-RRB-", 5], [26065, 32046, "Wide_release", 0], [26065, 32046, "Limited_release", 2], [26065, 32047, "Manchester_by_the_Sea_-LRB-film-RRB-", 8], [26065, 32048, "Manchester_by_the_Sea_-LRB-film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163001, 177221, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[163001, 177221, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272059, 267790, "Caleb_McLaughlin", 0]]], "all_evidence": [[272059, 267790, "Caleb_McLaughlin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247544, null, null, null]]], "all_evidence": [[247544, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233290, 236261, "Arthur_Schopenhauer", 0]]], "all_evidence": [[233290, 236261, "Arthur_Schopenhauer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44680, 53360, "Morgan_Fairchild", 6]]], "all_evidence": [[44680, 53360, "Morgan_Fairchild", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185776, 197558, "Mamata_Banerjee", 0]], [[185777, 197559, "Mamata_Banerjee", 0]], [[185779, 197561, "Mamata_Banerjee", 0]]], "all_evidence": [[185776, 197558, "Mamata_Banerjee", 0], [185777, 197559, "Mamata_Banerjee", 0], [185779, 197561, "Mamata_Banerjee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241553, null, null, null]]], "all_evidence": [[241553, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114185, 127993, "Ed_Decter", 0]]], "all_evidence": [[114185, 127993, "Ed_Decter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36455, 44049, "Henry_Condell", 55]], [[39000, 46986, "Henry_Condell", 55]], [[40999, 49296, "Henry_Condell", 55]], [[301960, 293045, "Henry_Condell", 55]], [[303418, 294385, "Henry_Condell", 55]], [[304582, 295399, "Henry_Condell", 55]]], "all_evidence": [[36455, 44049, "Henry_Condell", 55], [39000, 46986, "Henry_Condell", 55], [40999, 49296, "Henry_Condell", 55], [301960, 293045, "Henry_Condell", 55], [303418, 294385, "Henry_Condell", 55], [304582, 295399, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259309, 257936, "Indian_National_Congress", 1]]], "all_evidence": [[259309, 257936, "Indian_National_Congress", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70688, 81572, "Syco", 0]]], "all_evidence": [[70688, 81572, "Syco", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227879, null, null, null]]], "all_evidence": [[227879, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274436, 269733, "Maggie_Q", 1]], [[274444, 269739, "Maggie_Q", 1]], [[322527, 310841, "Maggie_Q", 1]], [[323627, 311831, "Maggie_Q", 1]]], "all_evidence": [[274436, 269733, "Maggie_Q", 1], [274444, 269739, "Maggie_Q", 1], [322527, 310841, "Maggie_Q", 1], [323627, 311831, "Maggie_Q", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129690, 144415, "Heroes_-LRB-TV_series-RRB-", 8]]], "all_evidence": [[129690, 144415, "Heroes_-LRB-TV_series-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263448, 261118, "The_Block_-LRB-album-RRB-", 2]], [[263448, 261119, "The_Block_-LRB-album-RRB-", 1]]], "all_evidence": [[263448, 261118, "The_Block_-LRB-album-RRB-", 2], [263448, 261119, "The_Block_-LRB-album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229665, 233558, "William_Howard_Taft", 11]]], "all_evidence": [[229665, 233558, "William_Howard_Taft", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43484, 52130, "Warcraft_-LRB-film-RRB-", 7]], [[43484, 52131, "Warcraft_-LRB-film-RRB-", 0]]], "all_evidence": [[43484, 52130, "Warcraft_-LRB-film-RRB-", 7], [43484, 52131, "Warcraft_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60406, null, null, null]]], "all_evidence": [[60406, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247236, null, null, null]]], "all_evidence": [[247236, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199429, null, null, null]]], "all_evidence": [[199429, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79107, 90746, "Near-Earth_object", 0], [79107, 90746, "Small_Solar_System_body", 0]]], "all_evidence": [[79107, 90746, "Near-Earth_object", 0], [79107, 90746, "Small_Solar_System_body", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244462, 245464, "Solanum", 1]], [[246964, 247349, "Solanum", 1]], [[247636, 247929, "Solanum", 1]], [[319400, 308110, "Solanum", 1]], [[320573, 309126, "Solanum", 1]], [[320574, 309127, "Solanum", 1]]], "all_evidence": [[244462, 245464, "Solanum", 1], [246964, 247349, "Solanum", 1], [247636, 247929, "Solanum", 1], [319400, 308110, "Solanum", 1], [320573, 309126, "Solanum", 1], [320574, 309127, "Solanum", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[211130, null, null, null]]], "all_evidence": [[211130, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189887, null, null, null], [192942, null, null, null], [314935, null, null, null]]], "all_evidence": [[189887, null, null, null], [192942, null, null, null], [314935, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275245, 270415, "Fidaa", 0]], [[277125, 272101, "Fidaa", 0]], [[277706, 272648, "Fidaa", 0]], [[324289, 312298, "Fidaa", 0]], [[324290, 312299, "Fidaa", 0]], [[324294, 312304, "Fidaa", 0]], [[324295, 312305, "Fidaa", 0]]], "all_evidence": [[275245, 270415, "Fidaa", 0], [277125, 272101, "Fidaa", 0], [277706, 272648, "Fidaa", 0], [324289, 312298, "Fidaa", 0], [324290, 312299, "Fidaa", 0], [324294, 312304, "Fidaa", 0], [324295, 312305, "Fidaa", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71169, null, null, null]]], "all_evidence": [[71169, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83238, null, null, null]]], "all_evidence": [[83238, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226637, null, null, null]]], "all_evidence": [[226637, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216866, null, null, null]]], "all_evidence": [[216866, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196110, 206256, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196110, 206256, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225320, 229997, "Live_Nation_Entertainment", 0]]], "all_evidence": [[225320, 229997, "Live_Nation_Entertainment", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207187, 215508, "Pythagoras", 0]], [[207188, 215509, "Pythagoras", 0]]], "all_evidence": [[207187, 215508, "Pythagoras", 0], [207188, 215509, "Pythagoras", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132012, 146860, "Salman_Rushdie", 3]]], "all_evidence": [[132012, 146860, "Salman_Rushdie", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42643, null, null, null]]], "all_evidence": [[42643, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109890, null, null, null]]], "all_evidence": [[109890, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87380, null, null, null]]], "all_evidence": [[87380, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163117, null, null, null]]], "all_evidence": [[163117, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151834, 166601, "Hebe_-LRB-mythology-RRB-", 2]]], "all_evidence": [[151834, 166601, "Hebe_-LRB-mythology-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105567, null, null, null]]], "all_evidence": [[105567, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251298, 251191, "Pet", 5]], [[251298, 251192, "Pet", 6]]], "all_evidence": [[251298, 251191, "Pet", 5], [251298, 251192, "Pet", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168908, 182617, "Elizabeth_Olsen", 0]]], "all_evidence": [[168908, 182617, "Elizabeth_Olsen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124598, 138932, "Agent_Raghav_\u2013_Crime_Branch", 2]]], "all_evidence": [[124598, 138932, "Agent_Raghav_\u2013_Crime_Branch", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269247, 265630, "Revolver_-LRB-Beatles_album-RRB-", 16]]], "all_evidence": [[269247, 265630, "Revolver_-LRB-Beatles_album-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227411, 231790, "Jeb_Bush", 3]]], "all_evidence": [[227411, 231790, "Jeb_Bush", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173413, 186670, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[173413, 186670, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[261358, 259514, "Corsica", 0]]], "all_evidence": [[261358, 259514, "Corsica", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227485, 231848, "Mike_Friedrich", 0]], [[227489, 231853, "Mike_Friedrich", 0]], [[227490, 231854, "Mike_Friedrich", 0]]], "all_evidence": [[227485, 231848, "Mike_Friedrich", 0], [227489, 231853, "Mike_Friedrich", 0], [227490, 231854, "Mike_Friedrich", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202237, 211560, "Alfred_P._Murrah_Federal_Building", 0]]], "all_evidence": [[202237, 211560, "Alfred_P._Murrah_Federal_Building", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165358, 179437, "Benjamin_Franklin", 7]]], "all_evidence": [[165358, 179437, "Benjamin_Franklin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245082, 245995, "Rwanda", 26]]], "all_evidence": [[245082, 245995, "Rwanda", 26]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194235, null, null, null]]], "all_evidence": [[194235, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150565, null, null, null]]], "all_evidence": [[150565, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187204, 198874, "Probot", 0]]], "all_evidence": [[187204, 198874, "Probot", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175154, null, null, null]]], "all_evidence": [[175154, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112576, 126396, "Anneliese_van_der_Pol", 1]]], "all_evidence": [[112576, 126396, "Anneliese_van_der_Pol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259300, 257928, "Indian_National_Congress", 8], [259300, 257928, "Mumbai", 0]]], "all_evidence": [[259300, 257928, "Indian_National_Congress", 8], [259300, 257928, "Mumbai", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39473, null, null, null]]], "all_evidence": [[39473, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82976, null, null, null], [307265, null, null, null]]], "all_evidence": [[82976, null, null, null], [307265, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269153, null, null, null]]], "all_evidence": [[269153, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186960, 198688, "The_Suite_Life_of_Zack_&_Cody", 0]]], "all_evidence": [[186960, 198688, "The_Suite_Life_of_Zack_&_Cody", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147462, null, null, null]]], "all_evidence": [[147462, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107105, 120479, "Oscar_Isaac", 7], [107105, 120479, "Poe_Dameron", 1]]], "all_evidence": [[107105, 120479, "Oscar_Isaac", 7], [107105, 120479, "Poe_Dameron", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37667, 45593, "Physics", 1]]], "all_evidence": [[37667, 45593, "Physics", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47615, null, null, null]]], "all_evidence": [[47615, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266494, null, null, null]]], "all_evidence": [[266494, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184993, 196829, "No_Strings_Attached_-LRB-film-RRB-", 2]]], "all_evidence": [[184993, 196829, "No_Strings_Attached_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51757, 61574, "Anthony_Scaramucci", 0]], [[51757, 61575, "Anthony_Scaramucci", 3]], [[51757, 61576, "Anthony_Scaramucci", 8]]], "all_evidence": [[51757, 61574, "Anthony_Scaramucci", 0], [51757, 61575, "Anthony_Scaramucci", 3], [51757, 61576, "Anthony_Scaramucci", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95887, 108960, "James_Brolin", 0]]], "all_evidence": [[95887, 108960, "James_Brolin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241236, 242782, "Latvian_Soviet_Socialist_Republic", 0]]], "all_evidence": [[241236, 242782, "Latvian_Soviet_Socialist_Republic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133381, 148242, "Uganda", 11]]], "all_evidence": [[133381, 148242, "Uganda", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187190, 198869, "Probot", 0]]], "all_evidence": [[187190, 198869, "Probot", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80332, null, null, null]]], "all_evidence": [[80332, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253262, 253153, "The_Originals_-LRB-TV_series-RRB-", 0]], [[253262, 253154, "The_Originals_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[253262, 253153, "The_Originals_-LRB-TV_series-RRB-", 0], [253262, 253154, "The_Originals_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167853, null, null, null], [170031, null, null, null], [312419, null, null, null], [313612, null, null, null], [313622, null, null, null]]], "all_evidence": [[167853, null, null, null], [170031, null, null, null], [312419, null, null, null], [313612, null, null, null], [313622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180745, 193142, "Melilla", 0]]], "all_evidence": [[180745, 193142, "Melilla", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242359, 243758, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], [242359, 243758, "Roman_Senate", 0]], [[242360, 243759, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242359, 243758, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], [242359, 243758, "Roman_Senate", 0], [242360, 243759, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163111, 177315, "Washington_Monument", 1]]], "all_evidence": [[163111, 177315, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15683, 19536, "Yemen", 1]]], "all_evidence": [[15683, 19536, "Yemen", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286441, 279903, "Netscape_Navigator", 9]], [[288197, 281465, "Netscape_Navigator", 9]], [[288649, 281862, "Netscape_Navigator", 9]], [[333329, 319571, "Netscape_Navigator", 9]], [[334342, 320399, "Netscape_Navigator", 9]]], "all_evidence": [[286441, 279903, "Netscape_Navigator", 9], [288197, 281465, "Netscape_Navigator", 9], [288649, 281862, "Netscape_Navigator", 9], [333329, 319571, "Netscape_Navigator", 9], [334342, 320399, "Netscape_Navigator", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287293, null, null, null], [289304, null, null, null], [335560, null, null, null], [335568, null, null, null], [335574, null, null, null]]], "all_evidence": [[287293, null, null, null], [289304, null, null, null], [335560, null, null, null], [335568, null, null, null], [335574, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132211, null, null, null]]], "all_evidence": [[132211, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84324, 96442, "Salman_Rushdie", 0]]], "all_evidence": [[84324, 96442, "Salman_Rushdie", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116236, null, null, null]]], "all_evidence": [[116236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134586, 149496, "Tye_Sheridan", 0]]], "all_evidence": [[134586, 149496, "Tye_Sheridan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244764, 245687, "Punch-Drunk_Love", 0]]], "all_evidence": [[244764, 245687, "Punch-Drunk_Love", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45208, null, null, null]]], "all_evidence": [[45208, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45054, 53781, "Globalism", 1]]], "all_evidence": [[45054, 53781, "Globalism", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36008, 43550, "Dodo", 10]]], "all_evidence": [[36008, 43550, "Dodo", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101566, null, null, null]]], "all_evidence": [[101566, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96941, 110103, "Pakistan", 0]]], "all_evidence": [[96941, 110103, "Pakistan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32528, null, null, null]]], "all_evidence": [[32528, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149161, 164170, "Ned_Stark", 1]]], "all_evidence": [[149161, 164170, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57653, null, null, null]]], "all_evidence": [[57653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81255, 93062, "Chris_Benoit", 0]], [[81255, 93063, "Chris_Benoit", 14]]], "all_evidence": [[81255, 93062, "Chris_Benoit", 0], [81255, 93063, "Chris_Benoit", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34411, 41725, "Chris_Bosh", 8]]], "all_evidence": [[34411, 41725, "Chris_Bosh", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165944, 179894, "Maggie_Q", 1]], [[165944, 179895, "Maggie_Q", 2]]], "all_evidence": [[165944, 179894, "Maggie_Q", 1], [165944, 179895, "Maggie_Q", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25510, null, null, null]]], "all_evidence": [[25510, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173122, null, null, null]]], "all_evidence": [[173122, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260764, null, null, null]]], "all_evidence": [[260764, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80931, 92782, "Dark_matter", 0]], [[80931, 92783, "Dark_matter", 3]], [[80931, 92784, "Dark_matter", 13]]], "all_evidence": [[80931, 92782, "Dark_matter", 0], [80931, 92783, "Dark_matter", 3], [80931, 92784, "Dark_matter", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102581, null, null, null]]], "all_evidence": [[102581, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178223, 190820, "Azithromycin", 17]]], "all_evidence": [[178223, 190820, "Azithromycin", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[60389, 70798, "Jed_Whedon", 0]]], "all_evidence": [[60389, 70798, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75247, null, null, null]]], "all_evidence": [[75247, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185202, null, null, null]]], "all_evidence": [[185202, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88838, null, null, null]]], "all_evidence": [[88838, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108722, 122404, "Keith_Stanfield", 0]]], "all_evidence": [[108722, 122404, "Keith_Stanfield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133411, 148263, "Estonia", 0]], [[133411, 148264, "Estonia", 3]], [[133411, 148265, "Estonia", 6]], [[133411, 148266, "Estonia", 12]], [[133411, 148267, "Estonia", 14]], [[133411, 148268, "Estonia", 20]], [[133411, 148269, "Estonia", 26]], [[133411, 148270, "Estonia", 27]]], "all_evidence": [[133411, 148263, "Estonia", 0], [133411, 148264, "Estonia", 3], [133411, 148265, "Estonia", 6], [133411, 148266, "Estonia", 12], [133411, 148267, "Estonia", 14], [133411, 148268, "Estonia", 20], [133411, 148269, "Estonia", 26], [133411, 148270, "Estonia", 27]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162297, null, null, null]]], "all_evidence": [[162297, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35330, null, null, null]]], "all_evidence": [[35330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131393, null, null, null]]], "all_evidence": [[131393, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58583, 68890, "A_Good_Day_to_Die_Hard", 0]]], "all_evidence": [[58583, 68890, "A_Good_Day_to_Die_Hard", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244903, null, null, null]]], "all_evidence": [[244903, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225539, null, null, null]]], "all_evidence": [[225539, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110465, null, null, null]]], "all_evidence": [[110465, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96220, 109353, "Estonia", 0]], [[96220, 109354, "Estonia", 1], [96220, 109354, "Finland", 0], [96220, 109354, "Baltic_Sea", 0], [96220, 109354, "Latvia", 0], [96220, 109354, "Lake_Peipus", 0], [96220, 109354, "Gulf_of_Finland", 0], [96220, 109354, "Russia", 0]]], "all_evidence": [[96220, 109353, "Estonia", 0], [96220, 109354, "Estonia", 1], [96220, 109354, "Finland", 0], [96220, 109354, "Baltic_Sea", 0], [96220, 109354, "Latvia", 0], [96220, 109354, "Lake_Peipus", 0], [96220, 109354, "Gulf_of_Finland", 0], [96220, 109354, "Russia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125127, 139461, "Legendary_Entertainment", 1]]], "all_evidence": [[125127, 139461, "Legendary_Entertainment", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224781, 229559, "Adam_Lambert", 5], [224781, 229559, "For_Your_Entertainment_-LRB-album-RRB-", 1]]], "all_evidence": [[224781, 229559, "Adam_Lambert", 5], [224781, 229559, "For_Your_Entertainment_-LRB-album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69514, 80329, "Pocahontas", 1]]], "all_evidence": [[69514, 80329, "Pocahontas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114339, 128112, "Nymphomaniac_-LRB-film-RRB-", 13]]], "all_evidence": [[114339, 128112, "Nymphomaniac_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66367, 77216, "Jamie_Lee_Curtis", 1]]], "all_evidence": [[66367, 77216, "Jamie_Lee_Curtis", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59834, 70234, "Jenny_McCarthy", 1]]], "all_evidence": [[59834, 70234, "Jenny_McCarthy", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78214, null, null, null]]], "all_evidence": [[78214, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11238, null, null, null], [11239, null, null, null]]], "all_evidence": [[11238, null, null, null], [11239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279973, null, null, null], [281669, null, null, null], [283767, null, null, null], [329283, null, null, null], [330858, null, null, null]]], "all_evidence": [[279973, null, null, null], [281669, null, null, null], [283767, null, null, null], [329283, null, null, null], [330858, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183226, 195311, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]], "all_evidence": [[183226, 195311, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65665, null, null, null]]], "all_evidence": [[65665, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152506, 167314, "Aldous_Huxley", 6]]], "all_evidence": [[152506, 167314, "Aldous_Huxley", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226612, 231145, "Bala_-LRB-director-RRB-", 2]]], "all_evidence": [[226612, 231145, "Bala_-LRB-director-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43170, null, null, null]]], "all_evidence": [[43170, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50205, null, null, null]]], "all_evidence": [[50205, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259294, null, null, null], [259295, null, null, null]]], "all_evidence": [[259294, null, null, null], [259295, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156182, null, null, null]]], "all_evidence": [[156182, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118743, 132581, "Minor_League_Baseball", 0]]], "all_evidence": [[118743, 132581, "Minor_League_Baseball", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192321, null, null, null]]], "all_evidence": [[192321, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101688, null, null, null]]], "all_evidence": [[101688, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81416, null, null, null]]], "all_evidence": [[81416, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45488, 54308, "The_Maze_Runner_-LRB-film-RRB-", 0]], [[45488, 54309, "The_Maze_Runner_-LRB-film-RRB-", 1]], [[45488, 54310, "The_Maze_Runner_-LRB-film-RRB-", 2]], [[45488, 54311, "The_Maze_Runner_-LRB-film-RRB-", 11]]], "all_evidence": [[45488, 54308, "The_Maze_Runner_-LRB-film-RRB-", 0], [45488, 54309, "The_Maze_Runner_-LRB-film-RRB-", 1], [45488, 54310, "The_Maze_Runner_-LRB-film-RRB-", 2], [45488, 54311, "The_Maze_Runner_-LRB-film-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257564, 256558, "Timur", 21]]], "all_evidence": [[257564, 256558, "Timur", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89541, 102224, "Maltese_language", 0]]], "all_evidence": [[89541, 102224, "Maltese_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102817, 116111, "Prague", 16]]], "all_evidence": [[102817, 116111, "Prague", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122117, null, null, null], [122120, null, null, null]]], "all_evidence": [[122117, null, null, null], [122120, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84938, 97182, "The_Challenge-COLON-_Rivals_III", 0]]], "all_evidence": [[84938, 97182, "The_Challenge-COLON-_Rivals_III", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165179, 179315, "Bank_of_America", 16]]], "all_evidence": [[165179, 179315, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213528, 220752, "Henry_III_of_France", 23]]], "all_evidence": [[213528, 220752, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31475, 38206, "Solanum", 0]], [[31475, 38207, "Solanum", 1]]], "all_evidence": [[31475, 38206, "Solanum", 0], [31475, 38207, "Solanum", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150408, 165297, "Josh_Hutcherson", 0]], [[150408, 165298, "Josh_Hutcherson", 1]], [[150408, 165299, "Josh_Hutcherson", 11]], [[150408, 165300, "Josh_Hutcherson", 12]]], "all_evidence": [[150408, 165297, "Josh_Hutcherson", 0], [150408, 165298, "Josh_Hutcherson", 1], [150408, 165299, "Josh_Hutcherson", 11], [150408, 165300, "Josh_Hutcherson", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157522, 172091, "Robinson_Crusoe_on_Mars", 1]]], "all_evidence": [[157522, 172091, "Robinson_Crusoe_on_Mars", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184905, 196774, "No_Strings_Attached_-LRB-film-RRB-", 2]]], "all_evidence": [[184905, 196774, "No_Strings_Attached_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234095, null, null, null]]], "all_evidence": [[234095, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213527, null, null, null]]], "all_evidence": [[213527, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272081, null, null, null]]], "all_evidence": [[272081, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93129, 106034, "English_Wikipedia", 0]]], "all_evidence": [[93129, 106034, "English_Wikipedia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94466, 107463, "Golf", 0]]], "all_evidence": [[94466, 107463, "Golf", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267080, 263871, "66th_Primetime_Emmy_Awards", 2], [267080, 263871, "66th_Primetime_Creative_Arts_Emmy_Awards", 0]]], "all_evidence": [[267080, 263871, "66th_Primetime_Emmy_Awards", 2], [267080, 263871, "66th_Primetime_Creative_Arts_Emmy_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70608, 81510, "Guns_N'_Roses", 0]]], "all_evidence": [[70608, 81510, "Guns_N'_Roses", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265232, 262474, "A_United_Kingdom", 0]]], "all_evidence": [[265232, 262474, "A_United_Kingdom", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117566, null, null, null]]], "all_evidence": [[117566, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74560, null, null, null]]], "all_evidence": [[74560, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82046, 93846, "Jack_Lowden", 0]], [[82046, 93847, "Jack_Lowden", 1]], [[82046, 93848, "Jack_Lowden", 4]], [[82046, 93849, "Jack_Lowden", 5]], [[82046, 93850, "Jack_Lowden", 9]], [[82046, 93851, "Jack_Lowden", 12]]], "all_evidence": [[82046, 93846, "Jack_Lowden", 0], [82046, 93847, "Jack_Lowden", 1], [82046, 93848, "Jack_Lowden", 4], [82046, 93849, "Jack_Lowden", 5], [82046, 93850, "Jack_Lowden", 9], [82046, 93851, "Jack_Lowden", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226603, 231139, "Bala_-LRB-director-RRB-", 2]]], "all_evidence": [[226603, 231139, "Bala_-LRB-director-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213523, 220748, "Henry_III_of_France", 23]]], "all_evidence": [[213523, 220748, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164427, null, null, null]]], "all_evidence": [[164427, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45604, null, null, null]]], "all_evidence": [[45604, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274803, null, null, null], [274805, null, null, null], [274843, null, null, null]]], "all_evidence": [[274803, null, null, null], [274805, null, null, null], [274843, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245179, null, null, null]]], "all_evidence": [[245179, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220633, null, null, null]]], "all_evidence": [[220633, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98523, 111614, "Matt_Bomer", 0]]], "all_evidence": [[98523, 111614, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37530, 45452, "Woodrow_Wilson", 3]]], "all_evidence": [[37530, 45452, "Woodrow_Wilson", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232358, null, null, null]]], "all_evidence": [[232358, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286557, 280020, "B._R._Ambedkar", 0]], [[288321, 281608, "B._R._Ambedkar", 0], [288321, 281608, "19th_century", 0]], [[288730, 281963, "B._R._Ambedkar", 0]], [[333490, 319751, "B._R._Ambedkar", 0]], [[334422, 320487, "B._R._Ambedkar", 0]]], "all_evidence": [[286557, 280020, "B._R._Ambedkar", 0], [288321, 281608, "B._R._Ambedkar", 0], [288321, 281608, "19th_century", 0], [288730, 281963, "B._R._Ambedkar", 0], [333490, 319751, "B._R._Ambedkar", 0], [334422, 320487, "B._R._Ambedkar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114854, 128583, "The_Beguiled_-LRB-1971_film-RRB-", 1], [114854, 128583, "Albert_Maltz", 0]]], "all_evidence": [[114854, 128583, "The_Beguiled_-LRB-1971_film-RRB-", 1], [114854, 128583, "Albert_Maltz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[266990, 263803, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[266990, 263803, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201877, 211230, "The_X-Files_-LRB-franchise-RRB-", 8], [201877, 211230, "Gillian_Anderson", 0]]], "all_evidence": [[201877, 211230, "The_X-Files_-LRB-franchise-RRB-", 8], [201877, 211230, "Gillian_Anderson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40743, 49005, "The_Beverly_Hillbillies", 6]]], "all_evidence": [[40743, 49005, "The_Beverly_Hillbillies", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112863, 126696, "Pharmacology", 10]]], "all_evidence": [[112863, 126696, "Pharmacology", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26725, 32802, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]], [[26725, 32803, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 3]], [[26725, 32804, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4]], [[26725, 32805, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 12]], [[26725, 32806, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 15]], [[26725, 32807, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 18]], [[26725, 32808, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 19]]], "all_evidence": [[26725, 32802, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0], [26725, 32803, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 3], [26725, 32804, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4], [26725, 32805, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 12], [26725, 32806, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 15], [26725, 32807, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 18], [26725, 32808, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71756, null, null, null]]], "all_evidence": [[71756, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23639, 29223, "Chris_Paul", 0]], [[299577, 290973, "Chris_Paul", 0]], [[299584, 290977, "Chris_Paul", 0], [299584, 290977, "Chris_Paul", 1]]], "all_evidence": [[23639, 29223, "Chris_Paul", 0], [299577, 290973, "Chris_Paul", 0], [299584, 290977, "Chris_Paul", 0], [299584, 290977, "Chris_Paul", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111085, 124750, "Gray_Matters", 0]]], "all_evidence": [[111085, 124750, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33341, 40457, "Food_Network", 8]]], "all_evidence": [[33341, 40457, "Food_Network", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132498, 147412, "Syco", 0]]], "all_evidence": [[132498, 147412, "Syco", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157299, 171869, "IPhone_4", 0]], [[157299, 171870, "IPhone_4", 1], [157299, 171870, "IPhone", 11]], [[157299, 171871, "IPhone_4", 2], [157299, 171871, "List_of_iOS_devices", 0]], [[157299, 171872, "IPhone_4", 5]], [[157299, 171873, "IPhone_4", 6]], [[157299, 171874, "IPhone_4", 7]], [[157299, 171875, "IPhone_4", 11], [157299, 171875, "IPhone_4S", 0]], [[157299, 171876, "IPhone_4", 20]], [[159311, 173877, "IPhone_4", 0]], [[311887, 301802, "IPhone_4", 0]]], "all_evidence": [[157299, 171869, "IPhone_4", 0], [157299, 171870, "IPhone_4", 1], [157299, 171870, "IPhone", 11], [157299, 171871, "IPhone_4", 2], [157299, 171871, "List_of_iOS_devices", 0], [157299, 171872, "IPhone_4", 5], [157299, 171873, "IPhone_4", 6], [157299, 171874, "IPhone_4", 7], [157299, 171875, "IPhone_4", 11], [157299, 171875, "IPhone_4S", 0], [157299, 171876, "IPhone_4", 20], [159311, 173877, "IPhone_4", 0], [311887, 301802, "IPhone_4", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116739, 130632, "Fidaa", 0]]], "all_evidence": [[116739, 130632, "Fidaa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88975, 101614, "Henri_Kontinen", 5]]], "all_evidence": [[88975, 101614, "Henri_Kontinen", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20327, 24889, "Sonny_&_Cher", 1]], [[20327, 24890, "Sonny_&_Cher", 0]]], "all_evidence": [[20327, 24889, "Sonny_&_Cher", 1], [20327, 24890, "Sonny_&_Cher", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34001, 41233, "Daenerys_Targaryen", 0]], [[34001, 41234, "Daenerys_Targaryen", 14], [34001, 41234, "Iron_Throne_-LRB-A_Song_of_Ice_and_Fire-RRB-", 0]], [[34001, 41235, "Daenerys_Targaryen", 12], [34001, 41235, "Khal_Drogo", 0]], [[34001, 41236, "Daenerys_Targaryen", 11], [34001, 41236, "Viserys_Targaryen", 0]], [[34001, 41237, "Daenerys_Targaryen", 10], [34001, 41237, "World_of_A_Song_of_Ice_and_Fire", 0]], [[34001, 41238, "Daenerys_Targaryen", 7], [34001, 41238, "A_Dance_with_Dragons", 0]], [[34001, 41239, "Daenerys_Targaryen", 6], [34001, 41239, "A_Clash_of_Kings", 0]], [[34001, 41240, "Daenerys_Targaryen", 5], [34001, 41240, "A_Game_of_Thrones", 0]]], "all_evidence": [[34001, 41233, "Daenerys_Targaryen", 0], [34001, 41234, "Daenerys_Targaryen", 14], [34001, 41234, "Iron_Throne_-LRB-A_Song_of_Ice_and_Fire-RRB-", 0], [34001, 41235, "Daenerys_Targaryen", 12], [34001, 41235, "Khal_Drogo", 0], [34001, 41236, "Daenerys_Targaryen", 11], [34001, 41236, "Viserys_Targaryen", 0], [34001, 41237, "Daenerys_Targaryen", 10], [34001, 41237, "World_of_A_Song_of_Ice_and_Fire", 0], [34001, 41238, "Daenerys_Targaryen", 7], [34001, 41238, "A_Dance_with_Dragons", 0], [34001, 41239, "Daenerys_Targaryen", 6], [34001, 41239, "A_Clash_of_Kings", 0], [34001, 41240, "Daenerys_Targaryen", 5], [34001, 41240, "A_Game_of_Thrones", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224434, 229285, "Padua", 0]], [[224434, 229286, "Padua", 1]]], "all_evidence": [[224434, 229285, "Padua", 0], [224434, 229286, "Padua", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242353, 243751, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242353, 243751, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139114, 154179, "Watertown,_Massachusetts", 0]]], "all_evidence": [[139114, 154179, "Watertown,_Massachusetts", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134088, null, null, null]]], "all_evidence": [[134088, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159938, 174446, "Quay_-LRB-film-RRB-", 1], [159938, 174446, "Film_Forum", 0]], [[161637, 176066, "Quay_-LRB-film-RRB-", 1], [161637, 176066, "Film_Forum", 0]], [[311965, 301868, "Quay_-LRB-film-RRB-", 1], [311965, 301868, "Film_Forum", 0]], [[313311, 302956, "Quay_-LRB-film-RRB-", 1], [313311, 302956, "Film_Forum", 0]]], "all_evidence": [[159938, 174446, "Quay_-LRB-film-RRB-", 1], [159938, 174446, "Film_Forum", 0], [161637, 176066, "Quay_-LRB-film-RRB-", 1], [161637, 176066, "Film_Forum", 0], [311965, 301868, "Quay_-LRB-film-RRB-", 1], [311965, 301868, "Film_Forum", 0], [313311, 302956, "Quay_-LRB-film-RRB-", 1], [313311, 302956, "Film_Forum", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229081, null, null, null], [229082, null, null, null], [229083, null, null, null], [229089, null, null, null]]], "all_evidence": [[229081, null, null, null], [229082, null, null, null], [229083, null, null, null], [229089, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265371, 262592, "Practical_Magic", 0]]], "all_evidence": [[265371, 262592, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227900, 232247, "Kyle_MacLachlan", 6]]], "all_evidence": [[227900, 232247, "Kyle_MacLachlan", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242184, null, null, null]]], "all_evidence": [[242184, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162663, 176927, "Ekta_Kapoor", 0]]], "all_evidence": [[162663, 176927, "Ekta_Kapoor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159332, 173894, "Laura_Robson", 3]]], "all_evidence": [[159332, 173894, "Laura_Robson", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224139, null, null, null], [224148, null, null, null]]], "all_evidence": [[224139, null, null, null], [224148, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41457, 49840, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[41457, 49840, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206594, null, null, null]]], "all_evidence": [[206594, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14178, null, null, null]]], "all_evidence": [[14178, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127355, 141900, "Cyprus", 0]], [[127355, 141901, "Cyprus", 29]]], "all_evidence": [[127355, 141900, "Cyprus", 0], [127355, 141901, "Cyprus", 29]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66882, null, null, null]]], "all_evidence": [[66882, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66957, 77757, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[66957, 77757, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66859, null, null, null]]], "all_evidence": [[66859, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102038, 115307, "Heroes_-LRB-TV_series-RRB-", 8]]], "all_evidence": [[102038, 115307, "Heroes_-LRB-TV_series-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47474, null, null, null]]], "all_evidence": [[47474, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233289, 236260, "Arthur_Schopenhauer", 0]]], "all_evidence": [[233289, 236260, "Arthur_Schopenhauer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188491, 199889, "William_Blackstone", 2]]], "all_evidence": [[188491, 199889, "William_Blackstone", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74516, 85753, "Stomp_the_Yard", 8], [74516, 85753, "Darrin_Henson", 0], [74516, 85753, "Meagan_Good", 0], [74516, 85753, "Columbus_Short", 0]]], "all_evidence": [[74516, 85753, "Stomp_the_Yard", 8], [74516, 85753, "Darrin_Henson", 0], [74516, 85753, "Meagan_Good", 0], [74516, 85753, "Columbus_Short", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107535, 121011, "Adobe_Photoshop", 19]]], "all_evidence": [[107535, 121011, "Adobe_Photoshop", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230483, 234142, "Jon_Hamm", 7]], [[230483, 234143, "Jon_Hamm", 14]]], "all_evidence": [[230483, 234142, "Jon_Hamm", 7], [230483, 234143, "Jon_Hamm", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241587, null, null, null]]], "all_evidence": [[241587, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29393, null, null, null]]], "all_evidence": [[29393, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30130, 36690, "Grateful_Dead", 15]]], "all_evidence": [[30130, 36690, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78937, null, null, null]]], "all_evidence": [[78937, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192024, null, null, null]]], "all_evidence": [[192024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178297, 190867, "Southern_Hospitality_-LRB-song-RRB-", 2]]], "all_evidence": [[178297, 190867, "Southern_Hospitality_-LRB-song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[261705, 259736, "Polynomial", 0]], [[261705, 259737, "Polynomial", 5]], [[261705, 259738, "Polynomial", 7]], [[321446, 309925, "Polynomial", 0]]], "all_evidence": [[261705, 259736, "Polynomial", 0], [261705, 259737, "Polynomial", 5], [261705, 259738, "Polynomial", 7], [321446, 309925, "Polynomial", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282449, 276621, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]], [[282459, 276644, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]], [[284420, 278250, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]], [[284420, 278251, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 1]], [[330603, 317194, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]]], "all_evidence": [[282449, 276621, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0], [282459, 276644, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0], [284420, 278250, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0], [284420, 278251, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 1], [330603, 317194, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232896, 235957, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232896, 235957, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72013, 83003, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]], "all_evidence": [[72013, 83003, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101165, 114413, "The_Walking_Dead_-LRB-comic_book-RRB-", 12]]], "all_evidence": [[101165, 114413, "The_Walking_Dead_-LRB-comic_book-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186487, 198288, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]], [[188179, 199697, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]], [[190437, 201458, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]], [[316198, 305416, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]], "all_evidence": [[186487, 198288, "The_Book_of_Mormon_-LRB-musical-RRB-", 19], [188179, 199697, "The_Book_of_Mormon_-LRB-musical-RRB-", 19], [190437, 201458, "The_Book_of_Mormon_-LRB-musical-RRB-", 19], [316198, 305416, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146351, null, null, null]]], "all_evidence": [[146351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94921, 107875, "Aubrey_Anderson-Emmons", 0]]], "all_evidence": [[94921, 107875, "Aubrey_Anderson-Emmons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65763, 76631, "A._P._J._Abdul_Kalam", 7]]], "all_evidence": [[65763, 76631, "A._P._J._Abdul_Kalam", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272099, null, null, null], [272102, null, null, null]]], "all_evidence": [[272099, null, null, null], [272102, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45802, 54690, "Temple_Mount", 11], [45802, 54690, "Judaism", 23], [45802, 54690, "Judaism", 0]], [[45802, 54691, "Temple_Mount", 1], [45802, 54691, "Judaism", 23], [45802, 54691, "Judaism", 0], [45802, 54691, "Islam", 10], [45802, 54691, "Islam", 2], [45802, 54691, "Christianity", 1], [45802, 54691, "Christianity", 14]], [[45802, 54692, "Temple_Mount", 0], [45802, 54692, "Jerusalem", 3]], [[45802, 54693, "Temple_Mount", 2], [45802, 54693, "Umayyad_Caliphate", 12]], [[45802, 54694, "Temple_Mount", 7], [45802, 54694, "Judaism", 23], [45802, 54694, "Judaism", 0]], [[45802, 54695, "Temple_Mount", 8], [45802, 54695, "Adam", 1]], [[45802, 54696, "Temple_Mount", 17], [45802, 54696, "Jerusalem", 3]], [[45802, 54697, "Temple_Mount", 29], [45802, 54697, "Judaism", 23], [45802, 54697, "Judaism", 0]], [[45802, 54698, "Temple_Mount", 36], [45802, 54698, "Jerusalem", 3]], [[45802, 54699, "Temple_Mount", 37], [45802, 54699, "Judaism", 23], [45802, 54699, "Judaism", 0], [45802, 54699, "Christianity", 1], [45802, 54699, "Christianity", 14], [45802, 54699, "Supersessionism", 6]], [[45802, 54700, "Temple_Mount", 39], [45802, 54700, "Jerusalem", 3]], [[45802, 54701, "Temple_Mount", 42], [45802, 54701, "Jerusalem", 3]], [[45802, 54702, "Temple_Mount", 43], [45802, 54702, "Islam", 10], [45802, 54702, "Islam", 2]], [[45802, 54703, "Temple_Mount", 44], [45802, 54703, "Jerusalem", 3], [45802, 54703, "Islam", 8], [45802, 54703, "Islam", 10], [45802, 54703, "Islam", 2]], [[45802, 54704, "Temple_Mount", 45], [45802, 54704, "Jerusalem", 3]], [[45802, 54705, "Temple_Mount", 52], [45802, 54705, "Judaism", 23], [45802, 54705, "Judaism", 0], [45802, 54705, "Islam", 10]], [[45802, 54706, "Temple_Mount", 53], [45802, 54706, "Jerusalem", 3]]], "all_evidence": [[45802, 54690, "Temple_Mount", 11], [45802, 54690, "Judaism", 23], [45802, 54690, "Judaism", 0], [45802, 54691, "Temple_Mount", 1], [45802, 54691, "Judaism", 23], [45802, 54691, "Judaism", 0], [45802, 54691, "Islam", 10], [45802, 54691, "Islam", 2], [45802, 54691, "Christianity", 1], [45802, 54691, "Christianity", 14], [45802, 54692, "Temple_Mount", 0], [45802, 54692, "Jerusalem", 3], [45802, 54693, "Temple_Mount", 2], [45802, 54693, "Umayyad_Caliphate", 12], [45802, 54694, "Temple_Mount", 7], [45802, 54694, "Judaism", 23], [45802, 54694, "Judaism", 0], [45802, 54695, "Temple_Mount", 8], [45802, 54695, "Adam", 1], [45802, 54696, "Temple_Mount", 17], [45802, 54696, "Jerusalem", 3], [45802, 54697, "Temple_Mount", 29], [45802, 54697, "Judaism", 23], [45802, 54697, "Judaism", 0], [45802, 54698, "Temple_Mount", 36], [45802, 54698, "Jerusalem", 3], [45802, 54699, "Temple_Mount", 37], [45802, 54699, "Judaism", 23], [45802, 54699, "Judaism", 0], [45802, 54699, "Christianity", 1], [45802, 54699, "Christianity", 14], [45802, 54699, "Supersessionism", 6], [45802, 54700, "Temple_Mount", 39], [45802, 54700, "Jerusalem", 3], [45802, 54701, "Temple_Mount", 42], [45802, 54701, "Jerusalem", 3], [45802, 54702, "Temple_Mount", 43], [45802, 54702, "Islam", 10], [45802, 54702, "Islam", 2], [45802, 54703, "Temple_Mount", 44], [45802, 54703, "Jerusalem", 3], [45802, 54703, "Islam", 8], [45802, 54703, "Islam", 10], [45802, 54703, "Islam", 2], [45802, 54704, "Temple_Mount", 45], [45802, 54704, "Jerusalem", 3], [45802, 54705, "Temple_Mount", 52], [45802, 54705, "Judaism", 23], [45802, 54705, "Judaism", 0], [45802, 54705, "Islam", 10], [45802, 54706, "Temple_Mount", 53], [45802, 54706, "Jerusalem", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122468, 136766, "Talulah_Riley", 1]]], "all_evidence": [[122468, 136766, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29197, null, null, null]]], "all_evidence": [[29197, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279886, 274497, "Agent_Raghav_\u2013_Crime_Branch", 0]], [[281587, 275963, "Agent_Raghav_\u2013_Crime_Branch", 0]], [[328490, 315521, "Agent_Raghav_\u2013_Crime_Branch", 0]], [[329182, 316071, "Agent_Raghav_\u2013_Crime_Branch", 0]]], "all_evidence": [[279886, 274497, "Agent_Raghav_\u2013_Crime_Branch", 0], [281587, 275963, "Agent_Raghav_\u2013_Crime_Branch", 0], [328490, 315521, "Agent_Raghav_\u2013_Crime_Branch", 0], [329182, 316071, "Agent_Raghav_\u2013_Crime_Branch", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166072, 180014, "American_Civil_War", 0]]], "all_evidence": [[166072, 180014, "American_Civil_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75545, 86806, "Menace_II_Society", 1]]], "all_evidence": [[75545, 86806, "Menace_II_Society", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85867, null, null, null]]], "all_evidence": [[85867, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37021, 44680, "Joni_Mitchell", 20]]], "all_evidence": [[37021, 44680, "Joni_Mitchell", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265950, 263063, "Baja_1000", 14]]], "all_evidence": [[265950, 263063, "Baja_1000", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17684, null, null, null]]], "all_evidence": [[17684, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14177, 17723, "GLOW_-LRB-TV_series-RRB-", 0], [14177, 17723, "GLOW_-LRB-TV_series-RRB-", 3]], [[15100, 18754, "GLOW_-LRB-TV_series-RRB-", 3], [15100, 18754, "Netflix", 2]], [[18976, 23252, "GLOW_-LRB-TV_series-RRB-", 0], [18976, 23252, "GLOW_-LRB-TV_series-RRB-", 3]], [[23365, 28798, "GLOW_-LRB-TV_series-RRB-", 3]], [[299350, 290714, "GLOW_-LRB-TV_series-RRB-", 3]], [[299350, 290715, "GLOW_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[14177, 17723, "GLOW_-LRB-TV_series-RRB-", 0], [14177, 17723, "GLOW_-LRB-TV_series-RRB-", 3], [15100, 18754, "GLOW_-LRB-TV_series-RRB-", 3], [15100, 18754, "Netflix", 2], [18976, 23252, "GLOW_-LRB-TV_series-RRB-", 0], [18976, 23252, "GLOW_-LRB-TV_series-RRB-", 3], [23365, 28798, "GLOW_-LRB-TV_series-RRB-", 3], [299350, 290714, "GLOW_-LRB-TV_series-RRB-", 3], [299350, 290715, "GLOW_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120727, 135001, "Burj_Khalifa", 20]]], "all_evidence": [[120727, 135001, "Burj_Khalifa", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42457, 51103, "Bonobo", 11], [42457, 51103, "Bonobo", 12]]], "all_evidence": [[42457, 51103, "Bonobo", 11], [42457, 51103, "Bonobo", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[285756, null, null, null], [285778, null, null, null], [331712, null, null, null], [332339, null, null, null], [332340, null, null, null]]], "all_evidence": [[285756, null, null, null], [285778, null, null, null], [331712, null, null, null], [332339, null, null, null], [332340, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94187, 107178, "Victor_Frankenstein_-LRB-film-RRB-", 0]]], "all_evidence": [[94187, 107178, "Victor_Frankenstein_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228134, null, null, null], [228135, null, null, null]]], "all_evidence": [[228134, null, null, null], [228135, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95151, 108145, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [95151, 108145, "2014_MTV_Europe_Music_Awards", 0]]], "all_evidence": [[95151, 108145, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11], [95151, 108145, "2014_MTV_Europe_Music_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97511, 110675, "Danish_language", 1]]], "all_evidence": [[97511, 110675, "Danish_language", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88120, 100657, "Watertown,_Massachusetts", 1], [88120, 100657, "Greater_Boston", 1]]], "all_evidence": [[88120, 100657, "Watertown,_Massachusetts", 1], [88120, 100657, "Greater_Boston", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171675, 185182, "The_Quiet", 0]], [[171675, 185183, "The_Quiet", 1]], [[171686, 185188, "The_Quiet", 0]]], "all_evidence": [[171675, 185182, "The_Quiet", 0], [171675, 185183, "The_Quiet", 1], [171686, 185188, "The_Quiet", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101756, null, null, null]]], "all_evidence": [[101756, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110631, 124283, "Maltese_language", 0]]], "all_evidence": [[110631, 124283, "Maltese_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265360, 262570, "Practical_Magic", 0]]], "all_evidence": [[265360, 262570, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138395, 153440, "Dark_matter", 0]], [[138397, 153442, "Dark_matter", 0]]], "all_evidence": [[138395, 153440, "Dark_matter", 0], [138397, 153442, "Dark_matter", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118231, null, null, null]]], "all_evidence": [[118231, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227915, 232256, "Kyle_MacLachlan", 6]]], "all_evidence": [[227915, 232256, "Kyle_MacLachlan", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80944, null, null, null]]], "all_evidence": [[80944, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115221, null, null, null]]], "all_evidence": [[115221, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22693, 28001, "Sands_Hotel_and_Casino", 6]]], "all_evidence": [[22693, 28001, "Sands_Hotel_and_Casino", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138578, null, null, null]]], "all_evidence": [[138578, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109287, 122957, "Kenny_Chesney", 0]]], "all_evidence": [[109287, 122957, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90747, 103463, "Johann_Wolfgang_von_Goethe", 12]]], "all_evidence": [[90747, 103463, "Johann_Wolfgang_von_Goethe", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[283083, 277190, "The_Nice_Guys", 6]], [[283083, 277191, "The_Nice_Guys", 5]], [[283083, 277192, "The_Nice_Guys", 0]], [[331550, 318050, "The_Nice_Guys", 0]], [[332288, 318686, "The_Nice_Guys", 0]], [[333589, 319816, "The_Nice_Guys", 0]], [[333592, 319825, "The_Nice_Guys", 0]], [[333592, 319826, "The_Nice_Guys", 6], [333592, 319826, "The_Nice_Guys", 5]], [[333592, 319827, "The_Nice_Guys", 5]], [[333601, 319838, "The_Nice_Guys", 0]], [[333601, 319839, "The_Nice_Guys", 5]], [[333601, 319840, "The_Nice_Guys", 6]]], "all_evidence": [[283083, 277190, "The_Nice_Guys", 6], [283083, 277191, "The_Nice_Guys", 5], [283083, 277192, "The_Nice_Guys", 0], [331550, 318050, "The_Nice_Guys", 0], [332288, 318686, "The_Nice_Guys", 0], [333589, 319816, "The_Nice_Guys", 0], [333592, 319825, "The_Nice_Guys", 0], [333592, 319826, "The_Nice_Guys", 6], [333592, 319826, "The_Nice_Guys", 5], [333592, 319827, "The_Nice_Guys", 5], [333601, 319838, "The_Nice_Guys", 0], [333601, 319839, "The_Nice_Guys", 5], [333601, 319840, "The_Nice_Guys", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53489, null, null, null]]], "all_evidence": [[53489, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199803, 209471, "Barcelona", 0]]], "all_evidence": [[199803, 209471, "Barcelona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144871, 159874, "Brie_Larson", 10]]], "all_evidence": [[144871, 159874, "Brie_Larson", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[211712, 219373, "The_Fly_-LRB-1986_film-RRB-", 0]]], "all_evidence": [[211712, 219373, "The_Fly_-LRB-1986_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289963, 283054, "Sausage_Party", 6]], [[289963, 283055, "Sausage_Party", 0]], [[291298, 284244, "Sausage_Party", 6]], [[293449, 285978, "Sausage_Party", 0]], [[337321, 322677, "Sausage_Party", 0]], [[337323, 322679, "Sausage_Party", 0]], [[337323, 322680, "Sausage_Party", 6]]], "all_evidence": [[289963, 283054, "Sausage_Party", 6], [289963, 283055, "Sausage_Party", 0], [291298, 284244, "Sausage_Party", 6], [293449, 285978, "Sausage_Party", 0], [337321, 322677, "Sausage_Party", 0], [337323, 322679, "Sausage_Party", 0], [337323, 322680, "Sausage_Party", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138577, 153657, "Emilia_Clarke", 11]], [[138577, 153658, "Emilia_Clarke", 14]]], "all_evidence": [[138577, 153657, "Emilia_Clarke", 11], [138577, 153658, "Emilia_Clarke", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38490, 46444, "Melilla", 0]]], "all_evidence": [[38490, 46444, "Melilla", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186563, 198353, "Benjamin_Walker_-LRB-actor-RRB-", 0]]], "all_evidence": [[186563, 198353, "Benjamin_Walker_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148405, 163420, "Malta", 17]]], "all_evidence": [[148405, 163420, "Malta", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213524, 220749, "Henry_III_of_France", 23]], [[213524, 220750, "Henry_III_of_France", 0]]], "all_evidence": [[213524, 220749, "Henry_III_of_France", 23], [213524, 220750, "Henry_III_of_France", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259284, null, null, null]]], "all_evidence": [[259284, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90029, 102700, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[90029, 102700, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189211, 200527, "Nobel_Prize_in_Chemistry", 6], [189211, 200527, "Netherlands", 0]]], "all_evidence": [[189211, 200527, "Nobel_Prize_in_Chemistry", 6], [189211, 200527, "Netherlands", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82291, null, null, null]]], "all_evidence": [[82291, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284655, null, null, null]]], "all_evidence": [[284655, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213485, null, null, null]]], "all_evidence": [[213485, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35541, 43063, "Pakistan", 0]]], "all_evidence": [[35541, 43063, "Pakistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150107, 165052, "Lorelai_Gilmore", 3]]], "all_evidence": [[150107, 165052, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174588, null, null, null]]], "all_evidence": [[174588, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187381, 198998, "Islamabad", 0]], [[187381, 198999, "Islamabad", 1]], [[187381, 199000, "Islamabad", 2], [187381, 199000, "Capital_Development_Authority", 0]], [[187381, 199001, "Islamabad", 16]]], "all_evidence": [[187381, 198998, "Islamabad", 0], [187381, 198999, "Islamabad", 1], [187381, 199000, "Islamabad", 2], [187381, 199000, "Capital_Development_Authority", 0], [187381, 199001, "Islamabad", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33665, null, null, null]]], "all_evidence": [[33665, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227478, 231845, "Mike_Friedrich", 0]]], "all_evidence": [[227478, 231845, "Mike_Friedrich", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200682, null, null, null]]], "all_evidence": [[200682, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109048, 122750, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]]], "all_evidence": [[109048, 122750, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255039, 254590, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]], "all_evidence": [[255039, 254590, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55815, null, null, null]]], "all_evidence": [[55815, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[134706, null, null, null]]], "all_evidence": [[134706, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256901, null, null, null]]], "all_evidence": [[256901, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109905, 123513, "Paul_von_Hindenburg", 10]], [[109905, 123514, "Paul_von_Hindenburg", 6]]], "all_evidence": [[109905, 123513, "Paul_von_Hindenburg", 10], [109905, 123514, "Paul_von_Hindenburg", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86488, 98906, "Adobe_Photoshop", 14]], [[86488, 98907, "Adobe_Photoshop", 15]], [[86488, 98908, "Adobe_Photoshop", 20]], [[86488, 98909, "Adobe_Photoshop", 0], [86488, 98909, "Raster_graphics_editor", 0]]], "all_evidence": [[86488, 98906, "Adobe_Photoshop", 14], [86488, 98907, "Adobe_Photoshop", 15], [86488, 98908, "Adobe_Photoshop", 20], [86488, 98909, "Adobe_Photoshop", 0], [86488, 98909, "Raster_graphics_editor", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13087, 16387, "Siege_of_Fort_Stanwix", 0]], [[13093, 16393, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[13087, 16387, "Siege_of_Fort_Stanwix", 0], [13093, 16393, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[289849, 282928, "The_Big_Country", 0]], [[289856, 282951, "The_Big_Country", 0]], [[289894, 282996, "The_Big_Country", 0]], [[289894, 282997, "The_Big_Country", 1]], [[337509, 322885, "The_Big_Country", 0]], [[337684, 323047, "The_Big_Country", 0]]], "all_evidence": [[289849, 282928, "The_Big_Country", 0], [289856, 282951, "The_Big_Country", 0], [289894, 282996, "The_Big_Country", 0], [289894, 282997, "The_Big_Country", 1], [337509, 322885, "The_Big_Country", 0], [337684, 323047, "The_Big_Country", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35184, 42670, "Wolfgang_Amadeus_Mozart", 3]]], "all_evidence": [[35184, 42670, "Wolfgang_Amadeus_Mozart", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200703, 210161, "Moesia", 1]]], "all_evidence": [[200703, 210161, "Moesia", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225332, null, null, null], [225336, null, null, null], [225352, null, null, null]]], "all_evidence": [[225332, null, null, null], [225336, null, null, null], [225352, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117088, 130979, "Color_of_Night", 0]], [[117088, 130980, "Color_of_Night", 8]], [[117088, 130981, "Color_of_Night", 9]]], "all_evidence": [[117088, 130979, "Color_of_Night", 0], [117088, 130980, "Color_of_Night", 8], [117088, 130981, "Color_of_Night", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242213, null, null, null]]], "all_evidence": [[242213, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88093, null, null, null]]], "all_evidence": [[88093, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94981, null, null, null]]], "all_evidence": [[94981, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169037, null, null, null]]], "all_evidence": [[169037, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115211, 129015, "Faye_Resnick", 0]]], "all_evidence": [[115211, 129015, "Faye_Resnick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139444, 154488, "Ronaldinho", 10], [139444, 154488, "Brazil_national_football_team", 0]]], "all_evidence": [[139444, 154488, "Ronaldinho", 10], [139444, 154488, "Brazil_national_football_team", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64447, 75223, "Saw_II", 17]], [[64447, 75224, "Saw_II", 20]]], "all_evidence": [[64447, 75223, "Saw_II", 17], [64447, 75224, "Saw_II", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101012, 114274, "Ned_Stark", 1]], [[306853, 297444, "Ned_Stark", 1]], [[308858, 299145, "Ned_Stark", 1]]], "all_evidence": [[101012, 114274, "Ned_Stark", 1], [306853, 297444, "Ned_Stark", 1], [308858, 299145, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265944, 263058, "Baja_1000", 14]]], "all_evidence": [[265944, 263058, "Baja_1000", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105572, 119029, "The_Times", 0]]], "all_evidence": [[105572, 119029, "The_Times", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179993, 192528, "Kajol", 2]]], "all_evidence": [[179993, 192528, "Kajol", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284747, null, null, null], [285499, null, null, null], [331087, null, null, null], [332144, null, null, null], [332145, null, null, null]]], "all_evidence": [[284747, null, null, null], [285499, null, null, null], [331087, null, null, null], [332144, null, null, null], [332145, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260737, null, null, null]]], "all_evidence": [[260737, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183607, 195568, "Scaramouche", 0], [183607, 195568, "Stock_character", 0]], [[185843, 197628, "Scaramouche", 0]], [[187431, 199080, "Scaramouche", 0]], [[314417, 303818, "Scaramouche", 0]], [[314420, 303819, "Scaramouche", 0]], [[314421, 303820, "Scaramouche", 1]]], "all_evidence": [[183607, 195568, "Scaramouche", 0], [183607, 195568, "Stock_character", 0], [185843, 197628, "Scaramouche", 0], [187431, 199080, "Scaramouche", 0], [314417, 303818, "Scaramouche", 0], [314420, 303819, "Scaramouche", 0], [314421, 303820, "Scaramouche", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[285816, null, null, null], [333686, null, null, null]]], "all_evidence": [[285816, null, null, null], [333686, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262119, null, null, null], [262124, null, null, null]]], "all_evidence": [[262119, null, null, null], [262124, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77688, 89137, "Stephen_King", 2]]], "all_evidence": [[77688, 89137, "Stephen_King", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225325, 230002, "Live_Nation_Entertainment", 0]]], "all_evidence": [[225325, 230002, "Live_Nation_Entertainment", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178490, 191074, "Toy_Story_2", 0]]], "all_evidence": [[178490, 191074, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89460, 102155, "Michael_Hutchence", 15]]], "all_evidence": [[89460, 102155, "Michael_Hutchence", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290444, 283489, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0]], [[290444, 283490, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]], [[290444, 283491, "Yves_Saint_Laurent_-LRB-brand-RRB-", 6]], [[290444, 283492, "Yves_Saint_Laurent_-LRB-brand-RRB-", 7]], [[291805, 284694, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0]], [[291806, 284695, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0]]], "all_evidence": [[290444, 283489, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [290444, 283490, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5], [290444, 283491, "Yves_Saint_Laurent_-LRB-brand-RRB-", 6], [290444, 283492, "Yves_Saint_Laurent_-LRB-brand-RRB-", 7], [291805, 284694, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [291806, 284695, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98516, 111612, "Aubrey_Anderson-Emmons", 0]]], "all_evidence": [[98516, 111612, "Aubrey_Anderson-Emmons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79069, 90694, "Little_Dorrit", 0]]], "all_evidence": [[79069, 90694, "Little_Dorrit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166266, null, null, null]]], "all_evidence": [[166266, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49796, null, null, null]]], "all_evidence": [[49796, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165912, 179872, "One_True_Thing", 0], [165912, 179872, "Carl_Franklin", 0]]], "all_evidence": [[165912, 179872, "One_True_Thing", 0], [165912, 179872, "Carl_Franklin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55384, null, null, null]]], "all_evidence": [[55384, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205750, 214236, "Brick_Mansions", 2]]], "all_evidence": [[205750, 214236, "Brick_Mansions", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74352, 85572, "MS-13", 0]], [[74352, 85573, "MS-13", 1]], [[79366, 91048, "MS-13", 0]], [[79366, 91049, "MS-13", 9]], [[79366, 91050, "MS-13", 10]], [[79366, 91051, "MS-13", 12]], [[81905, 93694, "MS-13", 0]], [[305928, 296697, "MS-13", 0]], [[305942, 296703, "MS-13", 0]], [[305942, 296704, "MS-13", 1]], [[305942, 296705, "MS-13", 9]], [[305942, 296706, "MS-13", 10]], [[305942, 296707, "MS-13", 12]], [[305942, 296708, "MS-13", 13]]], "all_evidence": [[74352, 85572, "MS-13", 0], [74352, 85573, "MS-13", 1], [79366, 91048, "MS-13", 0], [79366, 91049, "MS-13", 9], [79366, 91050, "MS-13", 10], [79366, 91051, "MS-13", 12], [81905, 93694, "MS-13", 0], [305928, 296697, "MS-13", 0], [305942, 296703, "MS-13", 0], [305942, 296704, "MS-13", 1], [305942, 296705, "MS-13", 9], [305942, 296706, "MS-13", 10], [305942, 296707, "MS-13", 12], [305942, 296708, "MS-13", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105593, null, null, null]]], "all_evidence": [[105593, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124428, 138792, "The_Giver_-LRB-film-RRB-", 5]]], "all_evidence": [[124428, 138792, "The_Giver_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111241, 124870, "George_III_of_the_United_Kingdom", 14]], [[111241, 124871, "George_III_of_the_United_Kingdom", 13]]], "all_evidence": [[111241, 124870, "George_III_of_the_United_Kingdom", 14], [111241, 124871, "George_III_of_the_United_Kingdom", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172456, null, null, null]]], "all_evidence": [[172456, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164949, 179132, "Anneliese_van_der_Pol", 0]]], "all_evidence": [[164949, 179132, "Anneliese_van_der_Pol", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73384, 84622, "Atlanta_metropolitan_area", 3]]], "all_evidence": [[73384, 84622, "Atlanta_metropolitan_area", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59784, 70190, "John_DiMaggio", 1]], [[59784, 70191, "John_DiMaggio", 0]]], "all_evidence": [[59784, 70190, "John_DiMaggio", 1], [59784, 70191, "John_DiMaggio", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201012, 210466, "An_Education", 0]]], "all_evidence": [[201012, 210466, "An_Education", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298353, null, null, null], [343820, null, null, null], [343823, null, null, null], [343827, null, null, null]]], "all_evidence": [[298353, null, null, null], [343820, null, null, null], [343823, null, null, null], [343827, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150949, null, null, null]]], "all_evidence": [[150949, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186737, null, null, null]]], "all_evidence": [[186737, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80726, null, null, null]]], "all_evidence": [[80726, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119918, null, null, null]]], "all_evidence": [[119918, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98851, null, null, null]]], "all_evidence": [[98851, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117292, 131180, "Mad_Max-COLON-_Fury_Road", 0]]], "all_evidence": [[117292, 131180, "Mad_Max-COLON-_Fury_Road", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17728, 21875, "Anna_Nicole_Smith", 0]], [[17728, 21876, "Anna_Nicole_Smith", 1]], [[17728, 21877, "Anna_Nicole_Smith", 2]]], "all_evidence": [[17728, 21875, "Anna_Nicole_Smith", 0], [17728, 21876, "Anna_Nicole_Smith", 1], [17728, 21877, "Anna_Nicole_Smith", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290052, null, null, null], [291322, null, null, null], [293474, null, null, null], [293475, null, null, null], [337551, null, null, null]]], "all_evidence": [[290052, null, null, null], [291322, null, null, null], [293474, null, null, null], [293475, null, null, null], [337551, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52016, null, null, null]]], "all_evidence": [[52016, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227806, null, null, null]]], "all_evidence": [[227806, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103885, 117377, "Sarah_Hyland", 1]]], "all_evidence": [[103885, 117377, "Sarah_Hyland", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177685, null, null, null]]], "all_evidence": [[177685, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99728, null, null, null], [101881, null, null, null], [102967, null, null, null], [306970, null, null, null], [307830, null, null, null]]], "all_evidence": [[99728, null, null, null], [101881, null, null, null], [102967, null, null, null], [306970, null, null, null], [307830, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279563, 274191, "Burbank,_California", 7]], [[281298, 275702, "Burbank,_California", 7]], [[281299, 275703, "Burbank,_California", 7]], [[327925, 315102, "Burbank,_California", 7]]], "all_evidence": [[279563, 274191, "Burbank,_California", 7], [281298, 275702, "Burbank,_California", 7], [281299, 275703, "Burbank,_California", 7], [327925, 315102, "Burbank,_California", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42352, null, null, null]]], "all_evidence": [[42352, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196207, 206349, "Ann_Biderman", 0]]], "all_evidence": [[196207, 206349, "Ann_Biderman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207767, 215967, "The_Good_German", 1]]], "all_evidence": [[207767, 215967, "The_Good_German", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40592, 48825, "LinkedIn", 14]]], "all_evidence": [[40592, 48825, "LinkedIn", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96594, 109753, "Anthony_Scaramucci", 0]], [[96599, 109757, "Anthony_Scaramucci", 0]], [[96599, 109758, "Anthony_Scaramucci", 9]]], "all_evidence": [[96594, 109753, "Anthony_Scaramucci", 0], [96599, 109757, "Anthony_Scaramucci", 0], [96599, 109758, "Anthony_Scaramucci", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107465, null, null, null]]], "all_evidence": [[107465, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186442, 198255, "Alan_Shepard", 16]]], "all_evidence": [[186442, 198255, "Alan_Shepard", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43053, null, null, null]]], "all_evidence": [[43053, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244777, 245697, "Punch-Drunk_Love", 4], [244777, 245697, "Columbia_Pictures", 0]]], "all_evidence": [[244777, 245697, "Punch-Drunk_Love", 4], [244777, 245697, "Columbia_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265947, 263061, "Baja_1000", 14]]], "all_evidence": [[265947, 263061, "Baja_1000", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41548, 49957, "Clueless_-LRB-film-RRB-", 7]]], "all_evidence": [[41548, 49957, "Clueless_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120902, null, null, null]]], "all_evidence": [[120902, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143076, 158188, "Therasia", 0]]], "all_evidence": [[143076, 158188, "Therasia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[272090, 267805, "Caleb_McLaughlin", 0]], [[272090, 267806, "Caleb_McLaughlin", 1]], [[272090, 267807, "Caleb_McLaughlin", 2], [272090, 267807, "Caleb_McLaughlin", 3]], [[272090, 267808, "Caleb_McLaughlin", 4]]], "all_evidence": [[272090, 267805, "Caleb_McLaughlin", 0], [272090, 267806, "Caleb_McLaughlin", 1], [272090, 267807, "Caleb_McLaughlin", 2], [272090, 267807, "Caleb_McLaughlin", 3], [272090, 267808, "Caleb_McLaughlin", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105352, 118807, "Trouble_with_the_Curve", 0]]], "all_evidence": [[105352, 118807, "Trouble_with_the_Curve", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[290027, null, null, null], [291365, null, null, null], [293512, null, null, null], [337467, null, null, null], [337500, null, null, null]]], "all_evidence": [[290027, null, null, null], [291365, null, null, null], [293512, null, null, null], [337467, null, null, null], [337500, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17122, 21207, "Roberto_Orci", 9], [17122, 21207, "Star_Trek_-LRB-film-RRB-", 0], [17122, 21207, "Star_Trek_Into_Darkness", 0]], [[17122, 21208, "Roberto_Orci", 11], [17122, 21208, "Star_Trek_-LRB-film-RRB-", 0]]], "all_evidence": [[17122, 21207, "Roberto_Orci", 9], [17122, 21207, "Star_Trek_-LRB-film-RRB-", 0], [17122, 21207, "Star_Trek_Into_Darkness", 0], [17122, 21208, "Roberto_Orci", 11], [17122, 21208, "Star_Trek_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109742, 123342, "Pulmonary_embolism", 1]], [[109742, 123343, "Pulmonary_embolism", 2]]], "all_evidence": [[109742, 123342, "Pulmonary_embolism", 1], [109742, 123343, "Pulmonary_embolism", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59844, 70250, "Menace_II_Society", 1]]], "all_evidence": [[59844, 70250, "Menace_II_Society", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122855, 137150, "The_Nice_Guys", 0]]], "all_evidence": [[122855, 137150, "The_Nice_Guys", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122135, 136433, "Gettysburg_Address", 0]]], "all_evidence": [[122135, 136433, "Gettysburg_Address", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151157, null, null, null]]], "all_evidence": [[151157, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132092, 146937, "Airbus_A380", 3]], [[132092, 146938, "Airbus_A380", 11]]], "all_evidence": [[132092, 146937, "Airbus_A380", 3], [132092, 146938, "Airbus_A380", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272079, 267801, "Caleb_McLaughlin", 0]]], "all_evidence": [[272079, 267801, "Caleb_McLaughlin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98171, 111280, "Africa_Cup_of_Nations", 2]]], "all_evidence": [[98171, 111280, "Africa_Cup_of_Nations", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93897, 106849, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]], [[93897, 106850, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4], [93897, 106850, "Mutiny_on_the_Bounty_-LRB-1935_film-RRB-", 0]]], "all_evidence": [[93897, 106849, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0], [93897, 106850, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 4], [93897, 106850, "Mutiny_on_the_Bounty_-LRB-1935_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147631, 162649, "Floyd_Mayweather_Jr.", 10]]], "all_evidence": [[147631, 162649, "Floyd_Mayweather_Jr.", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272049, null, null, null], [272050, null, null, null]]], "all_evidence": [[272049, null, null, null], [272050, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78063, 89548, "Catherine_Keener", 2]]], "all_evidence": [[78063, 89548, "Catherine_Keener", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11830, null, null, null]]], "all_evidence": [[11830, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69309, 80092, "Fraud", 2]]], "all_evidence": [[69309, 80092, "Fraud", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148807, null, null, null]]], "all_evidence": [[148807, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146763, 161745, "Romani_people_in_the_Republic_of_Macedonia", 0]]], "all_evidence": [[146763, 161745, "Romani_people_in_the_Republic_of_Macedonia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209751, 217541, "Cary_Elwes", 0]]], "all_evidence": [[209751, 217541, "Cary_Elwes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165559, 179596, "Ice-T", 1]]], "all_evidence": [[165559, 179596, "Ice-T", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89389, null, null, null]]], "all_evidence": [[89389, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167525, 181327, "Watchmen_-LRB-film-RRB-", 2]]], "all_evidence": [[167525, 181327, "Watchmen_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92816, 105676, "Baloch_people", 0]]], "all_evidence": [[92816, 105676, "Baloch_people", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36021, 43561, "Watertown,_Massachusetts", 3], [36021, 43561, "Massachusetts", 0]]], "all_evidence": [[36021, 43561, "Watertown,_Massachusetts", 3], [36021, 43561, "Massachusetts", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164610, null, null, null]]], "all_evidence": [[164610, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219542, null, null, null]]], "all_evidence": [[219542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153658, 168498, "Chris_Paul", 0]], [[153659, 168499, "Chris_Paul", 0]]], "all_evidence": [[153658, 168498, "Chris_Paul", 0], [153659, 168499, "Chris_Paul", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52562, 62527, "Shape_of_You", 7]], [[52562, 62528, "Shape_of_You", 8]]], "all_evidence": [[52562, 62527, "Shape_of_You", 7], [52562, 62528, "Shape_of_You", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83070, null, null, null]]], "all_evidence": [[83070, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[187197, null, null, null]]], "all_evidence": [[187197, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220211, null, null, null], [220216, null, null, null]]], "all_evidence": [[220211, null, null, null], [220216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27207, 33330, "Scream_-LRB-franchise-RRB-", 2], [27207, 33330, "Scream_-LRB-1996_film-RRB-", 10], [27207, 33330, "Scream_-LRB-1996_film-RRB-", 11]], [[27207, 33331, "Scream_-LRB-franchise-RRB-", 19]], [[27207, 33332, "Scream_-LRB-franchise-RRB-", 20]], [[27207, 33333, "Scream_-LRB-franchise-RRB-", 23]]], "all_evidence": [[27207, 33330, "Scream_-LRB-franchise-RRB-", 2], [27207, 33330, "Scream_-LRB-1996_film-RRB-", 10], [27207, 33330, "Scream_-LRB-1996_film-RRB-", 11], [27207, 33331, "Scream_-LRB-franchise-RRB-", 19], [27207, 33332, "Scream_-LRB-franchise-RRB-", 20], [27207, 33333, "Scream_-LRB-franchise-RRB-", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202228, 211556, "Alfred_P._Murrah_Federal_Building", 0]]], "all_evidence": [[202228, 211556, "Alfred_P._Murrah_Federal_Building", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160732, null, null, null]]], "all_evidence": [[160732, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44625, 53304, "Watchmen_-LRB-film-RRB-", 2]]], "all_evidence": [[44625, 53304, "Watchmen_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114257, 128051, "Temple_of_the_Dog", 0]], [[114259, 128052, "Temple_of_the_Dog", 0]], [[114268, 128059, "Temple_of_the_Dog", 0]], [[114268, 128060, "Temple_of_the_Dog", 1], [114268, 128060, "Chris_Cornell", 2]], [[114268, 128061, "Temple_of_the_Dog", 2], [114268, 128061, "Matt_Cameron", 7]], [[114268, 128062, "Temple_of_the_Dog", 6]]], "all_evidence": [[114257, 128051, "Temple_of_the_Dog", 0], [114259, 128052, "Temple_of_the_Dog", 0], [114268, 128059, "Temple_of_the_Dog", 0], [114268, 128060, "Temple_of_the_Dog", 1], [114268, 128060, "Chris_Cornell", 2], [114268, 128061, "Temple_of_the_Dog", 2], [114268, 128061, "Matt_Cameron", 7], [114268, 128062, "Temple_of_the_Dog", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20956, null, null, null]]], "all_evidence": [[20956, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140206, 155206, "Ed_and_Lorraine_Warren", 0]]], "all_evidence": [[140206, 155206, "Ed_and_Lorraine_Warren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186296, 198131, "Planet_Hollywood_Las_Vegas", 1], [186296, 198131, "Caesars_Entertainment_Corporation", 0]]], "all_evidence": [[186296, 198131, "Planet_Hollywood_Las_Vegas", 1], [186296, 198131, "Caesars_Entertainment_Corporation", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22101, 27167, "The_Giver_-LRB-film-RRB-", 5]]], "all_evidence": [[22101, 27167, "The_Giver_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110758, 124430, "Grateful_Dead", 15]]], "all_evidence": [[110758, 124430, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95559, null, null, null]]], "all_evidence": [[95559, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75056, null, null, null]]], "all_evidence": [[75056, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97068, null, null, null]]], "all_evidence": [[97068, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202224, 211552, "Alfred_P._Murrah_Federal_Building", 0], [202224, 211552, "United_States", 0]]], "all_evidence": [[202224, 211552, "Alfred_P._Murrah_Federal_Building", 0], [202224, 211552, "United_States", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145292, 160294, "Olympic_medal", 6]], [[145292, 160295, "Olympic_medal", 5]]], "all_evidence": [[145292, 160294, "Olympic_medal", 6], [145292, 160295, "Olympic_medal", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226990, null, null, null], [226991, null, null, null]]], "all_evidence": [[226990, null, null, null], [226991, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67687, 78516, "Balibo_-LRB-film-RRB-", 4]]], "all_evidence": [[67687, 78516, "Balibo_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220644, 226463, "William_Cohen", 0]], [[220644, 226464, "William_Cohen", 1]]], "all_evidence": [[220644, 226463, "William_Cohen", 0], [220644, 226464, "William_Cohen", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21526, null, null, null]]], "all_evidence": [[21526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71060, 81957, "Shannon_Lee", 0]]], "all_evidence": [[71060, 81957, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72217, null, null, null]]], "all_evidence": [[72217, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54299, 64294, "ASAP_Rocky", 18]]], "all_evidence": [[54299, 64294, "ASAP_Rocky", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77008, 88395, "Super_Bowl_XLV", 2]]], "all_evidence": [[77008, 88395, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135259, 150170, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]], "all_evidence": [[135259, 150170, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79209, 90850, "Superhuman", 6]]], "all_evidence": [[79209, 90850, "Superhuman", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38464, 46414, "Samsung", 6]]], "all_evidence": [[38464, 46414, "Samsung", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22314, 27506, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]], "all_evidence": [[22314, 27506, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27888, 34172, "Dissociative_identity_disorder", 0]]], "all_evidence": [[27888, 34172, "Dissociative_identity_disorder", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152091, 166858, "Little_Dorrit", 0]]], "all_evidence": [[152091, 166858, "Little_Dorrit", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80037, 91801, "Scandal_-LRB-American_band-RRB-", 0]]], "all_evidence": [[80037, 91801, "Scandal_-LRB-American_band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84143, 96262, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0]], [[306215, 296944, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0]], [[306218, 296946, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0]], [[306287, 297007, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0]], [[306287, 297008, "Yves_Saint_Laurent_-LRB-brand-RRB-", 2]], [[306287, 297009, "Yves_Saint_Laurent_-LRB-brand-RRB-", 1], [306287, 297009, "Haute_couture", 0]], [[306287, 297010, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]], "all_evidence": [[84143, 96262, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [306215, 296944, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [306218, 296946, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [306287, 297007, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [306287, 297008, "Yves_Saint_Laurent_-LRB-brand-RRB-", 2], [306287, 297009, "Yves_Saint_Laurent_-LRB-brand-RRB-", 1], [306287, 297009, "Haute_couture", 0], [306287, 297010, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153535, 168359, "Johann_Wolfgang_von_Goethe", 13]]], "all_evidence": [[153535, 168359, "Johann_Wolfgang_von_Goethe", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137991, 152962, "One_True_Thing", 0], [137991, 152962, "Carl_Franklin", 0]], [[137992, 152963, "One_True_Thing", 0], [137992, 152963, "Carl_Franklin", 0]], [[137993, 152964, "One_True_Thing", 0], [137993, 152964, "Carl_Franklin", 0]], [[137994, 152965, "One_True_Thing", 0], [137994, 152965, "Carl_Franklin", 0]], [[137995, 152966, "One_True_Thing", 0], [137995, 152966, "Carl_Franklin", 0]], [[137996, 152967, "One_True_Thing", 0], [137996, 152967, "Carl_Franklin", 0]], [[137997, 152968, "One_True_Thing", 0], [137997, 152968, "Carl_Franklin", 0]], [[138000, 152970, "One_True_Thing", 0], [138000, 152970, "Carl_Franklin", 0]], [[138001, 152971, "One_True_Thing", 0], [138001, 152971, "Carl_Franklin", 0]], [[138002, 152972, "One_True_Thing", 0], [138002, 152972, "Carl_Franklin", 0]], [[138003, 152973, "One_True_Thing", 0], [138003, 152973, "Carl_Franklin", 0]], [[138004, 152974, "One_True_Thing", 0], [138004, 152974, "Carl_Franklin", 0]], [[138005, 152975, "One_True_Thing", 0], [138005, 152975, "Carl_Franklin", 0]], [[138006, 152976, "One_True_Thing", 0], [138006, 152976, "Carl_Franklin", 0]]], "all_evidence": [[137991, 152962, "One_True_Thing", 0], [137991, 152962, "Carl_Franklin", 0], [137992, 152963, "One_True_Thing", 0], [137992, 152963, "Carl_Franklin", 0], [137993, 152964, "One_True_Thing", 0], [137993, 152964, "Carl_Franklin", 0], [137994, 152965, "One_True_Thing", 0], [137994, 152965, "Carl_Franklin", 0], [137995, 152966, "One_True_Thing", 0], [137995, 152966, "Carl_Franklin", 0], [137996, 152967, "One_True_Thing", 0], [137996, 152967, "Carl_Franklin", 0], [137997, 152968, "One_True_Thing", 0], [137997, 152968, "Carl_Franklin", 0], [138000, 152970, "One_True_Thing", 0], [138000, 152970, "Carl_Franklin", 0], [138001, 152971, "One_True_Thing", 0], [138001, 152971, "Carl_Franklin", 0], [138002, 152972, "One_True_Thing", 0], [138002, 152972, "Carl_Franklin", 0], [138003, 152973, "One_True_Thing", 0], [138003, 152973, "Carl_Franklin", 0], [138004, 152974, "One_True_Thing", 0], [138004, 152974, "Carl_Franklin", 0], [138005, 152975, "One_True_Thing", 0], [138005, 152975, "Carl_Franklin", 0], [138006, 152976, "One_True_Thing", 0], [138006, 152976, "Carl_Franklin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58009, 68241, "Kung_Fu_Panda", 17]]], "all_evidence": [[58009, 68241, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18639, 22863, "Goldie_Hawn", 2]]], "all_evidence": [[18639, 22863, "Goldie_Hawn", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[274641, 269901, "The_Beguiled_-LRB-1971_film-RRB-", 1]], [[274642, 269902, "The_Beguiled_-LRB-1971_film-RRB-", 1]], [[274643, 269903, "The_Beguiled_-LRB-1971_film-RRB-", 1]], [[274644, 269904, "The_Beguiled_-LRB-1971_film-RRB-", 1], [274644, 269904, "The_Beguiled_-LRB-1971_film-RRB-", 0]], [[274645, 269905, "The_Beguiled_-LRB-1971_film-RRB-", 0]], [[274647, 269906, "The_Beguiled_-LRB-1971_film-RRB-", 1]], [[274648, 269907, "The_Beguiled_-LRB-1971_film-RRB-", 1]], [[274648, 269908, "The_Beguiled_-LRB-1971_film-RRB-", 0]]], "all_evidence": [[274641, 269901, "The_Beguiled_-LRB-1971_film-RRB-", 1], [274642, 269902, "The_Beguiled_-LRB-1971_film-RRB-", 1], [274643, 269903, "The_Beguiled_-LRB-1971_film-RRB-", 1], [274644, 269904, "The_Beguiled_-LRB-1971_film-RRB-", 1], [274644, 269904, "The_Beguiled_-LRB-1971_film-RRB-", 0], [274645, 269905, "The_Beguiled_-LRB-1971_film-RRB-", 0], [274647, 269906, "The_Beguiled_-LRB-1971_film-RRB-", 1], [274648, 269907, "The_Beguiled_-LRB-1971_film-RRB-", 1], [274648, 269908, "The_Beguiled_-LRB-1971_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239483, null, null, null]]], "all_evidence": [[239483, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173035, 186278, "Zac_Efron", 0]]], "all_evidence": [[173035, 186278, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154088, 168873, "Watchmen_-LRB-film-RRB-", 0]], [[154089, 168874, "Watchmen_-LRB-film-RRB-", 0]]], "all_evidence": [[154088, 168873, "Watchmen_-LRB-film-RRB-", 0], [154089, 168874, "Watchmen_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36755, null, null, null], [39309, null, null, null], [42138, null, null, null], [301987, null, null, null], [303545, null, null, null], [303546, null, null, null]]], "all_evidence": [[36755, null, null, null], [39309, null, null, null], [42138, null, null, null], [301987, null, null, null], [303545, null, null, null], [303546, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148553, null, null, null]]], "all_evidence": [[148553, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212901, null, null, null], [212903, null, null, null]]], "all_evidence": [[212901, null, null, null], [212903, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37047, 44708, "San_Francisco_Bay_Area", 3]]], "all_evidence": [[37047, 44708, "San_Francisco_Bay_Area", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176810, 189736, "Globalism", 1]]], "all_evidence": [[176810, 189736, "Globalism", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253274, null, null, null]]], "all_evidence": [[253274, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55400, 65457, "Heath_Ledger", 7]]], "all_evidence": [[55400, 65457, "Heath_Ledger", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108680, 122358, "Near-Earth_object", 0]]], "all_evidence": [[108680, 122358, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70653, null, null, null]]], "all_evidence": [[70653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20317, 24874, "Zac_Efron", 0]]], "all_evidence": [[20317, 24874, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57752, 67997, "Yvonne_Strahovski", 1], [57752, 67997, "Yvonne_Strahovski", 4]]], "all_evidence": [[57752, 67997, "Yvonne_Strahovski", 1], [57752, 67997, "Yvonne_Strahovski", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33898, 41096, "Monosodium_glutamate", 4]]], "all_evidence": [[33898, 41096, "Monosodium_glutamate", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89362, 102056, "Spider-Man_2", 0]]], "all_evidence": [[89362, 102056, "Spider-Man_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171834, 185299, "Manchester_by_the_Sea_-LRB-film-RRB-", 5]]], "all_evidence": [[171834, 185299, "Manchester_by_the_Sea_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267011, 263820, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[267011, 263820, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227946, 232279, "Ang_Lee", 4]]], "all_evidence": [[227946, 232279, "Ang_Lee", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142524, 157701, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[142524, 157701, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101092, null, null, null]]], "all_evidence": [[101092, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28830, 35185, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]], "all_evidence": [[28830, 35185, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110499, 124110, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[110499, 124110, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111099, 124768, "Warcraft_-LRB-film-RRB-", 7]]], "all_evidence": [[111099, 124768, "Warcraft_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270796, null, null, null]]], "all_evidence": [[270796, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159573, null, null, null]]], "all_evidence": [[159573, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151493, 166255, "Uranium", 4]]], "all_evidence": [[151493, 166255, "Uranium", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232892, 235955, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 1]]], "all_evidence": [[232892, 235955, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265492, 262673, "All-seater_stadium", 0]]], "all_evidence": [[265492, 262673, "All-seater_stadium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86686, 99161, "IMDb", 10]]], "all_evidence": [[86686, 99161, "IMDb", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36839, 44494, "Konidela_Production_Company", 0]], [[39382, 47412, "Konidela_Production_Company", 0]], [[42325, 50928, "Konidela_Production_Company", 0]], [[301995, 293073, "Konidela_Production_Company", 0]], [[301996, 293074, "Konidela_Production_Company", 0]]], "all_evidence": [[36839, 44494, "Konidela_Production_Company", 0], [39382, 47412, "Konidela_Production_Company", 0], [42325, 50928, "Konidela_Production_Company", 0], [301995, 293073, "Konidela_Production_Company", 0], [301996, 293074, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175353, 188333, "Absinthe", 0]], [[175353, 188334, "Absinthe", 5]], [[175353, 188335, "Absinthe", 9]]], "all_evidence": [[175353, 188333, "Absinthe", 0], [175353, 188334, "Absinthe", 5], [175353, 188335, "Absinthe", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242190, null, null, null]]], "all_evidence": [[242190, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142674, 157825, "Dodo", 10]]], "all_evidence": [[142674, 157825, "Dodo", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119288, 133263, "Pakistan", 0]]], "all_evidence": [[119288, 133263, "Pakistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119737, 133852, "The_Last_Song_-LRB-film-RRB-", 2]]], "all_evidence": [[119737, 133852, "The_Last_Song_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32627, null, null, null]]], "all_evidence": [[32627, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88264, 100863, "Roberto_Orci", 9], [88264, 100863, "Star_Trek_Into_Darkness", 0]]], "all_evidence": [[88264, 100863, "Roberto_Orci", 9], [88264, 100863, "Star_Trek_Into_Darkness", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227752, 232094, "Indiana_Pacers", 2], [227752, 232094, "American_Basketball_Association", 0]], [[227754, 232096, "Indiana_Pacers", 1]]], "all_evidence": [[227752, 232094, "Indiana_Pacers", 2], [227752, 232094, "American_Basketball_Association", 0], [227754, 232096, "Indiana_Pacers", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29699, null, null, null]]], "all_evidence": [[29699, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34243, null, null, null]]], "all_evidence": [[34243, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148406, 163421, "Johnny_Van_Zant", 10]]], "all_evidence": [[148406, 163421, "Johnny_Van_Zant", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178798, 191339, "Goldie_Hawn", 2]]], "all_evidence": [[178798, 191339, "Goldie_Hawn", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112419, null, null, null]]], "all_evidence": [[112419, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198354, 208238, "Research", 4]]], "all_evidence": [[198354, 208238, "Research", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225535, 230166, "The_Colbert_Report", 11]]], "all_evidence": [[225535, 230166, "The_Colbert_Report", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286832, 280293, "George_Harrison", 20]], [[286843, 280301, "George_Harrison", 20]], [[334774, 320741, "George_Harrison", 20]]], "all_evidence": [[286832, 280293, "George_Harrison", 20], [286843, 280301, "George_Harrison", 20], [334774, 320741, "George_Harrison", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189639, 200886, "Hezbollah", 17]]], "all_evidence": [[189639, 200886, "Hezbollah", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197901, 207832, "Jiang_Wen", 0]]], "all_evidence": [[197901, 207832, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174223, 187444, "Nero", 22]]], "all_evidence": [[174223, 187444, "Nero", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101719, 114972, "Argentina", 12]]], "all_evidence": [[101719, 114972, "Argentina", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268426, null, null, null]]], "all_evidence": [[268426, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76568, 87868, "James_Brolin", 0]]], "all_evidence": [[76568, 87868, "James_Brolin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237136, 239409, "Web_page", 14], [237136, 239409, "Dynamic_web_page", 9]]], "all_evidence": [[237136, 239409, "Web_page", 14], [237136, 239409, "Dynamic_web_page", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103685, 117146, "Pocahontas", 1]]], "all_evidence": [[103685, 117146, "Pocahontas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181357, 193610, "Uganda", 0], [181357, 193610, "East_Africa", 0]], [[181357, 193611, "Uganda", 3]], [[181357, 193612, "Uganda", 4]]], "all_evidence": [[181357, 193610, "Uganda", 0], [181357, 193610, "East_Africa", 0], [181357, 193611, "Uganda", 3], [181357, 193612, "Uganda", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156407, null, null, null]]], "all_evidence": [[156407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55121, 65162, "Nero", 22]]], "all_evidence": [[55121, 65162, "Nero", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139560, 154585, "Stomp_the_Yard", 0]], [[139566, 154590, "Stomp_the_Yard", 0]]], "all_evidence": [[139560, 154585, "Stomp_the_Yard", 0], [139566, 154590, "Stomp_the_Yard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117922, 131799, "Mount_Hood", 0]]], "all_evidence": [[117922, 131799, "Mount_Hood", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56935, 67173, "Harry_Fraud", 1]]], "all_evidence": [[56935, 67173, "Harry_Fraud", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260784, null, null, null]]], "all_evidence": [[260784, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17229, 21322, "Azithromycin", 17]]], "all_evidence": [[17229, 21322, "Azithromycin", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168108, 181872, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5]]], "all_evidence": [[168108, 181872, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72961, null, null, null]]], "all_evidence": [[72961, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153004, null, null, null]]], "all_evidence": [[153004, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292314, 285119, "Super_Bowl_XLV", 2]], [[294330, 286657, "Super_Bowl_XLV", 2]], [[294936, 287159, "Super_Bowl_XLV", 2]], [[339712, 324583, "Super_Bowl_XLV", 2]], [[339714, 324585, "Super_Bowl_XLV", 2], [339714, 324585, "Super_Bowl_XLV", 0]], [[339733, 324597, "Super_Bowl_XLV", 2]]], "all_evidence": [[292314, 285119, "Super_Bowl_XLV", 2], [294330, 286657, "Super_Bowl_XLV", 2], [294936, 287159, "Super_Bowl_XLV", 2], [339712, 324583, "Super_Bowl_XLV", 2], [339714, 324585, "Super_Bowl_XLV", 2], [339714, 324585, "Super_Bowl_XLV", 0], [339733, 324597, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113174, null, null, null]]], "all_evidence": [[113174, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122394, 136672, "Uranium", 0]]], "all_evidence": [[122394, 136672, "Uranium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[210395, 218169, "Sean_Gunn", 0]]], "all_evidence": [[210395, 218169, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117038, 130922, "Southern_Hospitality_-LRB-song-RRB-", 2], [117038, 130922, "Southern_Hospitality_-LRB-song-RRB-", 0]]], "all_evidence": [[117038, 130922, "Southern_Hospitality_-LRB-song-RRB-", 2], [117038, 130922, "Southern_Hospitality_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152200, null, null, null]]], "all_evidence": [[152200, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204439, null, null, null], [206850, null, null, null], [315615, null, null, null]]], "all_evidence": [[204439, null, null, null], [206850, null, null, null], [315615, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227392, null, null, null]]], "all_evidence": [[227392, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64963, 75816, "Gettysburg_Address", 0]]], "all_evidence": [[64963, 75816, "Gettysburg_Address", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[14311, 17875, "Moscovium", 0]]], "all_evidence": [[14311, 17875, "Moscovium", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216890, null, null, null]]], "all_evidence": [[216890, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292827, 285515, "Oscar_Isaac", 7]], [[295339, 287456, "Oscar_Isaac", 7]], [[340729, 325312, "Oscar_Isaac", 7]], [[340770, 325332, "Oscar_Isaac", 7]], [[340939, 325444, "Oscar_Isaac", 7]]], "all_evidence": [[292827, 285515, "Oscar_Isaac", 7], [295339, 287456, "Oscar_Isaac", 7], [340729, 325312, "Oscar_Isaac", 7], [340770, 325332, "Oscar_Isaac", 7], [340939, 325444, "Oscar_Isaac", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21630, 26592, "Kung_Fu_Panda", 17]]], "all_evidence": [[21630, 26592, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184941, 196798, "No_Strings_Attached_-LRB-film-RRB-", 2]]], "all_evidence": [[184941, 196798, "No_Strings_Attached_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234315, 237221, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]]], "all_evidence": [[234315, 237221, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76877, 88258, "The_Challenge_XXX-COLON-_Dirty_30", 1]]], "all_evidence": [[76877, 88258, "The_Challenge_XXX-COLON-_Dirty_30", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185413, 197177, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[185413, 197177, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192038, 202795, "Baadshah_-LRB-2013_film-RRB-", 17]], [[192097, 202842, "Baadshah_-LRB-2013_film-RRB-", 15]], [[192097, 202843, "Baadshah_-LRB-2013_film-RRB-", 17]]], "all_evidence": [[192038, 202795, "Baadshah_-LRB-2013_film-RRB-", 17], [192097, 202842, "Baadshah_-LRB-2013_film-RRB-", 15], [192097, 202843, "Baadshah_-LRB-2013_film-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28248, 34553, "Lee_Daniels", 1]], [[28248, 34554, "Lee_Daniels", 4], [28248, 34554, "The_Butler", 6]]], "all_evidence": [[28248, 34553, "Lee_Daniels", 1], [28248, 34554, "Lee_Daniels", 4], [28248, 34554, "The_Butler", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262371, null, null, null]]], "all_evidence": [[262371, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169124, null, null, null]]], "all_evidence": [[169124, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135281, null, null, null]]], "all_evidence": [[135281, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96272, null, null, null]]], "all_evidence": [[96272, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[236002, 238572, "Lois_Lane", 8]]], "all_evidence": [[236002, 238572, "Lois_Lane", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84577, null, null, null]]], "all_evidence": [[84577, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[239424, 241281, "Akon", 9]], [[239425, 241282, "Akon", 9]], [[239426, 241283, "Akon", 9]], [[239458, 241297, "Akon", 9]]], "all_evidence": [[239424, 241281, "Akon", 9], [239425, 241282, "Akon", 9], [239426, 241283, "Akon", 9], [239458, 241297, "Akon", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66155, 76991, "Anne_Boleyn", 39]]], "all_evidence": [[66155, 76991, "Anne_Boleyn", 39]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[203233, null, null, null]]], "all_evidence": [[203233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167737, 181500, "Veep", 0]]], "all_evidence": [[167737, 181500, "Veep", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151845, null, null, null]]], "all_evidence": [[151845, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32302, 39262, "Gotham_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[32302, 39262, "Gotham_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149624, null, null, null]]], "all_evidence": [[149624, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12385, 15491, "Ghost_-LRB-1990_film-RRB-", 0]], [[12385, 15492, "Ghost_-LRB-1990_film-RRB-", 8]], [[12389, 15498, "Ghost_-LRB-1990_film-RRB-", 0]], [[16968, 21028, "Ghost_-LRB-1990_film-RRB-", 0]], [[16968, 21029, "Ghost_-LRB-1990_film-RRB-", 8]], [[19729, 24263, "Ghost_-LRB-1990_film-RRB-", 0]], [[19729, 24264, "Ghost_-LRB-1990_film-RRB-", 8]], [[77543, 88987, "Ghost_-LRB-1990_film-RRB-", 0]], [[77543, 88988, "Ghost_-LRB-1990_film-RRB-", 8]], [[298988, 290366, "Ghost_-LRB-1990_film-RRB-", 0]], [[301039, 292169, "Ghost_-LRB-1990_film-RRB-", 0]]], "all_evidence": [[12385, 15491, "Ghost_-LRB-1990_film-RRB-", 0], [12385, 15492, "Ghost_-LRB-1990_film-RRB-", 8], [12389, 15498, "Ghost_-LRB-1990_film-RRB-", 0], [16968, 21028, "Ghost_-LRB-1990_film-RRB-", 0], [16968, 21029, "Ghost_-LRB-1990_film-RRB-", 8], [19729, 24263, "Ghost_-LRB-1990_film-RRB-", 0], [19729, 24264, "Ghost_-LRB-1990_film-RRB-", 8], [77543, 88987, "Ghost_-LRB-1990_film-RRB-", 0], [77543, 88988, "Ghost_-LRB-1990_film-RRB-", 8], [298988, 290366, "Ghost_-LRB-1990_film-RRB-", 0], [301039, 292169, "Ghost_-LRB-1990_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227520, 231881, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227520, 231881, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56737, 66960, "Anneliese_van_der_Pol", 1]]], "all_evidence": [[56737, 66960, "Anneliese_van_der_Pol", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212890, 220303, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212890, 220303, "Nicolas_Roeg", 0]]], "all_evidence": [[212890, 220303, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212890, 220303, "Nicolas_Roeg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[249994, 250057, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[249994, 250057, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154347, null, null, null]]], "all_evidence": [[154347, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237124, null, null, null]]], "all_evidence": [[237124, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138607, 153698, "LinkedIn", 14], [138607, 153698, "United_States", 10]]], "all_evidence": [[138607, 153698, "LinkedIn", 14], [138607, 153698, "United_States", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55234, 65282, "The_Love_Club_EP", 0], [55234, 65282, "Lorde", 0]]], "all_evidence": [[55234, 65282, "The_Love_Club_EP", 0], [55234, 65282, "Lorde", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90658, 103389, "Near-Earth_object", 0]]], "all_evidence": [[90658, 103389, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124449, 138807, "Romani_people_in_the_Republic_of_Macedonia", 2]]], "all_evidence": [[124449, 138807, "Romani_people_in_the_Republic_of_Macedonia", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292143, null, null, null], [294159, null, null, null], [339616, null, null, null]]], "all_evidence": [[292143, null, null, null], [294159, null, null, null], [339616, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290058, 283118, "John_S._McCain_Jr.", 3]], [[291404, 284338, "John_S._McCain_Jr.", 3]], [[337526, 322896, "John_S._McCain_Jr.", 3]], [[337532, 322898, "John_S._McCain_Jr.", 3]], [[337533, 322899, "John_S._McCain_Jr.", 3]]], "all_evidence": [[290058, 283118, "John_S._McCain_Jr.", 3], [291404, 284338, "John_S._McCain_Jr.", 3], [337526, 322896, "John_S._McCain_Jr.", 3], [337532, 322898, "John_S._McCain_Jr.", 3], [337533, 322899, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157803, null, null, null]]], "all_evidence": [[157803, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182254, 194517, "John_Goodman", 7]]], "all_evidence": [[182254, 194517, "John_Goodman", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183405, 195411, "The_Raven_-LRB-2012_film-RRB-", 0]], [[185621, 197374, "The_Raven_-LRB-2012_film-RRB-", 10]], [[185621, 197375, "The_Raven_-LRB-2012_film-RRB-", 11]], [[185621, 197376, "The_Raven_-LRB-2012_film-RRB-", 0]], [[314372, 303777, "The_Raven_-LRB-2012_film-RRB-", 10]], [[314375, 303778, "The_Raven_-LRB-2012_film-RRB-", 10]]], "all_evidence": [[183405, 195411, "The_Raven_-LRB-2012_film-RRB-", 0], [185621, 197374, "The_Raven_-LRB-2012_film-RRB-", 10], [185621, 197375, "The_Raven_-LRB-2012_film-RRB-", 11], [185621, 197376, "The_Raven_-LRB-2012_film-RRB-", 0], [314372, 303777, "The_Raven_-LRB-2012_film-RRB-", 10], [314375, 303778, "The_Raven_-LRB-2012_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110406, 124010, "GLOW_-LRB-TV_series-RRB-", 3]]], "all_evidence": [[110406, 124010, "GLOW_-LRB-TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89917, 102620, "Jack_Lowden", 1]]], "all_evidence": [[89917, 102620, "Jack_Lowden", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47497, 56697, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[47497, 56697, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123645, 138060, "Balibo_-LRB-film-RRB-", 4]]], "all_evidence": [[123645, 138060, "Balibo_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100137, 113380, "The_Quiet", 0]], [[100137, 113381, "The_Quiet", 1]]], "all_evidence": [[100137, 113380, "The_Quiet", 0], [100137, 113381, "The_Quiet", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148499, null, null, null]]], "all_evidence": [[148499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179701, 192268, "Kung_Fu_Panda", 17]]], "all_evidence": [[179701, 192268, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270491, 266523, "Sejong_the_Great", 0]]], "all_evidence": [[270491, 266523, "Sejong_the_Great", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92644, 105458, "Washington_Monument", 1]]], "all_evidence": [[92644, 105458, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188758, 200199, "Annie_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188758, 200199, "Annie_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73598, 84844, "Bank_of_America", 16]], [[78662, 90215, "Bank_of_America", 16]], [[81015, 92867, "Bank_of_America", 16]], [[305839, 296628, "Bank_of_America", 16]], [[307084, 297619, "Bank_of_America", 16]], [[307085, 297620, "Bank_of_America", 16]], [[307092, 297625, "Bank_of_America", 16]]], "all_evidence": [[73598, 84844, "Bank_of_America", 16], [78662, 90215, "Bank_of_America", 16], [81015, 92867, "Bank_of_America", 16], [305839, 296628, "Bank_of_America", 16], [307084, 297619, "Bank_of_America", 16], [307085, 297620, "Bank_of_America", 16], [307092, 297625, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296017, 287978, "House_of_Balloons", 0]], [[297518, 289156, "House_of_Balloons", 0]], [[297628, 289262, "House_of_Balloons", 0]], [[342080, 326242, "House_of_Balloons", 0]], [[342082, 326243, "House_of_Balloons", 0]]], "all_evidence": [[296017, 287978, "House_of_Balloons", 0], [297518, 289156, "House_of_Balloons", 0], [297628, 289262, "House_of_Balloons", 0], [342080, 326242, "House_of_Balloons", 0], [342082, 326243, "House_of_Balloons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242330, 243738, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242330, 243738, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113355, 127215, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]], "all_evidence": [[113355, 127215, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227417, null, null, null]]], "all_evidence": [[227417, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224804, null, null, null]]], "all_evidence": [[224804, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169412, 183059, "Sabbir_Khan", 1]]], "all_evidence": [[169412, 183059, "Sabbir_Khan", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186693, null, null, null]]], "all_evidence": [[186693, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202981, 212108, "Death_Note_-LRB-2015_TV_series-RRB-", 0]], [[202984, 212111, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202984, 212111, "Death_Note", 0]]], "all_evidence": [[202981, 212108, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202984, 212111, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202984, 212111, "Death_Note", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58305, 68559, "Burj_Khalifa", 0], [58305, 68559, "Skyscraper", 0]], [[58305, 68560, "Burj_Khalifa", 1]]], "all_evidence": [[58305, 68559, "Burj_Khalifa", 0], [58305, 68559, "Skyscraper", 0], [58305, 68560, "Burj_Khalifa", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98484, 111578, "Heath_Ledger", 3]]], "all_evidence": [[98484, 111578, "Heath_Ledger", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160726, null, null, null]]], "all_evidence": [[160726, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245192, null, null, null]]], "all_evidence": [[245192, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292777, null, null, null], [295377, null, null, null], [297139, null, null, null], [340787, null, null, null]]], "all_evidence": [[292777, null, null, null], [295377, null, null, null], [297139, null, null, null], [340787, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182045, null, null, null]]], "all_evidence": [[182045, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29048, 35422, "Morgan_Fairchild", 6]]], "all_evidence": [[29048, 35422, "Morgan_Fairchild", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263332, 261051, "Ted_Cruz", 0]], [[263333, 261052, "Ted_Cruz", 0]]], "all_evidence": [[263332, 261051, "Ted_Cruz", 0], [263333, 261052, "Ted_Cruz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105812, 119221, "Polynomial", 0]]], "all_evidence": [[105812, 119221, "Polynomial", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165374, null, null, null]]], "all_evidence": [[165374, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12769, 15916, "Adobe_Photoshop", 0]]], "all_evidence": [[12769, 15916, "Adobe_Photoshop", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85804, 98083, "Arijit_Singh", 1]], [[85804, 98084, "Arijit_Singh", 2]], [[85804, 98085, "Arijit_Singh", 3]], [[85804, 98086, "Arijit_Singh", 4]], [[85804, 98087, "Arijit_Singh", 8]], [[85804, 98088, "Arijit_Singh", 9]], [[85804, 98089, "Arijit_Singh", 10]]], "all_evidence": [[85804, 98083, "Arijit_Singh", 1], [85804, 98084, "Arijit_Singh", 2], [85804, 98085, "Arijit_Singh", 3], [85804, 98086, "Arijit_Singh", 4], [85804, 98087, "Arijit_Singh", 8], [85804, 98088, "Arijit_Singh", 9], [85804, 98089, "Arijit_Singh", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16454, 20383, "Pulmonary_embolism", 3]]], "all_evidence": [[16454, 20383, "Pulmonary_embolism", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90043, null, null, null]]], "all_evidence": [[90043, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186551, null, null, null]]], "all_evidence": [[186551, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47864, 57135, "US_Airways_Flight_1549", 1]]], "all_evidence": [[47864, 57135, "US_Airways_Flight_1549", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71380, 82328, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[71380, 82328, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[273355, null, null, null], [276407, null, null, null], [323377, null, null, null]]], "all_evidence": [[273355, null, null, null], [276407, null, null, null], [323377, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48056, null, null, null]]], "all_evidence": [[48056, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40260, 48421, "Florida_State_University", 24]]], "all_evidence": [[40260, 48421, "Florida_State_University", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265332, 262549, "Vedic_Sanskrit", 1]], [[265332, 262550, "Vedic_Sanskrit", 2], [265332, 262550, "Brahmi_script", 0]], [[265332, 262551, "Vedic_Sanskrit", 8]]], "all_evidence": [[265332, 262549, "Vedic_Sanskrit", 1], [265332, 262550, "Vedic_Sanskrit", 2], [265332, 262550, "Brahmi_script", 0], [265332, 262551, "Vedic_Sanskrit", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89734, 102433, "Stanford_prison_experiment", 2]]], "all_evidence": [[89734, 102433, "Stanford_prison_experiment", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167839, null, null, null]]], "all_evidence": [[167839, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152534, 167336, "Buffy_the_Vampire_Slayer", 0]]], "all_evidence": [[152534, 167336, "Buffy_the_Vampire_Slayer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116551, 130431, "Roberto_Orci", 9]]], "all_evidence": [[116551, 130431, "Roberto_Orci", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88904, 101537, "Sausage_Party", 0]], [[88904, 101538, "Sausage_Party", 1]], [[88904, 101539, "Sausage_Party", 2]], [[88904, 101540, "Sausage_Party", 5]]], "all_evidence": [[88904, 101537, "Sausage_Party", 0], [88904, 101538, "Sausage_Party", 1], [88904, 101539, "Sausage_Party", 2], [88904, 101540, "Sausage_Party", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97258, 110441, "Electric_chair", 15]]], "all_evidence": [[97258, 110441, "Electric_chair", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81701, null, null, null]]], "all_evidence": [[81701, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209719, 217508, "Cary_Elwes", 0]]], "all_evidence": [[209719, 217508, "Cary_Elwes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202365, null, null, null]]], "all_evidence": [[202365, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269269, null, null, null]]], "all_evidence": [[269269, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228138, null, null, null]]], "all_evidence": [[228138, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216609, null, null, null]]], "all_evidence": [[216609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177317, 190166, "Heath_Ledger", 7]]], "all_evidence": [[177317, 190166, "Heath_Ledger", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95644, 108681, "Woodrow_Wilson", 3]]], "all_evidence": [[95644, 108681, "Woodrow_Wilson", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289455, null, null, null], [289456, null, null, null], [289457, null, null, null], [289461, null, null, null], [289468, null, null, null]]], "all_evidence": [[289455, null, null, null], [289456, null, null, null], [289457, null, null, null], [289461, null, null, null], [289468, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147598, null, null, null]]], "all_evidence": [[147598, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151223, null, null, null]]], "all_evidence": [[151223, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290336, 283383, "Player-coach", 1]], [[291687, 284596, "Player-coach", 1]], [[291687, 284597, "Player-coach", 5]], [[293794, 286226, "Player-coach", 1]], [[338391, 323573, "Player-coach", 1]], [[338524, 323653, "Player-coach", 0]]], "all_evidence": [[290336, 283383, "Player-coach", 1], [291687, 284596, "Player-coach", 1], [291687, 284597, "Player-coach", 5], [293794, 286226, "Player-coach", 1], [338391, 323573, "Player-coach", 1], [338524, 323653, "Player-coach", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106077, null, null, null]]], "all_evidence": [[106077, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20280, 24821, "Legendary_Entertainment", 2]]], "all_evidence": [[20280, 24821, "Legendary_Entertainment", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16590, 20535, "Yin_and_yang", 10]]], "all_evidence": [[16590, 20535, "Yin_and_yang", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207464, 215722, "Move_-LRB-Little_Mix_song-RRB-", 1]]], "all_evidence": [[207464, 215722, "Move_-LRB-Little_Mix_song-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140377, 155414, "The_Punisher_-LRB-TV_series-RRB-", 0]], [[140377, 155415, "The_Punisher_-LRB-TV_series-RRB-", 1]], [[140377, 155416, "The_Punisher_-LRB-TV_series-RRB-", 2]], [[140377, 155417, "The_Punisher_-LRB-TV_series-RRB-", 5]], [[140377, 155418, "The_Punisher_-LRB-TV_series-RRB-", 6], [140377, 155418, "Amber_Rose_Revah", 0]], [[140377, 155419, "The_Punisher_-LRB-TV_series-RRB-", 7]], [[140377, 155420, "The_Punisher_-LRB-TV_series-RRB-", 8]], [[140377, 155421, "The_Punisher_-LRB-TV_series-RRB-", 9]], [[140377, 155422, "The_Punisher_-LRB-TV_series-RRB-", 10]], [[140377, 155423, "The_Punisher_-LRB-TV_series-RRB-", 11]], [[140377, 155424, "The_Punisher_-LRB-TV_series-RRB-", 14]]], "all_evidence": [[140377, 155414, "The_Punisher_-LRB-TV_series-RRB-", 0], [140377, 155415, "The_Punisher_-LRB-TV_series-RRB-", 1], [140377, 155416, "The_Punisher_-LRB-TV_series-RRB-", 2], [140377, 155417, "The_Punisher_-LRB-TV_series-RRB-", 5], [140377, 155418, "The_Punisher_-LRB-TV_series-RRB-", 6], [140377, 155418, "Amber_Rose_Revah", 0], [140377, 155419, "The_Punisher_-LRB-TV_series-RRB-", 7], [140377, 155420, "The_Punisher_-LRB-TV_series-RRB-", 8], [140377, 155421, "The_Punisher_-LRB-TV_series-RRB-", 9], [140377, 155422, "The_Punisher_-LRB-TV_series-RRB-", 10], [140377, 155423, "The_Punisher_-LRB-TV_series-RRB-", 11], [140377, 155424, "The_Punisher_-LRB-TV_series-RRB-", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127788, 142457, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[127788, 142457, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267014, 263823, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[267014, 263823, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60012, 70418, "Times_Higher_Education_World_University_Rankings", 0]]], "all_evidence": [[60012, 70418, "Times_Higher_Education_World_University_Rankings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29154, 35566, "American_Civil_War", 0]], [[29154, 35567, "American_Civil_War", 1], [29154, 35567, "South_Carolina", 0]]], "all_evidence": [[29154, 35566, "American_Civil_War", 0], [29154, 35567, "American_Civil_War", 1], [29154, 35567, "South_Carolina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14249, 17809, "Shomu_Mukherjee", 0]], [[14249, 17810, "Shomu_Mukherjee", 9]]], "all_evidence": [[14249, 17809, "Shomu_Mukherjee", 0], [14249, 17810, "Shomu_Mukherjee", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103591, 117043, "Julie_Bowen", 0]]], "all_evidence": [[103591, 117043, "Julie_Bowen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244127, null, null, null]]], "all_evidence": [[244127, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97449, 110616, "Spider-Man_2", 0]]], "all_evidence": [[97449, 110616, "Spider-Man_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14644, 18264, "Mercedes-Benz", 0]]], "all_evidence": [[14644, 18264, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149790, 164733, "Spider-Man_2", 0]]], "all_evidence": [[149790, 164733, "Spider-Man_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159169, null, null, null]]], "all_evidence": [[159169, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104280, null, null, null]]], "all_evidence": [[104280, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38115, 46030, "Stanford_prison_experiment", 2]]], "all_evidence": [[38115, 46030, "Stanford_prison_experiment", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225551, null, null, null]]], "all_evidence": [[225551, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70613, 81513, "Georgians", 4]]], "all_evidence": [[70613, 81513, "Georgians", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238943, 240902, "The_Chaperone_-LRB-film-RRB-", 0]]], "all_evidence": [[238943, 240902, "The_Chaperone_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176418, 189372, "Fred_Seibert", 3]]], "all_evidence": [[176418, 189372, "Fred_Seibert", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33425, 40560, "Fred_Seibert", 0]], [[33425, 40561, "Fred_Seibert", 3]]], "all_evidence": [[33425, 40560, "Fred_Seibert", 0], [33425, 40561, "Fred_Seibert", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235649, 238241, "American_Civil_War", 0]], [[238093, 240238, "American_Civil_War", 0]], [[241676, 243200, "American_Civil_War", 0]], [[241676, 243201, "American_Civil_War", 12]], [[319026, 307826, "American_Civil_War", 0]], [[319029, 307829, "American_Civil_War", 0]], [[319030, 307830, "American_Civil_War", 0]], [[319043, 307839, "American_Civil_War", 0]], [[319043, 307840, "American_Civil_War", 1], [319043, 307840, "South_Carolina", 0]], [[319043, 307841, "American_Civil_War", 6]], [[319043, 307842, "American_Civil_War", 7]], [[319043, 307843, "American_Civil_War", 14]]], "all_evidence": [[235649, 238241, "American_Civil_War", 0], [238093, 240238, "American_Civil_War", 0], [241676, 243200, "American_Civil_War", 0], [241676, 243201, "American_Civil_War", 12], [319026, 307826, "American_Civil_War", 0], [319029, 307829, "American_Civil_War", 0], [319030, 307830, "American_Civil_War", 0], [319043, 307839, "American_Civil_War", 0], [319043, 307840, "American_Civil_War", 1], [319043, 307840, "South_Carolina", 0], [319043, 307841, "American_Civil_War", 6], [319043, 307842, "American_Civil_War", 7], [319043, 307843, "American_Civil_War", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13768, 17239, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]], [[13775, 17248, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]], "all_evidence": [[13768, 17239, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [13775, 17248, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198871, null, null, null]]], "all_evidence": [[198871, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148950, 163984, "Monosodium_glutamate", 4], [148950, 163984, "Umami", 0]]], "all_evidence": [[148950, 163984, "Monosodium_glutamate", 4], [148950, 163984, "Umami", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154633, 169377, "Georgians", 4]]], "all_evidence": [[154633, 169377, "Georgians", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85282, null, null, null]]], "all_evidence": [[85282, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261545, null, null, null]]], "all_evidence": [[261545, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83895, 95949, "Uranium", 0]]], "all_evidence": [[83895, 95949, "Uranium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48702, 58018, "Stomp_the_Yard", 8]]], "all_evidence": [[48702, 58018, "Stomp_the_Yard", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23082, 28426, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[23082, 28426, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263086, null, null, null]]], "all_evidence": [[263086, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256931, 256018, "Pocahontas", 0]], [[258658, 257425, "Pocahontas", 0]], [[321147, 309640, "Pocahontas", 0]], [[321150, 309642, "Pocahontas", 0]], [[321151, 309643, "Pocahontas", 0]], [[321180, 309667, "Pocahontas", 0]]], "all_evidence": [[256931, 256018, "Pocahontas", 0], [258658, 257425, "Pocahontas", 0], [321147, 309640, "Pocahontas", 0], [321150, 309642, "Pocahontas", 0], [321151, 309643, "Pocahontas", 0], [321180, 309667, "Pocahontas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144940, 159951, "Doxycycline", 6]]], "all_evidence": [[144940, 159951, "Doxycycline", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135632, null, null, null]]], "all_evidence": [[135632, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161197, 175696, "Touch_My_Body", 0], [161197, 175696, "E=MC\u00b2_-LRB-Mariah_Carey_album-RRB-", 1]]], "all_evidence": [[161197, 175696, "Touch_My_Body", 0], [161197, 175696, "E=MC\u00b2_-LRB-Mariah_Carey_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220624, null, null, null]]], "all_evidence": [[220624, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33628, null, null, null]]], "all_evidence": [[33628, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196224, null, null, null], [196225, null, null, null]]], "all_evidence": [[196224, null, null, null], [196225, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108926, null, null, null]]], "all_evidence": [[108926, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[195916, 206041, "Hammer_Film_Productions", 17]]], "all_evidence": [[195916, 206041, "Hammer_Film_Productions", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91847, 104653, "The_Wonder_Years", 0]]], "all_evidence": [[91847, 104653, "The_Wonder_Years", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221592, 227191, "Martial_arts_film", 1]]], "all_evidence": [[221592, 227191, "Martial_arts_film", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151760, 166493, "Ragtime_-LRB-film-RRB-", 2], [151760, 166493, "Samuel_L._Jackson", 2]]], "all_evidence": [[151760, 166493, "Ragtime_-LRB-film-RRB-", 2], [151760, 166493, "Samuel_L._Jackson", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98116, 111241, "American_Civil_War", 0], [98116, 111241, "United_States", 2]]], "all_evidence": [[98116, 111241, "American_Civil_War", 0], [98116, 111241, "United_States", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227482, null, null, null]]], "all_evidence": [[227482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32491, 39491, "Henry_III_of_England", 1]], [[32504, 39511, "Henry_III_of_England", 1]]], "all_evidence": [[32491, 39491, "Henry_III_of_England", 1], [32504, 39511, "Henry_III_of_England", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62967, 73660, "Shomu_Mukherjee", 9]]], "all_evidence": [[62967, 73660, "Shomu_Mukherjee", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90592, 103327, "A._P._J._Abdul_Kalam", 7]], [[90592, 103328, "A._P._J._Abdul_Kalam", 0], [90592, 103328, "President_of_India", 3], [90592, 103328, "President_of_India", 0]], [[90592, 103329, "A._P._J._Abdul_Kalam", 8]]], "all_evidence": [[90592, 103327, "A._P._J._Abdul_Kalam", 7], [90592, 103328, "A._P._J._Abdul_Kalam", 0], [90592, 103328, "President_of_India", 3], [90592, 103328, "President_of_India", 0], [90592, 103329, "A._P._J._Abdul_Kalam", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127012, 141512, "Alex_Jones_-LRB-radio_host-RRB-", 0]]], "all_evidence": [[127012, 141512, "Alex_Jones_-LRB-radio_host-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147727, 162753, "Westworld_-LRB-TV_series-RRB-", 4]], [[147728, 162754, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[147727, 162753, "Westworld_-LRB-TV_series-RRB-", 4], [147728, 162754, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78051, 89525, "House_of_Balloons", 0]]], "all_evidence": [[78051, 89525, "House_of_Balloons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121015, 135305, "Floyd_Mayweather_Jr.", 0]], [[121015, 135306, "Floyd_Mayweather_Jr.", 1]]], "all_evidence": [[121015, 135305, "Floyd_Mayweather_Jr.", 0], [121015, 135306, "Floyd_Mayweather_Jr.", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292737, null, null, null], [292746, null, null, null], [295327, null, null, null], [340726, null, null, null], [341018, null, null, null]]], "all_evidence": [[292737, null, null, null], [292746, null, null, null], [295327, null, null, null], [340726, null, null, null], [341018, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82191, 93973, "Uganda", 11]], [[82191, 93974, "Uganda", 12]]], "all_evidence": [[82191, 93973, "Uganda", 11], [82191, 93974, "Uganda", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103134, null, null, null]]], "all_evidence": [[103134, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118898, 132727, "Balibo_-LRB-film-RRB-", 4]]], "all_evidence": [[118898, 132727, "Balibo_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166216, 180138, "Henri_Kontinen", 5]]], "all_evidence": [[166216, 180138, "Henri_Kontinen", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83252, 95191, "Stanford_prison_experiment", 2]]], "all_evidence": [[83252, 95191, "Stanford_prison_experiment", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32610, 39636, "John_Goodman", 7]]], "all_evidence": [[32610, 39636, "John_Goodman", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79279, 90953, "Anthony_Scaramucci", 0]]], "all_evidence": [[79279, 90953, "Anthony_Scaramucci", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216385, 223035, "Gotham_City_Sirens", 4]]], "all_evidence": [[216385, 223035, "Gotham_City_Sirens", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157910, null, null, null]]], "all_evidence": [[157910, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77514, 88965, "Louis_Malle", 6]]], "all_evidence": [[77514, 88965, "Louis_Malle", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157732, 172334, "Kung_Fu_Panda", 17]]], "all_evidence": [[157732, 172334, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282011, null, null, null], [284033, null, null, null], [285069, null, null, null], [285081, null, null, null]]], "all_evidence": [[282011, null, null, null], [284033, null, null, null], [285069, null, null, null], [285081, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107955, null, null, null]]], "all_evidence": [[107955, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171848, 185307, "Gamal_Abdel_Nasser", 13]]], "all_evidence": [[171848, 185307, "Gamal_Abdel_Nasser", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156869, 171448, "One_True_Thing", 0]]], "all_evidence": [[156869, 171448, "One_True_Thing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179552, 192125, "Guns_N'_Roses", 0]], [[179552, 192126, "Guns_N'_Roses", 1], [179552, 192126, "Axl_Rose", 1]], [[179552, 192127, "Guns_N'_Roses", 5], [179552, 192127, "Appetite_for_Destruction", 0]], [[179552, 192128, "Guns_N'_Roses", 8], [179552, 192128, "Use_Your_Illusion_II", 0]], [[179552, 192129, "Guns_N'_Roses", 13], [179552, 192129, "Chinese_Democracy", 0]], [[179552, 192130, "Guns_N'_Roses", 20], [179552, 192130, "Matt_Sorum", 1]], [[179552, 192131, "Guns_N'_Roses", 24], [179552, 192131, "Richard_Fortus", 1]]], "all_evidence": [[179552, 192125, "Guns_N'_Roses", 0], [179552, 192126, "Guns_N'_Roses", 1], [179552, 192126, "Axl_Rose", 1], [179552, 192127, "Guns_N'_Roses", 5], [179552, 192127, "Appetite_for_Destruction", 0], [179552, 192128, "Guns_N'_Roses", 8], [179552, 192128, "Use_Your_Illusion_II", 0], [179552, 192129, "Guns_N'_Roses", 13], [179552, 192129, "Chinese_Democracy", 0], [179552, 192130, "Guns_N'_Roses", 20], [179552, 192130, "Matt_Sorum", 1], [179552, 192131, "Guns_N'_Roses", 24], [179552, 192131, "Richard_Fortus", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113186, null, null, null]]], "all_evidence": [[113186, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235289, 237983, "Boxing_Helena", 5]]], "all_evidence": [[235289, 237983, "Boxing_Helena", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91216, 103923, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]], "all_evidence": [[91216, 103923, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224825, 229589, "Sacre\u0301-C\u0153ur,_Paris", 2]]], "all_evidence": [[224825, 229589, "Sacre\u0301-C\u0153ur,_Paris", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272056, 267787, "Caleb_McLaughlin", 0]], [[272057, 267788, "Caleb_McLaughlin", 0]]], "all_evidence": [[272056, 267787, "Caleb_McLaughlin", 0], [272057, 267788, "Caleb_McLaughlin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23911, 29597, "Overexposed_-LRB-album-RRB-", 9]]], "all_evidence": [[23911, 29597, "Overexposed_-LRB-album-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53808, 63809, "Polynomial", 0]]], "all_evidence": [[53808, 63809, "Polynomial", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[31229, 37938, "American_Civil_War", 0]], [[31229, 37939, "American_Civil_War", 1]]], "all_evidence": [[31229, 37938, "American_Civil_War", 0], [31229, 37939, "American_Civil_War", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123579, 138004, "Nymphomaniac_-LRB-film-RRB-", 0]]], "all_evidence": [[123579, 138004, "Nymphomaniac_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145396, 160398, "Emmanuel_Macron", 2]]], "all_evidence": [[145396, 160398, "Emmanuel_Macron", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267604, 264276, "Vampire_Academy_-LRB-film-RRB-", 0]], [[267604, 264277, "Vampire_Academy_-LRB-film-RRB-", 1]], [[267604, 264278, "Vampire_Academy_-LRB-film-RRB-", 6]]], "all_evidence": [[267604, 264276, "Vampire_Academy_-LRB-film-RRB-", 0], [267604, 264277, "Vampire_Academy_-LRB-film-RRB-", 1], [267604, 264278, "Vampire_Academy_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69618, null, null, null]]], "all_evidence": [[69618, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81478, 93237, "Camp_Flog_Gnaw", 0]]], "all_evidence": [[81478, 93237, "Camp_Flog_Gnaw", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47112, 56211, "Trouble_with_the_Curve", 2]]], "all_evidence": [[47112, 56211, "Trouble_with_the_Curve", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238325, null, null, null]]], "all_evidence": [[238325, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112024, null, null, null]]], "all_evidence": [[112024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125912, 140317, "Chris_Bosh", 8]]], "all_evidence": [[125912, 140317, "Chris_Bosh", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265323, null, null, null]]], "all_evidence": [[265323, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82898, null, null, null]]], "all_evidence": [[82898, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208750, null, null, null]]], "all_evidence": [[208750, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142760, null, null, null]]], "all_evidence": [[142760, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125560, 139916, "Mamata_Banerjee", 0]], [[125560, 139917, "Mamata_Banerjee", 3]]], "all_evidence": [[125560, 139916, "Mamata_Banerjee", 0], [125560, 139917, "Mamata_Banerjee", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232879, 235946, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232879, 235946, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232893, 235956, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]], [[232927, 235980, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]], "all_evidence": [[232893, 235956, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0], [232927, 235980, "Story_of_My_Life_-LRB-One_Direction_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200669, 210142, "Moesia", 1]], [[200678, 210145, "Moesia", 1], [200678, 210145, "Northern_Bulgaria", 0]]], "all_evidence": [[200669, 210142, "Moesia", 1], [200678, 210145, "Moesia", 1], [200678, 210145, "Northern_Bulgaria", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161492, null, null, null]]], "all_evidence": [[161492, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106767, null, null, null], [106772, null, null, null]]], "all_evidence": [[106767, null, null, null], [106772, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63837, 74568, "Andrew_Moray", 1]]], "all_evidence": [[63837, 74568, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183690, 195684, "Weill_Cornell_Medicine", 0]]], "all_evidence": [[183690, 195684, "Weill_Cornell_Medicine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146972, 161941, "The_Invisible_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[146972, 161941, "The_Invisible_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21964, 26971, "Atlanta_metropolitan_area", 0], [21964, 26971, "Atlanta", 0]], [[21964, 26972, "Atlanta_metropolitan_area", 3], [21964, 26972, "North_Georgia_-LRB-U.S._state-RRB-", 0]]], "all_evidence": [[21964, 26971, "Atlanta_metropolitan_area", 0], [21964, 26971, "Atlanta", 0], [21964, 26972, "Atlanta_metropolitan_area", 3], [21964, 26972, "North_Georgia_-LRB-U.S._state-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116775, 130666, "The_Walking_Dead_-LRB-comic_book-RRB-", 10]]], "all_evidence": [[116775, 130666, "The_Walking_Dead_-LRB-comic_book-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125692, 140076, "The_Beguiled_-LRB-1971_film-RRB-", 1], [125692, 140076, "Albert_Maltz", 0]]], "all_evidence": [[125692, 140076, "The_Beguiled_-LRB-1971_film-RRB-", 1], [125692, 140076, "Albert_Maltz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45228, 53968, "Battle_of_the_Bastards", 15]]], "all_evidence": [[45228, 53968, "Battle_of_the_Bastards", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269053, null, null, null]]], "all_evidence": [[269053, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247307, 247615, "The_Monster_-LRB-song-RRB-", 0]]], "all_evidence": [[247307, 247615, "The_Monster_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265349, null, null, null]]], "all_evidence": [[265349, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72293, 83323, "Ayananka_Bose", 0]], [[72293, 83324, "Ayananka_Bose", 2]]], "all_evidence": [[72293, 83323, "Ayananka_Bose", 0], [72293, 83324, "Ayananka_Bose", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24321, null, null, null]]], "all_evidence": [[24321, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189080, null, null, null]]], "all_evidence": [[189080, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40570, 48803, "One_Dance", 11]]], "all_evidence": [[40570, 48803, "One_Dance", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29768, null, null, null]]], "all_evidence": [[29768, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56168, 66329, "Henry_Condell", 55]]], "all_evidence": [[56168, 66329, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229094, 233147, "Kevin_Bacon", 2], [229094, 233147, "Sleepers", 0]]], "all_evidence": [[229094, 233147, "Kevin_Bacon", 2], [229094, 233147, "Sleepers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189206, 200526, "Nobel_Prize_in_Chemistry", 6], [189206, 200526, "Netherlands", 0]]], "all_evidence": [[189206, 200526, "Nobel_Prize_in_Chemistry", 6], [189206, 200526, "Netherlands", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255268, null, null, null]]], "all_evidence": [[255268, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128782, null, null, null]]], "all_evidence": [[128782, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109822, 123415, "Battle_of_the_Bastards", 15]]], "all_evidence": [[109822, 123415, "Battle_of_the_Bastards", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34076, 41320, "Ragtime_-LRB-film-RRB-", 2]]], "all_evidence": [[34076, 41320, "Ragtime_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227457, 231834, "Mike_Friedrich", 0]], [[227463, 231840, "Mike_Friedrich", 0]]], "all_evidence": [[227457, 231834, "Mike_Friedrich", 0], [227463, 231840, "Mike_Friedrich", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226616, null, null, null]]], "all_evidence": [[226616, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57605, 67831, "Aubrey_Anderson-Emmons", 0]]], "all_evidence": [[57605, 67831, "Aubrey_Anderson-Emmons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177397, 190220, "Robert_Zemeckis", 1]], [[177397, 190221, "Robert_Zemeckis", 2]]], "all_evidence": [[177397, 190220, "Robert_Zemeckis", 1], [177397, 190221, "Robert_Zemeckis", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262376, null, null, null]]], "all_evidence": [[262376, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33123, 40212, "Jack_Lowden", 0]], [[33123, 40213, "Jack_Lowden", 1]], [[33123, 40214, "Jack_Lowden", 4]], [[33123, 40215, "Jack_Lowden", 5], [33123, 40215, "Laurence_Olivier_Award_for_Best_Actor_in_a_Supporting_Role", 0]], [[33123, 40216, "Jack_Lowden", 9]], [[33123, 40217, "Jack_Lowden", 12]]], "all_evidence": [[33123, 40212, "Jack_Lowden", 0], [33123, 40213, "Jack_Lowden", 1], [33123, 40214, "Jack_Lowden", 4], [33123, 40215, "Jack_Lowden", 5], [33123, 40215, "Laurence_Olivier_Award_for_Best_Actor_in_a_Supporting_Role", 0], [33123, 40216, "Jack_Lowden", 9], [33123, 40217, "Jack_Lowden", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172938, null, null, null]]], "all_evidence": [[172938, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[69673, null, null, null]]], "all_evidence": [[69673, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78926, null, null, null]]], "all_evidence": [[78926, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232364, null, null, null]]], "all_evidence": [[232364, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150605, 165472, "Natasha_Lyonne", 0]]], "all_evidence": [[150605, 165472, "Natasha_Lyonne", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74054, null, null, null]]], "all_evidence": [[74054, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244760, null, null, null]]], "all_evidence": [[244760, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114617, 128368, "Keith_Stanfield", 0]]], "all_evidence": [[114617, 128368, "Keith_Stanfield", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48446, 57774, "Dissociative_identity_disorder", 0]]], "all_evidence": [[48446, 57774, "Dissociative_identity_disorder", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42370, null, null, null]]], "all_evidence": [[42370, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227399, 231780, "Jeb_Bush", 3]], [[227403, 231784, "Jeb_Bush", 3]]], "all_evidence": [[227399, 231780, "Jeb_Bush", 3], [227403, 231784, "Jeb_Bush", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145649, 160651, "Musala", 0]]], "all_evidence": [[145649, 160651, "Musala", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226622, null, null, null]]], "all_evidence": [[226622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209734, 217525, "Cary_Elwes", 0]]], "all_evidence": [[209734, 217525, "Cary_Elwes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160040, 174563, "Fargo_-LRB-season_3-RRB-", 0]]], "all_evidence": [[160040, 174563, "Fargo_-LRB-season_3-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165856, null, null, null]]], "all_evidence": [[165856, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185240, 197029, "No_Strings_Attached_-LRB-film-RRB-", 2]]], "all_evidence": [[185240, 197029, "No_Strings_Attached_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189097, 200430, "Carey_Hayes", 0]], [[189109, 200439, "Carey_Hayes", 0]]], "all_evidence": [[189097, 200430, "Carey_Hayes", 0], [189109, 200439, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146291, 161263, "The_Quiet", 0]], [[146291, 161264, "The_Quiet", 1]]], "all_evidence": [[146291, 161263, "The_Quiet", 0], [146291, 161264, "The_Quiet", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265313, null, null, null]]], "all_evidence": [[265313, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154472, null, null, null]]], "all_evidence": [[154472, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188750, 200191, "Saturn_Award_for_Best_Fantasy_Film", 0]]], "all_evidence": [[188750, 200191, "Saturn_Award_for_Best_Fantasy_Film", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[176119, 189086, "Mormons", 24]]], "all_evidence": [[176119, 189086, "Mormons", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[211677, 219351, "The_Fly_-LRB-1986_film-RRB-", 0]], [[211677, 219352, "The_Fly_-LRB-1986_film-RRB-", 6]], [[211677, 219353, "The_Fly_-LRB-1986_film-RRB-", 9]], [[211683, 219362, "The_Fly_-LRB-1986_film-RRB-", 0]], [[211683, 219363, "The_Fly_-LRB-1986_film-RRB-", 6]], [[211683, 219364, "The_Fly_-LRB-1986_film-RRB-", 9]]], "all_evidence": [[211677, 219351, "The_Fly_-LRB-1986_film-RRB-", 0], [211677, 219352, "The_Fly_-LRB-1986_film-RRB-", 6], [211677, 219353, "The_Fly_-LRB-1986_film-RRB-", 9], [211683, 219362, "The_Fly_-LRB-1986_film-RRB-", 0], [211683, 219363, "The_Fly_-LRB-1986_film-RRB-", 6], [211683, 219364, "The_Fly_-LRB-1986_film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129499, 144242, "Jed_Whedon", 0], [129499, 144242, "Tom_Whedon", 0]]], "all_evidence": [[129499, 144242, "Jed_Whedon", 0], [129499, 144242, "Tom_Whedon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[183217, 195303, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]], "all_evidence": [[183217, 195303, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216867, null, null, null]]], "all_evidence": [[216867, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157884, null, null, null]]], "all_evidence": [[157884, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206273, 214671, "Trick-or-treating", 1]]], "all_evidence": [[206273, 214671, "Trick-or-treating", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[14647, 18265, "Key_&_Peele", 10]], [[14648, 18266, "Key_&_Peele", 10]]], "all_evidence": [[14647, 18265, "Key_&_Peele", 10], [14648, 18266, "Key_&_Peele", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194662, null, null, null]]], "all_evidence": [[194662, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85673, 97979, "Phoenix,_Arizona", 0]], [[85673, 97980, "Phoenix,_Arizona", 1]]], "all_evidence": [[85673, 97979, "Phoenix,_Arizona", 0], [85673, 97980, "Phoenix,_Arizona", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162787, 177019, "Premier_League_Asia_Trophy", 0]], [[162787, 177020, "Premier_League_Asia_Trophy", 2]]], "all_evidence": [[162787, 177019, "Premier_League_Asia_Trophy", 0], [162787, 177020, "Premier_League_Asia_Trophy", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146839, null, null, null]]], "all_evidence": [[146839, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229063, 233132, "Qin_dynasty", 0]], [[318453, 307378, "Qin_dynasty", 0]], [[318455, 307380, "Qin_dynasty", 0]], [[318459, 307383, "Qin_dynasty", 0]]], "all_evidence": [[229063, 233132, "Qin_dynasty", 0], [318453, 307378, "Qin_dynasty", 0], [318455, 307380, "Qin_dynasty", 0], [318459, 307383, "Qin_dynasty", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169142, 182812, "KGB", 0]], [[169142, 182813, "KGB", 1]], [[169142, 182814, "KGB", 3]], [[169142, 182815, "KGB", 2]], [[169142, 182816, "KGB", 7]]], "all_evidence": [[169142, 182812, "KGB", 0], [169142, 182813, "KGB", 1], [169142, 182814, "KGB", 3], [169142, 182815, "KGB", 2], [169142, 182816, "KGB", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131146, null, null, null]]], "all_evidence": [[131146, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162140, 176476, "Near-Earth_object", 0], [162140, 176476, "Small_Solar_System_body", 0], [162140, 176476, "Small_Solar_System_body", 4], [162140, 176476, "Small_Solar_System_body", 5]], [[162144, 176483, "Near-Earth_object", 0], [162144, 176483, "Small_Solar_System_body", 0]]], "all_evidence": [[162140, 176476, "Near-Earth_object", 0], [162140, 176476, "Small_Solar_System_body", 0], [162140, 176476, "Small_Solar_System_body", 4], [162140, 176476, "Small_Solar_System_body", 5], [162144, 176483, "Near-Earth_object", 0], [162144, 176483, "Small_Solar_System_body", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145151, 160147, "The_Quiet", 4]]], "all_evidence": [[145151, 160147, "The_Quiet", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75833, null, null, null]]], "all_evidence": [[75833, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64512, 75300, "Ian_Gillan", 0]], [[64516, 75303, "Ian_Gillan", 0]]], "all_evidence": [[64512, 75300, "Ian_Gillan", 0], [64516, 75303, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49078, null, null, null]]], "all_evidence": [[49078, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66251, 77079, "SummerSlam_-LRB-2015-RRB-", 8]]], "all_evidence": [[66251, 77079, "SummerSlam_-LRB-2015-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73397, null, null, null]]], "all_evidence": [[73397, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70739, 81616, "The_Raven_-LRB-2012_film-RRB-", 10]]], "all_evidence": [[70739, 81616, "The_Raven_-LRB-2012_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90101, null, null, null]]], "all_evidence": [[90101, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138155, 153102, "Food_Network", 0]], [[138155, 153103, "Food_Network", 8]], [[138156, 153104, "Food_Network", 0]], [[138156, 153105, "Food_Network", 8]], [[310250, 300285, "Food_Network", 8]]], "all_evidence": [[138155, 153102, "Food_Network", 0], [138155, 153103, "Food_Network", 8], [138156, 153104, "Food_Network", 0], [138156, 153105, "Food_Network", 8], [310250, 300285, "Food_Network", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262387, null, null, null]]], "all_evidence": [[262387, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19676, 24175, "The_Wonder_Years", 0]], [[19676, 24176, "The_Wonder_Years", 2]], [[19676, 24177, "The_Wonder_Years", 5]], [[19676, 24178, "The_Wonder_Years", 6]], [[19676, 24179, "The_Wonder_Years", 7]], [[19676, 24180, "The_Wonder_Years", 9]], [[19676, 24181, "The_Wonder_Years", 10]], [[19676, 24182, "The_Wonder_Years", 11]], [[19676, 24183, "The_Wonder_Years", 12]], [[19676, 24184, "The_Wonder_Years", 13]], [[31913, 38719, "The_Wonder_Years", 0]], [[31913, 38720, "The_Wonder_Years", 1]], [[31913, 38721, "The_Wonder_Years", 2]], [[31913, 38722, "The_Wonder_Years", 5]], [[31913, 38723, "The_Wonder_Years", 6]], [[31913, 38724, "The_Wonder_Years", 7]], [[31913, 38725, "The_Wonder_Years", 8]], [[31913, 38726, "The_Wonder_Years", 9]], [[31913, 38727, "The_Wonder_Years", 10]], [[31913, 38728, "The_Wonder_Years", 11]], [[31913, 38729, "The_Wonder_Years", 12]], [[31913, 38730, "The_Wonder_Years", 13]], [[264829, 262194, "The_Wonder_Years", 0]], [[264829, 262195, "The_Wonder_Years", 1]], [[264829, 262196, "The_Wonder_Years", 7]], [[264829, 262197, "The_Wonder_Years", 8], [264829, 262197, "Fred_Savage", 1]], [[299425, 290809, "The_Wonder_Years", 0]]], "all_evidence": [[19676, 24175, "The_Wonder_Years", 0], [19676, 24176, "The_Wonder_Years", 2], [19676, 24177, "The_Wonder_Years", 5], [19676, 24178, "The_Wonder_Years", 6], [19676, 24179, "The_Wonder_Years", 7], [19676, 24180, "The_Wonder_Years", 9], [19676, 24181, "The_Wonder_Years", 10], [19676, 24182, "The_Wonder_Years", 11], [19676, 24183, "The_Wonder_Years", 12], [19676, 24184, "The_Wonder_Years", 13], [31913, 38719, "The_Wonder_Years", 0], [31913, 38720, "The_Wonder_Years", 1], [31913, 38721, "The_Wonder_Years", 2], [31913, 38722, "The_Wonder_Years", 5], [31913, 38723, "The_Wonder_Years", 6], [31913, 38724, "The_Wonder_Years", 7], [31913, 38725, "The_Wonder_Years", 8], [31913, 38726, "The_Wonder_Years", 9], [31913, 38727, "The_Wonder_Years", 10], [31913, 38728, "The_Wonder_Years", 11], [31913, 38729, "The_Wonder_Years", 12], [31913, 38730, "The_Wonder_Years", 13], [264829, 262194, "The_Wonder_Years", 0], [264829, 262195, "The_Wonder_Years", 1], [264829, 262196, "The_Wonder_Years", 7], [264829, 262197, "The_Wonder_Years", 8], [264829, 262197, "Fred_Savage", 1], [299425, 290809, "The_Wonder_Years", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145780, 160798, "Anthony_Scaramucci", 0]]], "all_evidence": [[145780, 160798, "Anthony_Scaramucci", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132107, 146977, "Donald_Duck", 2]]], "all_evidence": [[132107, 146977, "Donald_Duck", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36277, 43829, "Yves_Saint_Laurent_-LRB-brand-RRB-", 1], [36277, 43829, "Haute_couture", 0]], [[36277, 43830, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [36277, 43830, "Fashion_design", 0]], [[36277, 43831, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]], [[36277, 43832, "Yves_Saint_Laurent_-LRB-brand-RRB-", 6]]], "all_evidence": [[36277, 43829, "Yves_Saint_Laurent_-LRB-brand-RRB-", 1], [36277, 43829, "Haute_couture", 0], [36277, 43830, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [36277, 43830, "Fashion_design", 0], [36277, 43831, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5], [36277, 43832, "Yves_Saint_Laurent_-LRB-brand-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66395, 77239, "Cyclades", 0]], [[66395, 77240, "Cyclades", 1]]], "all_evidence": [[66395, 77239, "Cyclades", 0], [66395, 77240, "Cyclades", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220185, 226019, "Foot_Locker", 4]]], "all_evidence": [[220185, 226019, "Foot_Locker", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158650, 173280, "Electric_chair", 15]]], "all_evidence": [[158650, 173280, "Electric_chair", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181348, 193605, "Melilla", 0]]], "all_evidence": [[181348, 193605, "Melilla", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178697, 191266, "John_DiMaggio", 1], [178697, 191266, "Samurai_Jack", 0]]], "all_evidence": [[178697, 191266, "John_DiMaggio", 1], [178697, 191266, "Samurai_Jack", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242189, null, null, null]]], "all_evidence": [[242189, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132137, 147015, "Color_of_Night", 0]], [[132137, 147016, "Color_of_Night", 8]]], "all_evidence": [[132137, 147015, "Color_of_Night", 0], [132137, 147016, "Color_of_Night", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76450, 87742, "Superhuman", 6]]], "all_evidence": [[76450, 87742, "Superhuman", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16842, 20850, "Goldie_Hawn", 5]], [[16842, 20851, "Goldie_Hawn", 2]]], "all_evidence": [[16842, 20850, "Goldie_Hawn", 5], [16842, 20851, "Goldie_Hawn", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62542, 73165, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1], [62542, 73165, "Aruba", 0]]], "all_evidence": [[62542, 73165, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1], [62542, 73165, "Aruba", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156339, 170938, "General_Motors", 12]]], "all_evidence": [[156339, 170938, "General_Motors", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71303, 82242, "Sausage_Party", 0]], [[71306, 82244, "Sausage_Party", 0]]], "all_evidence": [[71303, 82242, "Sausage_Party", 0], [71306, 82244, "Sausage_Party", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84896, null, null, null]]], "all_evidence": [[84896, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207756, null, null, null]]], "all_evidence": [[207756, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212892, 220305, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 0]]], "all_evidence": [[212892, 220305, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247547, 247828, "Sennacherib", 2]]], "all_evidence": [[247547, 247828, "Sennacherib", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123235, 137631, "Exit_the_King", 0]]], "all_evidence": [[123235, 137631, "Exit_the_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64547, 75341, "Azithromycin", 17]]], "all_evidence": [[64547, 75341, "Azithromycin", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146261, null, null, null]]], "all_evidence": [[146261, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177118, null, null, null]]], "all_evidence": [[177118, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222822, null, null, null]]], "all_evidence": [[222822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118727, 132567, "Camp_Flog_Gnaw", 0], [118727, 132567, "Camp_Flog_Gnaw", 2]]], "all_evidence": [[118727, 132567, "Camp_Flog_Gnaw", 0], [118727, 132567, "Camp_Flog_Gnaw", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109941, 123548, "Maximum_Overdrive", 0]]], "all_evidence": [[109941, 123548, "Maximum_Overdrive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56796, 67025, "KGB", 7]]], "all_evidence": [[56796, 67025, "KGB", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102919, 116206, "Ekta_Kapoor", 8], [102919, 116206, "Kyunki_Saas_Bhi_Kabhi_Bahu_Thi", 4], [102919, 116206, "Kyunki_Saas_Bhi_Kabhi_Bahu_Thi", 0]]], "all_evidence": [[102919, 116206, "Ekta_Kapoor", 8], [102919, 116206, "Kyunki_Saas_Bhi_Kabhi_Bahu_Thi", 4], [102919, 116206, "Kyunki_Saas_Bhi_Kabhi_Bahu_Thi", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242352, 243750, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242352, 243750, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124686, 139021, "Faye_Resnick", 0]]], "all_evidence": [[124686, 139021, "Faye_Resnick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95405, 108430, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]], "all_evidence": [[95405, 108430, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123624, 138038, "Bonobo", 12]]], "all_evidence": [[123624, 138038, "Bonobo", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292168, null, null, null], [294839, null, null, null], [339336, null, null, null], [339342, null, null, null]]], "all_evidence": [[292168, null, null, null], [294839, null, null, null], [339336, null, null, null], [339342, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192346, 203103, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[192346, 203103, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83702, null, null, null], [83703, null, null, null]]], "all_evidence": [[83702, null, null, null], [83703, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89397, null, null, null]]], "all_evidence": [[89397, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43203, 51831, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 4]]], "all_evidence": [[43203, 51831, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39118, 47118, "P.S._I_Love_You_-LRB-film-RRB-", 0]]], "all_evidence": [[39118, 47118, "P.S._I_Love_You_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186734, 198513, "Ding_Yanyuhang", 0]]], "all_evidence": [[186734, 198513, "Ding_Yanyuhang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128307, null, null, null]]], "all_evidence": [[128307, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148885, null, null, null]]], "all_evidence": [[148885, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104106, null, null, null]]], "all_evidence": [[104106, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108326, 121866, "Lucy_Hale", 0]], [[108326, 121867, "Lucy_Hale", 2], [108326, 121867, "American_Idol", 0]], [[108326, 121868, "Lucy_Hale", 3]], [[108326, 121869, "Lucy_Hale", 4], [108326, 121869, "Road_Between", 0]]], "all_evidence": [[108326, 121866, "Lucy_Hale", 0], [108326, 121867, "Lucy_Hale", 2], [108326, 121867, "American_Idol", 0], [108326, 121868, "Lucy_Hale", 3], [108326, 121869, "Lucy_Hale", 4], [108326, 121869, "Road_Between", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205688, 214181, "Pythagoras", 0]], [[205688, 214182, "Pythagoras", 7]], [[205688, 214183, "Pythagoras", 6]]], "all_evidence": [[205688, 214181, "Pythagoras", 0], [205688, 214182, "Pythagoras", 7], [205688, 214183, "Pythagoras", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17031, 21098, "Heath_Ledger", 6]]], "all_evidence": [[17031, 21098, "Heath_Ledger", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44986, 53687, "The_Big_Country", 0]]], "all_evidence": [[44986, 53687, "The_Big_Country", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174328, null, null, null]]], "all_evidence": [[174328, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137926, 152907, "Superhuman", 6]]], "all_evidence": [[137926, 152907, "Superhuman", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296449, 288290, "Weill_Cornell_Medicine", 0]], [[298045, 289594, "Weill_Cornell_Medicine", 0]], [[300196, 291456, "Weill_Cornell_Medicine", 0]], [[343323, 327138, "Weill_Cornell_Medicine", 0]], [[344001, 327632, "Weill_Cornell_Medicine", 0]]], "all_evidence": [[296449, 288290, "Weill_Cornell_Medicine", 0], [298045, 289594, "Weill_Cornell_Medicine", 0], [300196, 291456, "Weill_Cornell_Medicine", 0], [343323, 327138, "Weill_Cornell_Medicine", 0], [344001, 327632, "Weill_Cornell_Medicine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74625, 85855, "Nottingham_Forest_F.C.", 0]], [[74625, 85856, "Nottingham_Forest_F.C.", 1]], [[74625, 85857, "Nottingham_Forest_F.C.", 5]]], "all_evidence": [[74625, 85855, "Nottingham_Forest_F.C.", 0], [74625, 85856, "Nottingham_Forest_F.C.", 1], [74625, 85857, "Nottingham_Forest_F.C.", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170795, 184363, "Maximum_Overdrive", 0]]], "all_evidence": [[170795, 184363, "Maximum_Overdrive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253287, 253174, "The_Originals_-LRB-TV_series-RRB-", 0]], [[253289, 253176, "The_Originals_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[253287, 253174, "The_Originals_-LRB-TV_series-RRB-", 0], [253289, 253176, "The_Originals_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54391, 64385, "Benjamin_Franklin", 7]]], "all_evidence": [[54391, 64385, "Benjamin_Franklin", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66775, null, null, null]]], "all_evidence": [[66775, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155960, 170634, "Cyprus", 0]]], "all_evidence": [[155960, 170634, "Cyprus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41750, 50203, "Jamie_Lee_Curtis", 12], [41750, 50203, "Janet_Leigh", 2]]], "all_evidence": [[41750, 50203, "Jamie_Lee_Curtis", 12], [41750, 50203, "Janet_Leigh", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113241, null, null, null], [119506, null, null, null], [308499, null, null, null], [310099, null, null, null], [310104, null, null, null]]], "all_evidence": [[113241, null, null, null], [119506, null, null, null], [308499, null, null, null], [310099, null, null, null], [310104, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130908, 145685, "Pocahontas", 0]]], "all_evidence": [[130908, 145685, "Pocahontas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122732, 137024, "Scandal_-LRB-American_band-RRB-", 0]]], "all_evidence": [[122732, 137024, "Scandal_-LRB-American_band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146977, 161944, "Phoenix,_Arizona", 0]]], "all_evidence": [[146977, 161944, "Phoenix,_Arizona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125354, null, null, null]]], "all_evidence": [[125354, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216630, 223319, "Logie_Awards", 8]]], "all_evidence": [[216630, 223319, "Logie_Awards", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77143, 88560, "Jed_Whedon", 0]]], "all_evidence": [[77143, 88560, "Jed_Whedon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92979, 105859, "Pakistan", 22], [92979, 105859, "List_of_countries_by_GDP_-LRB-PPP-RRB-", 2]]], "all_evidence": [[92979, 105859, "Pakistan", 22], [92979, 105859, "List_of_countries_by_GDP_-LRB-PPP-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55844, 65934, "Temple_Mount", 29]]], "all_evidence": [[55844, 65934, "Temple_Mount", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227390, 231772, "Jeb_Bush", 3]]], "all_evidence": [[227390, 231772, "Jeb_Bush", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153841, null, null, null]]], "all_evidence": [[153841, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[249993, 250056, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[249993, 250056, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40038, null, null, null]]], "all_evidence": [[40038, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244125, 245209, "Uta_Hagen", 0]]], "all_evidence": [[244125, 245209, "Uta_Hagen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268436, 265023, "Brian_De_Palma", 0]]], "all_evidence": [[268436, 265023, "Brian_De_Palma", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73833, 85068, "Sierra_Morena", 8]]], "all_evidence": [[73833, 85068, "Sierra_Morena", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125964, 140358, "Super_Bowl_XLV", 2]]], "all_evidence": [[125964, 140358, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156659, 171256, "Younger_-LRB-TV_series-RRB-", 0]], [[156659, 171257, "Younger_-LRB-TV_series-RRB-", 1], [156659, 171257, "Molly_Bernard", 1]]], "all_evidence": [[156659, 171256, "Younger_-LRB-TV_series-RRB-", 0], [156659, 171257, "Younger_-LRB-TV_series-RRB-", 1], [156659, 171257, "Molly_Bernard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185115, 196931, "Robert_Singer_-LRB-producer-RRB-", 1]]], "all_evidence": [[185115, 196931, "Robert_Singer_-LRB-producer-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86676, 99152, "Trouble_with_the_Curve", 0]], [[86691, 99164, "Trouble_with_the_Curve", 0]], [[86691, 99165, "Trouble_with_the_Curve", 5]]], "all_evidence": [[86676, 99152, "Trouble_with_the_Curve", 0], [86691, 99164, "Trouble_with_the_Curve", 0], [86691, 99165, "Trouble_with_the_Curve", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115829, null, null, null]]], "all_evidence": [[115829, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161788, null, null, null]]], "all_evidence": [[161788, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207473, null, null, null]]], "all_evidence": [[207473, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21573, 26534, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]], "all_evidence": [[21573, 26534, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259289, 257919, "Indian_National_Congress", 8]]], "all_evidence": [[259289, 257919, "Indian_National_Congress", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[188478, null, null, null]]], "all_evidence": [[188478, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139486, 154522, "Ed_Gein", 1]]], "all_evidence": [[139486, 154522, "Ed_Gein", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24184, null, null, null]]], "all_evidence": [[24184, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230189, 233942, "Hyksos", 18]]], "all_evidence": [[230189, 233942, "Hyksos", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30248, null, null, null]]], "all_evidence": [[30248, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23144, 28496, "Washington_Monument", 1]]], "all_evidence": [[23144, 28496, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189213, null, null, null]]], "all_evidence": [[189213, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194644, 205021, "Boeing_767", 19]]], "all_evidence": [[194644, 205021, "Boeing_767", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144576, 159587, "Sarah_Hyland", 0]], [[144576, 159588, "Sarah_Hyland", 1]], [[144576, 159589, "Sarah_Hyland", 2]]], "all_evidence": [[144576, 159587, "Sarah_Hyland", 0], [144576, 159588, "Sarah_Hyland", 1], [144576, 159589, "Sarah_Hyland", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75072, 86296, "Annabelle_-LRB-doll-RRB-", 1]]], "all_evidence": [[75072, 86296, "Annabelle_-LRB-doll-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157166, 171720, "Mandy_Moore", 0]]], "all_evidence": [[157166, 171720, "Mandy_Moore", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206299, null, null, null]]], "all_evidence": [[206299, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136474, 151258, "Stanley_Park", 16]]], "all_evidence": [[136474, 151258, "Stanley_Park", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69755, 80628, "United_States_dollar", 64]], [[69755, 80629, "United_States_dollar", 70], [69755, 80629, "Reserve_currency", 6], [69755, 80629, "Reserve_currency", 0]], [[69755, 80630, "United_States_dollar", 71], [69755, 80630, "International_use_of_the_U.S._dollar", 0]], [[69755, 80631, "United_States_dollar", 72]]], "all_evidence": [[69755, 80628, "United_States_dollar", 64], [69755, 80629, "United_States_dollar", 70], [69755, 80629, "Reserve_currency", 6], [69755, 80629, "Reserve_currency", 0], [69755, 80630, "United_States_dollar", 71], [69755, 80630, "International_use_of_the_U.S._dollar", 0], [69755, 80631, "United_States_dollar", 72]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136513, 151287, "Ricardo_Montalba\u0301n", 0]]], "all_evidence": [[136513, 151287, "Ricardo_Montalba\u0301n", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[143123, 158229, "NXT_Tag_Team_Championship", 0]]], "all_evidence": [[143123, 158229, "NXT_Tag_Team_Championship", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279063, 273722, "Julie_Bowen", 0]], [[280671, 275083, "Julie_Bowen", 0]], [[280945, 275329, "Julie_Bowen", 0]], [[327239, 314568, "Julie_Bowen", 0]], [[327244, 314572, "Julie_Bowen", 0]], [[327246, 314573, "Julie_Bowen", 0]]], "all_evidence": [[279063, 273722, "Julie_Bowen", 0], [280671, 275083, "Julie_Bowen", 0], [280945, 275329, "Julie_Bowen", 0], [327239, 314568, "Julie_Bowen", 0], [327244, 314572, "Julie_Bowen", 0], [327246, 314573, "Julie_Bowen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56736, 66957, "Anneliese_van_der_Pol", 0]], [[56736, 66958, "Anneliese_van_der_Pol", 1]], [[56736, 66959, "Anneliese_van_der_Pol", 4]]], "all_evidence": [[56736, 66957, "Anneliese_van_der_Pol", 0], [56736, 66958, "Anneliese_van_der_Pol", 1], [56736, 66959, "Anneliese_van_der_Pol", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186439, 198250, "Alan_Shepard", 16]]], "all_evidence": [[186439, 198250, "Alan_Shepard", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112222, 126054, "P.S._I_Love_You_-LRB-film-RRB-", 0]]], "all_evidence": [[112222, 126054, "P.S._I_Love_You_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71188, null, null, null]]], "all_evidence": [[71188, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33768, 40932, "Gray_Matters", 0]]], "all_evidence": [[33768, 40932, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[299645, 291063, "Mars", 6]]], "all_evidence": [[299645, 291063, "Mars", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63086, 73798, "Raven-Symone\u0301", 23]]], "all_evidence": [[63086, 73798, "Raven-Symone\u0301", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46253, 55213, "Netscape_Navigator", 9]]], "all_evidence": [[46253, 55213, "Netscape_Navigator", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[278410, null, null, null], [325526, null, null, null], [325527, null, null, null], [325528, null, null, null]]], "all_evidence": [[278410, null, null, null], [325526, null, null, null], [325527, null, null, null], [325528, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105021, 118442, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 1]]], "all_evidence": [[105021, 118442, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[82558, 94349, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[82558, 94349, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166189, 180114, "Daenerys_Targaryen", 5], [166189, 180114, "A_Game_of_Thrones", 0]]], "all_evidence": [[166189, 180114, "Daenerys_Targaryen", 5], [166189, 180114, "A_Game_of_Thrones", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100013, null, null, null]]], "all_evidence": [[100013, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127539, 142129, "Gray_Matters", 1]], [[129501, 144243, "Gray_Matters", 1]], [[308880, 299164, "Gray_Matters", 1]], [[310483, 300526, "Gray_Matters", 1]], [[310588, 300630, "Gray_Matters", 1]]], "all_evidence": [[127539, 142129, "Gray_Matters", 1], [129501, 144243, "Gray_Matters", 1], [308880, 299164, "Gray_Matters", 1], [310483, 300526, "Gray_Matters", 1], [310588, 300630, "Gray_Matters", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213483, null, null, null]]], "all_evidence": [[213483, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50272, 59846, "Temple_Grandin_-LRB-film-RRB-", 0], [50272, 59846, "Biographical_film", 0]]], "all_evidence": [[50272, 59846, "Temple_Grandin_-LRB-film-RRB-", 0], [50272, 59846, "Biographical_film", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189628, 200878, "Hezbollah", 17]]], "all_evidence": [[189628, 200878, "Hezbollah", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133435, 148300, "Yvonne_Strahovski", 4], [133435, 148300, "The_Astronaut_Wives_Club", 0]]], "all_evidence": [[133435, 148300, "Yvonne_Strahovski", 4], [133435, 148300, "The_Astronaut_Wives_Club", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113632, 127497, "Shape_of_You", 7]], [[113632, 127498, "Shape_of_You", 8]], [[117219, 131112, "Shape_of_You", 7]], [[117219, 131113, "Shape_of_You", 8]], [[119957, 134103, "Shape_of_You", 7]], [[308541, 298903, "Shape_of_You", 7]], [[308544, 298905, "Shape_of_You", 7]]], "all_evidence": [[113632, 127497, "Shape_of_You", 7], [113632, 127498, "Shape_of_You", 8], [117219, 131112, "Shape_of_You", 7], [117219, 131113, "Shape_of_You", 8], [119957, 134103, "Shape_of_You", 7], [308541, 298903, "Shape_of_You", 7], [308544, 298905, "Shape_of_You", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[200683, 210150, "Moesia", 1], [200683, 210150, "Central_Serbia", 0]]], "all_evidence": [[200683, 210150, "Moesia", 1], [200683, 210150, "Central_Serbia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263043, 260843, "Group_of_15", 4]], [[263049, 260846, "Group_of_15", 4]]], "all_evidence": [[263043, 260843, "Group_of_15", 4], [263049, 260846, "Group_of_15", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130597, 145387, "Cle\u0301opa\u0302tre", 4]]], "all_evidence": [[130597, 145387, "Cle\u0301opa\u0302tre", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144573, 159584, "Near-Earth_object", 0]]], "all_evidence": [[144573, 159584, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148890, 163934, "Key_&_Peele", 10]]], "all_evidence": [[148890, 163934, "Key_&_Peele", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72973, 84122, "Globalism", 1]]], "all_evidence": [[72973, 84122, "Globalism", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88582, null, null, null], [306211, null, null, null], [307415, null, null, null]]], "all_evidence": [[88582, null, null, null], [306211, null, null, null], [307415, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119524, 133563, "Donald_Duck", 2]], [[119525, 133564, "Donald_Duck", 2]]], "all_evidence": [[119524, 133563, "Donald_Duck", 2], [119525, 133564, "Donald_Duck", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146591, 161577, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[146591, 161577, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66232, 77059, "Port_of_Spain", 0]]], "all_evidence": [[66232, 77059, "Port_of_Spain", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165321, 179417, "Keith_Stanfield", 0], [165321, 179417, "Leo_-LRB-astrology-RRB-", 2]]], "all_evidence": [[165321, 179417, "Keith_Stanfield", 0], [165321, 179417, "Leo_-LRB-astrology-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173740, 186919, "IMDb", 0]]], "all_evidence": [[173740, 186919, "IMDb", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60984, 71458, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[60984, 71458, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49062, null, null, null], [52078, null, null, null], [55443, null, null, null], [302748, null, null, null], [304944, null, null, null], [304965, null, null, null]]], "all_evidence": [[49062, null, null, null], [52078, null, null, null], [55443, null, null, null], [302748, null, null, null], [304944, null, null, null], [304965, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13464, 16830, "Freddie_Highmore", 5]], [[13468, 16834, "Freddie_Highmore", 5]]], "all_evidence": [[13464, 16830, "Freddie_Highmore", 5], [13468, 16834, "Freddie_Highmore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122962, 137225, "Chris_Benoit", 14]], [[122963, 137226, "Chris_Benoit", 14]], [[122964, 137227, "Chris_Benoit", 14]]], "all_evidence": [[122962, 137225, "Chris_Benoit", 14], [122963, 137226, "Chris_Benoit", 14], [122964, 137227, "Chris_Benoit", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227903, null, null, null]]], "all_evidence": [[227903, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130446, 145219, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0]], [[130446, 145221, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 2]], [[130446, 145223, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 3]], [[130446, 145224, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 7], [130446, 145224, "Kish_Mauve", 1]]], "all_evidence": [[130446, 145219, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 0], [130446, 145221, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 2], [130446, 145223, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 3], [130446, 145224, "2_Hearts_-LRB-Kylie_Minogue_song-RRB-", 7], [130446, 145224, "Kish_Mauve", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80894, 92753, "B._R._Ambedkar", 0]]], "all_evidence": [[80894, 92753, "B._R._Ambedkar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29370, 35839, "Johnny_Van_Zant", 11]]], "all_evidence": [[29370, 35839, "Johnny_Van_Zant", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88047, null, null, null]]], "all_evidence": [[88047, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101036, null, null, null]]], "all_evidence": [[101036, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98926, 112042, "Fred_Seibert", 0]]], "all_evidence": [[98926, 112042, "Fred_Seibert", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62459, 73076, "The_Hunger_Games_-LRB-film_series-RRB-", 2]]], "all_evidence": [[62459, 73076, "The_Hunger_Games_-LRB-film_series-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155106, null, null, null]]], "all_evidence": [[155106, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92060, 104838, "Kate_Walsh_-LRB-actress-RRB-", 1]]], "all_evidence": [[92060, 104838, "Kate_Walsh_-LRB-actress-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194654, 205041, "Boeing_767", 19]]], "all_evidence": [[194654, 205041, "Boeing_767", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241549, 243081, "Commodore_-LRB-rank-RRB-", 0]], [[241551, 243082, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241549, 243081, "Commodore_-LRB-rank-RRB-", 0], [241551, 243082, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154226, null, null, null]]], "all_evidence": [[154226, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163643, 177880, "Temple_Mount", 29]]], "all_evidence": [[163643, 177880, "Temple_Mount", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152970, 167734, "Jack_Lowden", 1]]], "all_evidence": [[152970, 167734, "Jack_Lowden", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191893, 202668, "Hezbollah", 17]]], "all_evidence": [[191893, 202668, "Hezbollah", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244753, 245678, "Punch-Drunk_Love", 4], [244753, 245678, "Columbia_Pictures", 0]]], "all_evidence": [[244753, 245678, "Punch-Drunk_Love", 4], [244753, 245678, "Columbia_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105123, 118549, "Donald_Duck", 2]]], "all_evidence": [[105123, 118549, "Donald_Duck", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242553, null, null, null]]], "all_evidence": [[242553, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255281, null, null, null], [255282, null, null, null]]], "all_evidence": [[255281, null, null, null], [255282, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72620, 83659, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[72620, 83659, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87939, 100457, "Grateful_Dead", 10]], [[87939, 100458, "Grateful_Dead", 15]], [[87939, 100459, "Grateful_Dead", 13]]], "all_evidence": [[87939, 100457, "Grateful_Dead", 10], [87939, 100458, "Grateful_Dead", 15], [87939, 100459, "Grateful_Dead", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40425, 48643, "Prague", 16]], [[43511, 52170, "Prague", 16]], [[45701, 54569, "Prague", 16]], [[302101, 293155, "Prague", 16]], [[302102, 293156, "Prague", 16]], [[304620, 295426, "Prague", 16]]], "all_evidence": [[40425, 48643, "Prague", 16], [43511, 52170, "Prague", 16], [45701, 54569, "Prague", 16], [302101, 293155, "Prague", 16], [302102, 293156, "Prague", 16], [304620, 295426, "Prague", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209721, 217509, "Cary_Elwes", 0]], [[209721, 217510, "Cary_Elwes", 1]], [[209721, 217511, "Cary_Elwes", 3]]], "all_evidence": [[209721, 217509, "Cary_Elwes", 0], [209721, 217510, "Cary_Elwes", 1], [209721, 217511, "Cary_Elwes", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68374, 79246, "Alex_Jones_-LRB-radio_host-RRB-", 0]]], "all_evidence": [[68374, 79246, "Alex_Jones_-LRB-radio_host-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72915, 84044, "Jack_Dylan_Grazer", 0]]], "all_evidence": [[72915, 84044, "Jack_Dylan_Grazer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38273, 46205, "Nero", 0]], [[38273, 46206, "Nero", 21]]], "all_evidence": [[38273, 46205, "Nero", 0], [38273, 46206, "Nero", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173775, 186965, "Phoenix,_Arizona", 0]]], "all_evidence": [[173775, 186965, "Phoenix,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182611, 194814, "Nero", 22]]], "all_evidence": [[182611, 194814, "Nero", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50875, 60607, "Johnny_Van_Zant", 0]]], "all_evidence": [[50875, 60607, "Johnny_Van_Zant", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[51488, 61239, "Wolfgang_Amadeus_Mozart", 12]]], "all_evidence": [[51488, 61239, "Wolfgang_Amadeus_Mozart", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155645, null, null, null]]], "all_evidence": [[155645, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29565, 36061, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[29565, 36061, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224600, 229428, "American_Library_Association", 1]]], "all_evidence": [[224600, 229428, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25515, 31441, "Mandy_Moore", 0]]], "all_evidence": [[25515, 31441, "Mandy_Moore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265308, 262534, "Vedic_Sanskrit", 1]]], "all_evidence": [[265308, 262534, "Vedic_Sanskrit", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238937, null, null, null], [238938, null, null, null]]], "all_evidence": [[238937, null, null, null], [238938, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178483, null, null, null]]], "all_evidence": [[178483, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93231, null, null, null]]], "all_evidence": [[93231, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123994, 138329, "Salt_River_Valley", 0]]], "all_evidence": [[123994, 138329, "Salt_River_Valley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148764, 163799, "Maltese_language", 0], [148764, 163799, "Languages_of_Malta", 0]]], "all_evidence": [[148764, 163799, "Maltese_language", 0], [148764, 163799, "Languages_of_Malta", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100647, 113942, "Victor_Frankenstein_-LRB-film-RRB-", 0]]], "all_evidence": [[100647, 113942, "Victor_Frankenstein_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85140, null, null, null]]], "all_evidence": [[85140, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196219, null, null, null]]], "all_evidence": [[196219, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241239, null, null, null]]], "all_evidence": [[241239, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34787, null, null, null]]], "all_evidence": [[34787, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260797, 259087, "Species_distribution", 14]]], "all_evidence": [[260797, 259087, "Species_distribution", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244104, null, null, null]]], "all_evidence": [[244104, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242327, 243735, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], [242327, 243735, "Roman_Senate", 0]], [[242333, 243740, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]], [[242333, 243741, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 8], [242333, 243741, "Cursus_honorum", 0]]], "all_evidence": [[242327, 243735, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], [242327, 243735, "Roman_Senate", 0], [242333, 243740, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], [242333, 243741, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 8], [242333, 243741, "Cursus_honorum", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46135, 55085, "Gray_Matters", 0]], [[46135, 55086, "Gray_Matters", 1]]], "all_evidence": [[46135, 55085, "Gray_Matters", 0], [46135, 55086, "Gray_Matters", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63480, null, null, null]]], "all_evidence": [[63480, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220643, null, null, null]]], "all_evidence": [[220643, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187219, 198882, "Norman_Bates", 0]]], "all_evidence": [[187219, 198882, "Norman_Bates", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111913, null, null, null]]], "all_evidence": [[111913, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95921, 109003, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[95921, 109003, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52642, 62603, "George_III_of_the_United_Kingdom", 14], [52642, 62603, "George_IV_of_the_United_Kingdom", 0]]], "all_evidence": [[52642, 62603, "George_III_of_the_United_Kingdom", 14], [52642, 62603, "George_IV_of_the_United_Kingdom", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90487, 103242, "Anxiety", 13]]], "all_evidence": [[90487, 103242, "Anxiety", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94221, null, null, null]]], "all_evidence": [[94221, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269149, 265546, "Chinatown_-LRB-1974_film-RRB-", 0], [269149, 265546, "Robert_Towne", 0]]], "all_evidence": [[269149, 265546, "Chinatown_-LRB-1974_film-RRB-", 0], [269149, 265546, "Robert_Towne", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194682, 205058, "Boeing_767", 10]], [[194682, 205059, "Boeing_767", 14], [194682, 205059, "Boeing_767", 0]], [[194682, 205060, "Boeing_767", 15]], [[194682, 205061, "Boeing_767", 17], [194682, 205061, "Non-stop_flight", 0]], [[194682, 205062, "Boeing_767", 19]]], "all_evidence": [[194682, 205058, "Boeing_767", 10], [194682, 205059, "Boeing_767", 14], [194682, 205059, "Boeing_767", 0], [194682, 205060, "Boeing_767", 15], [194682, 205061, "Boeing_767", 17], [194682, 205061, "Non-stop_flight", 0], [194682, 205062, "Boeing_767", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155699, null, null, null]]], "all_evidence": [[155699, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180187, 192723, "Richard_Dawson", 0]]], "all_evidence": [[180187, 192723, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133721, null, null, null]]], "all_evidence": [[133721, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150486, 165367, "Quay_-LRB-film-RRB-", 1]], [[311242, 301256, "Quay_-LRB-film-RRB-", 1], [311242, 301256, "Quay_-LRB-film-RRB-", 0]], [[311244, 301258, "Quay_-LRB-film-RRB-", 1], [311244, 301258, "Film_Forum", 0]], [[312842, 302575, "Quay_-LRB-film-RRB-", 1]]], "all_evidence": [[150486, 165367, "Quay_-LRB-film-RRB-", 1], [311242, 301256, "Quay_-LRB-film-RRB-", 1], [311242, 301256, "Quay_-LRB-film-RRB-", 0], [311244, 301258, "Quay_-LRB-film-RRB-", 1], [311244, 301258, "Film_Forum", 0], [312842, 302575, "Quay_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61945, 72437, "Argentina", 3]]], "all_evidence": [[61945, 72437, "Argentina", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60445, null, null, null]]], "all_evidence": [[60445, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213561, null, null, null]]], "all_evidence": [[213561, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93624, null, null, null]]], "all_evidence": [[93624, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219543, 225529, "Stephen_Moyer", 3], [219543, 225529, "Prince_Valiant_-LRB-1997_film-RRB-", 0]]], "all_evidence": [[219543, 225529, "Stephen_Moyer", 3], [219543, 225529, "Prince_Valiant_-LRB-1997_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178520, null, null, null]]], "all_evidence": [[178520, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57572, null, null, null]]], "all_evidence": [[57572, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253970, 253755, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]], [[256073, 255354, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]], [[320951, 309435, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]], "all_evidence": [[253970, 253755, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0], [256073, 255354, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0], [320951, 309435, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76660, 87979, "Dodo", 10]]], "all_evidence": [[76660, 87979, "Dodo", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175881, null, null, null]]], "all_evidence": [[175881, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59337, 69691, "Argentina", 3], [59337, 69691, "National_Congress_of_Argentina", 0]]], "all_evidence": [[59337, 69691, "Argentina", 3], [59337, 69691, "National_Congress_of_Argentina", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17969, 22122, "One_True_Thing", 0]]], "all_evidence": [[17969, 22122, "One_True_Thing", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131758, null, null, null]]], "all_evidence": [[131758, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95839, 108892, "John_Goodman", 7], [95839, 108892, "The_Babe", 0]]], "all_evidence": [[95839, 108892, "John_Goodman", 7], [95839, 108892, "The_Babe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98825, 111912, "Stomp_the_Yard", 0]]], "all_evidence": [[98825, 111912, "Stomp_the_Yard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228957, 233052, "Backing_vocalist", 0]]], "all_evidence": [[228957, 233052, "Backing_vocalist", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115160, 128946, "Sonny_Bono", 0]], [[115160, 128947, "Sonny_Bono", 1]]], "all_evidence": [[115160, 128946, "Sonny_Bono", 0], [115160, 128947, "Sonny_Bono", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186742, 198520, "Ding_Yanyuhang", 0]]], "all_evidence": [[186742, 198520, "Ding_Yanyuhang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154129, null, null, null], [156800, null, null, null], [158783, null, null, null], [311791, null, null, null], [311794, null, null, null]]], "all_evidence": [[154129, null, null, null], [156800, null, null, null], [158783, null, null, null], [311791, null, null, null], [311794, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122382, 136650, "Java", 9]]], "all_evidence": [[122382, 136650, "Java", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87208, 99718, "Qin_dynasty", 2]], [[87208, 99719, "Qin_dynasty", 21]]], "all_evidence": [[87208, 99718, "Qin_dynasty", 2], [87208, 99719, "Qin_dynasty", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13902, 17410, "Johann_Wolfgang_von_Goethe", 13]]], "all_evidence": [[13902, 17410, "Johann_Wolfgang_von_Goethe", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45669, 54524, "The_Ellen_Show", 7]]], "all_evidence": [[45669, 54524, "The_Ellen_Show", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22639, 27932, "The_Paper_-LRB-film-RRB-", 0], [22639, 27932, "Robert_Duvall", 0], [22639, 27932, "Marisa_Tomei", 0], [22639, 27932, "Michael_Keaton", 0], [22639, 27932, "Glenn_Close", 0], [22639, 27932, "Ron_Howard", 0], [22639, 27932, "Randy_Quaid", 0]], [[22639, 27933, "The_Paper_-LRB-film-RRB-", 5]]], "all_evidence": [[22639, 27932, "The_Paper_-LRB-film-RRB-", 0], [22639, 27932, "Robert_Duvall", 0], [22639, 27932, "Marisa_Tomei", 0], [22639, 27932, "Michael_Keaton", 0], [22639, 27932, "Glenn_Close", 0], [22639, 27932, "Ron_Howard", 0], [22639, 27932, "Randy_Quaid", 0], [22639, 27933, "The_Paper_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[92645, 105459, "Raja_Hindustani", 0]]], "all_evidence": [[92645, 105459, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186321, 198142, "Planet_Hollywood_Las_Vegas", 1]]], "all_evidence": [[186321, 198142, "Planet_Hollywood_Las_Vegas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25729, 31652, "Ed_and_Lorraine_Warren", 0]], [[27027, 33153, "Ed_and_Lorraine_Warren", 0]], [[29993, 36550, "Ed_and_Lorraine_Warren", 0]], [[301658, 292775, "Ed_and_Lorraine_Warren", 0]], [[302963, 293947, "Ed_and_Lorraine_Warren", 0]], [[302964, 293948, "Ed_and_Lorraine_Warren", 0]]], "all_evidence": [[25729, 31652, "Ed_and_Lorraine_Warren", 0], [27027, 33153, "Ed_and_Lorraine_Warren", 0], [29993, 36550, "Ed_and_Lorraine_Warren", 0], [301658, 292775, "Ed_and_Lorraine_Warren", 0], [302963, 293947, "Ed_and_Lorraine_Warren", 0], [302964, 293948, "Ed_and_Lorraine_Warren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59315, 69666, "Independent_Spirit_Awards", 10]]], "all_evidence": [[59315, 69666, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71111, null, null, null]]], "all_evidence": [[71111, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212883, 220298, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]], "all_evidence": [[212883, 220298, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172210, null, null, null]]], "all_evidence": [[172210, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132890, 147790, "Arijit_Singh", 0]]], "all_evidence": [[132890, 147790, "Arijit_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257418, 256420, "Elizabeth_of_York", 2]], [[257418, 256421, "Elizabeth_of_York", 13]], [[260789, 259080, "Elizabeth_of_York", 2]], [[321287, 309777, "Elizabeth_of_York", 2]], [[322471, 310798, "Elizabeth_of_York", 2]], [[322473, 310800, "Elizabeth_of_York", 1]], [[322473, 310801, "Elizabeth_of_York", 2]], [[322473, 310802, "Elizabeth_of_York", 13]]], "all_evidence": [[257418, 256420, "Elizabeth_of_York", 2], [257418, 256421, "Elizabeth_of_York", 13], [260789, 259080, "Elizabeth_of_York", 2], [321287, 309777, "Elizabeth_of_York", 2], [322471, 310798, "Elizabeth_of_York", 2], [322473, 310800, "Elizabeth_of_York", 1], [322473, 310801, "Elizabeth_of_York", 2], [322473, 310802, "Elizabeth_of_York", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54606, 64602, "Aphrodite", 0]]], "all_evidence": [[54606, 64602, "Aphrodite", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110059, null, null, null]]], "all_evidence": [[110059, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11240, 14151, "University_of_Chicago_Law_School", 7]], [[11246, 14158, "University_of_Chicago_Law_School", 7]]], "all_evidence": [[11240, 14151, "University_of_Chicago_Law_School", 7], [11246, 14158, "University_of_Chicago_Law_School", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173669, 186866, "Warren_Beatty", 2]]], "all_evidence": [[173669, 186866, "Warren_Beatty", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108339, 121880, "The_Times", 21]]], "all_evidence": [[108339, 121880, "The_Times", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87278, 99774, "Sierra_Morena", 0]]], "all_evidence": [[87278, 99774, "Sierra_Morena", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122674, 136983, "One_Dance", 0]]], "all_evidence": [[122674, 136983, "One_Dance", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159237, 173826, "Phoenix,_Arizona", 0], [159237, 173826, "Arizona", 0]]], "all_evidence": [[159237, 173826, "Phoenix,_Arizona", 0], [159237, 173826, "Arizona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262358, null, null, null]]], "all_evidence": [[262358, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56919, 67155, "Annabelle_-LRB-doll-RRB-", 1]]], "all_evidence": [[56919, 67155, "Annabelle_-LRB-doll-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242351, 243749, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242351, 243749, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60576, null, null, null]]], "all_evidence": [[60576, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61156, null, null, null]]], "all_evidence": [[61156, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54113, 64113, "Sonny_&_Cher", 1]]], "all_evidence": [[54113, 64113, "Sonny_&_Cher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190518, null, null, null]]], "all_evidence": [[190518, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206148, null, null, null]]], "all_evidence": [[206148, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267002, 263814, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[267002, 263814, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96282, 109434, "Jefferson_Davis", 5]]], "all_evidence": [[96282, 109434, "Jefferson_Davis", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[205763, 214251, "Brick_Mansions", 0]]], "all_evidence": [[205763, 214251, "Brick_Mansions", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276097, null, null, null], [278399, null, null, null], [325457, null, null, null], [325458, null, null, null]]], "all_evidence": [[276097, null, null, null], [278399, null, null, null], [325457, null, null, null], [325458, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55704, 65750, "Google_Search", 12], [55704, 65750, "Google_Search", 13]]], "all_evidence": [[55704, 65750, "Google_Search", 12], [55704, 65750, "Google_Search", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[281793, 276097, "John_Frusciante", 5]], [[329490, 316265, "John_Frusciante", 5]], [[329490, 316266, "John_Frusciante", 19]], [[329491, 316267, "John_Frusciante", 5]], [[329491, 316268, "John_Frusciante", 19]]], "all_evidence": [[281793, 276097, "John_Frusciante", 5], [329490, 316265, "John_Frusciante", 5], [329490, 316266, "John_Frusciante", 19], [329491, 316267, "John_Frusciante", 5], [329491, 316268, "John_Frusciante", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98804, 111874, "Physics", 1]], [[98820, 111907, "Physics", 1]]], "all_evidence": [[98804, 111874, "Physics", 1], [98820, 111907, "Physics", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42697, 51341, "Uganda", 11]]], "all_evidence": [[42697, 51341, "Uganda", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177193, null, null, null]]], "all_evidence": [[177193, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123835, null, null, null]]], "all_evidence": [[123835, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269975, 266136, "Chadwick_Boseman", 1]]], "all_evidence": [[269975, 266136, "Chadwick_Boseman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69468, 80277, "Key_&_Peele", 10]]], "all_evidence": [[69468, 80277, "Key_&_Peele", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133786, 148667, "James_Brolin", 0]]], "all_evidence": [[133786, 148667, "James_Brolin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13277, 16612, "Kung_Fu_Panda", 17]]], "all_evidence": [[13277, 16612, "Kung_Fu_Panda", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70262, 81136, "Charles_Howard_Hinton", 0]]], "all_evidence": [[70262, 81136, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48208, 57560, "Bonaire", 9]]], "all_evidence": [[48208, 57560, "Bonaire", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131816, 146666, "Project_Y", 0]]], "all_evidence": [[131816, 146666, "Project_Y", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106851, 120254, "Pocahontas", 0]]], "all_evidence": [[106851, 120254, "Pocahontas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153644, null, null, null]]], "all_evidence": [[153644, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132047, null, null, null]]], "all_evidence": [[132047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238933, 240899, "The_Chaperone_-LRB-film-RRB-", 0]]], "all_evidence": [[238933, 240899, "The_Chaperone_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258058, 256944, "Pakistan_Movement", 13]]], "all_evidence": [[258058, 256944, "Pakistan_Movement", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26278, null, null, null]]], "all_evidence": [[26278, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207754, null, null, null]]], "all_evidence": [[207754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259293, 257924, "Indian_National_Congress", 8]]], "all_evidence": [[259293, 257924, "Indian_National_Congress", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104851, null, null, null]]], "all_evidence": [[104851, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51008, 60745, "Robert_Zemeckis", 2], [51008, 60745, "Robert_Zemeckis", 4]]], "all_evidence": [[51008, 60745, "Robert_Zemeckis", 2], [51008, 60745, "Robert_Zemeckis", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171572, null, null, null]]], "all_evidence": [[171572, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150890, 165737, "Quay_-LRB-film-RRB-", 1]], [[150897, 165743, "Quay_-LRB-film-RRB-", 1]]], "all_evidence": [[150890, 165737, "Quay_-LRB-film-RRB-", 1], [150897, 165743, "Quay_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147156, 162139, "Henry_III_of_England", 1], [147156, 162139, "John,_King_of_England", 22]]], "all_evidence": [[147156, 162139, "Henry_III_of_England", 1], [147156, 162139, "John,_King_of_England", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[18152, null, null, null]]], "all_evidence": [[18152, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18861, 23101, "Kevin_Costner", 8]]], "all_evidence": [[18861, 23101, "Kevin_Costner", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55859, null, null, null]]], "all_evidence": [[55859, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93301, 106248, "Hannah_and_Her_Sisters", 0]]], "all_evidence": [[93301, 106248, "Hannah_and_Her_Sisters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131517, 146311, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[131517, 146311, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59226, 69568, "B._R._Ambedkar", 0]]], "all_evidence": [[59226, 69568, "B._R._Ambedkar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32396, 39366, "Hinduism", 6]]], "all_evidence": [[32396, 39366, "Hinduism", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[276324, 271377, "Qin_dynasty", 0]], [[278552, 273307, "Qin_dynasty", 0]], [[280402, 274863, "Qin_dynasty", 0]], [[280402, 274864, "Qin_dynasty", 4]]], "all_evidence": [[276324, 271377, "Qin_dynasty", 0], [278552, 273307, "Qin_dynasty", 0], [280402, 274863, "Qin_dynasty", 0], [280402, 274864, "Qin_dynasty", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282770, null, null, null], [284683, null, null, null], [330995, null, null, null]]], "all_evidence": [[282770, null, null, null], [284683, null, null, null], [330995, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124514, 138858, "James,_Viscount_Severn", 0]]], "all_evidence": [[124514, 138858, "James,_Viscount_Severn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156299, 170908, "Annabelle_-LRB-doll-RRB-", 1]]], "all_evidence": [[156299, 170908, "Annabelle_-LRB-doll-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116570, 130453, "Benjamin_Franklin", 23]]], "all_evidence": [[116570, 130453, "Benjamin_Franklin", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150016, 164944, "Ed_Decter", 0]], [[150016, 164945, "Ed_Decter", 3], [150016, 164945, "The_New_Guy", 0]]], "all_evidence": [[150016, 164944, "Ed_Decter", 0], [150016, 164945, "Ed_Decter", 3], [150016, 164945, "The_New_Guy", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66716, null, null, null]]], "all_evidence": [[66716, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224415, null, null, null]]], "all_evidence": [[224415, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47255, 56378, "The_Fame", 1]]], "all_evidence": [[47255, 56378, "The_Fame", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185143, 196953, "Touch_My_Body", 2]]], "all_evidence": [[185143, 196953, "Touch_My_Body", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55414, 65465, "Annabelle_-LRB-doll-RRB-", 1]]], "all_evidence": [[55414, 65465, "Annabelle_-LRB-doll-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75082, 86306, "IPhone_4", 0], [75082, 86306, "Smartphone", 0]]], "all_evidence": [[75082, 86306, "IPhone_4", 0], [75082, 86306, "Smartphone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163208, 177432, "Night_of_the_Living_Dead", 0]], [[163210, 177434, "Night_of_the_Living_Dead", 0]]], "all_evidence": [[163208, 177432, "Night_of_the_Living_Dead", 0], [163210, 177434, "Night_of_the_Living_Dead", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214606, 221595, "Vera_Wang", 0]], [[214609, 221598, "Vera_Wang", 0]]], "all_evidence": [[214606, 221595, "Vera_Wang", 0], [214609, 221598, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139954, null, null, null]]], "all_evidence": [[139954, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[292384, 285173, "Henri_Kontinen", 6]], [[340025, 324815, "Henri_Kontinen", 6]], [[340082, 324849, "Henri_Kontinen", 6]]], "all_evidence": [[292384, 285173, "Henri_Kontinen", 6], [340025, 324815, "Henri_Kontinen", 6], [340082, 324849, "Henri_Kontinen", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82145, 93929, "Maria_Theresa", 5]]], "all_evidence": [[82145, 93929, "Maria_Theresa", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93417, 106367, "Polynomial", 0]]], "all_evidence": [[93417, 106367, "Polynomial", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125203, 139548, "Airbus_A380", 3]]], "all_evidence": [[125203, 139548, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[70743, 81619, "Doug_Petrie", 5]]], "all_evidence": [[70743, 81619, "Doug_Petrie", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65857, 76720, "Melilla", 0]]], "all_evidence": [[65857, 76720, "Melilla", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166275, null, null, null]]], "all_evidence": [[166275, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26911, 33045, "Ed_and_Lorraine_Warren", 0], [26911, 33045, "Ghost_hunting", 0]]], "all_evidence": [[26911, 33045, "Ed_and_Lorraine_Warren", 0], [26911, 33045, "Ghost_hunting", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75110, null, null, null]]], "all_evidence": [[75110, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244967, null, null, null], [248210, null, null, null], [250341, null, null, null], [319460, null, null, null], [319461, null, null, null]]], "all_evidence": [[244967, null, null, null], [248210, null, null, null], [250341, null, null, null], [319460, null, null, null], [319461, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180117, null, null, null]]], "all_evidence": [[180117, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156088, 170724, "Aphrodite", 7]]], "all_evidence": [[156088, 170724, "Aphrodite", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80601, 92441, "The_Fame", 13]]], "all_evidence": [[80601, 92441, "The_Fame", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224304, 229143, "Augustus_Prew", 5]]], "all_evidence": [[224304, 229143, "Augustus_Prew", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267086, 263876, "66th_Primetime_Emmy_Awards", 2], [267086, 263876, "Seth_Meyers", 1]]], "all_evidence": [[267086, 263876, "66th_Primetime_Emmy_Awards", 2], [267086, 263876, "Seth_Meyers", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94079, null, null, null]]], "all_evidence": [[94079, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40036, 48159, "Stomp_the_Yard", 8]]], "all_evidence": [[40036, 48159, "Stomp_the_Yard", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53262, 63233, "Dark_matter", 0]]], "all_evidence": [[53262, 63233, "Dark_matter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[221809, 227360, "Augustus_Prew", 5]], [[221815, 227363, "Augustus_Prew", 5], [221815, 227363, "Wendy_Dagworthy", 1]]], "all_evidence": [[221809, 227360, "Augustus_Prew", 5], [221815, 227363, "Augustus_Prew", 5], [221815, 227363, "Wendy_Dagworthy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112634, 126455, "Key_&_Peele", 6]]], "all_evidence": [[112634, 126455, "Key_&_Peele", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54104, 64106, "The_Incredibles_2", 0]], [[54112, 64112, "The_Incredibles_2", 0]]], "all_evidence": [[54104, 64106, "The_Incredibles_2", 0], [54112, 64112, "The_Incredibles_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79065, null, null, null]]], "all_evidence": [[79065, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104407, null, null, null]]], "all_evidence": [[104407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192012, 202773, "Baadshah_-LRB-2013_film-RRB-", 17]]], "all_evidence": [[192012, 202773, "Baadshah_-LRB-2013_film-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[268449, 265031, "Brian_De_Palma", 0]]], "all_evidence": [[268449, 265031, "Brian_De_Palma", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174014, 187190, "Nymphomaniac_-LRB-film-RRB-", 13]]], "all_evidence": [[174014, 187190, "Nymphomaniac_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40109, null, null, null], [43190, null, null, null], [45462, null, null, null], [302068, null, null, null], [303634, null, null, null]]], "all_evidence": [[40109, null, null, null], [43190, null, null, null], [45462, null, null, null], [302068, null, null, null], [303634, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153912, null, null, null]]], "all_evidence": [[153912, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145295, null, null, null]]], "all_evidence": [[145295, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[287120, 280601, "Dodo", 10]], [[335143, 321031, "Dodo", 10]], [[335183, 321059, "Dodo", 10]]], "all_evidence": [[287120, 280601, "Dodo", 10], [335143, 321031, "Dodo", 10], [335183, 321059, "Dodo", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255090, 254620, "Monosodium_glutamate", 4]], [[322316, 310676, "Monosodium_glutamate", 4], [322316, 310676, "Umami", 0]]], "all_evidence": [[255090, 254620, "Monosodium_glutamate", 4], [322316, 310676, "Monosodium_glutamate", 4], [322316, 310676, "Umami", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70782, null, null, null]]], "all_evidence": [[70782, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175965, 188932, "Vampire", 1]], [[175965, 188933, "Vampire", 10]]], "all_evidence": [[175965, 188932, "Vampire", 1], [175965, 188933, "Vampire", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25689, 31618, "Manchester_United_F.C.", 17]]], "all_evidence": [[25689, 31618, "Manchester_United_F.C.", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45704, 54572, "Airbus_A380", 3]]], "all_evidence": [[45704, 54572, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265528, 262693, "All-seater_stadium", 0]]], "all_evidence": [[265528, 262693, "All-seater_stadium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207538, 215783, "Dawood_Ibrahim", 0]], [[207538, 215784, "Dawood_Ibrahim", 5], [207538, 215784, "D-Company", 0]]], "all_evidence": [[207538, 215783, "Dawood_Ibrahim", 0], [207538, 215784, "Dawood_Ibrahim", 5], [207538, 215784, "D-Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230477, 234137, "Jon_Hamm", 14]]], "all_evidence": [[230477, 234137, "Jon_Hamm", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235306, 237998, "Boxing_Helena", 5]]], "all_evidence": [[235306, 237998, "Boxing_Helena", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109757, 123357, "Temple_Mount", 29]]], "all_evidence": [[109757, 123357, "Temple_Mount", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39536, 47617, "City_of_Literature", 0]]], "all_evidence": [[39536, 47617, "City_of_Literature", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70786, null, null, null]]], "all_evidence": [[70786, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72292, 83319, "Sebastian_Vettel", 1]], [[72292, 83320, "Sebastian_Vettel", 3]], [[72292, 83321, "Sebastian_Vettel", 6]], [[72292, 83322, "Sebastian_Vettel", 12]]], "all_evidence": [[72292, 83319, "Sebastian_Vettel", 1], [72292, 83320, "Sebastian_Vettel", 3], [72292, 83321, "Sebastian_Vettel", 6], [72292, 83322, "Sebastian_Vettel", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52594, null, null, null]]], "all_evidence": [[52594, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241581, 243117, "Commodore_-LRB-rank-RRB-", 0]], [[241582, 243118, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241581, 243117, "Commodore_-LRB-rank-RRB-", 0], [241582, 243118, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67025, 77819, "Balibo_-LRB-film-RRB-", 8]], [[67025, 77820, "Balibo_-LRB-film-RRB-", 4]]], "all_evidence": [[67025, 77819, "Balibo_-LRB-film-RRB-", 8], [67025, 77820, "Balibo_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57358, 67582, "Samsung", 6]]], "all_evidence": [[57358, 67582, "Samsung", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257638, null, null, null]]], "all_evidence": [[257638, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78278, 89809, "Raven-Symone\u0301", 0]]], "all_evidence": [[78278, 89809, "Raven-Symone\u0301", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19163, 23510, "Tenth_Doctor", 8]]], "all_evidence": [[19163, 23510, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22424, 27634, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]], "all_evidence": [[22424, 27634, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40643, 48876, "Overexposed_-LRB-album-RRB-", 0]], [[40643, 48877, "Overexposed_-LRB-album-RRB-", 1]], [[40643, 48878, "Overexposed_-LRB-album-RRB-", 2]], [[40643, 48879, "Overexposed_-LRB-album-RRB-", 3]], [[40643, 48880, "Overexposed_-LRB-album-RRB-", 4]], [[40643, 48881, "Overexposed_-LRB-album-RRB-", 9]], [[40643, 48882, "Overexposed_-LRB-album-RRB-", 11], [40643, 48882, "One_More_Night_-LRB-Maroon_5_song-RRB-", 1]], [[40643, 48883, "Overexposed_-LRB-album-RRB-", 13], [40643, 48883, "Daylight_-LRB-Maroon_5_song-RRB-", 1]], [[40643, 48884, "Overexposed_-LRB-album-RRB-", 16]], [[40643, 48885, "Overexposed_-LRB-album-RRB-", 17]], [[40643, 48886, "Overexposed_-LRB-album-RRB-", 18]], [[40643, 48887, "Overexposed_-LRB-album-RRB-", 19]], [[40643, 48888, "Overexposed_-LRB-album-RRB-", 21]], [[40643, 48889, "Overexposed_-LRB-album-RRB-", 20]]], "all_evidence": [[40643, 48876, "Overexposed_-LRB-album-RRB-", 0], [40643, 48877, "Overexposed_-LRB-album-RRB-", 1], [40643, 48878, "Overexposed_-LRB-album-RRB-", 2], [40643, 48879, "Overexposed_-LRB-album-RRB-", 3], [40643, 48880, "Overexposed_-LRB-album-RRB-", 4], [40643, 48881, "Overexposed_-LRB-album-RRB-", 9], [40643, 48882, "Overexposed_-LRB-album-RRB-", 11], [40643, 48882, "One_More_Night_-LRB-Maroon_5_song-RRB-", 1], [40643, 48883, "Overexposed_-LRB-album-RRB-", 13], [40643, 48883, "Daylight_-LRB-Maroon_5_song-RRB-", 1], [40643, 48884, "Overexposed_-LRB-album-RRB-", 16], [40643, 48885, "Overexposed_-LRB-album-RRB-", 17], [40643, 48886, "Overexposed_-LRB-album-RRB-", 18], [40643, 48887, "Overexposed_-LRB-album-RRB-", 19], [40643, 48888, "Overexposed_-LRB-album-RRB-", 21], [40643, 48889, "Overexposed_-LRB-album-RRB-", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229148, null, null, null], [229151, null, null, null], [229157, null, null, null]]], "all_evidence": [[229148, null, null, null], [229151, null, null, null], [229157, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71057, 81953, "Shannon_Lee", 0]]], "all_evidence": [[71057, 81953, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[176792, null, null, null], [176793, null, null, null]]], "all_evidence": [[176792, null, null, null], [176793, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166881, 180683, "The_Catcher_in_the_Rye", 0]], [[166881, 180684, "The_Catcher_in_the_Rye", 1]], [[166881, 180685, "The_Catcher_in_the_Rye", 5]], [[166881, 180686, "The_Catcher_in_the_Rye", 6]], [[166881, 180687, "The_Catcher_in_the_Rye", 9]], [[166881, 180688, "The_Catcher_in_the_Rye", 10], [166881, 180688, "The_Big_Read", 0]]], "all_evidence": [[166881, 180683, "The_Catcher_in_the_Rye", 0], [166881, 180684, "The_Catcher_in_the_Rye", 1], [166881, 180685, "The_Catcher_in_the_Rye", 5], [166881, 180686, "The_Catcher_in_the_Rye", 6], [166881, 180687, "The_Catcher_in_the_Rye", 9], [166881, 180688, "The_Catcher_in_the_Rye", 10], [166881, 180688, "The_Big_Read", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111597, 125373, "Half_Girlfriend_-LRB-film-RRB-", 4]]], "all_evidence": [[111597, 125373, "Half_Girlfriend_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132417, 147308, "John_DiMaggio", 0]], [[132417, 147309, "John_DiMaggio", 1]]], "all_evidence": [[132417, 147308, "John_DiMaggio", 0], [132417, 147309, "John_DiMaggio", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43542, 52193, "University_of_Chicago_Law_School", 6]]], "all_evidence": [[43542, 52193, "University_of_Chicago_Law_School", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177481, 190269, "The_Hunger_Games_-LRB-film_series-RRB-", 0]], [[177482, 190270, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]], "all_evidence": [[177481, 190269, "The_Hunger_Games_-LRB-film_series-RRB-", 0], [177482, 190270, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118946, null, null, null]]], "all_evidence": [[118946, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104809, null, null, null]]], "all_evidence": [[104809, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226636, 231158, "Bala_-LRB-director-RRB-", 2]]], "all_evidence": [[226636, 231158, "Bala_-LRB-director-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256857, null, null, null]]], "all_evidence": [[256857, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155841, 170526, "John_DiMaggio", 0], [155841, 170526, "Adventure_Time", 0], [155841, 170526, "Futurama", 6]], [[155841, 170527, "John_DiMaggio", 1], [155841, 170527, "Chowder_-LRB-TV_series-RRB-", 0], [155841, 170527, "Samurai_Jack", 0]]], "all_evidence": [[155841, 170526, "John_DiMaggio", 0], [155841, 170526, "Adventure_Time", 0], [155841, 170526, "Futurama", 6], [155841, 170527, "John_DiMaggio", 1], [155841, 170527, "Chowder_-LRB-TV_series-RRB-", 0], [155841, 170527, "Samurai_Jack", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241589, null, null, null]]], "all_evidence": [[241589, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103376, 116787, "James,_Viscount_Severn", 0]]], "all_evidence": [[103376, 116787, "James,_Viscount_Severn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180672, null, null, null]]], "all_evidence": [[180672, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226988, null, null, null]]], "all_evidence": [[226988, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244749, 245676, "Punch-Drunk_Love", 4], [244749, 245676, "Columbia_Pictures", 0]]], "all_evidence": [[244749, 245676, "Punch-Drunk_Love", 4], [244749, 245676, "Columbia_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109190, 122882, "Azithromycin", 17]]], "all_evidence": [[109190, 122882, "Azithromycin", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33063, 40158, "One_Dance", 0]]], "all_evidence": [[33063, 40158, "One_Dance", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156950, null, null, null]]], "all_evidence": [[156950, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48360, null, null, null]]], "all_evidence": [[48360, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226621, 231148, "Bala_-LRB-director-RRB-", 2], [226621, 231148, "Naan_Kadavul", 0]], [[226621, 231149, "Bala_-LRB-director-RRB-", 0]]], "all_evidence": [[226621, 231148, "Bala_-LRB-director-RRB-", 2], [226621, 231148, "Naan_Kadavul", 0], [226621, 231149, "Bala_-LRB-director-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20727, 25398, "Richard_Fortus", 1]]], "all_evidence": [[20727, 25398, "Richard_Fortus", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194237, null, null, null]]], "all_evidence": [[194237, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[273768, 269131, "The_Challenge_XXX-COLON-_Dirty_30", 0]], [[274064, 269374, "The_Challenge_XXX-COLON-_Dirty_30", 0]], [[274067, 269376, "The_Challenge_XXX-COLON-_Dirty_30", 0]], [[322158, 310537, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[273768, 269131, "The_Challenge_XXX-COLON-_Dirty_30", 0], [274064, 269374, "The_Challenge_XXX-COLON-_Dirty_30", 0], [274067, 269376, "The_Challenge_XXX-COLON-_Dirty_30", 0], [322158, 310537, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149948, 164877, "Matt_Bomer", 0]]], "all_evidence": [[149948, 164877, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78798, null, null, null]]], "all_evidence": [[78798, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132219, 147101, "Younger_-LRB-TV_series-RRB-", 2]], [[132219, 147102, "Younger_-LRB-TV_series-RRB-", 4]], [[132219, 147103, "Younger_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[132219, 147101, "Younger_-LRB-TV_series-RRB-", 2], [132219, 147102, "Younger_-LRB-TV_series-RRB-", 4], [132219, 147103, "Younger_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[57937, null, null, null]]], "all_evidence": [[57937, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165437, null, null, null]]], "all_evidence": [[165437, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143643, 158743, "Stomp_the_Yard", 8], [143643, 158743, "Meagan_Good", 0]]], "all_evidence": [[143643, 158743, "Stomp_the_Yard", 8], [143643, 158743, "Meagan_Good", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262112, 260166, "Aristocracy", 1]], [[262112, 260167, "Aristocracy", 0]], [[262112, 260168, "Aristocracy", 4]]], "all_evidence": [[262112, 260166, "Aristocracy", 1], [262112, 260167, "Aristocracy", 0], [262112, 260168, "Aristocracy", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39464, null, null, null]]], "all_evidence": [[39464, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226634, 231156, "Bala_-LRB-director-RRB-", 2]], [[226634, 231157, "Bala_-LRB-director-RRB-", 1]]], "all_evidence": [[226634, 231156, "Bala_-LRB-director-RRB-", 2], [226634, 231157, "Bala_-LRB-director-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25204, 31085, "English_Wikipedia", 0]]], "all_evidence": [[25204, 31085, "English_Wikipedia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61267, null, null, null]]], "all_evidence": [[61267, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111170, null, null, null]]], "all_evidence": [[111170, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54062, 64042, "Robinson_Crusoe_on_Mars", 1]], [[305144, 295980, "Robinson_Crusoe_on_Mars", 1]], [[305145, 295981, "Robinson_Crusoe_on_Mars", 1]], [[305161, 295995, "Robinson_Crusoe_on_Mars", 0], [305161, 295995, "Independent_film", 0], [305161, 295995, "Paramount_Pictures", 0], [305161, 295995, "Paramount_Pictures", 1], [305161, 295995, "Paramount_Pictures", 4]]], "all_evidence": [[54062, 64042, "Robinson_Crusoe_on_Mars", 1], [305144, 295980, "Robinson_Crusoe_on_Mars", 1], [305145, 295981, "Robinson_Crusoe_on_Mars", 1], [305161, 295995, "Robinson_Crusoe_on_Mars", 0], [305161, 295995, "Independent_film", 0], [305161, 295995, "Paramount_Pictures", 0], [305161, 295995, "Paramount_Pictures", 1], [305161, 295995, "Paramount_Pictures", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[297127, null, null, null], [340773, null, null, null]]], "all_evidence": [[297127, null, null, null], [340773, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88773, 101401, "Rick_Ross", 3]]], "all_evidence": [[88773, 101401, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81117, 92944, "Charles_de_Gaulle", 0]]], "all_evidence": [[81117, 92944, "Charles_de_Gaulle", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122179, null, null, null]]], "all_evidence": [[122179, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20178, 24707, "Yvonne_Strahovski", 0]]], "all_evidence": [[20178, 24707, "Yvonne_Strahovski", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20369, 24952, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[20369, 24952, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141098, 156291, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[141098, 156291, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125621, 139992, "Aphrodite", 0]], [[125621, 139993, "Aphrodite", 1], [125621, 139993, "Interpretatio_graeca", 3]], [[125621, 139994, "Aphrodite", 5], [125621, 139994, "Cronus", 0]], [[125621, 139995, "Aphrodite", 7], [125621, 139995, "Zeus", 0]], [[125621, 139996, "Aphrodite", 8], [125621, 139996, "Aphrodite_Pandemos", 0]], [[125621, 139997, "Aphrodite", 13]], [[125621, 139998, "Aphrodite", 14], [125621, 139998, "Anchises", 0]], [[125621, 139999, "Aphrodite", 15], [125621, 139999, "Adonis", 0]]], "all_evidence": [[125621, 139992, "Aphrodite", 0], [125621, 139993, "Aphrodite", 1], [125621, 139993, "Interpretatio_graeca", 3], [125621, 139994, "Aphrodite", 5], [125621, 139994, "Cronus", 0], [125621, 139995, "Aphrodite", 7], [125621, 139995, "Zeus", 0], [125621, 139996, "Aphrodite", 8], [125621, 139996, "Aphrodite_Pandemos", 0], [125621, 139997, "Aphrodite", 13], [125621, 139998, "Aphrodite", 14], [125621, 139998, "Anchises", 0], [125621, 139999, "Aphrodite", 15], [125621, 139999, "Adonis", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44746, null, null, null]]], "all_evidence": [[44746, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172445, 185753, "The_Challenge_XXX-COLON-_Dirty_30", 0], [172445, 185753, "MTV", 0]]], "all_evidence": [[172445, 185753, "The_Challenge_XXX-COLON-_Dirty_30", 0], [172445, 185753, "MTV", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124337, 138701, "Bob_Ross", 1], [124337, 138701, "The_Joy_of_Painting", 1]]], "all_evidence": [[124337, 138701, "Bob_Ross", 1], [124337, 138701, "The_Joy_of_Painting", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189180, null, null, null]]], "all_evidence": [[189180, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28059, 34350, "Internet_access", 0]]], "all_evidence": [[28059, 34350, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62936, 73617, "Ron_Dennis", 1]]], "all_evidence": [[62936, 73617, "Ron_Dennis", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127901, null, null, null]]], "all_evidence": [[127901, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35188, 42675, "Wolfgang_Amadeus_Mozart", 3]]], "all_evidence": [[35188, 42675, "Wolfgang_Amadeus_Mozart", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216606, 223309, "Logie_Awards", 8]]], "all_evidence": [[216606, 223309, "Logie_Awards", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213565, 220786, "Estelle_Getty", 0]], [[213565, 220787, "Estelle_Getty", 1]]], "all_evidence": [[213565, 220786, "Estelle_Getty", 0], [213565, 220787, "Estelle_Getty", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43719, 52363, "Emmanuel_Macron", 1]]], "all_evidence": [[43719, 52363, "Emmanuel_Macron", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101484, 114727, "Visigoths", 16]]], "all_evidence": [[101484, 114727, "Visigoths", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66852, 77677, "Nero", 0]]], "all_evidence": [[66852, 77677, "Nero", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258051, null, null, null], [258053, null, null, null]]], "all_evidence": [[258051, null, null, null], [258053, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39891, null, null, null]]], "all_evidence": [[39891, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[26319, null, null, null]]], "all_evidence": [[26319, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49943, null, null, null]]], "all_evidence": [[49943, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96110, 109157, "Georgians", 4], [96110, 109157, "Kingdom_of_Iberia", 0]]], "all_evidence": [[96110, 109157, "Georgians", 4], [96110, 109157, "Kingdom_of_Iberia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49212, 58536, "Hannah_and_Her_Sisters", 0]]], "all_evidence": [[49212, 58536, "Hannah_and_Her_Sisters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229177, null, null, null], [229199, null, null, null]]], "all_evidence": [[229177, null, null, null], [229199, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83108, 95024, "John_Frusciante", 5]]], "all_evidence": [[83108, 95024, "John_Frusciante", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269057, 265471, "David_Lloyd_George", 4]], [[269057, 265473, "David_Lloyd_George", 14]]], "all_evidence": [[269057, 265471, "David_Lloyd_George", 4], [269057, 265473, "David_Lloyd_George", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59382, 69772, "Exit_the_King", 0], [59382, 69772, "Euge\u0300ne_Ionesco", 0]], [[59391, 69779, "Exit_the_King", 0], [59391, 69779, "Euge\u0300ne_Ionesco", 0]]], "all_evidence": [[59382, 69772, "Exit_the_King", 0], [59382, 69772, "Euge\u0300ne_Ionesco", 0], [59391, 69779, "Exit_the_King", 0], [59391, 69779, "Euge\u0300ne_Ionesco", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130428, 145205, "Georges_Gilles_de_la_Tourette", 11]], [[130429, 145206, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[130428, 145205, "Georges_Gilles_de_la_Tourette", 11], [130429, 145206, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131556, 146355, "South_Island", 5]]], "all_evidence": [[131556, 146355, "South_Island", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206600, 214944, "Nawaz_Sharif", 4]]], "all_evidence": [[206600, 214944, "Nawaz_Sharif", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228986, 233075, "Backing_vocalist", 0]], [[228986, 233076, "Backing_vocalist", 1]], [[228986, 233077, "Backing_vocalist", 8]], [[228986, 233078, "Backing_vocalist", 11]]], "all_evidence": [[228986, 233075, "Backing_vocalist", 0], [228986, 233076, "Backing_vocalist", 1], [228986, 233077, "Backing_vocalist", 8], [228986, 233078, "Backing_vocalist", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86037, 98363, "Polynomial", 0]]], "all_evidence": [[86037, 98363, "Polynomial", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[132832, null, null, null]]], "all_evidence": [[132832, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115018, null, null, null]]], "all_evidence": [[115018, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97671, 110820, "Watchmen_-LRB-film-RRB-", 17]]], "all_evidence": [[97671, 110820, "Watchmen_-LRB-film-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[261347, 259506, "Corsica", 0]]], "all_evidence": [[261347, 259506, "Corsica", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79247, 90894, "Cyclades", 0]]], "all_evidence": [[79247, 90894, "Cyclades", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43004, 51649, "Lorelai_Gilmore", 3]]], "all_evidence": [[43004, 51649, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258411, null, null, null]]], "all_evidence": [[258411, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41927, 50420, "Saw_II", 20]]], "all_evidence": [[41927, 50420, "Saw_II", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88127, 100662, "LinkedIn", 14]]], "all_evidence": [[88127, 100662, "LinkedIn", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94460, null, null, null]]], "all_evidence": [[94460, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169822, null, null, null]]], "all_evidence": [[169822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[69297, 80076, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[69297, 80076, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[140035, 155034, "Andrew_Moray", 1]]], "all_evidence": [[140035, 155034, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198874, null, null, null]]], "all_evidence": [[198874, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111472, 125127, "Jamie_Lee_Curtis", 12], [111472, 125127, "Janet_Leigh", 0]]], "all_evidence": [[111472, 125127, "Jamie_Lee_Curtis", 12], [111472, 125127, "Janet_Leigh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36302, 43856, "Dissociative_identity_disorder", 0]]], "all_evidence": [[36302, 43856, "Dissociative_identity_disorder", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247536, 247821, "Sennacherib", 2]]], "all_evidence": [[247536, 247821, "Sennacherib", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21987, null, null, null], [299462, null, null, null], [330489, null, null, null]]], "all_evidence": [[21987, null, null, null], [299462, null, null, null], [330489, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142052, null, null, null], [142054, null, null, null]]], "all_evidence": [[142052, null, null, null], [142054, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201726, null, null, null]]], "all_evidence": [[201726, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39695, 47771, "Zoey_Deutch", 0]]], "all_evidence": [[39695, 47771, "Zoey_Deutch", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192315, 203075, "Westworld_-LRB-TV_series-RRB-", 4]]], "all_evidence": [[192315, 203075, "Westworld_-LRB-TV_series-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140130, null, null, null]]], "all_evidence": [[140130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[205756, 214240, "Brick_Mansions", 0]]], "all_evidence": [[205756, 214240, "Brick_Mansions", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145167, 160170, "Emmanuel_Macron", 2]]], "all_evidence": [[145167, 160170, "Emmanuel_Macron", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202364, null, null, null]]], "all_evidence": [[202364, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58544, 68846, "Icelandic_Coast_Guard", 0]]], "all_evidence": [[58544, 68846, "Icelandic_Coast_Guard", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21161, null, null, null]]], "all_evidence": [[21161, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30514, 37118, "The_Fame", 1]], [[30514, 37119, "The_Fame", 13]], [[30514, 37120, "The_Fame", 12]], [[30514, 37121, "The_Fame", 14]], [[301026, 292151, "The_Fame", 1]], [[301026, 292152, "The_Fame", 26]], [[301026, 292153, "The_Fame", 25]], [[301026, 292154, "The_Fame", 14]], [[301026, 292155, "The_Fame", 12]], [[301026, 292156, "The_Fame", 6]]], "all_evidence": [[30514, 37118, "The_Fame", 1], [30514, 37119, "The_Fame", 13], [30514, 37120, "The_Fame", 12], [30514, 37121, "The_Fame", 14], [301026, 292151, "The_Fame", 1], [301026, 292152, "The_Fame", 26], [301026, 292153, "The_Fame", 25], [301026, 292154, "The_Fame", 14], [301026, 292155, "The_Fame", 12], [301026, 292156, "The_Fame", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132670, 147601, "Emperor_Norton", 19]]], "all_evidence": [[132670, 147601, "Emperor_Norton", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[132528, 147435, "Georgians", 4], [132528, 147435, "Colchis", 0], [132528, 147435, "Kingdom_of_Iberia", 0]]], "all_evidence": [[132528, 147435, "Georgians", 4], [132528, 147435, "Colchis", 0], [132528, 147435, "Kingdom_of_Iberia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100411, 113704, "Alcoholic_drink", 13]]], "all_evidence": [[100411, 113704, "Alcoholic_drink", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99625, null, null, null], [306949, null, null, null], [307823, null, null, null], [308944, null, null, null]]], "all_evidence": [[99625, null, null, null], [306949, null, null, null], [307823, null, null, null], [308944, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198899, null, null, null]]], "all_evidence": [[198899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109290, 122959, "Bank_of_America", 16]]], "all_evidence": [[109290, 122959, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259278, null, null, null]]], "all_evidence": [[259278, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73496, 84734, "Monosodium_glutamate", 4]]], "all_evidence": [[73496, 84734, "Monosodium_glutamate", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42331, null, null, null]]], "all_evidence": [[42331, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189187, 200507, "Nobel_Prize_in_Chemistry", 6]]], "all_evidence": [[189187, 200507, "Nobel_Prize_in_Chemistry", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70994, null, null, null]]], "all_evidence": [[70994, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25289, 31186, "Cle\u0301opa\u0302tre", 4]]], "all_evidence": [[25289, 31186, "Cle\u0301opa\u0302tre", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157516, 172085, "Tenth_Doctor", 8]]], "all_evidence": [[157516, 172085, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[259292, 257923, "Indian_National_Congress", 8]]], "all_evidence": [[259292, 257923, "Indian_National_Congress", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198892, null, null, null]]], "all_evidence": [[198892, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20917, 25656, "The_Hunger_Games_-LRB-novel-RRB-", 17]]], "all_evidence": [[20917, 25656, "The_Hunger_Games_-LRB-novel-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184506, 196392, "Levoamphetamine", 0]]], "all_evidence": [[184506, 196392, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202217, 211542, "Alfred_P._Murrah_Federal_Building", 0]], [[202218, 211543, "Alfred_P._Murrah_Federal_Building", 0]]], "all_evidence": [[202217, 211542, "Alfred_P._Murrah_Federal_Building", 0], [202218, 211543, "Alfred_P._Murrah_Federal_Building", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153218, 167985, "Inside_Llewyn_Davis", 0]], [[153218, 167986, "Inside_Llewyn_Davis", 11]]], "all_evidence": [[153218, 167985, "Inside_Llewyn_Davis", 0], [153218, 167986, "Inside_Llewyn_Davis", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224792, null, null, null]]], "all_evidence": [[224792, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48262, 57610, "The_Times", 21]]], "all_evidence": [[48262, 57610, "The_Times", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159544, 174054, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]], "all_evidence": [[159544, 174054, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255280, null, null, null]]], "all_evidence": [[255280, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234837, 237647, "Andrea_Pirlo", 0]], [[234843, 237649, "Andrea_Pirlo", 0]]], "all_evidence": [[234837, 237647, "Andrea_Pirlo", 0], [234843, 237649, "Andrea_Pirlo", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133367, 148235, "Python_-LRB-programming_language-RRB-", 5]]], "all_evidence": [[133367, 148235, "Python_-LRB-programming_language-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146003, null, null, null]]], "all_evidence": [[146003, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129611, 144349, "The_SpongeBob_SquarePants_Movie", 0]]], "all_evidence": [[129611, 144349, "The_SpongeBob_SquarePants_Movie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201879, 211232, "The_X-Files_-LRB-franchise-RRB-", 8]]], "all_evidence": [[201879, 211232, "The_X-Files_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[22116, 27181, "The_Times", 1]]], "all_evidence": [[22116, 27181, "The_Times", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194225, 204604, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194225, 204604, "Jim_Caviezel", 0], [194225, 204604, "Nick_Nolte", 0], [194225, 204604, "Sean_Penn", 0]]], "all_evidence": [[194225, 204604, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194225, 204604, "Jim_Caviezel", 0], [194225, 204604, "Nick_Nolte", 0], [194225, 204604, "Sean_Penn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158396, null, null, null]]], "all_evidence": [[158396, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92647, null, null, null]]], "all_evidence": [[92647, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132287, 147172, "Ekta_Kapoor", 9]]], "all_evidence": [[132287, 147172, "Ekta_Kapoor", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242344, null, null, null]]], "all_evidence": [[242344, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233418, 236346, "Catherine_Hardwicke", 0]]], "all_evidence": [[233418, 236346, "Catherine_Hardwicke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20919, 25657, "Burj_Khalifa", 20]]], "all_evidence": [[20919, 25657, "Burj_Khalifa", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141443, 156635, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[141443, 156635, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247562, null, null, null]]], "all_evidence": [[247562, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[42124, null, null, null]]], "all_evidence": [[42124, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179537, 192111, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[179537, 192111, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135190, 150113, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]], "all_evidence": [[135190, 150113, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121092, null, null, null]]], "all_evidence": [[121092, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124579, 138916, "Oscar_Isaac", 7]]], "all_evidence": [[124579, 138916, "Oscar_Isaac", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94984, 107953, "Victor_Frankenstein_-LRB-film-RRB-", 0]]], "all_evidence": [[94984, 107953, "Victor_Frankenstein_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265517, 262686, "All-seater_stadium", 1], [265517, 262686, "Association_football", 0]], [[265519, 262687, "All-seater_stadium", 1], [265519, 262687, "Association_football", 0]]], "all_evidence": [[265517, 262686, "All-seater_stadium", 1], [265517, 262686, "Association_football", 0], [265519, 262687, "All-seater_stadium", 1], [265519, 262687, "Association_football", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177491, 190276, "Louis_Malle", 6]]], "all_evidence": [[177491, 190276, "Louis_Malle", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137082, null, null, null]]], "all_evidence": [[137082, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108317, 121863, "Heroes_-LRB-TV_series-RRB-", 8]]], "all_evidence": [[108317, 121863, "Heroes_-LRB-TV_series-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79182, null, null, null]]], "all_evidence": [[79182, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78607, 90159, "Charles_Howard_Hinton", 0]]], "all_evidence": [[78607, 90159, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72418, 83477, "Morgan_Fairchild", 7]], [[72418, 83478, "Morgan_Fairchild", 6]], [[72418, 83479, "Morgan_Fairchild", 5]], [[72418, 83480, "Morgan_Fairchild", 4]], [[72418, 83481, "Morgan_Fairchild", 1]]], "all_evidence": [[72418, 83477, "Morgan_Fairchild", 7], [72418, 83478, "Morgan_Fairchild", 6], [72418, 83479, "Morgan_Fairchild", 5], [72418, 83480, "Morgan_Fairchild", 4], [72418, 83481, "Morgan_Fairchild", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279934, null, null, null], [281639, null, null, null], [328578, null, null, null], [329251, null, null, null]]], "all_evidence": [[279934, null, null, null], [281639, null, null, null], [328578, null, null, null], [329251, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35091, 42555, "Ed_and_Lorraine_Warren", 0]]], "all_evidence": [[35091, 42555, "Ed_and_Lorraine_Warren", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247837, 248138, "Alexandria", 0]], [[247837, 248139, "Alexandria", 2]]], "all_evidence": [[247837, 248138, "Alexandria", 0], [247837, 248139, "Alexandria", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62557, 73183, "Legendary_Entertainment", 2]]], "all_evidence": [[62557, 73183, "Legendary_Entertainment", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24199, 29925, "Riz_Ahmed", 3], [24199, 29925, "The_Night_Of", 0]]], "all_evidence": [[24199, 29925, "Riz_Ahmed", 3], [24199, 29925, "The_Night_Of", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22957, 28300, "Ovary", 0]]], "all_evidence": [[22957, 28300, "Ovary", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119756, 133866, "Mount_Hood", 0]], [[119756, 133867, "Mount_Hood", 3]], [[119756, 133868, "Mount_Hood", 2]]], "all_evidence": [[119756, 133866, "Mount_Hood", 0], [119756, 133867, "Mount_Hood", 3], [119756, 133868, "Mount_Hood", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74319, null, null, null]]], "all_evidence": [[74319, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86565, 99022, "Chris_Benoit", 0]]], "all_evidence": [[86565, 99022, "Chris_Benoit", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269080, 265495, "David_Lloyd_George", 20]]], "all_evidence": [[269080, 265495, "David_Lloyd_George", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64171, 74903, "Half_Girlfriend_-LRB-film-RRB-", 4]]], "all_evidence": [[64171, 74903, "Half_Girlfriend_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237313, 239544, "Thunderstorm", 0]]], "all_evidence": [[237313, 239544, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72228, 83240, "Ovary", 0]]], "all_evidence": [[72228, 83240, "Ovary", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40513, null, null, null]]], "all_evidence": [[40513, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31019, 37686, "Mikhail_Prokhorov", 3], [31019, 37686, "Polyus_Gold", 0]]], "all_evidence": [[31019, 37686, "Mikhail_Prokhorov", 3], [31019, 37686, "Polyus_Gold", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270792, null, null, null]]], "all_evidence": [[270792, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39624, 47702, "Issa_Rae", 2]]], "all_evidence": [[39624, 47702, "Issa_Rae", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163981, null, null, null]]], "all_evidence": [[163981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88353, 100972, "Absinthe", 18]]], "all_evidence": [[88353, 100972, "Absinthe", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247540, null, null, null], [247545, null, null, null], [247552, null, null, null]]], "all_evidence": [[247540, null, null, null], [247545, null, null, null], [247552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89198, 101887, "Fraud", 0]], [[89202, 101890, "Fraud", 0]]], "all_evidence": [[89198, 101887, "Fraud", 0], [89202, 101890, "Fraud", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[113818, 127689, "Medical_school", 6]]], "all_evidence": [[113818, 127689, "Medical_school", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119236, null, null, null]]], "all_evidence": [[119236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[117795, 131696, "Silver_Surfer", 0], [117795, 131696, "Silver_Surfer", 1]]], "all_evidence": [[117795, 131696, "Silver_Surfer", 0], [117795, 131696, "Silver_Surfer", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[73905, 85136, "Sausage_Party", 6]]], "all_evidence": [[73905, 85136, "Sausage_Party", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28091, 34386, "Vincent_D'Onofrio", 4]]], "all_evidence": [[28091, 34386, "Vincent_D'Onofrio", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89295, 101991, "Scream_-LRB-franchise-RRB-", 14]]], "all_evidence": [[89295, 101991, "Scream_-LRB-franchise-RRB-", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[261361, 259519, "Corsica", 0]]], "all_evidence": [[261361, 259519, "Corsica", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15907, 19771, "Bank_of_America", 16]]], "all_evidence": [[15907, 19771, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166075, 180016, "Henri_Kontinen", 6], [166075, 180016, "Micke_Kontinen", 0], [166075, 180016, "Micke_Kontinen", 4]]], "all_evidence": [[166075, 180016, "Henri_Kontinen", 6], [166075, 180016, "Micke_Kontinen", 0], [166075, 180016, "Micke_Kontinen", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228936, 233022, "Backing_vocalist", 0]], [[228956, 233047, "Backing_vocalist", 0]], [[228956, 233048, "Backing_vocalist", 1]], [[228956, 233049, "Backing_vocalist", 5]], [[228956, 233050, "Backing_vocalist", 7]], [[228956, 233051, "Backing_vocalist", 12]]], "all_evidence": [[228936, 233022, "Backing_vocalist", 0], [228956, 233047, "Backing_vocalist", 0], [228956, 233048, "Backing_vocalist", 1], [228956, 233049, "Backing_vocalist", 5], [228956, 233050, "Backing_vocalist", 7], [228956, 233051, "Backing_vocalist", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111086, 124751, "New_England_Patriots", 12]]], "all_evidence": [[111086, 124751, "New_England_Patriots", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89462, 102158, "Theresa_May", 0]]], "all_evidence": [[89462, 102158, "Theresa_May", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147220, 162206, "Charles_Howard_Hinton", 0]]], "all_evidence": [[147220, 162206, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166959, 180782, "Julie_Bowen", 0]], [[166959, 180783, "Julie_Bowen", 5]], [[166959, 180784, "Julie_Bowen", 2]], [[166959, 180785, "Julie_Bowen", 1]]], "all_evidence": [[166959, 180782, "Julie_Bowen", 0], [166959, 180783, "Julie_Bowen", 5], [166959, 180784, "Julie_Bowen", 2], [166959, 180785, "Julie_Bowen", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189637, null, null, null]]], "all_evidence": [[189637, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28188, null, null, null]]], "all_evidence": [[28188, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220114, 225974, "Pitch_Perfect_2", 2]]], "all_evidence": [[220114, 225974, "Pitch_Perfect_2", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103648, 117093, "Manchester_by_the_Sea_-LRB-film-RRB-", 5]]], "all_evidence": [[103648, 117093, "Manchester_by_the_Sea_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15909, 19774, "Toy_Story_2", 0]]], "all_evidence": [[15909, 19774, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[290005, 283084, "Spider-Man_2", 9]], [[291337, 284276, "Spider-Man_2", 9]], [[293487, 286001, "Spider-Man_2", 9]], [[337422, 322791, "Spider-Man_2", 9]], [[337443, 322818, "Spider-Man_2", 9]]], "all_evidence": [[290005, 283084, "Spider-Man_2", 9], [291337, 284276, "Spider-Man_2", 9], [293487, 286001, "Spider-Man_2", 9], [337422, 322791, "Spider-Man_2", 9], [337443, 322818, "Spider-Man_2", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175531, null, null, null]]], "all_evidence": [[175531, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85834, 98112, "The_Invisible_Man_-LRB-film-RRB-", 0], [85834, 98112, "The_Invisible_Man", 2]]], "all_evidence": [[85834, 98112, "The_Invisible_Man_-LRB-film-RRB-", 0], [85834, 98112, "The_Invisible_Man", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242329, 243737, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]], "all_evidence": [[242329, 243737, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20955, null, null, null]]], "all_evidence": [[20955, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156359, null, null, null], [156363, null, null, null]]], "all_evidence": [[156359, null, null, null], [156363, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213533, 220756, "Henry_III_of_France", 23], [213533, 220756, "House_of_Bourbon", 6]]], "all_evidence": [[213533, 220756, "Henry_III_of_France", 23], [213533, 220756, "House_of_Bourbon", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147787, 162806, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[147787, 162806, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85019, 97299, "Kate_Walsh_-LRB-actress-RRB-", 1]]], "all_evidence": [[85019, 97299, "Kate_Walsh_-LRB-actress-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22969, null, null, null]]], "all_evidence": [[22969, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38984, 46967, "The_Beverly_Hillbillies", 0]]], "all_evidence": [[38984, 46967, "The_Beverly_Hillbillies", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91044, 103715, "Elizabeth_I_of_England", 4], [91044, 103715, "Henry_VIII_of_England", 0]]], "all_evidence": [[91044, 103715, "Elizabeth_I_of_England", 4], [91044, 103715, "Henry_VIII_of_England", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158420, 173035, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]], "all_evidence": [[158420, 173035, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58107, 68324, "Macklemore", 0]]], "all_evidence": [[58107, 68324, "Macklemore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158452, 173076, "China", 11]]], "all_evidence": [[158452, 173076, "China", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42382, 50993, "Truman_Capote", 0]], [[42382, 50994, "Truman_Capote", 1]], [[42382, 50995, "Truman_Capote", 5]], [[42382, 50996, "Truman_Capote", 6]], [[42382, 50997, "Truman_Capote", 7]], [[42382, 50998, "Truman_Capote", 8]], [[42382, 50999, "Truman_Capote", 9]], [[42382, 51000, "Truman_Capote", 12]]], "all_evidence": [[42382, 50993, "Truman_Capote", 0], [42382, 50994, "Truman_Capote", 1], [42382, 50995, "Truman_Capote", 5], [42382, 50996, "Truman_Capote", 6], [42382, 50997, "Truman_Capote", 7], [42382, 50998, "Truman_Capote", 8], [42382, 50999, "Truman_Capote", 9], [42382, 51000, "Truman_Capote", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202357, null, null, null]]], "all_evidence": [[202357, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58968, 69286, "Emperor_Norton", 19]]], "all_evidence": [[58968, 69286, "Emperor_Norton", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86575, 99034, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 1]]], "all_evidence": [[86575, 99034, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162409, null, null, null]]], "all_evidence": [[162409, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103511, 116926, "The_Love_Club_EP", 0]]], "all_evidence": [[103511, 116926, "The_Love_Club_EP", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33213, null, null, null]]], "all_evidence": [[33213, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90643, 103372, "Sonny_&_Cher", 0]]], "all_evidence": [[90643, 103372, "Sonny_&_Cher", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105200, 118615, "Floyd_Mayweather_Jr.", 0]], [[105200, 118616, "Floyd_Mayweather_Jr.", 10]], [[108253, 121786, "Floyd_Mayweather_Jr.", 0]], [[108253, 121787, "Floyd_Mayweather_Jr.", 1]], [[108253, 121788, "Floyd_Mayweather_Jr.", 3]], [[108253, 121789, "Floyd_Mayweather_Jr.", 6]], [[108253, 121790, "Floyd_Mayweather_Jr.", 9]], [[108253, 121791, "Floyd_Mayweather_Jr.", 10]], [[110070, 123695, "Floyd_Mayweather_Jr.", 0]], [[308093, 298563, "Floyd_Mayweather_Jr.", 0]], [[308093, 298564, "Floyd_Mayweather_Jr.", 1]], [[308093, 298565, "Floyd_Mayweather_Jr.", 3]], [[308093, 298566, "Floyd_Mayweather_Jr.", 6]], [[308093, 298567, "Floyd_Mayweather_Jr.", 7]], [[308093, 298568, "Floyd_Mayweather_Jr.", 8]], [[308093, 298569, "Floyd_Mayweather_Jr.", 9]], [[308093, 298570, "Floyd_Mayweather_Jr.", 10]], [[308093, 298571, "Floyd_Mayweather_Jr.", 15]], [[309497, 299702, "Floyd_Mayweather_Jr.", 0]], [[309497, 299703, "Floyd_Mayweather_Jr.", 1]]], "all_evidence": [[105200, 118615, "Floyd_Mayweather_Jr.", 0], [105200, 118616, "Floyd_Mayweather_Jr.", 10], [108253, 121786, "Floyd_Mayweather_Jr.", 0], [108253, 121787, "Floyd_Mayweather_Jr.", 1], [108253, 121788, "Floyd_Mayweather_Jr.", 3], [108253, 121789, "Floyd_Mayweather_Jr.", 6], [108253, 121790, "Floyd_Mayweather_Jr.", 9], [108253, 121791, "Floyd_Mayweather_Jr.", 10], [110070, 123695, "Floyd_Mayweather_Jr.", 0], [308093, 298563, "Floyd_Mayweather_Jr.", 0], [308093, 298564, "Floyd_Mayweather_Jr.", 1], [308093, 298565, "Floyd_Mayweather_Jr.", 3], [308093, 298566, "Floyd_Mayweather_Jr.", 6], [308093, 298567, "Floyd_Mayweather_Jr.", 7], [308093, 298568, "Floyd_Mayweather_Jr.", 8], [308093, 298569, "Floyd_Mayweather_Jr.", 9], [308093, 298570, "Floyd_Mayweather_Jr.", 10], [308093, 298571, "Floyd_Mayweather_Jr.", 15], [309497, 299702, "Floyd_Mayweather_Jr.", 0], [309497, 299703, "Floyd_Mayweather_Jr.", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123172, null, null, null]]], "all_evidence": [[123172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202246, 211568, "Alfred_P._Murrah_Federal_Building", 0]]], "all_evidence": [[202246, 211568, "Alfred_P._Murrah_Federal_Building", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41428, 49808, "Southern_Hospitality_-LRB-song-RRB-", 2]]], "all_evidence": [[41428, 49808, "Southern_Hospitality_-LRB-song-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119723, null, null, null]]], "all_evidence": [[119723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35237, 42733, "Parkinson's_disease", 34]], [[35239, 42734, "Parkinson's_disease", 34]]], "all_evidence": [[35237, 42733, "Parkinson's_disease", 34], [35239, 42734, "Parkinson's_disease", 34]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86104, 98449, "Rick_Ross", 3]]], "all_evidence": [[86104, 98449, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266988, null, null, null]]], "all_evidence": [[266988, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155980, null, null, null]]], "all_evidence": [[155980, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14578, 18214, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]], "all_evidence": [[14578, 18214, "The_House_of_the_Spirits_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20462, null, null, null], [80724, null, null, null], [297615, null, null, null], [299698, null, null, null]]], "all_evidence": [[20462, null, null, null], [80724, null, null, null], [297615, null, null, null], [299698, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86533, 98958, "The_Maze_Runner_-LRB-film-RRB-", 0]], [[86533, 98959, "The_Maze_Runner_-LRB-film-RRB-", 1]], [[86533, 98960, "The_Maze_Runner_-LRB-film-RRB-", 2]], [[86533, 98961, "The_Maze_Runner_-LRB-film-RRB-", 6], [86533, 98961, "Temple_Hill_Entertainment", 0]], [[86533, 98962, "The_Maze_Runner_-LRB-film-RRB-", 7], [86533, 98962, "Principal_photography", 3]], [[86533, 98963, "The_Maze_Runner_-LRB-film-RRB-", 10], [86533, 98963, "20th_Century_Fox", 0]], [[86533, 98964, "The_Maze_Runner_-LRB-film-RRB-", 12]], [[86533, 98965, "The_Maze_Runner_-LRB-film-RRB-", 13]]], "all_evidence": [[86533, 98958, "The_Maze_Runner_-LRB-film-RRB-", 0], [86533, 98959, "The_Maze_Runner_-LRB-film-RRB-", 1], [86533, 98960, "The_Maze_Runner_-LRB-film-RRB-", 2], [86533, 98961, "The_Maze_Runner_-LRB-film-RRB-", 6], [86533, 98961, "Temple_Hill_Entertainment", 0], [86533, 98962, "The_Maze_Runner_-LRB-film-RRB-", 7], [86533, 98962, "Principal_photography", 3], [86533, 98963, "The_Maze_Runner_-LRB-film-RRB-", 10], [86533, 98963, "20th_Century_Fox", 0], [86533, 98964, "The_Maze_Runner_-LRB-film-RRB-", 12], [86533, 98965, "The_Maze_Runner_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218819, null, null, null]]], "all_evidence": [[218819, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58081, null, null, null]]], "all_evidence": [[58081, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173238, 186505, "Maximum_Overdrive", 0]]], "all_evidence": [[173238, 186505, "Maximum_Overdrive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137486, 152350, "Saw_II", 20], [137486, 152350, "DVD", 0]]], "all_evidence": [[137486, 152350, "Saw_II", 20], [137486, 152350, "DVD", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201891, null, null, null]]], "all_evidence": [[201891, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84713, null, null, null]]], "all_evidence": [[84713, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167012, 180845, "Pakistan", 0]], [[167012, 180846, "Pakistan", 16]], [[167013, 180847, "Pakistan", 0]]], "all_evidence": [[167012, 180845, "Pakistan", 0], [167012, 180846, "Pakistan", 16], [167013, 180847, "Pakistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107049, 120431, "Great_white_shark", 16]]], "all_evidence": [[107049, 120431, "Great_white_shark", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229138, null, null, null]]], "all_evidence": [[229138, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113763, null, null, null], [113764, null, null, null]]], "all_evidence": [[113763, null, null, null], [113764, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[197893, null, null, null]]], "all_evidence": [[197893, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242348, 243746, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]], [[242348, 243747, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16]]], "all_evidence": [[242348, 243746, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], [242348, 243747, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137393, 152264, "NXT_Tag_Team_Championship", 0], [137393, 152264, "NXT_Tag_Team_Championship", 1]]], "all_evidence": [[137393, 152264, "NXT_Tag_Team_Championship", 0], [137393, 152264, "NXT_Tag_Team_Championship", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151778, 166520, "Mandy_Moore", 0]], [[151778, 166521, "Mandy_Moore", 1], [151778, 166521, "Candy_-LRB-Mandy_Moore_song-RRB-", 0]], [[151778, 166522, "Mandy_Moore", 2], [151778, 166522, "So_Real_-LRB-album-RRB-", 0]], [[151778, 166523, "Mandy_Moore", 3], [151778, 166523, "Music_recording_sales_certification", 0], [151778, 166523, "Recording_Industry_Association_of_America", 0]], [[151778, 166524, "Mandy_Moore", 4]], [[151778, 166525, "Mandy_Moore", 7]], [[151778, 166526, "Mandy_Moore", 8]], [[151778, 166527, "Mandy_Moore", 11]]], "all_evidence": [[151778, 166520, "Mandy_Moore", 0], [151778, 166521, "Mandy_Moore", 1], [151778, 166521, "Candy_-LRB-Mandy_Moore_song-RRB-", 0], [151778, 166522, "Mandy_Moore", 2], [151778, 166522, "So_Real_-LRB-album-RRB-", 0], [151778, 166523, "Mandy_Moore", 3], [151778, 166523, "Music_recording_sales_certification", 0], [151778, 166523, "Recording_Industry_Association_of_America", 0], [151778, 166524, "Mandy_Moore", 4], [151778, 166525, "Mandy_Moore", 7], [151778, 166526, "Mandy_Moore", 8], [151778, 166527, "Mandy_Moore", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61685, 72172, "Boeing_787_Dreamliner", 8]]], "all_evidence": [[61685, 72172, "Boeing_787_Dreamliner", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207369, 215662, "Dawood_Ibrahim", 0], [207369, 215662, "Mumbai", 0]]], "all_evidence": [[207369, 215662, "Dawood_Ibrahim", 0], [207369, 215662, "Mumbai", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213549, 220770, "Henry_III_of_France", 23]]], "all_evidence": [[213549, 220770, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206589, 214924, "Nawaz_Sharif", 0]], [[206589, 214925, "Nawaz_Sharif", 6]], [[206589, 214926, "Nawaz_Sharif", 7]], [[206589, 214927, "Nawaz_Sharif", 8]], [[206589, 214928, "Nawaz_Sharif", 9]], [[206589, 214929, "Nawaz_Sharif", 13]], [[206589, 214930, "Nawaz_Sharif", 15]], [[206589, 214931, "Nawaz_Sharif", 18]], [[206589, 214932, "Nawaz_Sharif", 21]], [[206589, 214933, "Nawaz_Sharif", 22]], [[206589, 214934, "Nawaz_Sharif", 24]], [[206589, 214935, "Nawaz_Sharif", 25]], [[206589, 214936, "Nawaz_Sharif", 1]]], "all_evidence": [[206589, 214924, "Nawaz_Sharif", 0], [206589, 214925, "Nawaz_Sharif", 6], [206589, 214926, "Nawaz_Sharif", 7], [206589, 214927, "Nawaz_Sharif", 8], [206589, 214928, "Nawaz_Sharif", 9], [206589, 214929, "Nawaz_Sharif", 13], [206589, 214930, "Nawaz_Sharif", 15], [206589, 214931, "Nawaz_Sharif", 18], [206589, 214932, "Nawaz_Sharif", 21], [206589, 214933, "Nawaz_Sharif", 22], [206589, 214934, "Nawaz_Sharif", 24], [206589, 214935, "Nawaz_Sharif", 25], [206589, 214936, "Nawaz_Sharif", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167863, null, null, null], [312421, null, null, null], [312423, null, null, null]]], "all_evidence": [[167863, null, null, null], [312421, null, null, null], [312423, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29020, 35394, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[29020, 35394, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115444, 129296, "Richard_Fortus", 1]], [[115444, 129297, "Richard_Fortus", 5]], [[115444, 129298, "Richard_Fortus", 2]]], "all_evidence": [[115444, 129296, "Richard_Fortus", 1], [115444, 129297, "Richard_Fortus", 5], [115444, 129298, "Richard_Fortus", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70892, 81787, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[70892, 81787, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212567, null, null, null], [212580, null, null, null]]], "all_evidence": [[212567, null, null, null], [212580, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296986, 288697, "Annie_-LRB-2014_film-RRB-", 0]], [[296986, 288698, "Annie_-LRB-2014_film-RRB-", 1]], [[296986, 288699, "Annie_-LRB-2014_film-RRB-", 2]], [[296986, 288700, "Annie_-LRB-2014_film-RRB-", 5]], [[296986, 288701, "Annie_-LRB-2014_film-RRB-", 6]], [[298646, 290104, "Annie_-LRB-2014_film-RRB-", 0]], [[300764, 291860, "Annie_-LRB-2014_film-RRB-", 0]], [[300768, 291863, "Annie_-LRB-2014_film-RRB-", 0]], [[344481, 327994, "Annie_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[296986, 288697, "Annie_-LRB-2014_film-RRB-", 0], [296986, 288698, "Annie_-LRB-2014_film-RRB-", 1], [296986, 288699, "Annie_-LRB-2014_film-RRB-", 2], [296986, 288700, "Annie_-LRB-2014_film-RRB-", 5], [296986, 288701, "Annie_-LRB-2014_film-RRB-", 6], [298646, 290104, "Annie_-LRB-2014_film-RRB-", 0], [300764, 291860, "Annie_-LRB-2014_film-RRB-", 0], [300768, 291863, "Annie_-LRB-2014_film-RRB-", 0], [344481, 327994, "Annie_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282389, 276570, "Jefferson_Davis", 5]], [[284364, 278200, "Jefferson_Davis", 5], [284364, 278200, "Kentucky", 0]], [[330518, 317120, "Jefferson_Davis", 5], [330518, 317120, "Kentucky", 0]], [[331688, 318190, "Jefferson_Davis", 5], [331688, 318190, "Kentucky", 0]]], "all_evidence": [[282389, 276570, "Jefferson_Davis", 5], [284364, 278200, "Jefferson_Davis", 5], [284364, 278200, "Kentucky", 0], [330518, 317120, "Jefferson_Davis", 5], [330518, 317120, "Kentucky", 0], [331688, 318190, "Jefferson_Davis", 5], [331688, 318190, "Kentucky", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36239, 43780, "Agent_Raghav_\u2013_Crime_Branch", 2]]], "all_evidence": [[36239, 43780, "Agent_Raghav_\u2013_Crime_Branch", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173735, 186916, "Manchester_United_F.C.", 17]]], "all_evidence": [[173735, 186916, "Manchester_United_F.C.", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247305, 247614, "The_Monster_-LRB-song-RRB-", 0]]], "all_evidence": [[247305, 247614, "The_Monster_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[128548, 143230, "US_Airways_Flight_1549", 2]], [[128548, 143231, "US_Airways_Flight_1549", 1]]], "all_evidence": [[128548, 143230, "US_Airways_Flight_1549", 2], [128548, 143231, "US_Airways_Flight_1549", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96886, 110033, "Maria_Theresa", 5]], [[96890, 110035, "Maria_Theresa", 5]]], "all_evidence": [[96886, 110033, "Maria_Theresa", 5], [96890, 110035, "Maria_Theresa", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164977, 179169, "Guthrie_Theater", 6]]], "all_evidence": [[164977, 179169, "Guthrie_Theater", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269254, null, null, null]]], "all_evidence": [[269254, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47345, 56468, "Netscape_Navigator", 0]], [[47345, 56469, "Netscape_Navigator", 1]]], "all_evidence": [[47345, 56468, "Netscape_Navigator", 0], [47345, 56469, "Netscape_Navigator", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88957, 101590, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[88957, 101590, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168369, 182114, "Ed_Gein", 0]], [[168369, 182115, "Ed_Gein", 1]], [[168369, 182116, "Ed_Gein", 2]]], "all_evidence": [[168369, 182114, "Ed_Gein", 0], [168369, 182115, "Ed_Gein", 1], [168369, 182116, "Ed_Gein", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115274, 129093, "MS-13", 12]]], "all_evidence": [[115274, 129093, "MS-13", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247208, 247513, "The_Monster_-LRB-song-RRB-", 0]], [[247208, 247514, "The_Monster_-LRB-song-RRB-", 1], [247208, 247514, "Eminem", 0], [247208, 247514, "Jon_Bellion", 0]], [[247208, 247515, "The_Monster_-LRB-song-RRB-", 2], [247208, 247515, "Eminem", 0]], [[247208, 247516, "The_Monster_-LRB-song-RRB-", 9], [247208, 247516, "Eminem", 0]]], "all_evidence": [[247208, 247513, "The_Monster_-LRB-song-RRB-", 0], [247208, 247514, "The_Monster_-LRB-song-RRB-", 1], [247208, 247514, "Eminem", 0], [247208, 247514, "Jon_Bellion", 0], [247208, 247515, "The_Monster_-LRB-song-RRB-", 2], [247208, 247515, "Eminem", 0], [247208, 247516, "The_Monster_-LRB-song-RRB-", 9], [247208, 247516, "Eminem", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112754, null, null, null]]], "all_evidence": [[112754, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27286, 33416, "MS-13", 10]]], "all_evidence": [[27286, 33416, "MS-13", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20717, 25380, "Skopje", 8]]], "all_evidence": [[20717, 25380, "Skopje", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188473, 199872, "Ukrainian_Soviet_Socialist_Republic", 7]]], "all_evidence": [[188473, 199872, "Ukrainian_Soviet_Socialist_Republic", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227734, null, null, null]]], "all_evidence": [[227734, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225576, 230197, "Staging_area", 0]], [[225576, 230198, "Staging_area", 6]], [[225576, 230199, "Staging_area", 11]], [[225576, 230200, "Staging_area", 16]], [[225576, 230201, "Staging_area", 21]], [[225576, 230202, "Staging_area", 26]], [[225576, 230203, "Staging_area", 30]], [[225576, 230204, "Staging_area", 36]], [[225576, 230205, "Staging_area", 27]], [[225576, 230206, "Staging_area", 42]]], "all_evidence": [[225576, 230197, "Staging_area", 0], [225576, 230198, "Staging_area", 6], [225576, 230199, "Staging_area", 11], [225576, 230200, "Staging_area", 16], [225576, 230201, "Staging_area", 21], [225576, 230202, "Staging_area", 26], [225576, 230203, "Staging_area", 30], [225576, 230204, "Staging_area", 36], [225576, 230205, "Staging_area", 27], [225576, 230206, "Staging_area", 42]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194668, null, null, null]]], "all_evidence": [[194668, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48715, null, null, null]]], "all_evidence": [[48715, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[271673, 267507, "Lyon", 4]]], "all_evidence": [[271673, 267507, "Lyon", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123626, 138040, "Stanford_prison_experiment", 2], [123626, 138040, "Office_of_Naval_Research", 0]]], "all_evidence": [[123626, 138040, "Stanford_prison_experiment", 2], [123626, 138040, "Office_of_Naval_Research", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[121853, null, null, null]]], "all_evidence": [[121853, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216618, 223313, "Logie_Awards", 8]]], "all_evidence": [[216618, 223313, "Logie_Awards", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137041, null, null, null]]], "all_evidence": [[137041, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112921, null, null, null], [112922, null, null, null]]], "all_evidence": [[112921, null, null, null], [112922, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148714, 163756, "Jack_Dylan_Grazer", 0]], [[151529, 166286, "Jack_Dylan_Grazer", 0]], [[311355, 301351, "Jack_Dylan_Grazer", 0]], [[312907, 302633, "Jack_Dylan_Grazer", 0]], [[312908, 302634, "Jack_Dylan_Grazer", 0], [312908, 302634, "Los_Angeles", 1]]], "all_evidence": [[148714, 163756, "Jack_Dylan_Grazer", 0], [151529, 166286, "Jack_Dylan_Grazer", 0], [311355, 301351, "Jack_Dylan_Grazer", 0], [312907, 302633, "Jack_Dylan_Grazer", 0], [312908, 302634, "Jack_Dylan_Grazer", 0], [312908, 302634, "Los_Angeles", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235294, 237988, "Boxing_Helena", 6]]], "all_evidence": [[235294, 237988, "Boxing_Helena", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195178, 205499, "Hammer_Film_Productions", 17]]], "all_evidence": [[195178, 205499, "Hammer_Film_Productions", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150979, 165815, "Guthrie_Theater", 6]]], "all_evidence": [[150979, 165815, "Guthrie_Theater", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[241559, 243087, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241559, 243087, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130124, 144862, "Issa_Rae", 2]]], "all_evidence": [[130124, 144862, "Issa_Rae", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175435, null, null, null]]], "all_evidence": [[175435, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80561, null, null, null]]], "all_evidence": [[80561, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[83112, 95030, "John_Frusciante", 5]]], "all_evidence": [[83112, 95030, "John_Frusciante", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181145, null, null, null]]], "all_evidence": [[181145, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27046, 33167, "Hebe_-LRB-mythology-RRB-", 2]]], "all_evidence": [[27046, 33167, "Hebe_-LRB-mythology-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100474, 113775, "House_of_Balloons", 0]]], "all_evidence": [[100474, 113775, "House_of_Balloons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253265, null, null, null]]], "all_evidence": [[253265, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206136, 214580, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206136, 214580, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251097, 251041, "See.SZA.Run", 5]]], "all_evidence": [[251097, 251041, "See.SZA.Run", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[198356, null, null, null]]], "all_evidence": [[198356, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[219560, 225542, "Stephen_Moyer", 3]]], "all_evidence": [[219560, 225542, "Stephen_Moyer", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170635, null, null, null]]], "all_evidence": [[170635, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177092, 190009, "Yvonne_Strahovski", 5]]], "all_evidence": [[177092, 190009, "Yvonne_Strahovski", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227467, null, null, null], [227468, null, null, null], [227477, null, null, null]]], "all_evidence": [[227467, null, null, null], [227468, null, null, null], [227477, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265975, 263076, "Baja_1000", 14]]], "all_evidence": [[265975, 263076, "Baja_1000", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90845, 103542, "City_of_Literature", 0]], [[90859, 103557, "City_of_Literature", 0]]], "all_evidence": [[90845, 103542, "City_of_Literature", 0], [90859, 103557, "City_of_Literature", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267581, 264257, "Vampire_Academy_-LRB-film-RRB-", 6]]], "all_evidence": [[267581, 264257, "Vampire_Academy_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102644, 115908, "Vandals", 0]], [[102644, 115909, "Vandals", 12]], [[102644, 115910, "Vandals", 14]]], "all_evidence": [[102644, 115908, "Vandals", 0], [102644, 115909, "Vandals", 12], [102644, 115910, "Vandals", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74230, null, null, null], [74239, null, null, null]]], "all_evidence": [[74230, null, null, null], [74239, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269192, 265579, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269192, 265579, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149730, 164678, "Natasha_Lyonne", 0]]], "all_evidence": [[149730, 164678, "Natasha_Lyonne", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229147, null, null, null]]], "all_evidence": [[229147, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196089, null, null, null]]], "all_evidence": [[196089, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144188, 159242, "Faye_Resnick", 0]], [[144188, 159243, "Faye_Resnick", 1]], [[144207, 159255, "Faye_Resnick", 1]], [[144207, 159256, "Faye_Resnick", 0]]], "all_evidence": [[144188, 159242, "Faye_Resnick", 0], [144188, 159243, "Faye_Resnick", 1], [144207, 159255, "Faye_Resnick", 1], [144207, 159256, "Faye_Resnick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75087, null, null, null]]], "all_evidence": [[75087, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35597, 43126, "The_SpongeBob_SquarePants_Movie", 0]]], "all_evidence": [[35597, 43126, "The_SpongeBob_SquarePants_Movie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257578, 256565, "Timur", 4], [257578, 256565, "Transoxiana", 0]], [[257585, 256572, "Timur", 0], [257585, 256572, "Turco-Mongol_tradition", 0]]], "all_evidence": [[257578, 256565, "Timur", 4], [257578, 256565, "Transoxiana", 0], [257585, 256572, "Timur", 0], [257585, 256572, "Turco-Mongol_tradition", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124426, null, null, null]]], "all_evidence": [[124426, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135039, null, null, null]]], "all_evidence": [[135039, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99883, null, null, null]]], "all_evidence": [[99883, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33447, 40579, "Catherine_Keener", 2]]], "all_evidence": [[33447, 40579, "Catherine_Keener", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45325, 54097, "Aldous_Huxley", 6]]], "all_evidence": [[45325, 54097, "Aldous_Huxley", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227508, 231869, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227508, 231869, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104978, null, null, null]]], "all_evidence": [[104978, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140305, null, null, null]]], "all_evidence": [[140305, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94012, 106988, "The_Challenge_XXX-COLON-_Dirty_30", 0], [94012, 106988, "MTV", 0]]], "all_evidence": [[94012, 106988, "The_Challenge_XXX-COLON-_Dirty_30", 0], [94012, 106988, "MTV", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115819, null, null, null], [115822, null, null, null]]], "all_evidence": [[115819, null, null, null], [115822, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41910, 50404, "Yemen", 5]]], "all_evidence": [[41910, 50404, "Yemen", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76520, null, null, null]]], "all_evidence": [[76520, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162653, 176921, "Morgan_Fairchild", 6]]], "all_evidence": [[162653, 176921, "Morgan_Fairchild", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237127, null, null, null]]], "all_evidence": [[237127, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84928, 97167, "Josh_Hutcherson", 11]], [[84928, 97168, "Josh_Hutcherson", 7]]], "all_evidence": [[84928, 97167, "Josh_Hutcherson", 11], [84928, 97168, "Josh_Hutcherson", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214630, 221612, "Vera_Wang", 0]]], "all_evidence": [[214630, 221612, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194196, 204585, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2]]], "all_evidence": [[194196, 204585, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155785, null, null, null]]], "all_evidence": [[155785, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[187223, null, null, null]]], "all_evidence": [[187223, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100862, null, null, null]]], "all_evidence": [[100862, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227510, null, null, null]]], "all_evidence": [[227510, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153250, null, null, null]]], "all_evidence": [[153250, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242191, 243632, "Tyler_Perry", 0]]], "all_evidence": [[242191, 243632, "Tyler_Perry", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286371, null, null, null], [288108, null, null, null], [334175, null, null, null]]], "all_evidence": [[286371, null, null, null], [288108, null, null, null], [334175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290149, 283187, "Ron_Dennis", 1]], [[291486, 284402, "Ron_Dennis", 1]], [[293608, 286084, "Ron_Dennis", 0], [293608, 286084, "Ron_Dennis", 1]], [[337724, 323081, "Ron_Dennis", 1]], [[337733, 323085, "Ron_Dennis", 1]]], "all_evidence": [[290149, 283187, "Ron_Dennis", 1], [291486, 284402, "Ron_Dennis", 1], [293608, 286084, "Ron_Dennis", 0], [293608, 286084, "Ron_Dennis", 1], [337724, 323081, "Ron_Dennis", 1], [337733, 323085, "Ron_Dennis", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282453, null, null, null], [284425, null, null, null], [331741, null, null, null]]], "all_evidence": [[282453, null, null, null], [284425, null, null, null], [331741, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92509, null, null, null]]], "all_evidence": [[92509, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[236959, null, null, null], [240568, null, null, null], [318741, null, null, null], [320145, null, null, null], [320147, null, null, null]]], "all_evidence": [[236959, null, null, null], [240568, null, null, null], [318741, null, null, null], [320145, null, null, null], [320147, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75784, 87054, "Fred_Seibert", 3]]], "all_evidence": [[75784, 87054, "Fred_Seibert", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29088, 35488, "Balibo_-LRB-film-RRB-", 0]], [[29088, 35489, "Balibo_-LRB-film-RRB-", 4]]], "all_evidence": [[29088, 35488, "Balibo_-LRB-film-RRB-", 0], [29088, 35489, "Balibo_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228121, 232381, "L._Ron_Hubbard", 29]]], "all_evidence": [[228121, 232381, "L._Ron_Hubbard", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207530, 215776, "Dawood_Ibrahim", 5]]], "all_evidence": [[207530, 215776, "Dawood_Ibrahim", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224129, 228989, "Ang_Lee", 0]], [[224130, 228990, "Ang_Lee", 0]]], "all_evidence": [[224129, 228989, "Ang_Lee", 0], [224130, 228990, "Ang_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145421, 160415, "Sherilyn_Fenn", 2]]], "all_evidence": [[145421, 160415, "Sherilyn_Fenn", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96881, null, null, null]]], "all_evidence": [[96881, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64774, null, null, null]]], "all_evidence": [[64774, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93923, null, null, null]]], "all_evidence": [[93923, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220227, null, null, null]]], "all_evidence": [[220227, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127619, 142214, "The_SpongeBob_SquarePants_Movie", 1]], [[127652, 142245, "The_SpongeBob_SquarePants_Movie", 1]], [[127652, 142246, "The_SpongeBob_SquarePants_Movie", 6], [127652, 142246, "Stephen_Hillenburg", 0]]], "all_evidence": [[127619, 142214, "The_SpongeBob_SquarePants_Movie", 1], [127652, 142245, "The_SpongeBob_SquarePants_Movie", 1], [127652, 142246, "The_SpongeBob_SquarePants_Movie", 6], [127652, 142246, "Stephen_Hillenburg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[271683, null, null, null]]], "all_evidence": [[271683, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36247, 43786, "Manchester_United_F.C.", 0]]], "all_evidence": [[36247, 43786, "Manchester_United_F.C.", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265226, null, null, null]]], "all_evidence": [[265226, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89031, 101701, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[89031, 101701, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143154, null, null, null]]], "all_evidence": [[143154, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89406, null, null, null]]], "all_evidence": [[89406, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174032, null, null, null]]], "all_evidence": [[174032, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77906, 89380, "Stomp_the_Yard", 8], [77906, 89380, "Columbus_Short", 0]]], "all_evidence": [[77906, 89380, "Stomp_the_Yard", 8], [77906, 89380, "Columbus_Short", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164816, null, null, null], [166963, null, null, null], [169015, null, null, null], [313548, null, null, null], [313550, null, null, null]]], "all_evidence": [[164816, null, null, null], [166963, null, null, null], [169015, null, null, null], [313548, null, null, null], [313550, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179495, null, null, null]]], "all_evidence": [[179495, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87361, null, null, null]]], "all_evidence": [[87361, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[150878, 165715, "John_Frusciante", 0]]], "all_evidence": [[150878, 165715, "John_Frusciante", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143476, 158581, "Henri_Kontinen", 11]]], "all_evidence": [[143476, 158581, "Henri_Kontinen", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15232, 18984, "Firefox", 0]], [[15232, 18985, "Firefox", 2]]], "all_evidence": [[15232, 18984, "Firefox", 0], [15232, 18985, "Firefox", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229662, null, null, null]]], "all_evidence": [[229662, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34932, 42349, "Deepika_Padukone", 9]]], "all_evidence": [[34932, 42349, "Deepika_Padukone", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214604, 221593, "Vera_Wang", 0]]], "all_evidence": [[214604, 221593, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293288, null, null, null], [293292, null, null, null], [295805, null, null, null]]], "all_evidence": [[293288, null, null, null], [293292, null, null, null], [295805, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74786, null, null, null]]], "all_evidence": [[74786, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[85285, 97586, "Sebastian_Vettel", 0]], [[85285, 97587, "Sebastian_Vettel", 2]], [[85285, 97588, "Sebastian_Vettel", 3]], [[85285, 97589, "Sebastian_Vettel", 6]], [[85285, 97590, "Sebastian_Vettel", 7]], [[85285, 97591, "Sebastian_Vettel", 10]], [[85285, 97592, "Sebastian_Vettel", 17]], [[85285, 97593, "Sebastian_Vettel", 22]]], "all_evidence": [[85285, 97586, "Sebastian_Vettel", 0], [85285, 97587, "Sebastian_Vettel", 2], [85285, 97588, "Sebastian_Vettel", 3], [85285, 97589, "Sebastian_Vettel", 6], [85285, 97590, "Sebastian_Vettel", 7], [85285, 97591, "Sebastian_Vettel", 10], [85285, 97592, "Sebastian_Vettel", 17], [85285, 97593, "Sebastian_Vettel", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94060, 107051, "Internet_access", 0]]], "all_evidence": [[94060, 107051, "Internet_access", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119706, null, null, null]]], "all_evidence": [[119706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218836, 225020, "Dan_Brown", 0]]], "all_evidence": [[218836, 225020, "Dan_Brown", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107658, 121150, "Riz_Ahmed", 3], [107658, 121150, "The_Night_Of", 0]]], "all_evidence": [[107658, 121150, "Riz_Ahmed", 3], [107658, 121150, "The_Night_Of", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48882, 58208, "Deepika_Padukone", 9], [48882, 58208, "Lafangey_Parindey", 0]], [[51872, 61712, "Deepika_Padukone", 9], [51872, 61712, "Love_Aaj_Kal", 0]], [[302740, 293747, "Deepika_Padukone", 13], [302740, 293747, "Yeh_Jawaani_Hai_Deewani", 0]], [[304939, 295743, "Deepika_Padukone", 9], [304939, 295743, "Lafangey_Parindey", 0]]], "all_evidence": [[48882, 58208, "Deepika_Padukone", 9], [48882, 58208, "Lafangey_Parindey", 0], [51872, 61712, "Deepika_Padukone", 9], [51872, 61712, "Love_Aaj_Kal", 0], [302740, 293747, "Deepika_Padukone", 13], [302740, 293747, "Yeh_Jawaani_Hai_Deewani", 0], [304939, 295743, "Deepika_Padukone", 9], [304939, 295743, "Lafangey_Parindey", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22306, null, null, null], [299482, null, null, null]]], "all_evidence": [[22306, null, null, null], [299482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34431, 41749, "Matt_Bomer", 0]]], "all_evidence": [[34431, 41749, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298604, null, null, null], [344367, null, null, null], [344373, null, null, null]]], "all_evidence": [[298604, null, null, null], [344367, null, null, null], [344373, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114277, null, null, null]]], "all_evidence": [[114277, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140310, 155328, "A_Good_Day_to_Die_Hard", 1], [140310, 155328, "A_Good_Day_to_Die_Hard", 0]], [[140310, 155329, "A_Good_Day_to_Die_Hard", 4], [140310, 155329, "A_Good_Day_to_Die_Hard", 0]]], "all_evidence": [[140310, 155328, "A_Good_Day_to_Die_Hard", 1], [140310, 155328, "A_Good_Day_to_Die_Hard", 0], [140310, 155329, "A_Good_Day_to_Die_Hard", 4], [140310, 155329, "A_Good_Day_to_Die_Hard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155051, 169760, "Benjamin_Franklin", 1]]], "all_evidence": [[155051, 169760, "Benjamin_Franklin", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296816, null, null, null], [298454, null, null, null], [344048, null, null, null], [344240, null, null, null], [344996, null, null, null]]], "all_evidence": [[296816, null, null, null], [298454, null, null, null], [344048, null, null, null], [344240, null, null, null], [344996, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286346, 279805, "The_Wonder_Years", 0]], [[286346, 279806, "The_Wonder_Years", 1]], [[286346, 279807, "The_Wonder_Years", 12]], [[286346, 279808, "The_Wonder_Years", 8], [286346, 279808, "Fred_Savage", 1]], [[286346, 279809, "The_Wonder_Years", 7]], [[288087, 281350, "The_Wonder_Years", 0]], [[288087, 281351, "The_Wonder_Years", 1]], [[288087, 281352, "The_Wonder_Years", 2]], [[288087, 281353, "The_Wonder_Years", 5]], [[288087, 281354, "The_Wonder_Years", 6]], [[288087, 281355, "The_Wonder_Years", 7]], [[288087, 281356, "The_Wonder_Years", 8]], [[288087, 281357, "The_Wonder_Years", 9]], [[288087, 281358, "The_Wonder_Years", 13]], [[288087, 281359, "The_Wonder_Years", 12]], [[288087, 281360, "The_Wonder_Years", 11]], [[288087, 281361, "The_Wonder_Years", 10]], [[333200, 319434, "The_Wonder_Years", 0]], [[334147, 320275, "The_Wonder_Years", 0]], [[334151, 320277, "The_Wonder_Years", 0]]], "all_evidence": [[286346, 279805, "The_Wonder_Years", 0], [286346, 279806, "The_Wonder_Years", 1], [286346, 279807, "The_Wonder_Years", 12], [286346, 279808, "The_Wonder_Years", 8], [286346, 279808, "Fred_Savage", 1], [286346, 279809, "The_Wonder_Years", 7], [288087, 281350, "The_Wonder_Years", 0], [288087, 281351, "The_Wonder_Years", 1], [288087, 281352, "The_Wonder_Years", 2], [288087, 281353, "The_Wonder_Years", 5], [288087, 281354, "The_Wonder_Years", 6], [288087, 281355, "The_Wonder_Years", 7], [288087, 281356, "The_Wonder_Years", 8], [288087, 281357, "The_Wonder_Years", 9], [288087, 281358, "The_Wonder_Years", 13], [288087, 281359, "The_Wonder_Years", 12], [288087, 281360, "The_Wonder_Years", 11], [288087, 281361, "The_Wonder_Years", 10], [333200, 319434, "The_Wonder_Years", 0], [334147, 320275, "The_Wonder_Years", 0], [334151, 320277, "The_Wonder_Years", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74769, 85984, "Simon_Cowell", 0]]], "all_evidence": [[74769, 85984, "Simon_Cowell", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108101, 121617, "Mars", 6]]], "all_evidence": [[108101, 121617, "Mars", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[300898, null, null, null], [344885, null, null, null], [344893, null, null, null], [344896, null, null, null], [344897, null, null, null]]], "all_evidence": [[300898, null, null, null], [344885, null, null, null], [344893, null, null, null], [344896, null, null, null], [344897, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169908, 183503, "Anne_Boleyn", 10]]], "all_evidence": [[169908, 183503, "Anne_Boleyn", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166422, 180262, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[166422, 180262, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110377, 123989, "Sonny_&_Cher", 0]], [[110377, 123990, "Sonny_&_Cher", 1]]], "all_evidence": [[110377, 123989, "Sonny_&_Cher", 0], [110377, 123990, "Sonny_&_Cher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88572, null, null, null]]], "all_evidence": [[88572, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78424, null, null, null]]], "all_evidence": [[78424, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161930, 176324, "Ice-T", 1]]], "all_evidence": [[161930, 176324, "Ice-T", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64641, 75453, "Roberto_Orci", 0]], [[64641, 75454, "Roberto_Orci", 2]], [[64641, 75455, "Roberto_Orci", 3]], [[64641, 75456, "Roberto_Orci", 4]], [[64641, 75457, "Roberto_Orci", 5]], [[64641, 75458, "Roberto_Orci", 6]], [[64641, 75459, "Roberto_Orci", 9]], [[64641, 75460, "Roberto_Orci", 10]], [[64641, 75461, "Roberto_Orci", 11]], [[64641, 75462, "Roberto_Orci", 12]], [[64641, 75463, "Roberto_Orci", 13]]], "all_evidence": [[64641, 75453, "Roberto_Orci", 0], [64641, 75454, "Roberto_Orci", 2], [64641, 75455, "Roberto_Orci", 3], [64641, 75456, "Roberto_Orci", 4], [64641, 75457, "Roberto_Orci", 5], [64641, 75458, "Roberto_Orci", 6], [64641, 75459, "Roberto_Orci", 9], [64641, 75460, "Roberto_Orci", 10], [64641, 75461, "Roberto_Orci", 11], [64641, 75462, "Roberto_Orci", 12], [64641, 75463, "Roberto_Orci", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37363, 45285, "Theresa_May", 1], [37363, 45285, "United_Kingdom_general_election,_1997", 26]], [[37363, 45286, "Theresa_May", 7]]], "all_evidence": [[37363, 45285, "Theresa_May", 1], [37363, 45285, "United_Kingdom_general_election,_1997", 26], [37363, 45286, "Theresa_May", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257569, 256560, "Timur", 25]]], "all_evidence": [[257569, 256560, "Timur", 25]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[284494, null, null, null], [285351, null, null, null]]], "all_evidence": [[284494, null, null, null], [285351, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78199, 89715, "Chris_Benoit", 0]], [[78199, 89716, "Chris_Benoit", 14]], [[78200, 89717, "Chris_Benoit", 0]], [[78200, 89718, "Chris_Benoit", 14]]], "all_evidence": [[78199, 89715, "Chris_Benoit", 0], [78199, 89716, "Chris_Benoit", 14], [78200, 89717, "Chris_Benoit", 0], [78200, 89718, "Chris_Benoit", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224135, 228993, "Ang_Lee", 0]]], "all_evidence": [[224135, 228993, "Ang_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64773, 75610, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0], [64773, 75610, "Tim_Hill_-LRB-director-RRB-", 0]], [[64773, 75611, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 4], [64773, 75611, "20th_Century_Fox", 1], [64773, 75611, "Regency_Enterprises", 0]]], "all_evidence": [[64773, 75610, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 0], [64773, 75610, "Tim_Hill_-LRB-director-RRB-", 0], [64773, 75611, "Alvin_and_the_Chipmunks_-LRB-film-RRB-", 4], [64773, 75611, "20th_Century_Fox", 1], [64773, 75611, "Regency_Enterprises", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33521, 40684, "Elizabeth_of_York", 0]]], "all_evidence": [[33521, 40684, "Elizabeth_of_York", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213559, 220779, "Estelle_Getty", 0]], [[213559, 220780, "Estelle_Getty", 2]], [[213559, 220781, "Estelle_Getty", 1]]], "all_evidence": [[213559, 220779, "Estelle_Getty", 0], [213559, 220780, "Estelle_Getty", 2], [213559, 220781, "Estelle_Getty", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160433, 174951, "Linkin_Park", 2], [160433, 174951, "Linkin_Park", 1]], [[162109, 176450, "Linkin_Park", 2], [162109, 176450, "Meteora_-LRB-album-RRB-", 0]], [[163313, 177506, "Linkin_Park", 2], [163313, 177506, "Meteora_-LRB-album-RRB-", 0]], [[163313, 177507, "Linkin_Park", 10], [163313, 177507, "Meteora_-LRB-album-RRB-", 0]], [[312042, 301922, "Linkin_Park", 10], [312042, 301922, "Meteora_-LRB-album-RRB-", 0]]], "all_evidence": [[160433, 174951, "Linkin_Park", 2], [160433, 174951, "Linkin_Park", 1], [162109, 176450, "Linkin_Park", 2], [162109, 176450, "Meteora_-LRB-album-RRB-", 0], [163313, 177506, "Linkin_Park", 2], [163313, 177506, "Meteora_-LRB-album-RRB-", 0], [163313, 177507, "Linkin_Park", 10], [163313, 177507, "Meteora_-LRB-album-RRB-", 0], [312042, 301922, "Linkin_Park", 10], [312042, 301922, "Meteora_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262390, null, null, null]]], "all_evidence": [[262390, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[216635, 223322, "Logie_Awards", 0]], [[216635, 223323, "Logie_Awards", 3]]], "all_evidence": [[216635, 223322, "Logie_Awards", 0], [216635, 223323, "Logie_Awards", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93298, 106246, "Africa_Cup_of_Nations", 0]]], "all_evidence": [[93298, 106246, "Africa_Cup_of_Nations", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167749, 181514, "Project_Y", 1]]], "all_evidence": [[167749, 181514, "Project_Y", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93064, 105969, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]], "all_evidence": [[93064, 105969, "Mutiny_on_the_Bounty_-LRB-1962_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33695, 40862, "United_States_dollar", 72]]], "all_evidence": [[33695, 40862, "United_States_dollar", 72]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54692, 64680, "Georges_Gilles_de_la_Tourette", 11]], [[54712, 64699, "Georges_Gilles_de_la_Tourette", 0]], [[54712, 64700, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[54692, 64680, "Georges_Gilles_de_la_Tourette", 11], [54712, 64699, "Georges_Gilles_de_la_Tourette", 0], [54712, 64700, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36497, 44101, "Gamal_Abdel_Nasser", 13]], [[40979, 49272, "Gamal_Abdel_Nasser", 13]]], "all_evidence": [[36497, 44101, "Gamal_Abdel_Nasser", 13], [40979, 49272, "Gamal_Abdel_Nasser", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79260, 90923, "Doug_Petrie", 5]]], "all_evidence": [[79260, 90923, "Doug_Petrie", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124086, 138412, "Benzodiazepine", 2]]], "all_evidence": [[124086, 138412, "Benzodiazepine", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128147, null, null, null]]], "all_evidence": [[128147, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44641, null, null, null]]], "all_evidence": [[44641, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153424, null, null, null]]], "all_evidence": [[153424, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[271678, null, null, null]]], "all_evidence": [[271678, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94019, 106993, "Toy_Story_2", 0]]], "all_evidence": [[94019, 106993, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119346, 133332, "Ronaldinho", 10]]], "all_evidence": [[119346, 133332, "Ronaldinho", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164990, 179178, "Menace_II_Society", 1]]], "all_evidence": [[164990, 179178, "Menace_II_Society", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237120, 239404, "Web_page", 14]]], "all_evidence": [[237120, 239404, "Web_page", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266480, null, null, null], [266482, null, null, null]]], "all_evidence": [[266480, null, null, null], [266482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71450, 82408, "The_Maze_Runner_-LRB-film-RRB-", 13]]], "all_evidence": [[71450, 82408, "The_Maze_Runner_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35359, 42861, "Absinthe", 0]]], "all_evidence": [[35359, 42861, "Absinthe", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230479, 234140, "Jon_Hamm", 14]]], "all_evidence": [[230479, 234140, "Jon_Hamm", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[156141, 170781, "David_Attenborough", 4]]], "all_evidence": [[156141, 170781, "David_Attenborough", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267020, 263827, "Celebrity_Rehab_with_Dr._Drew", 0], [267020, 263827, "Reality_television", 0]]], "all_evidence": [[267020, 263827, "Celebrity_Rehab_with_Dr._Drew", 0], [267020, 263827, "Reality_television", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83919, 95995, "Chris_Bosh", 0]]], "all_evidence": [[83919, 95995, "Chris_Bosh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174082, 187266, "Maria_Theresa", 5], [174082, 187266, "Charles_VI,_Holy_Roman_Emperor", 0]]], "all_evidence": [[174082, 187266, "Maria_Theresa", 5], [174082, 187266, "Charles_VI,_Holy_Roman_Emperor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146711, null, null, null]]], "all_evidence": [[146711, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152945, 167710, "SpongeBob_SquarePants", 0]]], "all_evidence": [[152945, 167710, "SpongeBob_SquarePants", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141141, 156349, "Simon_Pegg", 0]]], "all_evidence": [[141141, 156349, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79393, 91073, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[79393, 91073, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19549, 23997, "Sonny_&_Cher", 1]], [[19549, 23998, "Sonny_&_Cher", 0], [19549, 23998, "Sonny_&_Cher", 1]], [[19549, 23999, "Sonny_&_Cher", 6]], [[19549, 24000, "Sonny_&_Cher", 10]]], "all_evidence": [[19549, 23997, "Sonny_&_Cher", 1], [19549, 23998, "Sonny_&_Cher", 0], [19549, 23998, "Sonny_&_Cher", 1], [19549, 23999, "Sonny_&_Cher", 6], [19549, 24000, "Sonny_&_Cher", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132558, 147467, "Silver_Surfer", 0]]], "all_evidence": [[132558, 147467, "Silver_Surfer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[76069, null, null, null]]], "all_evidence": [[76069, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106805, 120208, "Raven-Symone\u0301", 23]]], "all_evidence": [[106805, 120208, "Raven-Symone\u0301", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32638, null, null, null]]], "all_evidence": [[32638, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64234, null, null, null]]], "all_evidence": [[64234, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40319, 48499, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [40319, 48499, "Fashion_design", 0]], [[40319, 48500, "Yves_Saint_Laurent_-LRB-brand-RRB-", 1], [40319, 48500, "Haute_couture", 0]], [[40319, 48501, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]], "all_evidence": [[40319, 48499, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0], [40319, 48499, "Fashion_design", 0], [40319, 48500, "Yves_Saint_Laurent_-LRB-brand-RRB-", 1], [40319, 48500, "Haute_couture", 0], [40319, 48501, "Yves_Saint_Laurent_-LRB-brand-RRB-", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202247, null, null, null]]], "all_evidence": [[202247, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270494, 266526, "Sejong_the_Great", 1]]], "all_evidence": [[270494, 266526, "Sejong_the_Great", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33573, 40735, "Kate_Walsh_-LRB-actress-RRB-", 1]]], "all_evidence": [[33573, 40735, "Kate_Walsh_-LRB-actress-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29373, 35842, "Johnny_Van_Zant", 7]], [[29373, 35843, "Johnny_Van_Zant", 11]]], "all_evidence": [[29373, 35842, "Johnny_Van_Zant", 7], [29373, 35843, "Johnny_Van_Zant", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144019, 159102, "Brown_University", 0], [144019, 159102, "Providence,_Rhode_Island", 0]], [[144019, 159103, "Brown_University", 19], [144019, 159103, "Providence,_Rhode_Island", 0]]], "all_evidence": [[144019, 159102, "Brown_University", 0], [144019, 159102, "Providence,_Rhode_Island", 0], [144019, 159103, "Brown_University", 19], [144019, 159103, "Providence,_Rhode_Island", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261365, null, null, null]]], "all_evidence": [[261365, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95522, null, null, null]]], "all_evidence": [[95522, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274920, null, null, null], [274922, null, null, null], [274923, null, null, null], [274924, null, null, null], [274928, null, null, null]]], "all_evidence": [[274920, null, null, null], [274922, null, null, null], [274923, null, null, null], [274924, null, null, null], [274928, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222928, 228038, "One_Dance", 0]], [[222928, 228039, "One_Dance", 17]], [[225540, 230170, "One_Dance", 0]], [[225540, 230171, "One_Dance", 6]], [[225540, 230172, "One_Dance", 21]], [[225540, 230173, "One_Dance", 17]], [[225540, 230174, "One_Dance", 14]], [[317983, 306995, "One_Dance", 0]], [[317983, 306996, "One_Dance", 6]], [[317988, 306998, "One_Dance", 0]], [[317988, 306999, "One_Dance", 6]]], "all_evidence": [[222928, 228038, "One_Dance", 0], [222928, 228039, "One_Dance", 17], [225540, 230170, "One_Dance", 0], [225540, 230171, "One_Dance", 6], [225540, 230172, "One_Dance", 21], [225540, 230173, "One_Dance", 17], [225540, 230174, "One_Dance", 14], [317983, 306995, "One_Dance", 0], [317983, 306996, "One_Dance", 6], [317988, 306998, "One_Dance", 0], [317988, 306999, "One_Dance", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152134, 166914, "Ice-T", 1]]], "all_evidence": [[152134, 166914, "Ice-T", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272076, null, null, null]]], "all_evidence": [[272076, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[245173, 246056, "Military_deception", 2]]], "all_evidence": [[245173, 246056, "Military_deception", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242303, 243708, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242303, 243708, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179218, 191755, "No_Strings_Attached_-LRB-film-RRB-", 0]], [[179218, 191756, "No_Strings_Attached_-LRB-film-RRB-", 2]]], "all_evidence": [[179218, 191755, "No_Strings_Attached_-LRB-film-RRB-", 0], [179218, 191756, "No_Strings_Attached_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247845, 248147, "Alexandria", 2]]], "all_evidence": [[247845, 248147, "Alexandria", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64778, 75614, "Chumlee", 0]]], "all_evidence": [[64778, 75614, "Chumlee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[243516, null, null, null]]], "all_evidence": [[243516, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45868, 54791, "Joseph_Merrick", 0]], [[45868, 54792, "Joseph_Merrick", 29], [45868, 54792, "The_Elephant_Man_-LRB-film-RRB-", 1], [45868, 54792, "The_Elephant_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[45868, 54791, "Joseph_Merrick", 0], [45868, 54792, "Joseph_Merrick", 29], [45868, 54792, "The_Elephant_Man_-LRB-film-RRB-", 1], [45868, 54792, "The_Elephant_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16380, 20308, "John_S._McCain_Jr.", 0]]], "all_evidence": [[16380, 20308, "John_S._McCain_Jr.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110857, 124529, "Africa_Cup_of_Nations", 17]]], "all_evidence": [[110857, 124529, "Africa_Cup_of_Nations", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[222066, 227511, "Terrence_Howard", 4]]], "all_evidence": [[222066, 227511, "Terrence_Howard", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178753, 191309, "Antigua_and_Barbuda", 6], [178753, 191309, "Antigua_and_Barbuda", 0]]], "all_evidence": [[178753, 191309, "Antigua_and_Barbuda", 6], [178753, 191309, "Antigua_and_Barbuda", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251105, 251048, "See.SZA.Run", 0]], [[251105, 251049, "See.SZA.Run", 2]]], "all_evidence": [[251105, 251048, "See.SZA.Run", 0], [251105, 251049, "See.SZA.Run", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198868, 208573, "Scream_2", 0]]], "all_evidence": [[198868, 208573, "Scream_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63968, 74671, "Richard_Fortus", 1], [63968, 74671, "Richard_Fortus", 0]]], "all_evidence": [[63968, 74671, "Richard_Fortus", 1], [63968, 74671, "Richard_Fortus", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114417, 128177, "Heroes_-LRB-TV_series-RRB-", 8]]], "all_evidence": [[114417, 128177, "Heroes_-LRB-TV_series-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15879, 19738, "Benjamin_Franklin", 7]]], "all_evidence": [[15879, 19738, "Benjamin_Franklin", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263073, null, null, null]]], "all_evidence": [[263073, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244079, 245177, "Uta_Hagen", 0]]], "all_evidence": [[244079, 245177, "Uta_Hagen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[115642, null, null, null]]], "all_evidence": [[115642, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230499, null, null, null]]], "all_evidence": [[230499, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181840, null, null, null]]], "all_evidence": [[181840, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227000, null, null, null], [227002, null, null, null]]], "all_evidence": [[227000, null, null, null], [227002, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35009, 42449, "Ricardo_Montalba\u0301n", 0]]], "all_evidence": [[35009, 42449, "Ricardo_Montalba\u0301n", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[139932, null, null, null]]], "all_evidence": [[139932, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46085, null, null, null]]], "all_evidence": [[46085, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198359, 208241, "Research", 4]]], "all_evidence": [[198359, 208241, "Research", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180679, null, null, null]]], "all_evidence": [[180679, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88306, null, null, null]]], "all_evidence": [[88306, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97315, 110490, "Python_-LRB-programming_language-RRB-", 5]]], "all_evidence": [[97315, 110490, "Python_-LRB-programming_language-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17329, 21439, "Jonah_Hill", 5], [17329, 21439, "Sausage_Party", 1]]], "all_evidence": [[17329, 21439, "Jonah_Hill", 5], [17329, 21439, "Sausage_Party", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137053, 151887, "George_Harrison", 20]], [[137053, 151888, "George_Harrison", 21]]], "all_evidence": [[137053, 151887, "George_Harrison", 20], [137053, 151888, "George_Harrison", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63668, null, null, null]]], "all_evidence": [[63668, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112495, 126324, "Qin_dynasty", 21]]], "all_evidence": [[112495, 126324, "Qin_dynasty", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39672, 47751, "Dodo", 10]]], "all_evidence": [[39672, 47751, "Dodo", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199804, null, null, null]]], "all_evidence": [[199804, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71117, 82046, "Spider-Man_2", 9]]], "all_evidence": [[71117, 82046, "Spider-Man_2", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157601, 172215, "Fidaa", 0]]], "all_evidence": [[157601, 172215, "Fidaa", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153085, null, null, null]]], "all_evidence": [[153085, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83458, null, null, null]]], "all_evidence": [[83458, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[275549, 270670, "A_Good_Day_to_Die_Hard", 1]], [[275554, 270673, "A_Good_Day_to_Die_Hard", 1]], [[275555, 270674, "A_Good_Day_to_Die_Hard", 1]], [[275556, 270675, "A_Good_Day_to_Die_Hard", 1]], [[324605, 312523, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[275549, 270670, "A_Good_Day_to_Die_Hard", 1], [275554, 270673, "A_Good_Day_to_Die_Hard", 1], [275555, 270674, "A_Good_Day_to_Die_Hard", 1], [275556, 270675, "A_Good_Day_to_Die_Hard", 1], [324605, 312523, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87731, 100242, "Richard_Kuklinski", 5]]], "all_evidence": [[87731, 100242, "Richard_Kuklinski", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185011, 196842, "Mamata_Banerjee", 0]]], "all_evidence": [[185011, 196842, "Mamata_Banerjee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40047, 48181, "New_England_Patriots", 16]]], "all_evidence": [[40047, 48181, "New_England_Patriots", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144673, 159676, "Elizabeth_of_York", 0]]], "all_evidence": [[144673, 159676, "Elizabeth_of_York", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196006, 206163, "Japan_national_football_team", 4]]], "all_evidence": [[196006, 206163, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39554, null, null, null]]], "all_evidence": [[39554, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27891, 34175, "Catherine_Keener", 2]]], "all_evidence": [[27891, 34175, "Catherine_Keener", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210391, 218166, "Sean_Gunn", 0]]], "all_evidence": [[210391, 218166, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153422, 168227, "Nate_Diaz", 0]]], "all_evidence": [[153422, 168227, "Nate_Diaz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[262384, 260379, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 9]], [[262427, 260410, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 9]]], "all_evidence": [[262384, 260379, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 9], [262427, 260410, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150227, 165154, "San_Francisco_Bay_Area", 3]]], "all_evidence": [[150227, 165154, "San_Francisco_Bay_Area", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221817, null, null, null]]], "all_evidence": [[221817, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212904, 220308, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212904, 220308, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 0]]], "all_evidence": [[212904, 220308, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212904, 220308, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45681, 54545, "The_Invisible_Man_-LRB-film-RRB-", 0]], [[45681, 54546, "The_Invisible_Man_-LRB-film-RRB-", 7], [45681, 54546, "The_Invisible_Man", 0]], [[45681, 54547, "The_Invisible_Man_-LRB-film-RRB-", 5], [45681, 54547, "Griffin_-LRB-The_Invisible_Man-RRB-", 0]]], "all_evidence": [[45681, 54545, "The_Invisible_Man_-LRB-film-RRB-", 0], [45681, 54546, "The_Invisible_Man_-LRB-film-RRB-", 7], [45681, 54546, "The_Invisible_Man", 0], [45681, 54547, "The_Invisible_Man_-LRB-film-RRB-", 5], [45681, 54547, "Griffin_-LRB-The_Invisible_Man-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150070, 165002, "Argentina", 3]]], "all_evidence": [[150070, 165002, "Argentina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270497, 266528, "Sejong_the_Great", 0]]], "all_evidence": [[270497, 266528, "Sejong_the_Great", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36401, 43992, "Yemen", 1]]], "all_evidence": [[36401, 43992, "Yemen", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182308, 194559, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]], "all_evidence": [[182308, 194559, "The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110419, 124019, "Robinson_Crusoe_on_Mars", 1], [110419, 124019, "Paramount_Pictures", 0]]], "all_evidence": [[110419, 124019, "Robinson_Crusoe_on_Mars", 1], [110419, 124019, "Paramount_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296948, 288666, "Aeneas", 2], [296948, 288666, "Iliad", 0]], [[298473, 289958, "Aeneas", 2]], [[298473, 289959, "Aeneas", 3]], [[300502, 291689, "Aeneas", 2], [300502, 291689, "Iliad", 0]], [[300502, 291690, "Aeneas", 3], [300502, 291690, "Aeneid", 0]], [[344084, 327689, "Aeneas", 2], [344084, 327689, "Iliad", 0]], [[344111, 327703, "Aeneas", 2], [344111, 327703, "Iliad", 0]], [[344111, 327704, "Aeneas", 3], [344111, 327704, "Aeneid", 0]]], "all_evidence": [[296948, 288666, "Aeneas", 2], [296948, 288666, "Iliad", 0], [298473, 289958, "Aeneas", 2], [298473, 289959, "Aeneas", 3], [300502, 291689, "Aeneas", 2], [300502, 291689, "Iliad", 0], [300502, 291690, "Aeneas", 3], [300502, 291690, "Aeneid", 0], [344084, 327689, "Aeneas", 2], [344084, 327689, "Iliad", 0], [344111, 327703, "Aeneas", 2], [344111, 327703, "Iliad", 0], [344111, 327704, "Aeneas", 3], [344111, 327704, "Aeneid", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286673, 280143, "Castlevania_-LRB-1986_video_game-RRB-", 0]], [[333643, 319872, "Castlevania_-LRB-1986_video_game-RRB-", 0]], [[334568, 320599, "Castlevania_-LRB-1986_video_game-RRB-", 0]]], "all_evidence": [[286673, 280143, "Castlevania_-LRB-1986_video_game-RRB-", 0], [333643, 319872, "Castlevania_-LRB-1986_video_game-RRB-", 0], [334568, 320599, "Castlevania_-LRB-1986_video_game-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207474, 215729, "Move_-LRB-Little_Mix_song-RRB-", 8]]], "all_evidence": [[207474, 215729, "Move_-LRB-Little_Mix_song-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[14200, 17749, "Dodo", 10]]], "all_evidence": [[14200, 17749, "Dodo", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173514, null, null, null]]], "all_evidence": [[173514, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72422, 83484, "James_Spader", 1]]], "all_evidence": [[72422, 83484, "James_Spader", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95804, null, null, null]]], "all_evidence": [[95804, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79615, 91359, "Scandinavia", 5]]], "all_evidence": [[79615, 91359, "Scandinavia", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265222, 262466, "A_United_Kingdom", 0]]], "all_evidence": [[265222, 262466, "A_United_Kingdom", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[59449, 69853, "The_Challenge-COLON-_Rivals_III", 0]], [[59449, 69854, "The_Challenge-COLON-_Rivals_III", 1]]], "all_evidence": [[59449, 69853, "The_Challenge-COLON-_Rivals_III", 0], [59449, 69854, "The_Challenge-COLON-_Rivals_III", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144609, 159620, "Gettysburg_Address", 0]]], "all_evidence": [[144609, 159620, "Gettysburg_Address", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190536, null, null, null]]], "all_evidence": [[190536, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66510, 77337, "Scandal_-LRB-American_band-RRB-", 0], [66510, 77337, "Patty_Smyth", 0]]], "all_evidence": [[66510, 77337, "Scandal_-LRB-American_band-RRB-", 0], [66510, 77337, "Patty_Smyth", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186311, 198137, "Planet_Hollywood_Las_Vegas", 1]]], "all_evidence": [[186311, 198137, "Planet_Hollywood_Las_Vegas", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[259298, null, null, null]]], "all_evidence": [[259298, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137564, 152458, "Battle_of_the_Trebia", 6]]], "all_evidence": [[137564, 152458, "Battle_of_the_Trebia", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81622, null, null, null]]], "all_evidence": [[81622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203625, 212612, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203625, 212612, "Indiana_Pacers", 0]]], "all_evidence": [[203625, 212612, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203625, 212612, "Indiana_Pacers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[232352, 235577, "University_of_Leicester", 11], [232352, 235577, "Exhumation_and_reburial_of_Richard_III_of_England", 0], [232352, 235577, "Exhumation_and_reburial_of_Richard_III_of_England", 1]]], "all_evidence": [[232352, 235577, "University_of_Leicester", 11], [232352, 235577, "Exhumation_and_reburial_of_Richard_III_of_England", 0], [232352, 235577, "Exhumation_and_reburial_of_Richard_III_of_England", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53204, 63171, "Ares", 0], [53204, 63171, "List_of_Greek_mythological_figures", 0]], [[53204, 63172, "Ares", 1], [53204, 63172, "Twelve_Olympians", 0]], [[53204, 63173, "Ares", 6], [53204, 63173, "Enyo", 0]], [[53204, 63174, "Ares", 18], [53204, 63174, "Mars_-LRB-mythology-RRB-", 5]], [[53204, 63175, "Ares", 12], [53204, 63175, "Ares", 9]]], "all_evidence": [[53204, 63171, "Ares", 0], [53204, 63171, "List_of_Greek_mythological_figures", 0], [53204, 63172, "Ares", 1], [53204, 63172, "Twelve_Olympians", 0], [53204, 63173, "Ares", 6], [53204, 63173, "Enyo", 0], [53204, 63174, "Ares", 18], [53204, 63174, "Mars_-LRB-mythology-RRB-", 5], [53204, 63175, "Ares", 12], [53204, 63175, "Ares", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86320, 98730, "Prague", 16]]], "all_evidence": [[86320, 98730, "Prague", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171085, 184600, "Scandinavia", 29]], [[171092, 184616, "Scandinavia", 29]]], "all_evidence": [[171085, 184600, "Scandinavia", 29], [171092, 184616, "Scandinavia", 29]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194851, null, null, null], [199708, null, null, null], [315329, null, null, null], [315332, null, null, null], [316508, null, null, null]]], "all_evidence": [[194851, null, null, null], [199708, null, null, null], [315329, null, null, null], [315332, null, null, null], [316508, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244762, null, null, null]]], "all_evidence": [[244762, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209739, null, null, null]]], "all_evidence": [[209739, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296404, 288252, "Unison_-LRB-Celine_Dion_album-RRB-", 1]], [[297989, 289548, "Unison_-LRB-Celine_Dion_album-RRB-", 1]], [[300145, 291419, "Unison_-LRB-Celine_Dion_album-RRB-", 1]], [[342998, 326858, "Unison_-LRB-Celine_Dion_album-RRB-", 1], [342998, 326858, "Unison_-LRB-Celine_Dion_album-RRB-", 0]], [[343011, 326871, "Unison_-LRB-Celine_Dion_album-RRB-", 1]], [[343014, 326873, "Unison_-LRB-Celine_Dion_album-RRB-", 1]], [[343015, 326874, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]], "all_evidence": [[296404, 288252, "Unison_-LRB-Celine_Dion_album-RRB-", 1], [297989, 289548, "Unison_-LRB-Celine_Dion_album-RRB-", 1], [300145, 291419, "Unison_-LRB-Celine_Dion_album-RRB-", 1], [342998, 326858, "Unison_-LRB-Celine_Dion_album-RRB-", 1], [342998, 326858, "Unison_-LRB-Celine_Dion_album-RRB-", 0], [343011, 326871, "Unison_-LRB-Celine_Dion_album-RRB-", 1], [343014, 326873, "Unison_-LRB-Celine_Dion_album-RRB-", 1], [343015, 326874, "Unison_-LRB-Celine_Dion_album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59311, 69663, "Richard_Fortus", 1]]], "all_evidence": [[59311, 69663, "Richard_Fortus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220215, 226039, "Foot_Locker", 0]], [[220217, 226040, "Foot_Locker", 0]]], "all_evidence": [[220215, 226039, "Foot_Locker", 0], [220217, 226040, "Foot_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296987, 288702, "Annie_-LRB-2014_film-RRB-", 0]], [[296999, 288711, "Annie_-LRB-2014_film-RRB-", 0]], [[298652, 290109, "Annie_-LRB-2014_film-RRB-", 0]], [[344394, 327925, "Annie_-LRB-2014_film-RRB-", 0]], [[344395, 327926, "Annie_-LRB-2014_film-RRB-", 0]], [[344395, 327927, "Annie_-LRB-2014_film-RRB-", 1], [344395, 327927, "Quvenzhane\u0301_Wallis", 4]], [[344395, 327928, "Annie_-LRB-2014_film-RRB-", 2], [344395, 327928, "Annie_-LRB-1982_film-RRB-", 0]], [[344395, 327929, "Annie_-LRB-2014_film-RRB-", 5]]], "all_evidence": [[296987, 288702, "Annie_-LRB-2014_film-RRB-", 0], [296999, 288711, "Annie_-LRB-2014_film-RRB-", 0], [298652, 290109, "Annie_-LRB-2014_film-RRB-", 0], [344394, 327925, "Annie_-LRB-2014_film-RRB-", 0], [344395, 327926, "Annie_-LRB-2014_film-RRB-", 0], [344395, 327927, "Annie_-LRB-2014_film-RRB-", 1], [344395, 327927, "Quvenzhane\u0301_Wallis", 4], [344395, 327928, "Annie_-LRB-2014_film-RRB-", 2], [344395, 327928, "Annie_-LRB-1982_film-RRB-", 0], [344395, 327929, "Annie_-LRB-2014_film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265351, 262564, "Practical_Magic", 0]]], "all_evidence": [[265351, 262564, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287299, null, null, null], [287306, null, null, null], [289307, null, null, null], [335579, null, null, null], [335591, null, null, null], [335601, null, null, null]]], "all_evidence": [[287299, null, null, null], [287306, null, null, null], [289307, null, null, null], [335579, null, null, null], [335591, null, null, null], [335601, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[118010, null, null, null]]], "all_evidence": [[118010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212874, 220290, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212874, 220290, "Richard_Rodney_Bennett", 0]]], "all_evidence": [[212874, 220290, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212874, 220290, "Richard_Rodney_Bennett", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152494, null, null, null]]], "all_evidence": [[152494, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110707, 124374, "Benjamin_Franklin", 20]], [[110707, 124375, "Benjamin_Franklin", 7]]], "all_evidence": [[110707, 124374, "Benjamin_Franklin", 20], [110707, 124375, "Benjamin_Franklin", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244759, 245684, "Punch-Drunk_Love", 4], [244759, 245684, "Columbia_Pictures", 0]]], "all_evidence": [[244759, 245684, "Punch-Drunk_Love", 4], [244759, 245684, "Columbia_Pictures", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154985, 169699, "Dulquer_Salmaan", 4]], [[154985, 169700, "Dulquer_Salmaan", 5]]], "all_evidence": [[154985, 169699, "Dulquer_Salmaan", 4], [154985, 169700, "Dulquer_Salmaan", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134759, 149674, "Kevin_Costner", 0]], [[134759, 149675, "Kevin_Costner", 4]], [[134759, 149676, "Kevin_Costner", 5]], [[134759, 149677, "Kevin_Costner", 8]]], "all_evidence": [[134759, 149674, "Kevin_Costner", 0], [134759, 149675, "Kevin_Costner", 4], [134759, 149676, "Kevin_Costner", 5], [134759, 149677, "Kevin_Costner", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27129, 33246, "Mars", 6]]], "all_evidence": [[27129, 33246, "Mars", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152953, null, null, null], [152975, null, null, null]]], "all_evidence": [[152953, null, null, null], [152975, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138581, null, null, null], [138588, null, null, null]]], "all_evidence": [[138581, null, null, null], [138588, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213486, null, null, null]]], "all_evidence": [[213486, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216893, null, null, null]]], "all_evidence": [[216893, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52037, 61935, "Monosodium_glutamate", 4], [52037, 61935, "Umami", 0]]], "all_evidence": [[52037, 61935, "Monosodium_glutamate", 4], [52037, 61935, "Umami", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143423, null, null, null]]], "all_evidence": [[143423, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247221, 247540, "The_Monster_-LRB-song-RRB-", 0]], [[247221, 247541, "The_Monster_-LRB-song-RRB-", 1], [247221, 247541, "Eminem", 0]], [[247221, 247542, "The_Monster_-LRB-song-RRB-", 9], [247221, 247542, "Eminem", 0]]], "all_evidence": [[247221, 247540, "The_Monster_-LRB-song-RRB-", 0], [247221, 247541, "The_Monster_-LRB-song-RRB-", 1], [247221, 247541, "Eminem", 0], [247221, 247542, "The_Monster_-LRB-song-RRB-", 9], [247221, 247542, "Eminem", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95020, 108001, "Babur", 0]]], "all_evidence": [[95020, 108001, "Babur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55725, 65771, "Henri_Kontinen", 5]]], "all_evidence": [[55725, 65771, "Henri_Kontinen", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119071, 132990, "San_Francisco_Bay_Area", 3]]], "all_evidence": [[119071, 132990, "San_Francisco_Bay_Area", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221813, null, null, null]]], "all_evidence": [[221813, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115038, 128755, "Danish_language", 1]]], "all_evidence": [[115038, 128755, "Danish_language", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114139, 127952, "Alberto_Contador", 3]]], "all_evidence": [[114139, 127952, "Alberto_Contador", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[109253, null, null, null]]], "all_evidence": [[109253, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[273673, null, null, null]]], "all_evidence": [[273673, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[276257, 271326, "Python_-LRB-programming_language-RRB-", 5]], [[276259, 271327, "Python_-LRB-programming_language-RRB-", 5]], [[276262, 271329, "Python_-LRB-programming_language-RRB-", 5]], [[325789, 313411, "Python_-LRB-programming_language-RRB-", 5]], [[325791, 313412, "Python_-LRB-programming_language-RRB-", 5]], [[325792, 313413, "Python_-LRB-programming_language-RRB-", 5]]], "all_evidence": [[276257, 271326, "Python_-LRB-programming_language-RRB-", 5], [276259, 271327, "Python_-LRB-programming_language-RRB-", 5], [276262, 271329, "Python_-LRB-programming_language-RRB-", 5], [325789, 313411, "Python_-LRB-programming_language-RRB-", 5], [325791, 313412, "Python_-LRB-programming_language-RRB-", 5], [325792, 313413, "Python_-LRB-programming_language-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27689, 33908, "Tangled", 15]], [[27689, 33909, "Tangled", 0]], [[27689, 33910, "Tangled", 2]]], "all_evidence": [[27689, 33908, "Tangled", 15], [27689, 33909, "Tangled", 0], [27689, 33910, "Tangled", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[226989, 231428, "Ed_Gagliardi", 13]]], "all_evidence": [[226989, 231428, "Ed_Gagliardi", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106003, null, null, null]]], "all_evidence": [[106003, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206158, 214592, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206158, 214592, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73132, null, null, null]]], "all_evidence": [[73132, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76984, 88376, "Faye_Resnick", 0]]], "all_evidence": [[76984, 88376, "Faye_Resnick", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90540, 103294, "Team_Fortress_2", 9]], [[90543, 103297, "Team_Fortress_2", 9]]], "all_evidence": [[90540, 103294, "Team_Fortress_2", 9], [90543, 103297, "Team_Fortress_2", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44496, null, null, null]]], "all_evidence": [[44496, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200603, null, null, null]]], "all_evidence": [[200603, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149627, null, null, null]]], "all_evidence": [[149627, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119254, 133199, "Guthrie_Theater", 6]]], "all_evidence": [[119254, 133199, "Guthrie_Theater", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263076, null, null, null], [263077, null, null, null]]], "all_evidence": [[263076, null, null, null], [263077, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108328, null, null, null]]], "all_evidence": [[108328, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[267586, null, null, null]]], "all_evidence": [[267586, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[260782, 259077, "Species_distribution", 14]], [[260783, 259078, "Species_distribution", 14]]], "all_evidence": [[260782, 259077, "Species_distribution", 14], [260783, 259078, "Species_distribution", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35175, null, null, null]]], "all_evidence": [[35175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28626, 34974, "Jack_Lowden", 0]]], "all_evidence": [[28626, 34974, "Jack_Lowden", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[55913, 66017, "Globalism", 1]]], "all_evidence": [[55913, 66017, "Globalism", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269974, 266135, "Chadwick_Boseman", 1]], [[269977, 266137, "Chadwick_Boseman", 1]]], "all_evidence": [[269974, 266135, "Chadwick_Boseman", 1], [269977, 266137, "Chadwick_Boseman", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70629, 81526, "Morgan_Fairchild", 6]]], "all_evidence": [[70629, 81526, "Morgan_Fairchild", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[29971, null, null, null]]], "all_evidence": [[29971, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[135369, 150254, "Touch_My_Body", 18]], [[135369, 150255, "Touch_My_Body", 21]]], "all_evidence": [[135369, 150254, "Touch_My_Body", 18], [135369, 150255, "Touch_My_Body", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105196, 118611, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1], [105196, 118611, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]]], "all_evidence": [[105196, 118611, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1], [105196, 118611, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86975, 99452, "The_Maze_Runner_-LRB-film-RRB-", 0]]], "all_evidence": [[86975, 99452, "The_Maze_Runner_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109689, 123296, "Blue_Dog_Coalition", 0]], [[109689, 123297, "Blue_Dog_Coalition", 3]]], "all_evidence": [[109689, 123296, "Blue_Dog_Coalition", 0], [109689, 123297, "Blue_Dog_Coalition", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89609, 102277, "Paul_von_Hindenburg", 0]]], "all_evidence": [[89609, 102277, "Paul_von_Hindenburg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[139116, 154180, "Ed_Decter", 0]]], "all_evidence": [[139116, 154180, "Ed_Decter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23028, 28369, "Independent_Spirit_Awards", 10]]], "all_evidence": [[23028, 28369, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136470, null, null, null]]], "all_evidence": [[136470, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27389, 33560, "Konidela_Production_Company", 0]]], "all_evidence": [[27389, 33560, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30484, 37089, "Adam_Lambert", 10]]], "all_evidence": [[30484, 37089, "Adam_Lambert", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97912, null, null, null]]], "all_evidence": [[97912, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11827, 14839, "The_Beverly_Hillbillies", 6]]], "all_evidence": [[11827, 14839, "The_Beverly_Hillbillies", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269186, null, null, null]]], "all_evidence": [[269186, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245180, 246061, "Military_deception", 2]]], "all_evidence": [[245180, 246061, "Military_deception", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186556, 198343, "Benjamin_Walker_-LRB-actor-RRB-", 2]], [[186556, 198344, "Benjamin_Walker_-LRB-actor-RRB-", 1]], [[186556, 198345, "Benjamin_Walker_-LRB-actor-RRB-", 0]]], "all_evidence": [[186556, 198343, "Benjamin_Walker_-LRB-actor-RRB-", 2], [186556, 198344, "Benjamin_Walker_-LRB-actor-RRB-", 1], [186556, 198345, "Benjamin_Walker_-LRB-actor-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[276152, null, null, null], [276154, null, null, null], [325572, null, null, null]]], "all_evidence": [[276152, null, null, null], [276154, null, null, null], [325572, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178144, 190759, "Fred_Seibert", 3]], [[178144, 190760, "Fred_Seibert", 0]]], "all_evidence": [[178144, 190759, "Fred_Seibert", 3], [178144, 190760, "Fred_Seibert", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92919, 105795, "Pulmonary_embolism", 3]]], "all_evidence": [[92919, 105795, "Pulmonary_embolism", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282341, 276542, "Anne_Boleyn", 40]], [[284305, 278145, "Anne_Boleyn", 40]]], "all_evidence": [[282341, 276542, "Anne_Boleyn", 40], [284305, 278145, "Anne_Boleyn", 40]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181683, 193923, "The_Maze_Runner_-LRB-film-RRB-", 13]]], "all_evidence": [[181683, 193923, "The_Maze_Runner_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145814, 160833, "The_Love_Club_EP", 0]], [[145814, 160834, "The_Love_Club_EP", 10]], [[145814, 160835, "The_Love_Club_EP", 3]], [[145814, 160836, "The_Love_Club_EP", 2]]], "all_evidence": [[145814, 160833, "The_Love_Club_EP", 0], [145814, 160834, "The_Love_Club_EP", 10], [145814, 160835, "The_Love_Club_EP", 3], [145814, 160836, "The_Love_Club_EP", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[124176, 138516, "Goldie_Hawn", 2]], [[124176, 138518, "Goldie_Hawn", 1]], [[124177, 138517, "Goldie_Hawn", 2]], [[124177, 138519, "Goldie_Hawn", 1]]], "all_evidence": [[124176, 138516, "Goldie_Hawn", 2], [124176, 138518, "Goldie_Hawn", 1], [124177, 138517, "Goldie_Hawn", 2], [124177, 138519, "Goldie_Hawn", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[208733, 216714, "Vic_Mensa", 0]]], "all_evidence": [[208733, 216714, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48518, null, null, null]]], "all_evidence": [[48518, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157934, 172537, "Overexposed_-LRB-album-RRB-", 1], [157934, 172537, "Moves_like_Jagger", 0]]], "all_evidence": [[157934, 172537, "Overexposed_-LRB-album-RRB-", 1], [157934, 172537, "Moves_like_Jagger", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226640, 231159, "Bala_-LRB-director-RRB-", 2]]], "all_evidence": [[226640, 231159, "Bala_-LRB-director-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161861, 176285, "Balibo_-LRB-film-RRB-", 0]]], "all_evidence": [[161861, 176285, "Balibo_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24055, 29765, "Tenth_Doctor", 8]]], "all_evidence": [[24055, 29765, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[15916, 19781, "Bank_of_America", 16]], [[15916, 19782, "Bank_of_America", 13]]], "all_evidence": [[15916, 19781, "Bank_of_America", 16], [15916, 19782, "Bank_of_America", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213571, null, null, null]]], "all_evidence": [[213571, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97251, null, null, null]]], "all_evidence": [[97251, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[244110, 245197, "Uta_Hagen", 0]]], "all_evidence": [[244110, 245197, "Uta_Hagen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292448, null, null, null], [294471, null, null, null], [295060, null, null, null], [340100, null, null, null], [340104, null, null, null]]], "all_evidence": [[292448, null, null, null], [294471, null, null, null], [295060, null, null, null], [340100, null, null, null], [340104, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91211, 103919, "The_Paper_-LRB-film-RRB-", 0]]], "all_evidence": [[91211, 103919, "The_Paper_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[185424, 197188, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[185424, 197188, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172688, 185942, "Near-Earth_object", 0]], [[174404, 187617, "Near-Earth_object", 0]], [[175986, 188945, "Near-Earth_object", 0]], [[312963, 302676, "Near-Earth_object", 0]], [[313857, 303347, "Near-Earth_object", 0]], [[313871, 303356, "Near-Earth_object", 0]]], "all_evidence": [[172688, 185942, "Near-Earth_object", 0], [174404, 187617, "Near-Earth_object", 0], [175986, 188945, "Near-Earth_object", 0], [312963, 302676, "Near-Earth_object", 0], [313857, 303347, "Near-Earth_object", 0], [313871, 303356, "Near-Earth_object", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16869, 20883, "Watertown,_Massachusetts", 3], [16869, 20883, "Massachusetts", 0]]], "all_evidence": [[16869, 20883, "Watertown,_Massachusetts", 3], [16869, 20883, "Massachusetts", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257553, 256548, "Timur", 5]]], "all_evidence": [[257553, 256548, "Timur", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31021, null, null, null]]], "all_evidence": [[31021, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68039, null, null, null]]], "all_evidence": [[68039, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144409, 159429, "Jason_Bourne_-LRB-film-RRB-", 6]], [[144410, 159430, "Jason_Bourne_-LRB-film-RRB-", 6]]], "all_evidence": [[144409, 159429, "Jason_Bourne_-LRB-film-RRB-", 6], [144410, 159430, "Jason_Bourne_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25977, 31918, "Exotic_Birds", 2], [25977, 31918, "Information_Society_-LRB-band-RRB-", 0]], [[300603, 291751, "Exotic_Birds", 2], [300603, 291751, "Information_Society_-LRB-band-RRB-", 0]]], "all_evidence": [[25977, 31918, "Exotic_Birds", 2], [25977, 31918, "Information_Society_-LRB-band-RRB-", 0], [300603, 291751, "Exotic_Birds", 2], [300603, 291751, "Information_Society_-LRB-band-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52960, 62881, "The_Times", 1]]], "all_evidence": [[52960, 62881, "The_Times", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94348, 107333, "Internet_access", 0]]], "all_evidence": [[94348, 107333, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255285, 254742, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 1]], [[255286, 254743, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 1]]], "all_evidence": [[255285, 254742, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 1], [255286, 254743, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[66765, 77592, "Anthony_Scaramucci", 0]]], "all_evidence": [[66765, 77592, "Anthony_Scaramucci", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251302, null, null, null]]], "all_evidence": [[251302, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286727, null, null, null], [333721, null, null, null], [333723, null, null, null]]], "all_evidence": [[286727, null, null, null], [333721, null, null, null], [333723, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54964, 64981, "Henry_Cavill", 8]]], "all_evidence": [[54964, 64981, "Henry_Cavill", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56279, 66456, "Henry_Condell", 55]]], "all_evidence": [[56279, 66456, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[25440, null, null, null], [300012, null, null, null]]], "all_evidence": [[25440, null, null, null], [300012, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247226, 247546, "The_Monster_-LRB-song-RRB-", 0]]], "all_evidence": [[247226, 247546, "The_Monster_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[75547, 86809, "One_True_Thing", 0]]], "all_evidence": [[75547, 86809, "One_True_Thing", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[175127, null, null, null], [312767, null, null, null], [313760, null, null, null]]], "all_evidence": [[175127, null, null, null], [312767, null, null, null], [313760, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221802, null, null, null], [221804, null, null, null], [221825, null, null, null]]], "all_evidence": [[221802, null, null, null], [221804, null, null, null], [221825, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161063, null, null, null]]], "all_evidence": [[161063, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46669, null, null, null]]], "all_evidence": [[46669, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265240, 262478, "A_United_Kingdom", 0]]], "all_evidence": [[265240, 262478, "A_United_Kingdom", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[276282, 271345, "The_Ellen_Show", 0], [276282, 271345, "Ellen_DeGeneres", 0]], [[278540, 273302, "The_Ellen_Show", 0], [278540, 273302, "Ellen_DeGeneres", 0]], [[280387, 274853, "The_Ellen_Show", 0], [280387, 274853, "Ellen_DeGeneres", 0]], [[325861, 313466, "The_Ellen_Show", 0], [325861, 313466, "Ellen_DeGeneres", 0]]], "all_evidence": [[276282, 271345, "The_Ellen_Show", 0], [276282, 271345, "Ellen_DeGeneres", 0], [278540, 273302, "The_Ellen_Show", 0], [278540, 273302, "Ellen_DeGeneres", 0], [280387, 274853, "The_Ellen_Show", 0], [280387, 274853, "Ellen_DeGeneres", 0], [325861, 313466, "The_Ellen_Show", 0], [325861, 313466, "Ellen_DeGeneres", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55649, 65691, "Lucy_Hale", 0]]], "all_evidence": [[55649, 65691, "Lucy_Hale", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201020, null, null, null]]], "all_evidence": [[201020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225559, 230184, "Staging_area", 0]]], "all_evidence": [[225559, 230184, "Staging_area", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121498, 135776, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[121498, 135776, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160434, 174952, "Coeliac_disease", 26]]], "all_evidence": [[160434, 174952, "Coeliac_disease", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[249041, 249072, "GLOW_-LRB-TV_series-RRB-", 3]]], "all_evidence": [[249041, 249072, "GLOW_-LRB-TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98493, null, null, null]]], "all_evidence": [[98493, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251579, 251404, "Gory_Guerrero", 0]], [[251581, 251405, "Gory_Guerrero", 0]]], "all_evidence": [[251579, 251404, "Gory_Guerrero", 0], [251581, 251405, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[142167, 157389, "Skopje", 8]], [[142167, 157390, "Skopje", 9]], [[142167, 157391, "Skopje", 0]]], "all_evidence": [[142167, 157389, "Skopje", 8], [142167, 157390, "Skopje", 9], [142167, 157391, "Skopje", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247835, 248136, "Alexandria", 0]]], "all_evidence": [[247835, 248136, "Alexandria", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166082, null, null, null]]], "all_evidence": [[166082, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221812, null, null, null]]], "all_evidence": [[221812, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[141273, 156472, "Ed_Decter", 0]]], "all_evidence": [[141273, 156472, "Ed_Decter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66461, 77301, "George_Harrison", 20]]], "all_evidence": [[66461, 77301, "George_Harrison", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92724, 105564, "Team_Fortress_2", 0]], [[92724, 105565, "Team_Fortress_2", 2], [92724, 105565, "The_Orange_Box", 0]], [[92724, 105566, "Team_Fortress_2", 15]], [[92724, 105567, "Team_Fortress_2", 17], [92724, 105567, "Free-to-play", 0]], [[92724, 105568, "Team_Fortress_2", 18], [92724, 105568, "Free-to-play", 0]], [[92724, 105569, "Team_Fortress_2", 19], [92724, 105569, "Matchmaking_-LRB-video_games-RRB-", 0]], [[92724, 105570, "Team_Fortress_2", 12], [92724, 105570, "Source_-LRB-game_engine-RRB-", 0]], [[92724, 105571, "Team_Fortress_2", 11], [92724, 105571, "Vaporware", 1]], [[92724, 105572, "Team_Fortress_2", 8]], [[92737, 105602, "Team_Fortress_2", 0]]], "all_evidence": [[92724, 105564, "Team_Fortress_2", 0], [92724, 105565, "Team_Fortress_2", 2], [92724, 105565, "The_Orange_Box", 0], [92724, 105566, "Team_Fortress_2", 15], [92724, 105567, "Team_Fortress_2", 17], [92724, 105567, "Free-to-play", 0], [92724, 105568, "Team_Fortress_2", 18], [92724, 105568, "Free-to-play", 0], [92724, 105569, "Team_Fortress_2", 19], [92724, 105569, "Matchmaking_-LRB-video_games-RRB-", 0], [92724, 105570, "Team_Fortress_2", 12], [92724, 105570, "Source_-LRB-game_engine-RRB-", 0], [92724, 105571, "Team_Fortress_2", 11], [92724, 105571, "Vaporware", 1], [92724, 105572, "Team_Fortress_2", 8], [92737, 105602, "Team_Fortress_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227470, null, null, null], [227471, null, null, null], [227472, null, null, null], [227473, null, null, null]]], "all_evidence": [[227470, null, null, null], [227471, null, null, null], [227472, null, null, null], [227473, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[247824, null, null, null]]], "all_evidence": [[247824, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189197, null, null, null]]], "all_evidence": [[189197, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[22115, 27180, "Richard_Kuklinski", 6]]], "all_evidence": [[22115, 27180, "Richard_Kuklinski", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269115, null, null, null]]], "all_evidence": [[269115, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209740, 217529, "Cary_Elwes", 0]]], "all_evidence": [[209740, 217529, "Cary_Elwes", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98216, null, null, null]]], "all_evidence": [[98216, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[215791, null, null, null], [215797, null, null, null]]], "all_evidence": [[215791, null, null, null], [215797, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[40016, 48145, "Musala", 0], [40016, 48145, "Mountain", 0]], [[40016, 48146, "Musala", 1]], [[40016, 48147, "Musala", 2]]], "all_evidence": [[40016, 48145, "Musala", 0], [40016, 48145, "Mountain", 0], [40016, 48146, "Musala", 1], [40016, 48147, "Musala", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80020, null, null, null]]], "all_evidence": [[80020, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238336, 240394, "New_Jersey_Turnpike", 5]], [[238337, 240395, "New_Jersey_Turnpike", 5]]], "all_evidence": [[238336, 240394, "New_Jersey_Turnpike", 5], [238337, 240395, "New_Jersey_Turnpike", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207607, null, null, null]]], "all_evidence": [[207607, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144854, null, null, null], [144872, null, null, null]]], "all_evidence": [[144854, null, null, null], [144872, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125489, 139837, "Tenth_Doctor", 8]]], "all_evidence": [[125489, 139837, "Tenth_Doctor", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59719, null, null, null]]], "all_evidence": [[59719, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257558, 256552, "Timur", 21]], [[257559, 256553, "Timur", 21]]], "all_evidence": [[257558, 256552, "Timur", 21], [257559, 256553, "Timur", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90132, 102819, "Heath_Ledger", 7]], [[90132, 102820, "Heath_Ledger", 15]]], "all_evidence": [[90132, 102819, "Heath_Ledger", 7], [90132, 102820, "Heath_Ledger", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72205, null, null, null]]], "all_evidence": [[72205, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80133, 91928, "Romani_people", 18]]], "all_evidence": [[80133, 91928, "Romani_people", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272870, null, null, null]]], "all_evidence": [[272870, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260767, 259068, "Species_distribution", 14]]], "all_evidence": [[260767, 259068, "Species_distribution", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227005, null, null, null]]], "all_evidence": [[227005, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33562, 40726, "Two_and_a_Half_Men", 0]]], "all_evidence": [[33562, 40726, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75948, 87227, "Physics", 1]], [[75948, 87228, "Physics", 4]]], "all_evidence": [[75948, 87227, "Physics", 1], [75948, 87228, "Physics", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224153, 229005, "Ang_Lee", 0]]], "all_evidence": [[224153, 229005, "Ang_Lee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21155, null, null, null]]], "all_evidence": [[21155, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172623, null, null, null]]], "all_evidence": [[172623, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150627, null, null, null]]], "all_evidence": [[150627, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13320, 16666, "James,_Viscount_Severn", 0]]], "all_evidence": [[13320, 16666, "James,_Viscount_Severn", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60828, null, null, null]]], "all_evidence": [[60828, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[144462, 159483, "Issa_Rae", 2]]], "all_evidence": [[144462, 159483, "Issa_Rae", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189092, 200425, "Carey_Hayes", 0]]], "all_evidence": [[189092, 200425, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[89881, 102589, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[89881, 102589, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[155116, 169827, "Warren_Beatty", 2]]], "all_evidence": [[155116, 169827, "Warren_Beatty", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272091, null, null, null]]], "all_evidence": [[272091, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[52067, 61959, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[52067, 61959, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[33418, 40539, "Konidela_Production_Company", 0]]], "all_evidence": [[33418, 40539, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243519, 244725, "The_Office_-LRB-U.S._TV_series-RRB-", 0]], [[243519, 244726, "The_Office_-LRB-U.S._TV_series-RRB-", 4]], [[243519, 244727, "The_Office_-LRB-U.S._TV_series-RRB-", 9]], [[243519, 244728, "The_Office_-LRB-U.S._TV_series-RRB-", 13]], [[243519, 244729, "The_Office_-LRB-U.S._TV_series-RRB-", 15]]], "all_evidence": [[243519, 244725, "The_Office_-LRB-U.S._TV_series-RRB-", 0], [243519, 244726, "The_Office_-LRB-U.S._TV_series-RRB-", 4], [243519, 244727, "The_Office_-LRB-U.S._TV_series-RRB-", 9], [243519, 244728, "The_Office_-LRB-U.S._TV_series-RRB-", 13], [243519, 244729, "The_Office_-LRB-U.S._TV_series-RRB-", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147426, null, null, null]]], "all_evidence": [[147426, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159526, 174043, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[159526, 174043, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[90206, 102908, "Premier_League_Asia_Trophy", 0]], [[90206, 102909, "Premier_League_Asia_Trophy", 3]]], "all_evidence": [[90206, 102908, "Premier_League_Asia_Trophy", 0], [90206, 102909, "Premier_League_Asia_Trophy", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198349, 208234, "Research", 4]]], "all_evidence": [[198349, 208234, "Research", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224426, 229278, "Padua", 1]]], "all_evidence": [[224426, 229278, "Padua", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184519, null, null, null]]], "all_evidence": [[184519, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181047, null, null, null]]], "all_evidence": [[181047, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274993, 270193, "Kevin_Costner", 8]], [[277005, 272015, "Kevin_Costner", 8]], [[277010, 272020, "Kevin_Costner", 8]], [[324054, 312143, "Kevin_Costner", 8], [324054, 312143, "Hatfields_&_McCoys_-LRB-miniseries-RRB-", 0]], [[325443, 313110, "Kevin_Costner", 8]], [[325445, 313111, "Kevin_Costner", 8]]], "all_evidence": [[274993, 270193, "Kevin_Costner", 8], [277005, 272015, "Kevin_Costner", 8], [277010, 272020, "Kevin_Costner", 8], [324054, 312143, "Kevin_Costner", 8], [324054, 312143, "Hatfields_&_McCoys_-LRB-miniseries-RRB-", 0], [325443, 313110, "Kevin_Costner", 8], [325445, 313111, "Kevin_Costner", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215905, 222659, "Simi_Valley,_California", 13], [215905, 222659, "Simi_Valley,_California", 0]]], "all_evidence": [[215905, 222659, "Simi_Valley,_California", 13], [215905, 222659, "Simi_Valley,_California", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[332096, 318502, "Burbank,_California", 7], [332096, 318502, "Cold_War", 1]]], "all_evidence": [[332096, 318502, "Burbank,_California", 7], [332096, 318502, "Cold_War", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229674, 233561, "William_Howard_Taft", 11], [229674, 233561, "Supreme_Court_of_the_United_States", 0]]], "all_evidence": [[229674, 233561, "William_Howard_Taft", 11], [229674, 233561, "Supreme_Court_of_the_United_States", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[186744, null, null, null]]], "all_evidence": [[186744, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79523, null, null, null]]], "all_evidence": [[79523, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17545, null, null, null]]], "all_evidence": [[17545, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220517, 226278, "Numenius_of_Apamea", 0]]], "all_evidence": [[220517, 226278, "Numenius_of_Apamea", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165250, null, null, null]]], "all_evidence": [[165250, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137106, 151945, "New_England_Patriots", 12]]], "all_evidence": [[137106, 151945, "New_England_Patriots", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255653, 255063, "PBS", 0]]], "all_evidence": [[255653, 255063, "PBS", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157926, 172530, "Quay_-LRB-film-RRB-", 1], [157926, 172530, "Film_Forum", 0], [157926, 172530, "Quay_-LRB-film-RRB-", 0]]], "all_evidence": [[157926, 172530, "Quay_-LRB-film-RRB-", 1], [157926, 172530, "Film_Forum", 0], [157926, 172530, "Quay_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176201, 189157, "Sarah_Hyland", 1]], [[176201, 189158, "Sarah_Hyland", 2]], [[176201, 189159, "Sarah_Hyland", 5]]], "all_evidence": [[176201, 189157, "Sarah_Hyland", 1], [176201, 189158, "Sarah_Hyland", 2], [176201, 189159, "Sarah_Hyland", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84336, null, null, null]]], "all_evidence": [[84336, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126832, 141280, "Joseph_Goebbels", 8]]], "all_evidence": [[126832, 141280, "Joseph_Goebbels", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167864, 181643, "Babur", 0]], [[167864, 181644, "Babur", 7]], [[167864, 181645, "Babur", 10]], [[167864, 181646, "Babur", 11]], [[170071, 183656, "Babur", 0]], [[170071, 183657, "Babur", 10]], [[170071, 183658, "Babur", 11]], [[171523, 184995, "Babur", 0]], [[171523, 184996, "Babur", 1]], [[171523, 184997, "Babur", 7]], [[171523, 184998, "Babur", 8]], [[171523, 184999, "Babur", 10]], [[171523, 185000, "Babur", 11]], [[312418, 302197, "Babur", 0]], [[313613, 303169, "Babur", 0]]], "all_evidence": [[167864, 181643, "Babur", 0], [167864, 181644, "Babur", 7], [167864, 181645, "Babur", 10], [167864, 181646, "Babur", 11], [170071, 183656, "Babur", 0], [170071, 183657, "Babur", 10], [170071, 183658, "Babur", 11], [171523, 184995, "Babur", 0], [171523, 184996, "Babur", 1], [171523, 184997, "Babur", 7], [171523, 184998, "Babur", 8], [171523, 184999, "Babur", 10], [171523, 185000, "Babur", 11], [312418, 302197, "Babur", 0], [313613, 303169, "Babur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116791, 130678, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 0]]], "all_evidence": [[116791, 130678, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98365, null, null, null]]], "all_evidence": [[98365, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154111, null, null, null], [158832, null, null, null], [311795, null, null, null], [311799, null, null, null]]], "all_evidence": [[154111, null, null, null], [158832, null, null, null], [311795, null, null, null], [311799, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43183, null, null, null]]], "all_evidence": [[43183, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118164, 132012, "Estonia", 1]], [[118175, 132020, "Estonia", 1]], [[118175, 132021, "Estonia", 3]]], "all_evidence": [[118164, 132012, "Estonia", 1], [118175, 132020, "Estonia", 1], [118175, 132021, "Estonia", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45220, 53955, "Ice-T", 1]]], "all_evidence": [[45220, 53955, "Ice-T", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133958, null, null, null]]], "all_evidence": [[133958, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229137, null, null, null]]], "all_evidence": [[229137, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171695, null, null, null]]], "all_evidence": [[171695, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181010, null, null, null]]], "all_evidence": [[181010, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224121, 228982, "Ang_Lee", 0]]], "all_evidence": [[224121, 228982, "Ang_Lee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74658, null, null, null]]], "all_evidence": [[74658, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63292, 74025, "Elizabeth_of_York", 0]], [[63292, 74026, "Elizabeth_of_York", 13]]], "all_evidence": [[63292, 74025, "Elizabeth_of_York", 0], [63292, 74026, "Elizabeth_of_York", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120249, 134438, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]], "all_evidence": [[120249, 134438, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[50872, null, null, null]]], "all_evidence": [[50872, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101221, null, null, null]]], "all_evidence": [[101221, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94443, 107432, "Mad_Max-COLON-_Fury_Road", 0]]], "all_evidence": [[94443, 107432, "Mad_Max-COLON-_Fury_Road", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164741, 178950, "Super_Bowl_XLV", 2]]], "all_evidence": [[164741, 178950, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49282, 58638, "Ned_Stark", 1]]], "all_evidence": [[49282, 58638, "Ned_Stark", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225323, 230000, "Live_Nation_Entertainment", 0]]], "all_evidence": [[225323, 230000, "Live_Nation_Entertainment", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[177639, 190398, "Visigoths", 16]], [[177644, 190401, "Visigoths", 16]]], "all_evidence": [[177639, 190398, "Visigoths", 16], [177644, 190401, "Visigoths", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[116757, 130651, "Mad_Max-COLON-_Fury_Road", 0]]], "all_evidence": [[116757, 130651, "Mad_Max-COLON-_Fury_Road", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74577, null, null, null]]], "all_evidence": [[74577, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170130, null, null, null]]], "all_evidence": [[170130, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23747, 29406, "Chris_Benoit", 0]]], "all_evidence": [[23747, 29406, "Chris_Benoit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104617, null, null, null]]], "all_evidence": [[104617, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179297, null, null, null]]], "all_evidence": [[179297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269182, 265570, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269182, 265570, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[13485, 16852, "Therasia", 0]], [[13489, 16857, "Therasia", 0]]], "all_evidence": [[13485, 16852, "Therasia", 0], [13489, 16857, "Therasia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126433, 140817, "City_of_Literature", 2]]], "all_evidence": [[126433, 140817, "City_of_Literature", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22020, null, null, null], [299480, null, null, null]]], "all_evidence": [[22020, null, null, null], [299480, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45036, 53759, "The_Hunger_Games_-LRB-novel-RRB-", 16]]], "all_evidence": [[45036, 53759, "The_Hunger_Games_-LRB-novel-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213579, 220801, "Estelle_Getty", 0]], [[213579, 220802, "Estelle_Getty", 1]], [[213579, 220803, "Estelle_Getty", 2]]], "all_evidence": [[213579, 220801, "Estelle_Getty", 0], [213579, 220802, "Estelle_Getty", 1], [213579, 220803, "Estelle_Getty", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267092, 263882, "66th_Primetime_Emmy_Awards", 2]]], "all_evidence": [[267092, 263882, "66th_Primetime_Emmy_Awards", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127160, 141689, "Nate_Diaz", 3]]], "all_evidence": [[127160, 141689, "Nate_Diaz", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242286, 243694, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242286, 243694, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[152666, 167443, "Theresa_May", 6]]], "all_evidence": [[152666, 167443, "Theresa_May", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[19748, null, null, null]]], "all_evidence": [[19748, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185375, 197150, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[185375, 197150, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36994, null, null, null]]], "all_evidence": [[36994, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139297, 154337, "Temple_Grandin_-LRB-film-RRB-", 0]], [[139412, 154458, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[139297, 154337, "Temple_Grandin_-LRB-film-RRB-", 0], [139412, 154458, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112705, 126545, "Fred_Seibert", 0]]], "all_evidence": [[112705, 126545, "Fred_Seibert", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181166, 193440, "Saw_II", 20]]], "all_evidence": [[181166, 193440, "Saw_II", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140277, 155301, "A_Good_Day_to_Die_Hard", 0]]], "all_evidence": [[140277, 155301, "A_Good_Day_to_Die_Hard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44377, 53038, "Bengal_tiger", 15]]], "all_evidence": [[44377, 53038, "Bengal_tiger", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171799, 185274, "Mormons", 23]]], "all_evidence": [[171799, 185274, "Mormons", 23]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286694, null, null, null], [288862, null, null, null], [333668, null, null, null], [333674, null, null, null]]], "all_evidence": [[286694, null, null, null], [288862, null, null, null], [333668, null, null, null], [333674, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123863, 138220, "Nymphomaniac_-LRB-film-RRB-", 2]]], "all_evidence": [[123863, 138220, "Nymphomaniac_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48085, 57409, "Pocahontas", 0]], [[48085, 57410, "Pocahontas", 1]]], "all_evidence": [[48085, 57409, "Pocahontas", 0], [48085, 57410, "Pocahontas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[28518, 34847, "Color_of_Night", 8]]], "all_evidence": [[28518, 34847, "Color_of_Night", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[74037, null, null, null]]], "all_evidence": [[74037, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197919, 207843, "Jiang_Wen", 0]]], "all_evidence": [[197919, 207843, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16440, 20368, "New_England_Patriots", 16]], [[16440, 20369, "New_England_Patriots", 15]]], "all_evidence": [[16440, 20368, "New_England_Patriots", 16], [16440, 20369, "New_England_Patriots", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97669, null, null, null]]], "all_evidence": [[97669, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[178641, 191210, "Fraud", 0]], [[178641, 191211, "Fraud", 2]]], "all_evidence": [[178641, 191210, "Fraud", 0], [178641, 191211, "Fraud", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194206, null, null, null]]], "all_evidence": [[194206, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98079, null, null, null]]], "all_evidence": [[98079, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178711, null, null, null]]], "all_evidence": [[178711, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37179, 44969, "Brie_Larson", 0]]], "all_evidence": [[37179, 44969, "Brie_Larson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135762, 150619, "Samsung", 6]]], "all_evidence": [[135762, 150619, "Samsung", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34661, null, null, null]]], "all_evidence": [[34661, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[36978, 44634, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]], "all_evidence": [[36978, 44634, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32746, 39810, "The_Catcher_in_the_Rye", 0]], [[32746, 39811, "The_Catcher_in_the_Rye", 5]], [[32746, 39812, "The_Catcher_in_the_Rye", 6]], [[32746, 39813, "The_Catcher_in_the_Rye", 9]], [[32746, 39814, "The_Catcher_in_the_Rye", 10], [32746, 39814, "The_Big_Read", 0]]], "all_evidence": [[32746, 39810, "The_Catcher_in_the_Rye", 0], [32746, 39811, "The_Catcher_in_the_Rye", 5], [32746, 39812, "The_Catcher_in_the_Rye", 6], [32746, 39813, "The_Catcher_in_the_Rye", 9], [32746, 39814, "The_Catcher_in_the_Rye", 10], [32746, 39814, "The_Big_Read", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153542, 168375, "Google_Search", 13]]], "all_evidence": [[153542, 168375, "Google_Search", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37145, 44890, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[37145, 44890, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133980, 148873, "I_-LRB-film-RRB-", 12]]], "all_evidence": [[133980, 148873, "I_-LRB-film-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126972, null, null, null]]], "all_evidence": [[126972, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186308, 198136, "Planet_Hollywood_Las_Vegas", 1]]], "all_evidence": [[186308, 198136, "Planet_Hollywood_Las_Vegas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80366, 92191, "Kaya_Scodelario", 2], [80366, 92191, "Kaya_Scodelario", 5], [80366, 92191, "Kaya_Scodelario", 6]]], "all_evidence": [[80366, 92191, "Kaya_Scodelario", 2], [80366, 92191, "Kaya_Scodelario", 5], [80366, 92191, "Kaya_Scodelario", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206288, null, null, null]]], "all_evidence": [[206288, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109087, 122790, "Stanley_Park", 15]], [[109087, 122791, "Stanley_Park", 16]]], "all_evidence": [[109087, 122790, "Stanley_Park", 15], [109087, 122791, "Stanley_Park", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174253, 187470, "Henry_Condell", 55]]], "all_evidence": [[174253, 187470, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98123, null, null, null]]], "all_evidence": [[98123, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227422, 231798, "Jeb_Bush", 3]]], "all_evidence": [[227422, 231798, "Jeb_Bush", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[308495, null, null, null], [310081, null, null, null]]], "all_evidence": [[308495, null, null, null], [310081, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162127, 176465, "Pink_-LRB-singer-RRB-", 0]], [[162128, 176466, "Pink_-LRB-singer-RRB-", 0]]], "all_evidence": [[162127, 176465, "Pink_-LRB-singer-RRB-", 0], [162128, 176466, "Pink_-LRB-singer-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17347, null, null, null]]], "all_evidence": [[17347, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100539, null, null, null]]], "all_evidence": [[100539, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194215, null, null, null]]], "all_evidence": [[194215, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66524, 77347, "Arijit_Singh", 4]]], "all_evidence": [[66524, 77347, "Arijit_Singh", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19938, 24488, "Selma_to_Montgomery_marches", 1]]], "all_evidence": [[19938, 24488, "Selma_to_Montgomery_marches", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[59349, 69711, "Argentina", 3]]], "all_evidence": [[59349, 69711, "Argentina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110934, 124600, "American_Civil_War", 1]]], "all_evidence": [[110934, 124600, "American_Civil_War", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257576, 256564, "Timur", 0]]], "all_evidence": [[257576, 256564, "Timur", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[178395, null, null, null]]], "all_evidence": [[178395, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101344, null, null, null]]], "all_evidence": [[101344, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202361, 211647, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]], "all_evidence": [[202361, 211647, "The_Man_in_the_Iron_Mask_-LRB-1998_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194198, null, null, null]]], "all_evidence": [[194198, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42704, 51349, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[42704, 51349, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251522, null, null, null]]], "all_evidence": [[251522, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63788, 74528, "Phoenix,_Arizona", 0]], [[65364, 76254, "Phoenix,_Arizona", 0]], [[67207, 78005, "Phoenix,_Arizona", 0]], [[303709, 294629, "Phoenix,_Arizona", 0]], [[305440, 296252, "Phoenix,_Arizona", 0]]], "all_evidence": [[63788, 74528, "Phoenix,_Arizona", 0], [65364, 76254, "Phoenix,_Arizona", 0], [67207, 78005, "Phoenix,_Arizona", 0], [303709, 294629, "Phoenix,_Arizona", 0], [305440, 296252, "Phoenix,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85294, 97603, "Bonobo", 13]]], "all_evidence": [[85294, 97603, "Bonobo", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33724, null, null, null], [35689, null, null, null], [301889, null, null, null], [303342, null, null, null]]], "all_evidence": [[33724, null, null, null], [35689, null, null, null], [301889, null, null, null], [303342, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51117, null, null, null]]], "all_evidence": [[51117, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159172, null, null, null]]], "all_evidence": [[159172, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92794, 105656, "Guns_N'_Roses", 0]], [[92794, 105657, "Guns_N'_Roses", 18]]], "all_evidence": [[92794, 105656, "Guns_N'_Roses", 0], [92794, 105657, "Guns_N'_Roses", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225545, null, null, null]]], "all_evidence": [[225545, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[231696, 235092, "Toy_Story_2", 0]], [[232995, 236022, "Toy_Story_2", 0]], [[318469, 307386, "Toy_Story_2", 0]], [[318470, 307387, "Toy_Story_2", 0]], [[318478, 307391, "Toy_Story_2", 0]]], "all_evidence": [[231696, 235092, "Toy_Story_2", 0], [232995, 236022, "Toy_Story_2", 0], [318469, 307386, "Toy_Story_2", 0], [318470, 307387, "Toy_Story_2", 0], [318478, 307391, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251320, null, null, null]]], "all_evidence": [[251320, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154570, 169291, "Amy_Winehouse", 0]], [[154570, 169292, "Amy_Winehouse", 10]]], "all_evidence": [[154570, 169291, "Amy_Winehouse", 0], [154570, 169292, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[266503, 263470, "UNICEF_UK", 0]], [[266503, 263471, "UNICEF_UK", 1]]], "all_evidence": [[266503, 263470, "UNICEF_UK", 0], [266503, 263471, "UNICEF_UK", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114422, 128181, "Talulah_Riley", 1]]], "all_evidence": [[114422, 128181, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144821, null, null, null]]], "all_evidence": [[144821, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[14258, 17819, "Antigua_and_Barbuda", 6]]], "all_evidence": [[14258, 17819, "Antigua_and_Barbuda", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263284, 260995, "Ted_Cruz", 0]]], "all_evidence": [[263284, 260995, "Ted_Cruz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76902, 88287, "Tye_Sheridan", 1]]], "all_evidence": [[76902, 88287, "Tye_Sheridan", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[94627, 107606, "Chris_Benoit", 0]]], "all_evidence": [[94627, 107606, "Chris_Benoit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[179135, null, null, null]]], "all_evidence": [[179135, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158946, 173590, "Java", 0], [158946, 173590, "Island", 0]]], "all_evidence": [[158946, 173590, "Java", 0], [158946, 173590, "Island", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200591, null, null, null]]], "all_evidence": [[200591, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83006, 94897, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[83006, 94897, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58344, null, null, null]]], "all_evidence": [[58344, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65714, 76587, "Hannah_and_Her_Sisters", 0]]], "all_evidence": [[65714, 76587, "Hannah_and_Her_Sisters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92181, 104956, "Pierce_County,_Washington", 10]]], "all_evidence": [[92181, 104956, "Pierce_County,_Washington", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[97323, null, null, null]]], "all_evidence": [[97323, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173769, 186959, "Java", 0]], [[173769, 186960, "Java", 9]], [[173769, 186961, "Java", 12]]], "all_evidence": [[173769, 186959, "Java", 0], [173769, 186960, "Java", 9], [173769, 186961, "Java", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78754, 90317, "Aphrodite", 7]]], "all_evidence": [[78754, 90317, "Aphrodite", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96022, 109079, "University_of_Chicago_Law_School", 6]]], "all_evidence": [[96022, 109079, "University_of_Chicago_Law_School", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63611, 74364, "Monosodium_glutamate", 4]]], "all_evidence": [[63611, 74364, "Monosodium_glutamate", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169782, 183375, "Ekta_Kapoor", 9], [169782, 183375, "Kumkum_Bhagya", 9]]], "all_evidence": [[169782, 183375, "Ekta_Kapoor", 9], [169782, 183375, "Kumkum_Bhagya", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199824, 209493, "Barcelona", 0]]], "all_evidence": [[199824, 209493, "Barcelona", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156712, null, null, null]]], "all_evidence": [[156712, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251607, null, null, null]]], "all_evidence": [[251607, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166000, null, null, null]]], "all_evidence": [[166000, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93406, 106356, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]], [[93406, 106357, "Caesar_-LRB-Mercury_Theatre-RRB-", 1]]], "all_evidence": [[93406, 106356, "Caesar_-LRB-Mercury_Theatre-RRB-", 0], [93406, 106357, "Caesar_-LRB-Mercury_Theatre-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176089, 189051, "Dodo", 10]]], "all_evidence": [[176089, 189051, "Dodo", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213482, 220720, "Simi_Valley,_California", 13]]], "all_evidence": [[213482, 220720, "Simi_Valley,_California", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247553, 247833, "Sennacherib", 2]]], "all_evidence": [[247553, 247833, "Sennacherib", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65450, 76328, "Henri_Kontinen", 6]]], "all_evidence": [[65450, 76328, "Henri_Kontinen", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71974, null, null, null]]], "all_evidence": [[71974, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51709, 61497, "Anne_Boleyn", 40]]], "all_evidence": [[51709, 61497, "Anne_Boleyn", 40]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143537, 158650, "Ekta_Kapoor", 9]]], "all_evidence": [[143537, 158650, "Ekta_Kapoor", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93643, 106581, "Doxycycline", 6]]], "all_evidence": [[93643, 106581, "Doxycycline", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56757, 66977, "Warcraft_-LRB-film-RRB-", 7]]], "all_evidence": [[56757, 66977, "Warcraft_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154745, 169508, "Aldous_Huxley", 6]], [[154745, 169509, "Aldous_Huxley", 5]]], "all_evidence": [[154745, 169508, "Aldous_Huxley", 6], [154745, 169509, "Aldous_Huxley", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202966, 212101, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202966, 212101, "Tsugumi_Ohba", 0]]], "all_evidence": [[202966, 212101, "Death_Note_-LRB-2015_TV_series-RRB-", 0], [202966, 212101, "Tsugumi_Ohba", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41475, 49858, "Josh_Hutcherson", 5]], [[41475, 49859, "Josh_Hutcherson", 7]], [[41475, 49860, "Josh_Hutcherson", 2]]], "all_evidence": [[41475, 49858, "Josh_Hutcherson", 5], [41475, 49859, "Josh_Hutcherson", 7], [41475, 49860, "Josh_Hutcherson", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215952, 222693, "Henry_III_of_France", 23], [215952, 222693, "Jacques_Cle\u0301ment", 6]]], "all_evidence": [[215952, 222693, "Henry_III_of_France", 23], [215952, 222693, "Jacques_Cle\u0301ment", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[214631, 221613, "Vera_Wang", 0]]], "all_evidence": [[214631, 221613, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27070, 33187, "Robinson_Crusoe_on_Mars", 0]]], "all_evidence": [[27070, 33187, "Robinson_Crusoe_on_Mars", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[259286, 257916, "Indian_National_Congress", 8], [259286, 257916, "Mumbai", 0]]], "all_evidence": [[259286, 257916, "Indian_National_Congress", 8], [259286, 257916, "Mumbai", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23746, 29405, "Chris_Benoit", 0]]], "all_evidence": [[23746, 29405, "Chris_Benoit", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179629, 192192, "General_Motors", 12]]], "all_evidence": [[179629, 192192, "General_Motors", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179668, 192236, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[179668, 192236, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174003, null, null, null]]], "all_evidence": [[174003, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68776, 79605, "Florida_State_University", 24]]], "all_evidence": [[68776, 79605, "Florida_State_University", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214107, 221196, "Gotham_City_Sirens", 0]]], "all_evidence": [[214107, 221196, "Gotham_City_Sirens", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65748, 76616, "Scaramouche", 0]], [[67567, 78412, "Scaramouche", 0]], [[69742, 80620, "Scaramouche", 0]], [[303759, 294676, "Scaramouche", 0]], [[305480, 296279, "Scaramouche", 0]]], "all_evidence": [[65748, 76616, "Scaramouche", 0], [67567, 78412, "Scaramouche", 0], [69742, 80620, "Scaramouche", 0], [303759, 294676, "Scaramouche", 0], [305480, 296279, "Scaramouche", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[289757, 282836, "The_Times", 1]], [[289767, 282843, "The_Times", 1]], [[336942, 322414, "The_Times", 1]], [[336964, 322430, "The_Times", 1]]], "all_evidence": [[289757, 282836, "The_Times", 1], [289767, 282843, "The_Times", 1], [336942, 322414, "The_Times", 1], [336964, 322430, "The_Times", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117969, null, null, null]]], "all_evidence": [[117969, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[203627, 212614, "Chris_Mullin_-LRB-basketball-RRB-", 0]], [[203627, 212615, "Chris_Mullin_-LRB-basketball-RRB-", 2]], [[203627, 212616, "Chris_Mullin_-LRB-basketball-RRB-", 5], [203627, 212616, "1985_NCAA_Men's_Basketball_All-Americans", 0]], [[203627, 212617, "Chris_Mullin_-LRB-basketball-RRB-", 6], [203627, 212617, "Big_East_Conference_Men's_Basketball_Player_of_the_Year", 0]], [[203627, 212618, "Chris_Mullin_-LRB-basketball-RRB-", 7]], [[203627, 212619, "Chris_Mullin_-LRB-basketball-RRB-", 10], [203627, 212619, "1985_NCAA_Men's_Basketball_All-Americans", 0]], [[203627, 212620, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203627, 212620, "Indiana_Pacers", 0]]], "all_evidence": [[203627, 212614, "Chris_Mullin_-LRB-basketball-RRB-", 0], [203627, 212615, "Chris_Mullin_-LRB-basketball-RRB-", 2], [203627, 212616, "Chris_Mullin_-LRB-basketball-RRB-", 5], [203627, 212616, "1985_NCAA_Men's_Basketball_All-Americans", 0], [203627, 212617, "Chris_Mullin_-LRB-basketball-RRB-", 6], [203627, 212617, "Big_East_Conference_Men's_Basketball_Player_of_the_Year", 0], [203627, 212618, "Chris_Mullin_-LRB-basketball-RRB-", 7], [203627, 212619, "Chris_Mullin_-LRB-basketball-RRB-", 10], [203627, 212619, "1985_NCAA_Men's_Basketball_All-Americans", 0], [203627, 212620, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203627, 212620, "Indiana_Pacers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47270, null, null, null]]], "all_evidence": [[47270, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43932, 52572, "The_Beguiled_-LRB-1971_film-RRB-", 0]]], "all_evidence": [[43932, 52572, "The_Beguiled_-LRB-1971_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251099, 251043, "See.SZA.Run", 5]]], "all_evidence": [[251099, 251043, "See.SZA.Run", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86081, null, null, null]]], "all_evidence": [[86081, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95832, 108887, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[95832, 108887, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262386, 260380, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24]]], "all_evidence": [[262386, 260380, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65046, 75923, "Mormons", 24]]], "all_evidence": [[65046, 75923, "Mormons", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78042, null, null, null]]], "all_evidence": [[78042, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48278, 57625, "Raja_Hindustani", 0]]], "all_evidence": [[48278, 57625, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201005, 210459, "An_Education", 0]]], "all_evidence": [[201005, 210459, "An_Education", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44212, 52846, "Kenny_Chesney", 0]]], "all_evidence": [[44212, 52846, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[46808, null, null, null]]], "all_evidence": [[46808, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179284, 191835, "Brazilian_jiu-jitsu", 1]]], "all_evidence": [[179284, 191835, "Brazilian_jiu-jitsu", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[248484, 248657, "Wolfgang_Amadeus_Mozart", 0], [248484, 248657, "Wolfgang_Amadeus_Mozart", 3]], [[250650, 250646, "Wolfgang_Amadeus_Mozart", 3], [250650, 250646, "Wolfgang_Amadeus_Mozart", 0]], [[252004, 251794, "Wolfgang_Amadeus_Mozart", 3], [252004, 251794, "Wolfgang_Amadeus_Mozart", 0]], [[319521, 308260, "Wolfgang_Amadeus_Mozart", 3], [319521, 308260, "Wolfgang_Amadeus_Mozart", 0]], [[320669, 309215, "Wolfgang_Amadeus_Mozart", 0], [320669, 309215, "Wolfgang_Amadeus_Mozart", 3]], [[320673, 309234, "Wolfgang_Amadeus_Mozart", 0], [320673, 309234, "Wolfgang_Amadeus_Mozart", 3]]], "all_evidence": [[248484, 248657, "Wolfgang_Amadeus_Mozart", 0], [248484, 248657, "Wolfgang_Amadeus_Mozart", 3], [250650, 250646, "Wolfgang_Amadeus_Mozart", 3], [250650, 250646, "Wolfgang_Amadeus_Mozart", 0], [252004, 251794, "Wolfgang_Amadeus_Mozart", 3], [252004, 251794, "Wolfgang_Amadeus_Mozart", 0], [319521, 308260, "Wolfgang_Amadeus_Mozart", 3], [319521, 308260, "Wolfgang_Amadeus_Mozart", 0], [320669, 309215, "Wolfgang_Amadeus_Mozart", 0], [320669, 309215, "Wolfgang_Amadeus_Mozart", 3], [320673, 309234, "Wolfgang_Amadeus_Mozart", 0], [320673, 309234, "Wolfgang_Amadeus_Mozart", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[96585, null, null, null]]], "all_evidence": [[96585, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181148, null, null, null]]], "all_evidence": [[181148, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198883, 208582, "Scream_2", 0]]], "all_evidence": [[198883, 208582, "Scream_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67276, 78095, "Independent_Spirit_Awards", 10]]], "all_evidence": [[67276, 78095, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[119779, 133907, "Aestheticism", 0]]], "all_evidence": [[119779, 133907, "Aestheticism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[80546, 92390, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[80546, 92391, "Alex_Jones_-LRB-radio_host-RRB-", 1], [80546, 92391, "Genesis_Communications_Network", 0]]], "all_evidence": [[80546, 92390, "Alex_Jones_-LRB-radio_host-RRB-", 0], [80546, 92391, "Alex_Jones_-LRB-radio_host-RRB-", 1], [80546, 92391, "Genesis_Communications_Network", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82518, 94305, "Duke_of_York", 12]]], "all_evidence": [[82518, 94305, "Duke_of_York", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114777, 128519, "James_Spader", 1]]], "all_evidence": [[114777, 128519, "James_Spader", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230497, 234150, "Jon_Hamm", 14]], [[230498, 234151, "Jon_Hamm", 14]]], "all_evidence": [[230497, 234150, "Jon_Hamm", 14], [230498, 234151, "Jon_Hamm", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220621, null, null, null]]], "all_evidence": [[220621, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123609, null, null, null]]], "all_evidence": [[123609, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183689, 195682, "Weill_Cornell_Medicine", 0], [183689, 195682, "Medical_school", 0]], [[183689, 195683, "Weill_Cornell_Medicine", 4], [183689, 195683, "Medical_school", 0]]], "all_evidence": [[183689, 195682, "Weill_Cornell_Medicine", 0], [183689, 195682, "Medical_school", 0], [183689, 195683, "Weill_Cornell_Medicine", 4], [183689, 195683, "Medical_school", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88108, 100646, "Chumlee", 0]], [[88113, 100652, "Chumlee", 0]]], "all_evidence": [[88108, 100646, "Chumlee", 0], [88113, 100652, "Chumlee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263316, null, null, null], [263322, null, null, null]]], "all_evidence": [[263316, null, null, null], [263322, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91038, null, null, null]]], "all_evidence": [[91038, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16846, 20855, "Vandals", 3], [16846, 20855, "Vandals", 0], [16846, 20855, "Vandals", 5]]], "all_evidence": [[16846, 20855, "Vandals", 3], [16846, 20855, "Vandals", 0], [16846, 20855, "Vandals", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255042, 254592, "The_Tracey_Fragments_-LRB-film-RRB-", 6]], [[255043, 254593, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]], "all_evidence": [[255042, 254592, "The_Tracey_Fragments_-LRB-film-RRB-", 6], [255043, 254593, "The_Tracey_Fragments_-LRB-film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68925, 79725, "Bank_of_America", 16]]], "all_evidence": [[68925, 79725, "Bank_of_America", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100483, 113781, "Battle_of_the_Bastards", 0]], [[100483, 113782, "Battle_of_the_Bastards", 12]], [[100483, 113783, "Battle_of_the_Bastards", 13]], [[100483, 113784, "Battle_of_the_Bastards", 16]]], "all_evidence": [[100483, 113781, "Battle_of_the_Bastards", 0], [100483, 113782, "Battle_of_the_Bastards", 12], [100483, 113783, "Battle_of_the_Bastards", 13], [100483, 113784, "Battle_of_the_Bastards", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28437, 34768, "Ice-T", 9]], [[28437, 34769, "Ice-T", 6]]], "all_evidence": [[28437, 34768, "Ice-T", 9], [28437, 34769, "Ice-T", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118875, 132709, "Sabbir_Khan", 1], [118875, 132709, "Kareena_Kapoor", 0]]], "all_evidence": [[118875, 132709, "Sabbir_Khan", 1], [118875, 132709, "Kareena_Kapoor", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[168542, null, null, null]]], "all_evidence": [[168542, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150564, null, null, null]]], "all_evidence": [[150564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140152, 155163, "Aphrodite", 7]]], "all_evidence": [[140152, 155163, "Aphrodite", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[230173, 233917, "Hyksos", 18]]], "all_evidence": [[230173, 233917, "Hyksos", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58693, 68993, "Annabelle_-LRB-doll-RRB-", 1]]], "all_evidence": [[58693, 68993, "Annabelle_-LRB-doll-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26499, 32533, "Neuromodulation", 3], [26499, 32533, "Acetylcholine", 11]], [[26499, 32534, "Neuromodulation", 8]]], "all_evidence": [[26499, 32533, "Neuromodulation", 3], [26499, 32533, "Acetylcholine", 11], [26499, 32534, "Neuromodulation", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65245, 76116, "Harry_Fraud", 1]], [[65245, 76117, "Harry_Fraud", 10], [65245, 76117, "Prodigy_-LRB-rapper-RRB-", 0], [65245, 76117, "Juicy_J", 0], [65245, 76117, "Pusha_T", 0], [65245, 76117, "Talib_Kweli", 0], [65245, 76117, "Rick_Ross", 0]]], "all_evidence": [[65245, 76116, "Harry_Fraud", 1], [65245, 76117, "Harry_Fraud", 10], [65245, 76117, "Prodigy_-LRB-rapper-RRB-", 0], [65245, 76117, "Juicy_J", 0], [65245, 76117, "Pusha_T", 0], [65245, 76117, "Talib_Kweli", 0], [65245, 76117, "Rick_Ross", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160974, 175433, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0]]], "all_evidence": [[160974, 175433, "Yves_Saint_Laurent_-LRB-brand-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153489, 168314, "Cambridgeshire", 7], [153489, 168314, "Cambridgeshire_County_Council", 0]]], "all_evidence": [[153489, 168314, "Cambridgeshire", 7], [153489, 168314, "Cambridgeshire_County_Council", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101378, 114606, "Daenerys_Targaryen", 0]], [[101378, 114607, "Daenerys_Targaryen", 5], [101378, 114607, "A_Game_of_Thrones", 0]], [[101378, 114608, "Daenerys_Targaryen", 6], [101378, 114608, "A_Clash_of_Kings", 0]], [[101378, 114609, "Daenerys_Targaryen", 7], [101378, 114609, "A_Dance_with_Dragons", 0]], [[101378, 114610, "Daenerys_Targaryen", 10], [101378, 114610, "World_of_A_Song_of_Ice_and_Fire", 0]], [[101378, 114611, "Daenerys_Targaryen", 11], [101378, 114611, "Viserys_Targaryen", 0]], [[101378, 114612, "Daenerys_Targaryen", 12], [101378, 114612, "Khal_Drogo", 0]], [[101378, 114613, "Daenerys_Targaryen", 14], [101378, 114613, "Iron_Throne_-LRB-A_Song_of_Ice_and_Fire-RRB-", 0]], [[101378, 114614, "Daenerys_Targaryen", 21]]], "all_evidence": [[101378, 114606, "Daenerys_Targaryen", 0], [101378, 114607, "Daenerys_Targaryen", 5], [101378, 114607, "A_Game_of_Thrones", 0], [101378, 114608, "Daenerys_Targaryen", 6], [101378, 114608, "A_Clash_of_Kings", 0], [101378, 114609, "Daenerys_Targaryen", 7], [101378, 114609, "A_Dance_with_Dragons", 0], [101378, 114610, "Daenerys_Targaryen", 10], [101378, 114610, "World_of_A_Song_of_Ice_and_Fire", 0], [101378, 114611, "Daenerys_Targaryen", 11], [101378, 114611, "Viserys_Targaryen", 0], [101378, 114612, "Daenerys_Targaryen", 12], [101378, 114612, "Khal_Drogo", 0], [101378, 114613, "Daenerys_Targaryen", 14], [101378, 114613, "Iron_Throne_-LRB-A_Song_of_Ice_and_Fire-RRB-", 0], [101378, 114614, "Daenerys_Targaryen", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[175057, 188118, "The_Raven_-LRB-2012_film-RRB-", 10]]], "all_evidence": [[175057, 188118, "The_Raven_-LRB-2012_film-RRB-", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150783, null, null, null]]], "all_evidence": [[150783, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241566, 243106, "Commodore_-LRB-rank-RRB-", 0]], [[241568, 243108, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241566, 243106, "Commodore_-LRB-rank-RRB-", 0], [241568, 243108, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157678, null, null, null]]], "all_evidence": [[157678, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226631, 231152, "Bala_-LRB-director-RRB-", 2]], [[226631, 231153, "Bala_-LRB-director-RRB-", 0]]], "all_evidence": [[226631, 231152, "Bala_-LRB-director-RRB-", 2], [226631, 231153, "Bala_-LRB-director-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214113, null, null, null]]], "all_evidence": [[214113, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216611, null, null, null]]], "all_evidence": [[216611, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42443, 51089, "Richard_Dawson", 0]]], "all_evidence": [[42443, 51089, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122523, null, null, null]]], "all_evidence": [[122523, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118463, 132306, "Zac_Efron", 0]]], "all_evidence": [[118463, 132306, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160727, 175261, "Simon_Pegg", 0]]], "all_evidence": [[160727, 175261, "Simon_Pegg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119431, 133440, "Jamie_Lee_Curtis", 1]]], "all_evidence": [[119431, 133440, "Jamie_Lee_Curtis", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34139, 41390, "Younger_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[34139, 41390, "Younger_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65022, null, null, null]]], "all_evidence": [[65022, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296775, null, null, null], [298400, null, null, null], [343933, null, null, null], [343942, null, null, null], [343943, null, null, null]]], "all_evidence": [[296775, null, null, null], [298400, null, null, null], [343933, null, null, null], [343942, null, null, null], [343943, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134812, 149720, "Azithromycin", 17]]], "all_evidence": [[134812, 149720, "Azithromycin", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36842, 44495, "Vampire", 1]]], "all_evidence": [[36842, 44495, "Vampire", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216629, null, null, null]]], "all_evidence": [[216629, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99629, null, null, null]]], "all_evidence": [[99629, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114336, null, null, null]]], "all_evidence": [[114336, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233283, 236254, "Arthur_Schopenhauer", 0]], [[233283, 236255, "Arthur_Schopenhauer", 1]]], "all_evidence": [[233283, 236254, "Arthur_Schopenhauer", 0], [233283, 236255, "Arthur_Schopenhauer", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95013, 107990, "Chumlee", 0]]], "all_evidence": [[95013, 107990, "Chumlee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224808, 229575, "Sacre\u0301-C\u0153ur,_Paris", 2]]], "all_evidence": [[224808, 229575, "Sacre\u0301-C\u0153ur,_Paris", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127909, 142603, "Atlanta_metropolitan_area", 3]]], "all_evidence": [[127909, 142603, "Atlanta_metropolitan_area", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242347, null, null, null]]], "all_evidence": [[242347, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30012, 36569, "Gamal_Abdel_Nasser", 13]]], "all_evidence": [[30012, 36569, "Gamal_Abdel_Nasser", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269221, null, null, null], [273883, null, null, null], [273886, null, null, null]]], "all_evidence": [[269221, null, null, null], [273883, null, null, null], [273886, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83260, 95205, "American_Civil_War", 0]]], "all_evidence": [[83260, 95205, "American_Civil_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173105, 186347, "Premier_League_Asia_Trophy", 0]]], "all_evidence": [[173105, 186347, "Premier_League_Asia_Trophy", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172197, 185584, "Adobe_Photoshop", 12]]], "all_evidence": [[172197, 185584, "Adobe_Photoshop", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102482, null, null, null]]], "all_evidence": [[102482, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267100, 263889, "66th_Primetime_Emmy_Awards", 2]]], "all_evidence": [[267100, 263889, "66th_Primetime_Emmy_Awards", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265326, 262545, "Vedic_Sanskrit", 1]]], "all_evidence": [[265326, 262545, "Vedic_Sanskrit", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17324, 21432, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]], "all_evidence": [[17324, 21432, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[144739, 159752, "Matt_Bomer", 0]], [[144739, 159753, "Matt_Bomer", 1]], [[144739, 159754, "Matt_Bomer", 2]], [[144739, 159755, "Matt_Bomer", 3]], [[144739, 159756, "Matt_Bomer", 4]], [[144739, 159757, "Matt_Bomer", 8]], [[144739, 159758, "Matt_Bomer", 9]], [[144744, 159765, "Matt_Bomer", 0]], [[144744, 159766, "Matt_Bomer", 1]], [[144744, 159767, "Matt_Bomer", 2]], [[144744, 159768, "Matt_Bomer", 3]], [[144744, 159769, "Matt_Bomer", 4]], [[144744, 159770, "Matt_Bomer", 5]], [[144744, 159771, "Matt_Bomer", 8]], [[144744, 159772, "Matt_Bomer", 9]]], "all_evidence": [[144739, 159752, "Matt_Bomer", 0], [144739, 159753, "Matt_Bomer", 1], [144739, 159754, "Matt_Bomer", 2], [144739, 159755, "Matt_Bomer", 3], [144739, 159756, "Matt_Bomer", 4], [144739, 159757, "Matt_Bomer", 8], [144739, 159758, "Matt_Bomer", 9], [144744, 159765, "Matt_Bomer", 0], [144744, 159766, "Matt_Bomer", 1], [144744, 159767, "Matt_Bomer", 2], [144744, 159768, "Matt_Bomer", 3], [144744, 159769, "Matt_Bomer", 4], [144744, 159770, "Matt_Bomer", 5], [144744, 159771, "Matt_Bomer", 8], [144744, 159772, "Matt_Bomer", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232895, null, null, null]]], "all_evidence": [[232895, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66400, null, null, null]]], "all_evidence": [[66400, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95293, 108302, "Konidela_Production_Company", 0]]], "all_evidence": [[95293, 108302, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[81642, 93415, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[81642, 93415, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167902, 181671, "American_Civil_War", 0]]], "all_evidence": [[167902, 181671, "American_Civil_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[14085, 17606, "Sonny_&_Cher", 0]], [[14085, 17607, "Sonny_&_Cher", 1]]], "all_evidence": [[14085, 17606, "Sonny_&_Cher", 0], [14085, 17607, "Sonny_&_Cher", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[73015, null, null, null]]], "all_evidence": [[73015, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142068, null, null, null]]], "all_evidence": [[142068, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105971, null, null, null]]], "all_evidence": [[105971, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204984, null, null, null], [207486, null, null, null], [315693, null, null, null], [318687, null, null, null]]], "all_evidence": [[204984, null, null, null], [207486, null, null, null], [315693, null, null, null], [318687, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[84473, null, null, null]]], "all_evidence": [[84473, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174932, 188027, "Chris_Bosh", 0]]], "all_evidence": [[174932, 188027, "Chris_Bosh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238910, 240884, "Kate_Walsh_-LRB-actress-RRB-", 1]], [[242695, 244020, "Kate_Walsh_-LRB-actress-RRB-", 1]], [[245307, 246149, "Kate_Walsh_-LRB-actress-RRB-", 1]], [[319138, 307917, "Kate_Walsh_-LRB-actress-RRB-", 1]], [[320349, 308960, "Kate_Walsh_-LRB-actress-RRB-", 1]], [[320355, 308965, "Kate_Walsh_-LRB-actress-RRB-", 1]], [[320357, 308967, "Kate_Walsh_-LRB-actress-RRB-", 1]]], "all_evidence": [[238910, 240884, "Kate_Walsh_-LRB-actress-RRB-", 1], [242695, 244020, "Kate_Walsh_-LRB-actress-RRB-", 1], [245307, 246149, "Kate_Walsh_-LRB-actress-RRB-", 1], [319138, 307917, "Kate_Walsh_-LRB-actress-RRB-", 1], [320349, 308960, "Kate_Walsh_-LRB-actress-RRB-", 1], [320355, 308965, "Kate_Walsh_-LRB-actress-RRB-", 1], [320357, 308967, "Kate_Walsh_-LRB-actress-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[199817, null, null, null]]], "all_evidence": [[199817, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[245174, 246057, "Military_deception", 2], [245174, 246057, "Disinformation", 0]], [[245175, 246058, "Military_deception", 1]]], "all_evidence": [[245174, 246057, "Military_deception", 2], [245174, 246057, "Disinformation", 0], [245175, 246058, "Military_deception", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229167, null, null, null]]], "all_evidence": [[229167, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[229577, 233501, "Kyle_MacLachlan", 6]]], "all_evidence": [[229577, 233501, "Kyle_MacLachlan", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38217, 46135, "Veep", 7]], [[38217, 46136, "Veep", 8]], [[38217, 46137, "Veep", 13]], [[38217, 46138, "Veep", 14]]], "all_evidence": [[38217, 46135, "Veep", 7], [38217, 46136, "Veep", 8], [38217, 46137, "Veep", 13], [38217, 46138, "Veep", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244757, 245682, "Punch-Drunk_Love", 0]]], "all_evidence": [[244757, 245682, "Punch-Drunk_Love", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265499, 262678, "All-seater_stadium", 0]], [[265499, 262679, "All-seater_stadium", 3]]], "all_evidence": [[265499, 262678, "All-seater_stadium", 0], [265499, 262679, "All-seater_stadium", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282135, 276381, "San_Francisco_Bay_Area", 3]], [[284149, 278012, "San_Francisco_Bay_Area", 3]], [[285120, 278842, "San_Francisco_Bay_Area", 3]], [[330053, 316700, "San_Francisco_Bay_Area", 3]], [[330055, 316702, "San_Francisco_Bay_Area", 3]], [[330056, 316703, "San_Francisco_Bay_Area", 3]], [[330115, 316760, "San_Francisco_Bay_Area", 3]]], "all_evidence": [[282135, 276381, "San_Francisco_Bay_Area", 3], [284149, 278012, "San_Francisco_Bay_Area", 3], [285120, 278842, "San_Francisco_Bay_Area", 3], [330053, 316700, "San_Francisco_Bay_Area", 3], [330055, 316702, "San_Francisco_Bay_Area", 3], [330056, 316703, "San_Francisco_Bay_Area", 3], [330115, 316760, "San_Francisco_Bay_Area", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[294629, null, null, null], [295220, null, null, null], [340473, null, null, null], [340478, null, null, null], [340525, null, null, null]]], "all_evidence": [[294629, null, null, null], [295220, null, null, null], [340473, null, null, null], [340478, null, null, null], [340525, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54066, 64045, "Andrew_Moray", 1]]], "all_evidence": [[54066, 64045, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197894, 207821, "Jiang_Wen", 0]], [[197894, 207822, "Jiang_Wen", 2]]], "all_evidence": [[197894, 207821, "Jiang_Wen", 0], [197894, 207822, "Jiang_Wen", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181476, 193728, "Jamie_Lee_Curtis", 1]], [[181476, 193729, "Jamie_Lee_Curtis", 2]], [[181476, 193730, "Jamie_Lee_Curtis", 3]], [[181476, 193731, "Jamie_Lee_Curtis", 6]]], "all_evidence": [[181476, 193728, "Jamie_Lee_Curtis", 1], [181476, 193729, "Jamie_Lee_Curtis", 2], [181476, 193730, "Jamie_Lee_Curtis", 3], [181476, 193731, "Jamie_Lee_Curtis", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123919, 138268, "Melilla", 0]]], "all_evidence": [[123919, 138268, "Melilla", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133841, 148710, "Vandals", 0]]], "all_evidence": [[133841, 148710, "Vandals", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263303, 261011, "Ted_Cruz", 0]], [[263312, 261023, "Ted_Cruz", 0]]], "all_evidence": [[263303, 261011, "Ted_Cruz", 0], [263312, 261023, "Ted_Cruz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149956, 164882, "Zoe_Saldana", 0]]], "all_evidence": [[149956, 164882, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145092, 160105, "The_Giver_-LRB-film-RRB-", 0]], [[145092, 160106, "The_Giver_-LRB-film-RRB-", 5]]], "all_evidence": [[145092, 160105, "The_Giver_-LRB-film-RRB-", 0], [145092, 160106, "The_Giver_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123952, 138288, "Pierce_County,_Washington", 10]]], "all_evidence": [[123952, 138288, "Pierce_County,_Washington", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229154, null, null, null]]], "all_evidence": [[229154, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52012, 61895, "Icelandic_Coast_Guard", 0]]], "all_evidence": [[52012, 61895, "Icelandic_Coast_Guard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251543, 251380, "Gory_Guerrero", 0]]], "all_evidence": [[251543, 251380, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261387, null, null, null]]], "all_evidence": [[261387, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[184503, 196389, "Levoamphetamine", 0]]], "all_evidence": [[184503, 196389, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37599, 45536, "Arijit_Singh", 0]]], "all_evidence": [[37599, 45536, "Arijit_Singh", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269163, 265554, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269163, 265554, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269976, null, null, null]]], "all_evidence": [[269976, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156527, null, null, null], [156529, null, null, null]]], "all_evidence": [[156527, null, null, null], [156529, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210420, 218189, "Sean_Gunn", 0]]], "all_evidence": [[210420, 218189, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148779, 163808, "Hinduism", 6]], [[148781, 163809, "Hinduism", 6]]], "all_evidence": [[148779, 163808, "Hinduism", 6], [148781, 163809, "Hinduism", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[261508, 259623, "Species_distribution", 14]]], "all_evidence": [[261508, 259623, "Species_distribution", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17860, 22020, "Pakistan", 0]]], "all_evidence": [[17860, 22020, "Pakistan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292893, null, null, null], [295493, null, null, null], [297188, null, null, null], [340986, null, null, null], [340988, null, null, null]]], "all_evidence": [[292893, null, null, null], [295493, null, null, null], [297188, null, null, null], [340986, null, null, null], [340988, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58552, null, null, null]]], "all_evidence": [[58552, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138374, null, null, null]]], "all_evidence": [[138374, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34305, null, null, null]]], "all_evidence": [[34305, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173944, null, null, null]]], "all_evidence": [[173944, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171977, 185399, "Trouble_with_the_Curve", 0], [171977, 185399, "Robert_Lorenz", 0]]], "all_evidence": [[171977, 185399, "Trouble_with_the_Curve", 0], [171977, 185399, "Robert_Lorenz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[11163, null, null, null]]], "all_evidence": [[11163, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163923, 178164, "The_Winds_of_Winter", 0]]], "all_evidence": [[163923, 178164, "The_Winds_of_Winter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[110304, 123905, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]]], "all_evidence": [[110304, 123905, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247826, 248114, "Alexandria", 0]]], "all_evidence": [[247826, 248114, "Alexandria", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177374, 190202, "Shannon_Lee", 0]]], "all_evidence": [[177374, 190202, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224414, null, null, null]]], "all_evidence": [[224414, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251722, null, null, null], [252945, null, null, null], [319860, null, null, null]]], "all_evidence": [[251722, null, null, null], [252945, null, null, null], [319860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256455, 255668, "Jerome_Flynn", 0]]], "all_evidence": [[256455, 255668, "Jerome_Flynn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75793, 87063, "Adidas", 0]], [[75793, 87064, "Adidas", 1]]], "all_evidence": [[75793, 87063, "Adidas", 0], [75793, 87064, "Adidas", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95319, null, null, null]]], "all_evidence": [[95319, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[243490, 244698, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]], "all_evidence": [[243490, 244698, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[209505, null, null, null], [214721, null, null, null], [316952, null, null, null]]], "all_evidence": [[209505, null, null, null], [214721, null, null, null], [316952, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117314, null, null, null]]], "all_evidence": [[117314, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207536, 215781, "Dawood_Ibrahim", 0]]], "all_evidence": [[207536, 215781, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34674, null, null, null]]], "all_evidence": [[34674, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[282149, 276390, "Romani_people", 0]], [[282156, 276392, "Romani_people", 9]], [[330076, 316726, "Romani_people", 0]], [[330076, 316727, "Romani_people", 9]], [[331373, 317888, "Romani_people", 0]], [[331373, 317889, "Romani_people", 9]]], "all_evidence": [[282149, 276390, "Romani_people", 0], [282156, 276392, "Romani_people", 9], [330076, 316726, "Romani_people", 0], [330076, 316727, "Romani_people", 9], [331373, 317888, "Romani_people", 0], [331373, 317889, "Romani_people", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220199, 226029, "Foot_Locker", 0]]], "all_evidence": [[220199, 226029, "Foot_Locker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106583, null, null, null]]], "all_evidence": [[106583, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164963, null, null, null]]], "all_evidence": [[164963, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174137, 187339, "Dodo", 10]]], "all_evidence": [[174137, 187339, "Dodo", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130091, 144828, "Independent_Spirit_Awards", 10]]], "all_evidence": [[130091, 144828, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[117057, null, null, null]]], "all_evidence": [[117057, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143024, null, null, null]]], "all_evidence": [[143024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196008, 206164, "Japan_national_football_team", 4]]], "all_evidence": [[196008, 206164, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207477, 215732, "Move_-LRB-Little_Mix_song-RRB-", 8]]], "all_evidence": [[207477, 215732, "Move_-LRB-Little_Mix_song-RRB-", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125643, null, null, null]]], "all_evidence": [[125643, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125978, null, null, null]]], "all_evidence": [[125978, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23856, null, null, null]]], "all_evidence": [[23856, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122016, null, null, null]]], "all_evidence": [[122016, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112956, 126801, "Chris_Bosh", 8]], [[112956, 126802, "Chris_Bosh", 9]]], "all_evidence": [[112956, 126801, "Chris_Bosh", 8], [112956, 126802, "Chris_Bosh", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[98015, 111148, "Emmanuel_Macron", 1]], [[98015, 111149, "Emmanuel_Macron", 2]]], "all_evidence": [[98015, 111148, "Emmanuel_Macron", 1], [98015, 111149, "Emmanuel_Macron", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50327, 59917, "Dan_Trachtenberg", 0]]], "all_evidence": [[50327, 59917, "Dan_Trachtenberg", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232365, 235583, "University_of_Leicester", 11]]], "all_evidence": [[232365, 235583, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63583, 74330, "Benzodiazepine", 6]], [[63583, 74331, "Benzodiazepine", 12]], [[63583, 74332, "Benzodiazepine", 13]], [[63583, 74333, "Benzodiazepine", 14]], [[63583, 74334, "Benzodiazepine", 19]], [[63583, 74335, "Benzodiazepine", 21]], [[63583, 74336, "Benzodiazepine", 24]], [[63583, 74337, "Benzodiazepine", 23]]], "all_evidence": [[63583, 74330, "Benzodiazepine", 6], [63583, 74331, "Benzodiazepine", 12], [63583, 74332, "Benzodiazepine", 13], [63583, 74333, "Benzodiazepine", 14], [63583, 74334, "Benzodiazepine", 19], [63583, 74335, "Benzodiazepine", 21], [63583, 74336, "Benzodiazepine", 24], [63583, 74337, "Benzodiazepine", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61491, 72008, "Konidela_Production_Company", 0]]], "all_evidence": [[61491, 72008, "Konidela_Production_Company", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109448, 123092, "Nate_Diaz", 0]]], "all_evidence": [[109448, 123092, "Nate_Diaz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207524, null, null, null]]], "all_evidence": [[207524, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116375, null, null, null]]], "all_evidence": [[116375, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75978, 87260, "American_Civil_War", 0]]], "all_evidence": [[75978, 87260, "American_Civil_War", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147180, 162163, "Gray_Matters", 0]]], "all_evidence": [[147180, 162163, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241227, 242774, "Latvian_Soviet_Socialist_Republic", 11]]], "all_evidence": [[241227, 242774, "Latvian_Soviet_Socialist_Republic", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228426, null, null, null]]], "all_evidence": [[228426, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33818, null, null, null]]], "all_evidence": [[33818, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[290309, 283363, "Electric_chair", 15]], [[291670, 284581, "Electric_chair", 15]], [[293782, 286213, "Electric_chair", 15]], [[338187, 323428, "Electric_chair", 15]], [[338194, 323432, "Electric_chair", 15]]], "all_evidence": [[290309, 283363, "Electric_chair", 15], [291670, 284581, "Electric_chair", 15], [293782, 286213, "Electric_chair", 15], [338187, 323428, "Electric_chair", 15], [338194, 323432, "Electric_chair", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102266, null, null, null]]], "all_evidence": [[102266, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94396, 107378, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [94396, 107378, "NCAA_Division_I", 0]]], "all_evidence": [[94396, 107378, "2003_NCAA_Division_I_Men's_Basketball_Tournament", 0], [94396, 107378, "NCAA_Division_I", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[184518, null, null, null]]], "all_evidence": [[184518, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88861, 101493, "Raja_Hindustani", 0]], [[88861, 101494, "Raja_Hindustani", 3]], [[88861, 101495, "Raja_Hindustani", 13]]], "all_evidence": [[88861, 101493, "Raja_Hindustani", 0], [88861, 101494, "Raja_Hindustani", 3], [88861, 101495, "Raja_Hindustani", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160664, 175191, "Battle_of_the_Bastards", 0]], [[160664, 175192, "Battle_of_the_Bastards", 16], [160664, 175192, "68th_Primetime_Emmy_Awards", 0]]], "all_evidence": [[160664, 175191, "Battle_of_the_Bastards", 0], [160664, 175192, "Battle_of_the_Bastards", 16], [160664, 175192, "68th_Primetime_Emmy_Awards", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198363, 208243, "Research", 4]]], "all_evidence": [[198363, 208243, "Research", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265379, 262597, "Practical_Magic", 0]]], "all_evidence": [[265379, 262597, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74659, 85881, "The_Giver_-LRB-film-RRB-", 0]]], "all_evidence": [[74659, 85881, "The_Giver_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172707, null, null, null]]], "all_evidence": [[172707, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[256862, 255984, "Tenacious_D_-LRB-album-RRB-", 0]]], "all_evidence": [[256862, 255984, "Tenacious_D_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90945, 103630, "George_III_of_the_United_Kingdom", 7]]], "all_evidence": [[90945, 103630, "George_III_of_the_United_Kingdom", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123440, 137875, "Menace_II_Society", 1]]], "all_evidence": [[123440, 137875, "Menace_II_Society", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61664, null, null, null]]], "all_evidence": [[61664, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[172947, 186194, "Ron_Dennis", 10], [172947, 186194, "Absolute_Taste", 0]]], "all_evidence": [[172947, 186194, "Ron_Dennis", 10], [172947, 186194, "Absolute_Taste", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204620, null, null, null]]], "all_evidence": [[204620, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74909, 86120, "Anna_Nicole_Smith", 0]]], "all_evidence": [[74909, 86120, "Anna_Nicole_Smith", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69611, 80443, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[69611, 80443, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88244, null, null, null]]], "all_evidence": [[88244, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292768, null, null, null], [295365, null, null, null], [297138, null, null, null], [340932, null, null, null]]], "all_evidence": [[292768, null, null, null], [295365, null, null, null], [297138, null, null, null], [340932, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61980, 72481, "Anneliese_van_der_Pol", 1]]], "all_evidence": [[61980, 72481, "Anneliese_van_der_Pol", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72040, null, null, null]]], "all_evidence": [[72040, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224430, 229281, "Padua", 1]]], "all_evidence": [[224430, 229281, "Padua", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[282969, 277105, "Charles_Howard_Hinton", 0]], [[282971, 277107, "Charles_Howard_Hinton", 0]], [[284868, 278604, "Charles_Howard_Hinton", 0]], [[332230, 318644, "Charles_Howard_Hinton", 0]], [[333431, 319680, "Charles_Howard_Hinton", 0]], [[333432, 319681, "Charles_Howard_Hinton", 0]], [[333435, 319683, "Charles_Howard_Hinton", 0]], [[333440, 319695, "Charles_Howard_Hinton", 0]]], "all_evidence": [[282969, 277105, "Charles_Howard_Hinton", 0], [282971, 277107, "Charles_Howard_Hinton", 0], [284868, 278604, "Charles_Howard_Hinton", 0], [332230, 318644, "Charles_Howard_Hinton", 0], [333431, 319680, "Charles_Howard_Hinton", 0], [333432, 319681, "Charles_Howard_Hinton", 0], [333435, 319683, "Charles_Howard_Hinton", 0], [333440, 319695, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206161, 214594, "Milk_-LRB-film-RRB-", 0], [206161, 214594, "Milk_-LRB-film-RRB-", 1]]], "all_evidence": [[206161, 214594, "Milk_-LRB-film-RRB-", 0], [206161, 214594, "Milk_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91367, 104086, "Two_and_a_Half_Men", 0]]], "all_evidence": [[91367, 104086, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218612, null, null, null]]], "all_evidence": [[218612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[234319, 237224, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]]], "all_evidence": [[234319, 237224, "Wedding_of_Charles,_Prince_of_Wales,_and_Lady_Diana_Spencer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253927, 253725, "The_Hunger_Games_-LRB-film_series-RRB-", 0]], [[320947, 309432, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]], "all_evidence": [[253927, 253725, "The_Hunger_Games_-LRB-film_series-RRB-", 0], [320947, 309432, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220629, 226454, "William_Cohen", 0]]], "all_evidence": [[220629, 226454, "William_Cohen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41722, 50166, "Solanum", 1]], [[46624, 55617, "Solanum", 1]], [[302204, 293236, "Solanum", 1]], [[302205, 293237, "Solanum", 1]]], "all_evidence": [[41722, 50166, "Solanum", 1], [46624, 55617, "Solanum", 1], [302204, 293236, "Solanum", 1], [302205, 293237, "Solanum", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[299625, null, null, null]]], "all_evidence": [[299625, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237096, 239391, "Web_page", 14]]], "all_evidence": [[237096, 239391, "Web_page", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[20024, 24582, "Sonny_&_Cher", 0]]], "all_evidence": [[20024, 24582, "Sonny_&_Cher", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100408, null, null, null]]], "all_evidence": [[100408, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266477, null, null, null]]], "all_evidence": [[266477, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159409, 173950, "City_of_Literature", 2]]], "all_evidence": [[159409, 173950, "City_of_Literature", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17792, null, null, null]]], "all_evidence": [[17792, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296818, 288563, "Probot", 0]], [[298458, 289944, "Probot", 0]], [[300464, 291665, "Probot", 0]], [[344045, 327661, "Probot", 0]], [[344130, 327716, "Probot", 0]]], "all_evidence": [[296818, 288563, "Probot", 0], [298458, 289944, "Probot", 0], [300464, 291665, "Probot", 0], [344045, 327661, "Probot", 0], [344130, 327716, "Probot", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130021, 144736, "Duke_of_York", 12]]], "all_evidence": [[130021, 144736, "Duke_of_York", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[147706, 162727, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]], "all_evidence": [[147706, 162727, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120038, null, null, null]]], "all_evidence": [[120038, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97152, 110345, "Keith_Stanfield", 0]]], "all_evidence": [[97152, 110345, "Keith_Stanfield", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177098, null, null, null]]], "all_evidence": [[177098, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127133, 141646, "Meghan_Markle", 0]], [[127133, 141647, "Meghan_Markle", 2]]], "all_evidence": [[127133, 141646, "Meghan_Markle", 0], [127133, 141647, "Meghan_Markle", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84410, 96580, "Sonny_Bono", 0]]], "all_evidence": [[84410, 96580, "Sonny_Bono", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68777, 79606, "Fraud", 0]]], "all_evidence": [[68777, 79606, "Fraud", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242205, null, null, null]]], "all_evidence": [[242205, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111010, 124698, "Carol_Danvers", 0]], [[111010, 124699, "Carol_Danvers", 7]]], "all_evidence": [[111010, 124698, "Carol_Danvers", 0], [111010, 124699, "Carol_Danvers", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186728, 198506, "Ding_Yanyuhang", 0]]], "all_evidence": [[186728, 198506, "Ding_Yanyuhang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[293119, null, null, null], [295729, null, null, null], [341426, null, null, null], [341431, null, null, null]]], "all_evidence": [[293119, null, null, null], [295729, null, null, null], [341426, null, null, null], [341431, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263471, 261144, "The_Block_-LRB-album-RRB-", 0], [263471, 261144, "The_Block_-LRB-album-RRB-", 1]]], "all_evidence": [[263471, 261144, "The_Block_-LRB-album-RRB-", 0], [263471, 261144, "The_Block_-LRB-album-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233415, null, null, null]]], "all_evidence": [[233415, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95140, 108133, "Near-Earth_object", 0], [95140, 108133, "Astronomical_object", 0]], [[95140, 108134, "Near-Earth_object", 1], [95140, 108134, "Astronomical_object", 0]], [[95140, 108135, "Near-Earth_object", 2], [95140, 108135, "Astronomical_object", 0]], [[95140, 108136, "Near-Earth_object", 4], [95140, 108136, "Astronomical_object", 0]]], "all_evidence": [[95140, 108133, "Near-Earth_object", 0], [95140, 108133, "Astronomical_object", 0], [95140, 108134, "Near-Earth_object", 1], [95140, 108134, "Astronomical_object", 0], [95140, 108135, "Near-Earth_object", 2], [95140, 108135, "Astronomical_object", 0], [95140, 108136, "Near-Earth_object", 4], [95140, 108136, "Astronomical_object", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269055, 265470, "David_Lloyd_George", 20]]], "all_evidence": [[269055, 265470, "David_Lloyd_George", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12891, 16065, "Java", 0]]], "all_evidence": [[12891, 16065, "Java", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38045, 45966, "Carol_Danvers", 0]], [[38045, 45967, "Carol_Danvers", 1], [38045, 45967, "Marvel_Super-Heroes_-LRB-comics-RRB-", 0]]], "all_evidence": [[38045, 45966, "Carol_Danvers", 0], [38045, 45967, "Carol_Danvers", 1], [38045, 45967, "Marvel_Super-Heroes_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45675, 54530, "The_Ellen_Show", 0]], [[45675, 54531, "The_Ellen_Show", 1], [45675, 54531, "Ellen_-LRB-TV_series-RRB-", 1]], [[45675, 54532, "The_Ellen_Show", 4]], [[45675, 54533, "The_Ellen_Show", 7], [45675, 54533, "Ellen_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[45675, 54530, "The_Ellen_Show", 0], [45675, 54531, "The_Ellen_Show", 1], [45675, 54531, "Ellen_-LRB-TV_series-RRB-", 1], [45675, 54532, "The_Ellen_Show", 4], [45675, 54533, "The_Ellen_Show", 7], [45675, 54533, "Ellen_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93678, 106623, "B._R._Ambedkar", 0]], [[93678, 106624, "B._R._Ambedkar", 7]]], "all_evidence": [[93678, 106623, "B._R._Ambedkar", 0], [93678, 106624, "B._R._Ambedkar", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224152, 229004, "Ang_Lee", 0]], [[224155, 229007, "Ang_Lee", 0]]], "all_evidence": [[224152, 229004, "Ang_Lee", 0], [224155, 229007, "Ang_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149416, 164379, "Cars_3", 2]]], "all_evidence": [[149416, 164379, "Cars_3", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144889, null, null, null]]], "all_evidence": [[144889, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193527, null, null, null]]], "all_evidence": [[193527, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18899, 23146, "Physics", 4]]], "all_evidence": [[18899, 23146, "Physics", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147384, null, null, null]]], "all_evidence": [[147384, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86346, 98748, "Maggie_Q", 1], [86346, 98748, "Nikita_-LRB-TV_series-RRB-", 0]], [[86346, 98749, "Maggie_Q", 3], [86346, 98749, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[86346, 98748, "Maggie_Q", 1], [86346, 98748, "Nikita_-LRB-TV_series-RRB-", 0], [86346, 98749, "Maggie_Q", 3], [86346, 98749, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102098, 115358, "Matt_Bomer", 0]]], "all_evidence": [[102098, 115358, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149533, null, null, null]]], "all_evidence": [[149533, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18848, 23087, "Legendary_Entertainment", 2], [18848, 23087, "Wanda_Group", 0]]], "all_evidence": [[18848, 23087, "Legendary_Entertainment", 2], [18848, 23087, "Wanda_Group", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64507, 75295, "Edward_Cullen", 0], [64507, 75295, "Twilight_-LRB-Meyer_novel-RRB-", 0]], [[64507, 75296, "Edward_Cullen", 1]], [[64507, 75297, "Edward_Cullen", 2], [64507, 75297, "Bella_Swan", 0], [64507, 75297, "Bella_Swan", 1]]], "all_evidence": [[64507, 75295, "Edward_Cullen", 0], [64507, 75295, "Twilight_-LRB-Meyer_novel-RRB-", 0], [64507, 75296, "Edward_Cullen", 1], [64507, 75297, "Edward_Cullen", 2], [64507, 75297, "Bella_Swan", 0], [64507, 75297, "Bella_Swan", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[159008, null, null, null]]], "all_evidence": [[159008, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[43901, 52543, "Kate_Walsh_-LRB-actress-RRB-", 1]]], "all_evidence": [[43901, 52543, "Kate_Walsh_-LRB-actress-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137734, 152670, "Fuller_House_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[137734, 152670, "Fuller_House_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118868, 132705, "Ice-T", 0]]], "all_evidence": [[118868, 132705, "Ice-T", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41541, 49950, "Camp_Flog_Gnaw", 0]]], "all_evidence": [[41541, 49950, "Camp_Flog_Gnaw", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272863, null, null, null]]], "all_evidence": [[272863, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138911, 153956, "Ayananka_Bose", 0]]], "all_evidence": [[138911, 153956, "Ayananka_Bose", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137362, 152213, "David_Attenborough", 4]]], "all_evidence": [[137362, 152213, "David_Attenborough", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[208738, null, null, null]]], "all_evidence": [[208738, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158229, 172857, "Psych_-LRB-season_2-RRB-", 0]], [[159855, 174351, "Psych_-LRB-season_2-RRB-", 0]], [[161541, 175988, "Psych_-LRB-season_2-RRB-", 0]], [[313300, 302948, "Psych_-LRB-season_2-RRB-", 0]], [[313505, 303112, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[158229, 172857, "Psych_-LRB-season_2-RRB-", 0], [159855, 174351, "Psych_-LRB-season_2-RRB-", 0], [161541, 175988, "Psych_-LRB-season_2-RRB-", 0], [313300, 302948, "Psych_-LRB-season_2-RRB-", 0], [313505, 303112, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[46347, 55333, "The_Love_Club_EP", 0]]], "all_evidence": [[46347, 55333, "The_Love_Club_EP", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84312, 96430, "Danish_language", 1]]], "all_evidence": [[84312, 96430, "Danish_language", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[257556, null, null, null]]], "all_evidence": [[257556, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113118, null, null, null]]], "all_evidence": [[113118, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188461, 199864, "Ukrainian_Soviet_Socialist_Republic", 7]]], "all_evidence": [[188461, 199864, "Ukrainian_Soviet_Socialist_Republic", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[170153, 183719, "Yemen", 21], [170153, 183719, "Middle_East", 19]]], "all_evidence": [[170153, 183719, "Yemen", 21], [170153, 183719, "Middle_East", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106097, 119480, "Skopje", 8]]], "all_evidence": [[106097, 119480, "Skopje", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[130801, 145589, "City_of_Literature", 0]]], "all_evidence": [[130801, 145589, "City_of_Literature", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109449, 123093, "Simon_Cowell", 0]], [[109449, 123094, "Simon_Cowell", 1]], [[109449, 123095, "Simon_Cowell", 2]]], "all_evidence": [[109449, 123093, "Simon_Cowell", 0], [109449, 123094, "Simon_Cowell", 1], [109449, 123095, "Simon_Cowell", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101463, null, null, null]]], "all_evidence": [[101463, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[260787, null, null, null]]], "all_evidence": [[260787, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[286090, null, null, null], [286095, null, null, null], [332817, null, null, null], [332818, null, null, null], [332820, null, null, null], [332823, null, null, null]]], "all_evidence": [[286090, null, null, null], [286095, null, null, null], [332817, null, null, null], [332818, null, null, null], [332820, null, null, null], [332823, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213562, 220783, "Estelle_Getty", 0]], [[213562, 220784, "Estelle_Getty", 1]], [[213562, 220785, "Estelle_Getty", 2]]], "all_evidence": [[213562, 220783, "Estelle_Getty", 0], [213562, 220784, "Estelle_Getty", 1], [213562, 220785, "Estelle_Getty", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[87660, null, null, null]]], "all_evidence": [[87660, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[249180, null, null, null]]], "all_evidence": [[249180, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159971, 174474, "Mormons", 24]]], "all_evidence": [[159971, 174474, "Mormons", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[172927, 186178, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 0]]], "all_evidence": [[172927, 186178, "No_Way_Out_-LRB-Puff_Daddy_album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[33324, null, null, null]]], "all_evidence": [[33324, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49731, null, null, null]]], "all_evidence": [[49731, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167817, null, null, null], [167826, null, null, null]]], "all_evidence": [[167817, null, null, null], [167826, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130081, 144819, "Aestheticism", 0]], [[130081, 144820, "Aestheticism", 1]], [[130081, 144821, "Aestheticism", 2]], [[130081, 144822, "Aestheticism", 5], [130081, 144822, "Decadent_movement", 0]]], "all_evidence": [[130081, 144819, "Aestheticism", 0], [130081, 144820, "Aestheticism", 1], [130081, 144821, "Aestheticism", 2], [130081, 144822, "Aestheticism", 5], [130081, 144822, "Decadent_movement", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[68053, null, null, null]]], "all_evidence": [[68053, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227733, null, null, null]]], "all_evidence": [[227733, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[88313, 100919, "Amy_Winehouse", 10]]], "all_evidence": [[88313, 100919, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218871, null, null, null]]], "all_evidence": [[218871, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40057, 48188, "The_Nice_Guys", 0]]], "all_evidence": [[40057, 48188, "The_Nice_Guys", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194655, 205042, "Boeing_767", 19]]], "all_evidence": [[194655, 205042, "Boeing_767", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104550, null, null, null]]], "all_evidence": [[104550, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174817, null, null, null]]], "all_evidence": [[174817, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39176, 47173, "Estonia", 0]], [[39176, 47174, "Estonia", 20]], [[39176, 47175, "Estonia", 26]], [[39176, 47176, "Estonia", 7], [39176, 47176, "Estonians", 0]], [[39176, 47177, "Estonia", 8], [39176, 47177, "Estonian_Soviet_Socialist_Republic", 12]], [[39176, 47178, "Estonia", 12], [39176, 47178, "Parliamentary_system", 5]], [[39176, 47179, "Estonia", 14], [39176, 47179, "Schengen_Area", 1]], [[39176, 47180, "Estonia", 27], [39176, 47180, "Electronic_voting_in_Estonia", 1]], [[39176, 47181, "Estonia", 21], [39176, 47181, "Press_Freedom_Index", 0]]], "all_evidence": [[39176, 47173, "Estonia", 0], [39176, 47174, "Estonia", 20], [39176, 47175, "Estonia", 26], [39176, 47176, "Estonia", 7], [39176, 47176, "Estonians", 0], [39176, 47177, "Estonia", 8], [39176, 47177, "Estonian_Soviet_Socialist_Republic", 12], [39176, 47178, "Estonia", 12], [39176, 47178, "Parliamentary_system", 5], [39176, 47179, "Estonia", 14], [39176, 47179, "Schengen_Area", 1], [39176, 47180, "Estonia", 27], [39176, 47180, "Electronic_voting_in_Estonia", 1], [39176, 47181, "Estonia", 21], [39176, 47181, "Press_Freedom_Index", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258040, 256929, "Pakistan_Movement", 13]]], "all_evidence": [[258040, 256929, "Pakistan_Movement", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71200, null, null, null]]], "all_evidence": [[71200, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93672, 106616, "Woodrow_Wilson", 0], [93672, 106616, "List_of_Presidents_of_the_United_States", 0]]], "all_evidence": [[93672, 106616, "Woodrow_Wilson", 0], [93672, 106616, "List_of_Presidents_of_the_United_States", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[150362, null, null, null]]], "all_evidence": [[150362, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196022, 206175, "Japan_national_football_team", 4]]], "all_evidence": [[196022, 206175, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91431, 104166, "Adidas", 0]], [[91431, 104167, "Adidas", 10]]], "all_evidence": [[91431, 104166, "Adidas", 0], [91431, 104167, "Adidas", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268438, null, null, null], [268440, null, null, null]]], "all_evidence": [[268438, null, null, null], [268440, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73975, 85209, "B._R._Ambedkar", 10]]], "all_evidence": [[73975, 85209, "B._R._Ambedkar", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45201, 53939, "Eric_Bana", 0]], [[47376, 56502, "Eric_Bana", 0]], [[49935, 59428, "Eric_Bana", 0]], [[302299, 293324, "Eric_Bana", 0]], [[304094, 294950, "Eric_Bana", 0]], [[304835, 295651, "Eric_Bana", 0]]], "all_evidence": [[45201, 53939, "Eric_Bana", 0], [47376, 56502, "Eric_Bana", 0], [49935, 59428, "Eric_Bana", 0], [302299, 293324, "Eric_Bana", 0], [304094, 294950, "Eric_Bana", 0], [304835, 295651, "Eric_Bana", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224433, 229284, "Padua", 1]]], "all_evidence": [[224433, 229284, "Padua", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19866, 24412, "Andrew_Moray", 1]]], "all_evidence": [[19866, 24412, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165012, 179192, "Pink_-LRB-singer-RRB-", 22]]], "all_evidence": [[165012, 179192, "Pink_-LRB-singer-RRB-", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111492, 125222, "Joni_Mitchell", 20]]], "all_evidence": [[111492, 125222, "Joni_Mitchell", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185954, 197754, "Rick_Ross", 3]], [[187496, 199120, "Rick_Ross", 3]], [[314448, 303840, "Rick_Ross", 3]], [[316115, 305310, "Rick_Ross", 3]]], "all_evidence": [[185954, 197754, "Rick_Ross", 3], [187496, 199120, "Rick_Ross", 3], [314448, 303840, "Rick_Ross", 3], [316115, 305310, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99170, 112276, "Japan", 0]], [[99170, 112277, "Japan", 1]], [[99170, 112278, "Japan", 9]]], "all_evidence": [[99170, 112276, "Japan", 0], [99170, 112277, "Japan", 1], [99170, 112278, "Japan", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116959, null, null, null]]], "all_evidence": [[116959, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229676, 233564, "William_Howard_Taft", 11], [229676, 233564, "Supreme_Court_of_the_United_States", 0]]], "all_evidence": [[229676, 233564, "William_Howard_Taft", 11], [229676, 233564, "Supreme_Court_of_the_United_States", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[204626, null, null, null]]], "all_evidence": [[204626, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153604, 168443, "Andrew_Moray", 1]]], "all_evidence": [[153604, 168443, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250014, 250079, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[250014, 250079, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[90915, 103609, "The_Incredibles_2", 3]]], "all_evidence": [[90915, 103609, "The_Incredibles_2", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[247846, 248148, "Alexandria", 0]], [[247846, 248149, "Alexandria", 14]]], "all_evidence": [[247846, 248148, "Alexandria", 0], [247846, 248149, "Alexandria", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296145, 288079, "Raja_Hindustani", 0]], [[297724, 289334, "Raja_Hindustani", 0]], [[299827, 291187, "Raja_Hindustani", 0]], [[342500, 326515, "Raja_Hindustani", 0]], [[342588, 326566, "Raja_Hindustani", 0], [342588, 326566, "Dharmesh_Darshan", 0]]], "all_evidence": [[296145, 288079, "Raja_Hindustani", 0], [297724, 289334, "Raja_Hindustani", 0], [299827, 291187, "Raja_Hindustani", 0], [342500, 326515, "Raja_Hindustani", 0], [342588, 326566, "Raja_Hindustani", 0], [342588, 326566, "Dharmesh_Darshan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68778, 79607, "Lorelai_Gilmore", 3]]], "all_evidence": [[68778, 79607, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53343, 63324, "Salt_River_Valley", 0]]], "all_evidence": [[53343, 63324, "Salt_River_Valley", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51904, 61740, "Agent_Raghav_\u2013_Crime_Branch", 2]]], "all_evidence": [[51904, 61740, "Agent_Raghav_\u2013_Crime_Branch", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[244112, 245202, "Uta_Hagen", 0]]], "all_evidence": [[244112, 245202, "Uta_Hagen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[190700, 201673, "Independent_Spirit_Awards", 10]], [[196418, 206541, "Independent_Spirit_Awards", 10]], [[315065, 304334, "Independent_Spirit_Awards", 10]], [[315066, 304335, "Independent_Spirit_Awards", 10]], [[315073, 304360, "Independent_Spirit_Awards", 0], [315073, 304360, "Independent_Spirit_Awards", 10]]], "all_evidence": [[190700, 201673, "Independent_Spirit_Awards", 10], [196418, 206541, "Independent_Spirit_Awards", 10], [315065, 304334, "Independent_Spirit_Awards", 10], [315066, 304335, "Independent_Spirit_Awards", 10], [315073, 304360, "Independent_Spirit_Awards", 0], [315073, 304360, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98351, 111461, "Mikhail_Prokhorov", 3]]], "all_evidence": [[98351, 111461, "Mikhail_Prokhorov", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220520, 226280, "Numenius_of_Apamea", 0]], [[220521, 226281, "Numenius_of_Apamea", 0]]], "all_evidence": [[220520, 226280, "Numenius_of_Apamea", 0], [220521, 226281, "Numenius_of_Apamea", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238352, 240403, "New_Jersey_Turnpike", 15]]], "all_evidence": [[238352, 240403, "New_Jersey_Turnpike", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62162, 72701, "Stomp_the_Yard", 8]]], "all_evidence": [[62162, 72701, "Stomp_the_Yard", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196005, 206162, "Japan_national_football_team", 4]]], "all_evidence": [[196005, 206162, "Japan_national_football_team", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91585, null, null, null]]], "all_evidence": [[91585, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[161885, 176300, "Josh_Hutcherson", 7]], [[161885, 176301, "Josh_Hutcherson", 6]]], "all_evidence": [[161885, 176300, "Josh_Hutcherson", 7], [161885, 176301, "Josh_Hutcherson", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150567, 165439, "Melilla", 0]]], "all_evidence": [[150567, 165439, "Melilla", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147076, null, null, null], [147077, null, null, null]]], "all_evidence": [[147076, null, null, null], [147077, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155525, null, null, null]]], "all_evidence": [[155525, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77673, 89125, "Pakistan", 0]]], "all_evidence": [[77673, 89125, "Pakistan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230481, null, null, null]]], "all_evidence": [[230481, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[243515, 244723, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]], "all_evidence": [[243515, 244723, "The_Office_-LRB-U.S._TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65720, 76590, "Temple_Mount", 1]]], "all_evidence": [[65720, 76590, "Temple_Mount", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87483, 99957, "Temple_Mount", 1]]], "all_evidence": [[87483, 99957, "Temple_Mount", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176639, 189566, "Ricardo_Montalba\u0301n", 0]]], "all_evidence": [[176639, 189566, "Ricardo_Montalba\u0301n", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218628, 224867, "Rob_McElhenney", 3]]], "all_evidence": [[218628, 224867, "Rob_McElhenney", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160696, null, null, null], [160697, null, null, null]]], "all_evidence": [[160696, null, null, null], [160697, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108255, 121793, "Two_and_a_Half_Men", 0]], [[108255, 121794, "Two_and_a_Half_Men", 1], [108255, 121794, "List_of_Two_and_a_Half_Men_characters", 0]]], "all_evidence": [[108255, 121793, "Two_and_a_Half_Men", 0], [108255, 121794, "Two_and_a_Half_Men", 1], [108255, 121794, "List_of_Two_and_a_Half_Men_characters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[139956, 154975, "The_Maze_Runner_-LRB-film-RRB-", 13]]], "all_evidence": [[139956, 154975, "The_Maze_Runner_-LRB-film-RRB-", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24500, 30286, "Adobe_Photoshop", 20]]], "all_evidence": [[24500, 30286, "Adobe_Photoshop", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35969, 43519, "Raven-Symone\u0301", 0]]], "all_evidence": [[35969, 43519, "Raven-Symone\u0301", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51681, 61460, "Veep", 0]], [[51681, 61461, "Veep", 1]], [[51681, 61462, "Veep", 3]], [[51681, 61463, "Veep", 7]], [[51681, 61464, "Veep", 8]], [[51681, 61465, "Veep", 10]], [[51681, 61466, "Veep", 13]], [[51681, 61467, "Veep", 14]]], "all_evidence": [[51681, 61460, "Veep", 0], [51681, 61461, "Veep", 1], [51681, 61462, "Veep", 3], [51681, 61463, "Veep", 7], [51681, 61464, "Veep", 8], [51681, 61465, "Veep", 10], [51681, 61466, "Veep", 13], [51681, 61467, "Veep", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181286, null, null, null]]], "all_evidence": [[181286, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220630, null, null, null]]], "all_evidence": [[220630, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[163642, 177879, "Mamata_Banerjee", 0]]], "all_evidence": [[163642, 177879, "Mamata_Banerjee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[31641, null, null, null]]], "all_evidence": [[31641, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[43135, null, null, null]]], "all_evidence": [[43135, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125950, 140345, "Electric_chair", 15]], [[125951, 140346, "Electric_chair", 15]], [[125952, 140348, "Electric_chair", 15]], [[125953, 140347, "Electric_chair", 15]], [[125954, 140349, "Electric_chair", 15]], [[125955, 140350, "Electric_chair", 15]], [[125956, 140351, "Electric_chair", 15]], [[125957, 140352, "Electric_chair", 15]]], "all_evidence": [[125950, 140345, "Electric_chair", 15], [125951, 140346, "Electric_chair", 15], [125952, 140348, "Electric_chair", 15], [125953, 140347, "Electric_chair", 15], [125954, 140349, "Electric_chair", 15], [125955, 140350, "Electric_chair", 15], [125956, 140351, "Electric_chair", 15], [125957, 140352, "Electric_chair", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[158924, null, null, null]]], "all_evidence": [[158924, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166436, 180274, "Julie_Bowen", 0]], [[166439, 180277, "Julie_Bowen", 0]], [[166440, 180278, "Julie_Bowen", 0]]], "all_evidence": [[166436, 180274, "Julie_Bowen", 0], [166439, 180277, "Julie_Bowen", 0], [166440, 180278, "Julie_Bowen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100350, 113636, "Warren_Beatty", 2]], [[100350, 113637, "Warren_Beatty", 1], [100350, 113637, "Reds_-LRB-film-RRB-", 12]], [[102477, 115757, "Warren_Beatty", 2]], [[103637, 117084, "Warren_Beatty", 2]], [[307897, 298372, "Warren_Beatty", 2]], [[309110, 299389, "Warren_Beatty", 2]]], "all_evidence": [[100350, 113636, "Warren_Beatty", 2], [100350, 113637, "Warren_Beatty", 1], [100350, 113637, "Reds_-LRB-film-RRB-", 12], [102477, 115757, "Warren_Beatty", 2], [103637, 117084, "Warren_Beatty", 2], [307897, 298372, "Warren_Beatty", 2], [309110, 299389, "Warren_Beatty", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56371, null, null, null]]], "all_evidence": [[56371, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74024, 85253, "Benzodiazepine", 2]]], "all_evidence": [[74024, 85253, "Benzodiazepine", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[180445, 192924, "Leslie_Alexander_-LRB-businessman-RRB-", 1]], [[180446, 192925, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]], "all_evidence": [[180445, 192924, "Leslie_Alexander_-LRB-businessman-RRB-", 1], [180446, 192925, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101374, 114603, "Daenerys_Targaryen", 0]]], "all_evidence": [[101374, 114603, "Daenerys_Targaryen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30133, 36693, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]], "all_evidence": [[30133, 36693, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46181, 55143, "Port_of_Spain", 0], [46181, 55143, "Trinidad_and_Tobago", 0]]], "all_evidence": [[46181, 55143, "Port_of_Spain", 0], [46181, 55143, "Trinidad_and_Tobago", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192022, 202782, "Baadshah_-LRB-2013_film-RRB-", 15]], [[192022, 202783, "Baadshah_-LRB-2013_film-RRB-", 17]]], "all_evidence": [[192022, 202782, "Baadshah_-LRB-2013_film-RRB-", 15], [192022, 202783, "Baadshah_-LRB-2013_film-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136418, 151209, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]], "all_evidence": [[136418, 151209, "Taarak_Mehta_Ka_Ooltah_Chashmah", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174162, 187356, "Bob_Ross", 1]]], "all_evidence": [[174162, 187356, "Bob_Ross", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40237, null, null, null]]], "all_evidence": [[40237, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[251561, 251400, "Gory_Guerrero", 0]]], "all_evidence": [[251561, 251400, "Gory_Guerrero", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162328, null, null, null]]], "all_evidence": [[162328, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[250006, 250070, "Resident_Evil_-LRB-film-RRB-", 2]], [[250006, 250071, "Resident_Evil_-LRB-film-RRB-", 0]], [[250009, 250073, "Resident_Evil_-LRB-film-RRB-", 2]]], "all_evidence": [[250006, 250070, "Resident_Evil_-LRB-film-RRB-", 2], [250006, 250071, "Resident_Evil_-LRB-film-RRB-", 0], [250009, 250073, "Resident_Evil_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50285, 59865, "Annabelle_-LRB-doll-RRB-", 1]]], "all_evidence": [[50285, 59865, "Annabelle_-LRB-doll-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18169, 22318, "Virginia", 19]]], "all_evidence": [[18169, 22318, "Virginia", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127214, null, null, null]]], "all_evidence": [[127214, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[288294, 281568, "Scaramouche", 0]], [[288715, 281949, "Scaramouche", 0]], [[334402, 320471, "Scaramouche", 0]], [[334406, 320475, "Scaramouche", 0]]], "all_evidence": [[288294, 281568, "Scaramouche", 0], [288715, 281949, "Scaramouche", 0], [334402, 320471, "Scaramouche", 0], [334406, 320475, "Scaramouche", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209728, 217516, "Cary_Elwes", 0]]], "all_evidence": [[209728, 217516, "Cary_Elwes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47301, 56427, "Louie_-LRB-season_1-RRB-", 7]]], "all_evidence": [[47301, 56427, "Louie_-LRB-season_1-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196223, 206365, "Ann_Biderman", 0]], [[196229, 206370, "Ann_Biderman", 0]]], "all_evidence": [[196223, 206365, "Ann_Biderman", 0], [196229, 206370, "Ann_Biderman", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[58093, 68315, "Moscovium", 1]]], "all_evidence": [[58093, 68315, "Moscovium", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80807, null, null, null]]], "all_evidence": [[80807, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142903, null, null, null], [310418, null, null, null], [310421, null, null, null]]], "all_evidence": [[142903, null, null, null], [310418, null, null, null], [310421, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200997, null, null, null]]], "all_evidence": [[200997, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44967, 53667, "John_DiMaggio", 1]], [[47110, 56208, "John_DiMaggio", 1]], [[49678, 59108, "John_DiMaggio", 1]], [[302268, 293304, "John_DiMaggio", 1]], [[302269, 293305, "John_DiMaggio", 1]], [[302272, 293308, "John_DiMaggio", 1]]], "all_evidence": [[44967, 53667, "John_DiMaggio", 1], [47110, 56208, "John_DiMaggio", 1], [49678, 59108, "John_DiMaggio", 1], [302268, 293304, "John_DiMaggio", 1], [302269, 293305, "John_DiMaggio", 1], [302272, 293308, "John_DiMaggio", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206152, null, null, null]]], "all_evidence": [[206152, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[146257, null, null, null]]], "all_evidence": [[146257, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171969, 185397, "Ed_Decter", 0]]], "all_evidence": [[171969, 185397, "Ed_Decter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184502, 196388, "Levoamphetamine", 0]]], "all_evidence": [[184502, 196388, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174297, 187533, "SZA_-LRB-singer-RRB-", 6]], [[175864, 188835, "SZA_-LRB-singer-RRB-", 0], [175864, 188835, "SZA_-LRB-singer-RRB-", 6]], [[312933, 302654, "SZA_-LRB-singer-RRB-", 6]], [[313837, 303329, "SZA_-LRB-singer-RRB-", 6], [313837, 303329, "SZA_-LRB-singer-RRB-", 0]], [[313839, 303330, "SZA_-LRB-singer-RRB-", 0], [313839, 303330, "SZA_-LRB-singer-RRB-", 6]]], "all_evidence": [[174297, 187533, "SZA_-LRB-singer-RRB-", 6], [175864, 188835, "SZA_-LRB-singer-RRB-", 0], [175864, 188835, "SZA_-LRB-singer-RRB-", 6], [312933, 302654, "SZA_-LRB-singer-RRB-", 6], [313837, 303329, "SZA_-LRB-singer-RRB-", 6], [313837, 303329, "SZA_-LRB-singer-RRB-", 0], [313839, 303330, "SZA_-LRB-singer-RRB-", 0], [313839, 303330, "SZA_-LRB-singer-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192002, 202764, "Baadshah_-LRB-2013_film-RRB-", 17]]], "all_evidence": [[192002, 202764, "Baadshah_-LRB-2013_film-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[198887, 208585, "Scream_2", 0]]], "all_evidence": [[198887, 208585, "Scream_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66285, null, null, null]]], "all_evidence": [[66285, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[13544, null, null, null]]], "all_evidence": [[13544, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195537, null, null, null]]], "all_evidence": [[195537, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157388, 171950, "Key_&_Peele", 10]]], "all_evidence": [[157388, 171950, "Key_&_Peele", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79461, 91181, "Toy_Story_2", 0]]], "all_evidence": [[79461, 91181, "Toy_Story_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[222085, null, null, null]]], "all_evidence": [[222085, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[230495, null, null, null]]], "all_evidence": [[230495, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50224, 59773, "Fidaa", 0], [50224, 59773, "Telugu_language", 0]], [[50224, 59774, "Fidaa", 1], [50224, 59774, "Telugu_language", 0]]], "all_evidence": [[50224, 59773, "Fidaa", 0], [50224, 59773, "Telugu_language", 0], [50224, 59774, "Fidaa", 1], [50224, 59774, "Telugu_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44795, null, null, null]]], "all_evidence": [[44795, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173340, null, null, null]]], "all_evidence": [[173340, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175311, 188296, "SummerSlam", 4]]], "all_evidence": [[175311, 188296, "SummerSlam", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39403, 47439, "Sierra_Morena", 8]]], "all_evidence": [[39403, 47439, "Sierra_Morena", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78788, null, null, null]]], "all_evidence": [[78788, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235009, null, null, null]]], "all_evidence": [[235009, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138452, 153524, "SZA_-LRB-singer-RRB-", 6]]], "all_evidence": [[138452, 153524, "SZA_-LRB-singer-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157421, 171983, "Brazilian_jiu-jitsu", 1]], [[157423, 171985, "Brazilian_jiu-jitsu", 1]]], "all_evidence": [[157421, 171983, "Brazilian_jiu-jitsu", 1], [157423, 171985, "Brazilian_jiu-jitsu", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292200, null, null, null], [294198, null, null, null], [294838, null, null, null], [339440, null, null, null], [340619, null, null, null]]], "all_evidence": [[292200, null, null, null], [294198, null, null, null], [294838, null, null, null], [339440, null, null, null], [340619, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[228953, null, null, null]]], "all_evidence": [[228953, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118143, 131994, "Stephen_King", 2]]], "all_evidence": [[118143, 131994, "Stephen_King", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213545, null, null, null]]], "all_evidence": [[213545, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34760, 42145, "Project_Y", 1]]], "all_evidence": [[34760, 42145, "Project_Y", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85416, null, null, null]]], "all_evidence": [[85416, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123000, 137270, "Pakistan", 16]]], "all_evidence": [[123000, 137270, "Pakistan", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90838, null, null, null]]], "all_evidence": [[90838, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108287, 121827, "Sonny_Bono", 0]]], "all_evidence": [[108287, 121827, "Sonny_Bono", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60617, 71037, "Yemen", 1]]], "all_evidence": [[60617, 71037, "Yemen", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233437, 236360, "Catherine_Hardwicke", 0]]], "all_evidence": [[233437, 236360, "Catherine_Hardwicke", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151233, 166031, "Faye_Resnick", 0]]], "all_evidence": [[151233, 166031, "Faye_Resnick", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207526, null, null, null]]], "all_evidence": [[207526, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72446, 83502, "James_Spader", 1]]], "all_evidence": [[72446, 83502, "James_Spader", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195174, 205497, "Hammer_Film_Productions", 17]]], "all_evidence": [[195174, 205497, "Hammer_Film_Productions", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[296587, null, null, null], [298240, null, null, null], [300293, null, null, null], [343465, null, null, null], [343499, null, null, null]]], "all_evidence": [[296587, null, null, null], [298240, null, null, null], [300293, null, null, null], [343465, null, null, null], [343499, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242319, 243723, "The_Little_Prince_-LRB-2015_film-RRB-", 0]], [[242319, 243724, "The_Little_Prince_-LRB-2015_film-RRB-", 2]], [[242319, 243725, "The_Little_Prince_-LRB-2015_film-RRB-", 5]], [[242319, 243726, "The_Little_Prince_-LRB-2015_film-RRB-", 9]], [[242319, 243727, "The_Little_Prince_-LRB-2015_film-RRB-", 12]]], "all_evidence": [[242319, 243723, "The_Little_Prince_-LRB-2015_film-RRB-", 0], [242319, 243724, "The_Little_Prince_-LRB-2015_film-RRB-", 2], [242319, 243725, "The_Little_Prince_-LRB-2015_film-RRB-", 5], [242319, 243726, "The_Little_Prince_-LRB-2015_film-RRB-", 9], [242319, 243727, "The_Little_Prince_-LRB-2015_film-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286357, 279817, "Cle\u0301opa\u0302tre", 4]], [[286357, 279818, "Cle\u0301opa\u0302tre", 0]], [[288595, 281819, "Cle\u0301opa\u0302tre", 0]], [[288595, 281820, "Cle\u0301opa\u0302tre", 1]], [[288595, 281821, "Cle\u0301opa\u0302tre", 4]], [[333223, 319448, "Cle\u0301opa\u0302tre", 0]], [[333223, 319449, "Cle\u0301opa\u0302tre", 1]], [[333223, 319450, "Cle\u0301opa\u0302tre", 4]], [[333223, 319451, "Cle\u0301opa\u0302tre", 5]]], "all_evidence": [[286357, 279817, "Cle\u0301opa\u0302tre", 4], [286357, 279818, "Cle\u0301opa\u0302tre", 0], [288595, 281819, "Cle\u0301opa\u0302tre", 0], [288595, 281820, "Cle\u0301opa\u0302tre", 1], [288595, 281821, "Cle\u0301opa\u0302tre", 4], [333223, 319448, "Cle\u0301opa\u0302tre", 0], [333223, 319449, "Cle\u0301opa\u0302tre", 1], [333223, 319450, "Cle\u0301opa\u0302tre", 4], [333223, 319451, "Cle\u0301opa\u0302tre", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[92279, null, null, null]]], "all_evidence": [[92279, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[219572, 225554, "Stephen_Moyer", 0]]], "all_evidence": [[219572, 225554, "Stephen_Moyer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207749, null, null, null], [207755, null, null, null]]], "all_evidence": [[207749, null, null, null], [207755, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66987, null, null, null]]], "all_evidence": [[66987, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258062, null, null, null]]], "all_evidence": [[258062, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183254, null, null, null], [185483, null, null, null], [187084, null, null, null], [314358, null, null, null], [314361, null, null, null], [314364, null, null, null], [314366, null, null, null]]], "all_evidence": [[183254, null, null, null], [185483, null, null, null], [187084, null, null, null], [314358, null, null, null], [314361, null, null, null], [314364, null, null, null], [314366, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253247, null, null, null]]], "all_evidence": [[253247, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41017, 49322, "Bonaire", 9]]], "all_evidence": [[41017, 49322, "Bonaire", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212928, 220323, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212928, 220323, "Richard_Rodney_Bennett", 0]]], "all_evidence": [[212928, 220323, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212928, 220323, "Richard_Rodney_Bennett", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197913, 207839, "Jiang_Wen", 0]]], "all_evidence": [[197913, 207839, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39196, 47211, "University_of_Chicago_Law_School", 6]]], "all_evidence": [[39196, 47211, "University_of_Chicago_Law_School", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83657, null, null, null]]], "all_evidence": [[83657, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225328, 230004, "Visigoths", 16]], [[317943, 306963, "Visigoths", 16]], [[317946, 306965, "Visigoths", 16]], [[317947, 306966, "Visigoths", 16]]], "all_evidence": [[225328, 230004, "Visigoths", 16], [317943, 306963, "Visigoths", 16], [317946, 306965, "Visigoths", 16], [317947, 306966, "Visigoths", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242309, 243710, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242309, 243710, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265309, 262535, "Vedic_Sanskrit", 1]]], "all_evidence": [[265309, 262535, "Vedic_Sanskrit", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164449, 178714, "Anxiety", 13]], [[166617, 180424, "Anxiety", 13]], [[312241, 302076, "Anxiety", 13]]], "all_evidence": [[164449, 178714, "Anxiety", 13], [166617, 180424, "Anxiety", 13], [312241, 302076, "Anxiety", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[75999, 87278, "Saw_II", 20]], [[305682, 296482, "Saw_II", 20]], [[307000, 297555, "Saw_II", 20]]], "all_evidence": [[75999, 87278, "Saw_II", 20], [305682, 296482, "Saw_II", 20], [307000, 297555, "Saw_II", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125686, 140060, "US_Airways_Flight_1549", 1]], [[125686, 140061, "US_Airways_Flight_1549", 12]]], "all_evidence": [[125686, 140060, "US_Airways_Flight_1549", 1], [125686, 140061, "US_Airways_Flight_1549", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11459, 14407, "The_Hit_-LRB-1984_film-RRB-", 0]], [[11459, 14408, "The_Hit_-LRB-1984_film-RRB-", 1]], [[11459, 14409, "The_Hit_-LRB-1984_film-RRB-", 6]]], "all_evidence": [[11459, 14407, "The_Hit_-LRB-1984_film-RRB-", 0], [11459, 14408, "The_Hit_-LRB-1984_film-RRB-", 1], [11459, 14409, "The_Hit_-LRB-1984_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28760, 35103, "Petyr_Baelish", 0]]], "all_evidence": [[28760, 35103, "Petyr_Baelish", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27378, null, null, null]]], "all_evidence": [[27378, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202233, null, null, null]]], "all_evidence": [[202233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270786, 266787, "Blank_Space", 10]]], "all_evidence": [[270786, 266787, "Blank_Space", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76874, 88253, "Salman_Rushdie", 1]]], "all_evidence": [[76874, 88253, "Salman_Rushdie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95265, 108269, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1], [95265, 108269, "Curac\u0327ao", 0]], [[95265, 108270, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 3], [95265, 108270, "Curac\u0327ao", 0]]], "all_evidence": [[95265, 108269, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1], [95265, 108269, "Curac\u0327ao", 0], [95265, 108270, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 3], [95265, 108270, "Curac\u0327ao", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[151483, 166245, "Skopje", 8]]], "all_evidence": [[151483, 166245, "Skopje", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35718, null, null, null]]], "all_evidence": [[35718, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[63645, 74391, "American_Civil_War", 12]]], "all_evidence": [[63645, 74391, "American_Civil_War", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[162100, 176443, "Lorelai_Gilmore", 3]], [[162101, 176444, "Lorelai_Gilmore", 3]]], "all_evidence": [[162100, 176443, "Lorelai_Gilmore", 3], [162101, 176444, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76091, 87396, "Maltese_language", 0]]], "all_evidence": [[76091, 87396, "Maltese_language", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105855, 119242, "Birmingham", 0]], [[105855, 119243, "Birmingham", 1]]], "all_evidence": [[105855, 119242, "Birmingham", 0], [105855, 119243, "Birmingham", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39138, 47141, "Estonia", 0]]], "all_evidence": [[39138, 47141, "Estonia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138707, 153781, "Sky_UK", 0]]], "all_evidence": [[138707, 153781, "Sky_UK", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127660, 142268, "Catherine_Keener", 2]]], "all_evidence": [[127660, 142268, "Catherine_Keener", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87786, 100313, "Netscape_Navigator", 1]]], "all_evidence": [[87786, 100313, "Netscape_Navigator", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18190, 22345, "Anthony_Scaramucci", 0]], [[18190, 22346, "Anthony_Scaramucci", 3]]], "all_evidence": [[18190, 22345, "Anthony_Scaramucci", 0], [18190, 22346, "Anthony_Scaramucci", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224419, 229273, "Padua", 0]]], "all_evidence": [[224419, 229273, "Padua", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38710, 46687, "Silver_Surfer", 0]]], "all_evidence": [[38710, 46687, "Silver_Surfer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[138587, 153665, "Color_of_Night", 0]], [[138587, 153666, "Color_of_Night", 1]], [[138587, 153667, "Color_of_Night", 4], [138587, 153667, "Brad_Dourif", 0], [138587, 153667, "Kevin_J._O'Connor_-LRB-actor-RRB-", 0]], [[138587, 153668, "Color_of_Night", 5]], [[138587, 153669, "Color_of_Night", 8]], [[138587, 153670, "Color_of_Night", 9]], [[138587, 153671, "Color_of_Night", 10]]], "all_evidence": [[138587, 153665, "Color_of_Night", 0], [138587, 153666, "Color_of_Night", 1], [138587, 153667, "Color_of_Night", 4], [138587, 153667, "Brad_Dourif", 0], [138587, 153667, "Kevin_J._O'Connor_-LRB-actor-RRB-", 0], [138587, 153668, "Color_of_Night", 5], [138587, 153669, "Color_of_Night", 8], [138587, 153670, "Color_of_Night", 9], [138587, 153671, "Color_of_Night", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67803, null, null, null]]], "all_evidence": [[67803, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44093, 52732, "The_Beverly_Hillbillies", 0]]], "all_evidence": [[44093, 52732, "The_Beverly_Hillbillies", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176876, 189824, "Firefox", 0]]], "all_evidence": [[176876, 189824, "Firefox", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[85876, 98145, "Tangled", 0]]], "all_evidence": [[85876, 98145, "Tangled", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[283504, null, null, null], [285918, null, null, null], [287613, null, null, null], [332489, null, null, null], [332495, null, null, null]]], "all_evidence": [[283504, null, null, null], [285918, null, null, null], [287613, null, null, null], [332489, null, null, null], [332495, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[292039, null, null, null], [294063, null, null, null], [294730, null, null, null], [338984, null, null, null]]], "all_evidence": [[292039, null, null, null], [294063, null, null, null], [294730, null, null, null], [338984, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[122290, null, null, null]]], "all_evidence": [[122290, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157798, 172394, "Elizabeth_I_of_England", 4]]], "all_evidence": [[157798, 172394, "Elizabeth_I_of_England", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[162592, 176871, "Charles_Howard_Hinton", 0]]], "all_evidence": [[162592, 176871, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[240828, null, null, null], [240838, null, null, null]]], "all_evidence": [[240828, null, null, null], [240838, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[132592, 147499, "Julie_Bowen", 0]]], "all_evidence": [[132592, 147499, "Julie_Bowen", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45006, null, null, null]]], "all_evidence": [[45006, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55543, null, null, null]]], "all_evidence": [[55543, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121531, 135810, "Rick_Ross", 3]]], "all_evidence": [[121531, 135810, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99666, 112794, "Carol_Danvers", 0]], [[99666, 112795, "Carol_Danvers", 1]], [[99666, 112796, "Carol_Danvers", 2], [99666, 112796, "Avengers_-LRB-comics-RRB-", 0]], [[99666, 112797, "Carol_Danvers", 3]], [[99666, 112798, "Carol_Danvers", 6]], [[99666, 112799, "Carol_Danvers", 7]]], "all_evidence": [[99666, 112794, "Carol_Danvers", 0], [99666, 112795, "Carol_Danvers", 1], [99666, 112796, "Carol_Danvers", 2], [99666, 112796, "Avengers_-LRB-comics-RRB-", 0], [99666, 112797, "Carol_Danvers", 3], [99666, 112798, "Carol_Danvers", 6], [99666, 112799, "Carol_Danvers", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42670, 51317, "Shomu_Mukherjee", 9]]], "all_evidence": [[42670, 51317, "Shomu_Mukherjee", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107944, null, null, null]]], "all_evidence": [[107944, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[157010, null, null, null]]], "all_evidence": [[157010, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[119769, null, null, null]]], "all_evidence": [[119769, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[44950, 53635, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[44950, 53635, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[137504, 152363, "Prague", 16]]], "all_evidence": [[137504, 152363, "Prague", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148643, 163671, "Cambridgeshire", 1]]], "all_evidence": [[148643, 163671, "Cambridgeshire", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105583, null, null, null], [105588, null, null, null]]], "all_evidence": [[105583, null, null, null], [105588, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[183222, 195307, "Unison_-LRB-Celine_Dion_album-RRB-", 1]], [[183222, 195308, "Unison_-LRB-Celine_Dion_album-RRB-", 6]], [[183222, 195309, "Unison_-LRB-Celine_Dion_album-RRB-", 15]]], "all_evidence": [[183222, 195307, "Unison_-LRB-Celine_Dion_album-RRB-", 1], [183222, 195308, "Unison_-LRB-Celine_Dion_album-RRB-", 6], [183222, 195309, "Unison_-LRB-Celine_Dion_album-RRB-", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[264575, 262000, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 6]]], "all_evidence": [[264575, 262000, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96234, 109377, "Catherine_Keener", 2]], [[96234, 109378, "Catherine_Keener", 1], [96234, 109378, "Capote_-LRB-film-RRB-", 0], [96234, 109378, "Being_John_Malkovich", 0]], [[98790, 111863, "Catherine_Keener", 1], [98790, 111863, "Capote_-LRB-film-RRB-", 0], [98790, 111863, "Being_John_Malkovich", 5], [98790, 111863, "Being_John_Malkovich", 0]], [[98790, 111864, "Catherine_Keener", 2]], [[98790, 111865, "Catherine_Keener", 3], [98790, 111865, "Nicole_Holofcener", 1]], [[101022, 114284, "Catherine_Keener", 1], [101022, 114284, "Capote_-LRB-film-RRB-", 0], [101022, 114284, "Being_John_Malkovich", 0], [101022, 114284, "Being_John_Malkovich", 1]], [[101022, 114285, "Catherine_Keener", 2], [101022, 114285, "Get_Out_-LRB-film-RRB-", 0], [101022, 114285, "Get_Out_-LRB-film-RRB-", 1], [101022, 114285, "Into_the_Wild_-LRB-film-RRB-", 2], [101022, 114285, "Into_the_Wild_-LRB-film-RRB-", 0]], [[306849, 297442, "Catherine_Keener", 2]], [[307759, 298208, "Catherine_Keener", 1], [307759, 298208, "Being_John_Malkovich", 0]], [[307759, 298209, "Catherine_Keener", 2]]], "all_evidence": [[96234, 109377, "Catherine_Keener", 2], [96234, 109378, "Catherine_Keener", 1], [96234, 109378, "Capote_-LRB-film-RRB-", 0], [96234, 109378, "Being_John_Malkovich", 0], [98790, 111863, "Catherine_Keener", 1], [98790, 111863, "Capote_-LRB-film-RRB-", 0], [98790, 111863, "Being_John_Malkovich", 5], [98790, 111863, "Being_John_Malkovich", 0], [98790, 111864, "Catherine_Keener", 2], [98790, 111865, "Catherine_Keener", 3], [98790, 111865, "Nicole_Holofcener", 1], [101022, 114284, "Catherine_Keener", 1], [101022, 114284, "Capote_-LRB-film-RRB-", 0], [101022, 114284, "Being_John_Malkovich", 0], [101022, 114284, "Being_John_Malkovich", 1], [101022, 114285, "Catherine_Keener", 2], [101022, 114285, "Get_Out_-LRB-film-RRB-", 0], [101022, 114285, "Get_Out_-LRB-film-RRB-", 1], [101022, 114285, "Into_the_Wild_-LRB-film-RRB-", 2], [101022, 114285, "Into_the_Wild_-LRB-film-RRB-", 0], [306849, 297442, "Catherine_Keener", 2], [307759, 298208, "Catherine_Keener", 1], [307759, 298208, "Being_John_Malkovich", 0], [307759, 298209, "Catherine_Keener", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169549, 183156, "New_England_Patriots", 15]]], "all_evidence": [[169549, 183156, "New_England_Patriots", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32673, 39721, "Pharmacology", 1]], [[32673, 39722, "Pharmacology", 0]]], "all_evidence": [[32673, 39721, "Pharmacology", 1], [32673, 39722, "Pharmacology", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101161, 114409, "Ares", 0]], [[101248, 114488, "Ares", 0]]], "all_evidence": [[101161, 114409, "Ares", 0], [101248, 114488, "Ares", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34290, 41579, "The_Hunger_Games_-LRB-novel-RRB-", 0]], [[34290, 41580, "The_Hunger_Games_-LRB-novel-RRB-", 1]], [[34290, 41581, "The_Hunger_Games_-LRB-novel-RRB-", 6]], [[34290, 41582, "The_Hunger_Games_-LRB-novel-RRB-", 7]], [[34290, 41583, "The_Hunger_Games_-LRB-novel-RRB-", 8]], [[34290, 41584, "The_Hunger_Games_-LRB-novel-RRB-", 9]], [[34290, 41585, "The_Hunger_Games_-LRB-novel-RRB-", 12]], [[34290, 41586, "The_Hunger_Games_-LRB-novel-RRB-", 13]], [[34290, 41587, "The_Hunger_Games_-LRB-novel-RRB-", 14]], [[34290, 41588, "The_Hunger_Games_-LRB-novel-RRB-", 15]], [[34290, 41589, "The_Hunger_Games_-LRB-novel-RRB-", 16]], [[34290, 41590, "The_Hunger_Games_-LRB-novel-RRB-", 17]]], "all_evidence": [[34290, 41579, "The_Hunger_Games_-LRB-novel-RRB-", 0], [34290, 41580, "The_Hunger_Games_-LRB-novel-RRB-", 1], [34290, 41581, "The_Hunger_Games_-LRB-novel-RRB-", 6], [34290, 41582, "The_Hunger_Games_-LRB-novel-RRB-", 7], [34290, 41583, "The_Hunger_Games_-LRB-novel-RRB-", 8], [34290, 41584, "The_Hunger_Games_-LRB-novel-RRB-", 9], [34290, 41585, "The_Hunger_Games_-LRB-novel-RRB-", 12], [34290, 41586, "The_Hunger_Games_-LRB-novel-RRB-", 13], [34290, 41587, "The_Hunger_Games_-LRB-novel-RRB-", 14], [34290, 41588, "The_Hunger_Games_-LRB-novel-RRB-", 15], [34290, 41589, "The_Hunger_Games_-LRB-novel-RRB-", 16], [34290, 41590, "The_Hunger_Games_-LRB-novel-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117704, 131587, "Kareena_Kapoor", 6]]], "all_evidence": [[117704, 131587, "Kareena_Kapoor", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207413, null, null, null]]], "all_evidence": [[207413, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34040, null, null, null]]], "all_evidence": [[34040, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209260, 217110, "Amy_Winehouse", 0]], [[211862, 219477, "Amy_Winehouse", 0]], [[211862, 219478, "Amy_Winehouse", 10]], [[214262, 221341, "Amy_Winehouse", 0]], [[316914, 306023, "Amy_Winehouse", 0]], [[316914, 306024, "Amy_Winehouse", 10]]], "all_evidence": [[209260, 217110, "Amy_Winehouse", 0], [211862, 219477, "Amy_Winehouse", 0], [211862, 219478, "Amy_Winehouse", 10], [214262, 221341, "Amy_Winehouse", 0], [316914, 306023, "Amy_Winehouse", 0], [316914, 306024, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69092, 79880, "Scaramouche", 0]]], "all_evidence": [[69092, 79880, "Scaramouche", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[190508, 201517, "American_Idol_-LRB-season_8-RRB-", 1]]], "all_evidence": [[190508, 201517, "American_Idol_-LRB-season_8-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29881, 36430, "GLOW_-LRB-TV_series-RRB-", 3]]], "all_evidence": [[29881, 36430, "GLOW_-LRB-TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39712, 47793, "Charles_de_Gaulle", 12]]], "all_evidence": [[39712, 47793, "Charles_de_Gaulle", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87898, 100417, "Mercedes-Benz", 0]]], "all_evidence": [[87898, 100417, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[179710, 192274, "Yin_and_yang", 10]]], "all_evidence": [[179710, 192274, "Yin_and_yang", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45715, 54582, "Mormons", 23]]], "all_evidence": [[45715, 54582, "Mormons", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[147237, 162240, "Aubrey_Anderson-Emmons", 0]]], "all_evidence": [[147237, 162240, "Aubrey_Anderson-Emmons", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[28831, null, null, null]]], "all_evidence": [[28831, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79410, null, null, null]]], "all_evidence": [[79410, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154003, 168810, "Icelandic_Coast_Guard", 0]]], "all_evidence": [[154003, 168810, "Icelandic_Coast_Guard", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[16340, null, null, null]]], "all_evidence": [[16340, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93668, 106612, "Woodrow_Wilson", 0]], [[93668, 106613, "Woodrow_Wilson", 1]]], "all_evidence": [[93668, 106612, "Woodrow_Wilson", 0], [93668, 106613, "Woodrow_Wilson", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[74273, 85499, "Gray_Matters", 0]]], "all_evidence": [[74273, 85499, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[158558, 173214, "Dulquer_Salmaan", 5]]], "all_evidence": [[158558, 173214, "Dulquer_Salmaan", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[44451, null, null, null]]], "all_evidence": [[44451, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54954, 64972, "Pakistan", 0]]], "all_evidence": [[54954, 64972, "Pakistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97202, 110380, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0]], [[97202, 110381, "Reanimation_-LRB-Linkin_Park_album-RRB-", 1], [97202, 110381, "Hybrid_Theory", 0]]], "all_evidence": [[97202, 110380, "Reanimation_-LRB-Linkin_Park_album-RRB-", 0], [97202, 110381, "Reanimation_-LRB-Linkin_Park_album-RRB-", 1], [97202, 110381, "Hybrid_Theory", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[267602, 264274, "Vampire_Academy_-LRB-film-RRB-", 0]]], "all_evidence": [[267602, 264274, "Vampire_Academy_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[51869, null, null, null]]], "all_evidence": [[51869, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133806, 148679, "James,_Viscount_Severn", 0]]], "all_evidence": [[133806, 148679, "James,_Viscount_Severn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279786, 274399, "Baloch_people", 3]], [[329107, 316015, "Baloch_people", 0]], [[329107, 316016, "Baloch_people", 3], [329107, 316016, "Balochi_language", 0]]], "all_evidence": [[279786, 274399, "Baloch_people", 3], [329107, 316015, "Baloch_people", 0], [329107, 316016, "Baloch_people", 3], [329107, 316016, "Balochi_language", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35012, null, null, null]]], "all_evidence": [[35012, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64763, 75597, "The_SpongeBob_SquarePants_Movie", 0]]], "all_evidence": [[64763, 75597, "The_SpongeBob_SquarePants_Movie", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[148401, 163414, "Malta", 17]]], "all_evidence": [[148401, 163414, "Malta", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206142, 214582, "Milk_-LRB-film-RRB-", 0]]], "all_evidence": [[206142, 214582, "Milk_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[118000, 131862, "Southern_Hospitality_-LRB-song-RRB-", 2]]], "all_evidence": [[118000, 131862, "Southern_Hospitality_-LRB-song-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23072, 28418, "Loretta_Sanchez", 0]]], "all_evidence": [[23072, 28418, "Loretta_Sanchez", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126009, 140412, "Mamata_Banerjee", 0]]], "all_evidence": [[126009, 140412, "Mamata_Banerjee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93697, null, null, null]]], "all_evidence": [[93697, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[79733, 91476, "Golf", 0]]], "all_evidence": [[79733, 91476, "Golf", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[134762, 149680, "Dan_Trachtenberg", 0]], [[134762, 149681, "Dan_Trachtenberg", 4]]], "all_evidence": [[134762, 149680, "Dan_Trachtenberg", 0], [134762, 149681, "Dan_Trachtenberg", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32669, 39716, "Cars_3", 0]]], "all_evidence": [[32669, 39716, "Cars_3", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207517, null, null, null]]], "all_evidence": [[207517, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125706, null, null, null]]], "all_evidence": [[125706, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[195162, 205489, "Hammer_Film_Productions", 17]]], "all_evidence": [[195162, 205489, "Hammer_Film_Productions", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213580, null, null, null]]], "all_evidence": [[213580, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30278, 36870, "Amy_Winehouse", 10]]], "all_evidence": [[30278, 36870, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92955, 105825, "I_Want_to_Know_What_Love_Is", 0]], [[92955, 105826, "I_Want_to_Know_What_Love_Is", 2]], [[92955, 105827, "I_Want_to_Know_What_Love_Is", 3]], [[92955, 105828, "I_Want_to_Know_What_Love_Is", 5]], [[92955, 105829, "I_Want_to_Know_What_Love_Is", 4]]], "all_evidence": [[92955, 105825, "I_Want_to_Know_What_Love_Is", 0], [92955, 105826, "I_Want_to_Know_What_Love_Is", 2], [92955, 105827, "I_Want_to_Know_What_Love_Is", 3], [92955, 105828, "I_Want_to_Know_What_Love_Is", 5], [92955, 105829, "I_Want_to_Know_What_Love_Is", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272078, null, null, null]]], "all_evidence": [[272078, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104641, 118036, "Maggie_Q", 1]]], "all_evidence": [[104641, 118036, "Maggie_Q", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137102, null, null, null]]], "all_evidence": [[137102, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36911, 44563, "Clueless_-LRB-film-RRB-", 7]]], "all_evidence": [[36911, 44563, "Clueless_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[289158, null, null, null], [290808, null, null, null], [335059, null, null, null], [335102, null, null, null]]], "all_evidence": [[289158, null, null, null], [290808, null, null, null], [335059, null, null, null], [335102, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238319, 240384, "New_Jersey_Turnpike", 15]]], "all_evidence": [[238319, 240384, "New_Jersey_Turnpike", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174251, null, null, null]]], "all_evidence": [[174251, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99942, 113133, "Arijit_Singh", 1]], [[99942, 113134, "Arijit_Singh", 2]], [[99942, 113135, "Arijit_Singh", 3]], [[99942, 113136, "Arijit_Singh", 4]], [[99942, 113137, "Arijit_Singh", 8]], [[99942, 113138, "Arijit_Singh", 9]], [[99942, 113139, "Arijit_Singh", 10]], [[99942, 113140, "Arijit_Singh", 14]], [[99942, 113141, "Arijit_Singh", 16]], [[99942, 113142, "Arijit_Singh", 19]], [[99942, 113143, "Arijit_Singh", 23]], [[99942, 113144, "Arijit_Singh", 24]], [[99942, 113145, "Arijit_Singh", 26]], [[99942, 113146, "Arijit_Singh", 27]], [[99942, 113147, "Arijit_Singh", 28]], [[99942, 113148, "Arijit_Singh", 31]], [[102121, 115394, "Arijit_Singh", 1]], [[102121, 115395, "Arijit_Singh", 2]], [[102121, 115396, "Arijit_Singh", 3]], [[102121, 115397, "Arijit_Singh", 4]], [[102121, 115398, "Arijit_Singh", 8]], [[102121, 115399, "Arijit_Singh", 9]], [[102121, 115400, "Arijit_Singh", 10]], [[102121, 115401, "Arijit_Singh", 14]], [[102121, 115402, "Arijit_Singh", 16]], [[102121, 115403, "Arijit_Singh", 17]], [[102121, 115404, "Arijit_Singh", 18]], [[102121, 115405, "Arijit_Singh", 19]], [[102121, 115406, "Arijit_Singh", 23]], [[102121, 115407, "Arijit_Singh", 24]], [[102121, 115408, "Arijit_Singh", 25]], [[102121, 115409, "Arijit_Singh", 26]], [[102121, 115410, "Arijit_Singh", 27]], [[102121, 115411, "Arijit_Singh", 28]], [[102121, 115412, "Arijit_Singh", 31]], [[103210, 116526, "Arijit_Singh", 1]], [[103210, 116527, "Arijit_Singh", 2]], [[103210, 116528, "Arijit_Singh", 3]], [[103210, 116529, "Arijit_Singh", 4]], [[103210, 116530, "Arijit_Singh", 8]], [[103210, 116531, "Arijit_Singh", 9]], [[103210, 116532, "Arijit_Singh", 10]], [[103210, 116533, "Arijit_Singh", 14]], [[103210, 116534, "Arijit_Singh", 16]], [[103210, 116535, "Arijit_Singh", 17]], [[103210, 116536, "Arijit_Singh", 18]], [[103210, 116537, "Arijit_Singh", 19]], [[103210, 116538, "Arijit_Singh", 23]], [[103210, 116539, "Arijit_Singh", 24]], [[103210, 116540, "Arijit_Singh", 25]], [[103210, 116541, "Arijit_Singh", 26]], [[103210, 116542, "Arijit_Singh", 27]], [[103210, 116543, "Arijit_Singh", 28]], [[103210, 116544, "Arijit_Singh", 31]], [[307291, 297816, "Arijit_Singh", 0], [307291, 297816, "Arijit_Singh", 1], [307291, 297816, "Arijit_Singh", 2], [307291, 297816, "Arijit_Singh", 3], [307291, 297816, "Arijit_Singh", 4]], [[307852, 298304, "Arijit_Singh", 1]], [[307852, 298305, "Arijit_Singh", 2]], [[307852, 298306, "Arijit_Singh", 3]], [[307852, 298307, "Arijit_Singh", 4]], [[307852, 298308, "Arijit_Singh", 8]], [[307852, 298309, "Arijit_Singh", 9]], [[307852, 298310, "Arijit_Singh", 10]], [[307852, 298311, "Arijit_Singh", 14]], [[307852, 298312, "Arijit_Singh", 16]], [[307852, 298313, "Arijit_Singh", 17]], [[307852, 298314, "Arijit_Singh", 18]], [[307852, 298315, "Arijit_Singh", 19]], [[307852, 298316, "Arijit_Singh", 23]], [[307852, 298317, "Arijit_Singh", 24]], [[307852, 298318, "Arijit_Singh", 25]], [[307852, 298319, "Arijit_Singh", 26]], [[307852, 298320, "Arijit_Singh", 27]], [[307852, 298321, "Arijit_Singh", 28]]], "all_evidence": [[99942, 113133, "Arijit_Singh", 1], [99942, 113134, "Arijit_Singh", 2], [99942, 113135, "Arijit_Singh", 3], [99942, 113136, "Arijit_Singh", 4], [99942, 113137, "Arijit_Singh", 8], [99942, 113138, "Arijit_Singh", 9], [99942, 113139, "Arijit_Singh", 10], [99942, 113140, "Arijit_Singh", 14], [99942, 113141, "Arijit_Singh", 16], [99942, 113142, "Arijit_Singh", 19], [99942, 113143, "Arijit_Singh", 23], [99942, 113144, "Arijit_Singh", 24], [99942, 113145, "Arijit_Singh", 26], [99942, 113146, "Arijit_Singh", 27], [99942, 113147, "Arijit_Singh", 28], [99942, 113148, "Arijit_Singh", 31], [102121, 115394, "Arijit_Singh", 1], [102121, 115395, "Arijit_Singh", 2], [102121, 115396, "Arijit_Singh", 3], [102121, 115397, "Arijit_Singh", 4], [102121, 115398, "Arijit_Singh", 8], [102121, 115399, "Arijit_Singh", 9], [102121, 115400, "Arijit_Singh", 10], [102121, 115401, "Arijit_Singh", 14], [102121, 115402, "Arijit_Singh", 16], [102121, 115403, "Arijit_Singh", 17], [102121, 115404, "Arijit_Singh", 18], [102121, 115405, "Arijit_Singh", 19], [102121, 115406, "Arijit_Singh", 23], [102121, 115407, "Arijit_Singh", 24], [102121, 115408, "Arijit_Singh", 25], [102121, 115409, "Arijit_Singh", 26], [102121, 115410, "Arijit_Singh", 27], [102121, 115411, "Arijit_Singh", 28], [102121, 115412, "Arijit_Singh", 31], [103210, 116526, "Arijit_Singh", 1], [103210, 116527, "Arijit_Singh", 2], [103210, 116528, "Arijit_Singh", 3], [103210, 116529, "Arijit_Singh", 4], [103210, 116530, "Arijit_Singh", 8], [103210, 116531, "Arijit_Singh", 9], [103210, 116532, "Arijit_Singh", 10], [103210, 116533, "Arijit_Singh", 14], [103210, 116534, "Arijit_Singh", 16], [103210, 116535, "Arijit_Singh", 17], [103210, 116536, "Arijit_Singh", 18], [103210, 116537, "Arijit_Singh", 19], [103210, 116538, "Arijit_Singh", 23], [103210, 116539, "Arijit_Singh", 24], [103210, 116540, "Arijit_Singh", 25], [103210, 116541, "Arijit_Singh", 26], [103210, 116542, "Arijit_Singh", 27], [103210, 116543, "Arijit_Singh", 28], [103210, 116544, "Arijit_Singh", 31], [307291, 297816, "Arijit_Singh", 0], [307291, 297816, "Arijit_Singh", 1], [307291, 297816, "Arijit_Singh", 2], [307291, 297816, "Arijit_Singh", 3], [307291, 297816, "Arijit_Singh", 4], [307852, 298304, "Arijit_Singh", 1], [307852, 298305, "Arijit_Singh", 2], [307852, 298306, "Arijit_Singh", 3], [307852, 298307, "Arijit_Singh", 4], [307852, 298308, "Arijit_Singh", 8], [307852, 298309, "Arijit_Singh", 9], [307852, 298310, "Arijit_Singh", 10], [307852, 298311, "Arijit_Singh", 14], [307852, 298312, "Arijit_Singh", 16], [307852, 298313, "Arijit_Singh", 17], [307852, 298314, "Arijit_Singh", 18], [307852, 298315, "Arijit_Singh", 19], [307852, 298316, "Arijit_Singh", 23], [307852, 298317, "Arijit_Singh", 24], [307852, 298318, "Arijit_Singh", 25], [307852, 298319, "Arijit_Singh", 26], [307852, 298320, "Arijit_Singh", 27], [307852, 298321, "Arijit_Singh", 28]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114611, null, null, null]]], "all_evidence": [[114611, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[237293, null, null, null]]], "all_evidence": [[237293, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[68942, 79746, "Jefferson_Davis", 5]]], "all_evidence": [[68942, 79746, "Jefferson_Davis", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212540, 220041, "Nina_Jacobson", 0]]], "all_evidence": [[212540, 220041, "Nina_Jacobson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[194207, null, null, null]]], "all_evidence": [[194207, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[77336, 88790, "Manchester_United_F.C.", 1]]], "all_evidence": [[77336, 88790, "Manchester_United_F.C.", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107533, 121008, "Daenerys_Targaryen", 5], [107533, 121008, "A_Game_of_Thrones", 0]], [[107533, 121009, "Daenerys_Targaryen", 6], [107533, 121009, "A_Clash_of_Kings", 0]]], "all_evidence": [[107533, 121008, "Daenerys_Targaryen", 5], [107533, 121008, "A_Game_of_Thrones", 0], [107533, 121009, "Daenerys_Targaryen", 6], [107533, 121009, "A_Clash_of_Kings", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173860, 187040, "Elizabeth_I_of_England", 4]]], "all_evidence": [[173860, 187040, "Elizabeth_I_of_England", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27701, 33930, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[27701, 33930, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[81375, null, null, null]]], "all_evidence": [[81375, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[279213, 273862, "Dulquer_Salmaan", 5]], [[280765, 275174, "Dulquer_Salmaan", 5]], [[281009, 275391, "Dulquer_Salmaan", 5]], [[327438, 314680, "Dulquer_Salmaan", 5]], [[327439, 314681, "Dulquer_Salmaan", 5]]], "all_evidence": [[279213, 273862, "Dulquer_Salmaan", 5], [280765, 275174, "Dulquer_Salmaan", 5], [281009, 275391, "Dulquer_Salmaan", 5], [327438, 314680, "Dulquer_Salmaan", 5], [327439, 314681, "Dulquer_Salmaan", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97997, 111133, "Clueless_-LRB-film-RRB-", 7], [97997, 111133, "Clueless_-LRB-novels-RRB-", 0]]], "all_evidence": [[97997, 111133, "Clueless_-LRB-film-RRB-", 7], [97997, 111133, "Clueless_-LRB-novels-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177219, null, null, null]]], "all_evidence": [[177219, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37515, 45436, "Camp_Flog_Gnaw", 0]]], "all_evidence": [[37515, 45436, "Camp_Flog_Gnaw", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[143884, null, null, null]]], "all_evidence": [[143884, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172696, null, null, null]]], "all_evidence": [[172696, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90143, null, null, null]]], "all_evidence": [[90143, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[195177, 205498, "Hammer_Film_Productions", 17]]], "all_evidence": [[195177, 205498, "Hammer_Film_Productions", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[181171, 193442, "Silver_Surfer", 0]]], "all_evidence": [[181171, 193442, "Silver_Surfer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269172, 265560, "Chinatown_-LRB-1974_film-RRB-", 0]], [[269175, 265563, "Chinatown_-LRB-1974_film-RRB-", 0]], [[269175, 265564, "Chinatown_-LRB-1974_film-RRB-", 1]], [[269175, 265565, "Chinatown_-LRB-1974_film-RRB-", 2]], [[269175, 265566, "Chinatown_-LRB-1974_film-RRB-", 5]], [[269175, 265567, "Chinatown_-LRB-1974_film-RRB-", 8]], [[269175, 265568, "Chinatown_-LRB-1974_film-RRB-", 12]]], "all_evidence": [[269172, 265560, "Chinatown_-LRB-1974_film-RRB-", 0], [269175, 265563, "Chinatown_-LRB-1974_film-RRB-", 0], [269175, 265564, "Chinatown_-LRB-1974_film-RRB-", 1], [269175, 265565, "Chinatown_-LRB-1974_film-RRB-", 2], [269175, 265566, "Chinatown_-LRB-1974_film-RRB-", 5], [269175, 265567, "Chinatown_-LRB-1974_film-RRB-", 8], [269175, 265568, "Chinatown_-LRB-1974_film-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70303, 81171, "Visigoths", 16]]], "all_evidence": [[70303, 81171, "Visigoths", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[72016, null, null, null]]], "all_evidence": [[72016, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26502, 32540, "Konidela_Production_Company", 0], [26502, 32540, "Ram_Charan", 0]]], "all_evidence": [[26502, 32540, "Konidela_Production_Company", 0], [26502, 32540, "Ram_Charan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[225303, null, null, null]]], "all_evidence": [[225303, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38776, 46739, "Moscovium", 0]]], "all_evidence": [[38776, 46739, "Moscovium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115181, 128980, "Cyprus", 11], [115181, 128980, "Cyprus_Convention", 0]], [[115181, 128981, "Cyprus", 16]], [[115181, 128982, "Cyprus", 7]], [[115181, 128983, "Cyprus", 8]], [[115181, 128984, "Cyprus", 18]], [[115181, 128985, "Cyprus", 22]]], "all_evidence": [[115181, 128980, "Cyprus", 11], [115181, 128980, "Cyprus_Convention", 0], [115181, 128981, "Cyprus", 16], [115181, 128982, "Cyprus", 7], [115181, 128983, "Cyprus", 8], [115181, 128984, "Cyprus", 18], [115181, 128985, "Cyprus", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[86196, null, null, null]]], "all_evidence": [[86196, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101000, 114259, "Nottingham_Forest_F.C.", 0]]], "all_evidence": [[101000, 114259, "Nottingham_Forest_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201878, 211231, "The_X-Files_-LRB-franchise-RRB-", 8]]], "all_evidence": [[201878, 211231, "The_X-Files_-LRB-franchise-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[103426, 116834, "Elizabeth_of_York", 9]]], "all_evidence": [[103426, 116834, "Elizabeth_of_York", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213573, 220796, "Estelle_Getty", 0]]], "all_evidence": [[213573, 220796, "Estelle_Getty", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171889, null, null, null]]], "all_evidence": [[171889, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191330, 202220, "American_Sniper_-LRB-book-RRB-", 1]]], "all_evidence": [[191330, 202220, "American_Sniper_-LRB-book-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[35569, 43092, "Pakistan", 0]]], "all_evidence": [[35569, 43092, "Pakistan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49430, 58763, "Vatican_City", 11]]], "all_evidence": [[49430, 58763, "Vatican_City", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282422, null, null, null], [284388, null, null, null], [330555, null, null, null]]], "all_evidence": [[282422, null, null, null], [284388, null, null, null], [330555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[39052, 47040, "Exit_the_King", 0]]], "all_evidence": [[39052, 47040, "Exit_the_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42469, 51115, "Ovary", 0]], [[42469, 51116, "Ovary", 2]]], "all_evidence": [[42469, 51115, "Ovary", 0], [42469, 51116, "Ovary", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39320, null, null, null]]], "all_evidence": [[39320, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98191, null, null, null]]], "all_evidence": [[98191, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229149, null, null, null]]], "all_evidence": [[229149, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[228128, 232386, "L._Ron_Hubbard", 0]]], "all_evidence": [[228128, 232386, "L._Ron_Hubbard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111429, 125061, "Atlanta_metropolitan_area", 3]]], "all_evidence": [[111429, 125061, "Atlanta_metropolitan_area", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[49383, null, null, null]]], "all_evidence": [[49383, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[84770, 96993, "Louie_-LRB-season_1-RRB-", 7]]], "all_evidence": [[84770, 96993, "Louie_-LRB-season_1-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191999, null, null, null]]], "all_evidence": [[191999, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264566, 261994, "Group_of_15", 4]]], "all_evidence": [[264566, 261994, "Group_of_15", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[201718, null, null, null], [201830, null, null, null]]], "all_evidence": [[201718, null, null, null], [201830, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[102170, null, null, null]]], "all_evidence": [[102170, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[136791, 151596, "Vandals", 0]]], "all_evidence": [[136791, 151596, "Vandals", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149109, 164137, "Pocahontas", 0]], [[149109, 164138, "Pocahontas", 1]]], "all_evidence": [[149109, 164137, "Pocahontas", 0], [149109, 164138, "Pocahontas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125990, 140380, "Mount_Hood", 9]]], "all_evidence": [[125990, 140380, "Mount_Hood", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65303, 76208, "GLOW_-LRB-TV_series-RRB-", 3]]], "all_evidence": [[65303, 76208, "GLOW_-LRB-TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71268, 82217, "Airbus_A380", 3]]], "all_evidence": [[71268, 82217, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166825, 180636, "Malta", 17]]], "all_evidence": [[166825, 180636, "Malta", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[52018, 61906, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[52018, 61906, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49213, 58537, "A.J._Styles", 0]], [[49213, 58538, "A.J._Styles", 3]], [[49213, 58539, "A.J._Styles", 4], [49213, 58539, "NWA_World_Heavyweight_Championship", 0]], [[49213, 58540, "A.J._Styles", 5], [49213, 58540, "Impact_Wrestling_X_Division_Championship", 0]], [[49213, 58541, "A.J._Styles", 6]], [[49213, 58542, "A.J._Styles", 8], [49213, 58542, "Ring_of_Honor", 0]], [[49213, 58543, "A.J._Styles", 9], [49213, 58543, "New_Japan_Pro-Wrestling", 0]], [[49213, 58544, "A.J._Styles", 10], [49213, 58544, "PWG_World_Championship", 0]], [[49213, 58545, "A.J._Styles", 15], [49213, 58545, "WWE_Championship", 0]]], "all_evidence": [[49213, 58537, "A.J._Styles", 0], [49213, 58538, "A.J._Styles", 3], [49213, 58539, "A.J._Styles", 4], [49213, 58539, "NWA_World_Heavyweight_Championship", 0], [49213, 58540, "A.J._Styles", 5], [49213, 58540, "Impact_Wrestling_X_Division_Championship", 0], [49213, 58541, "A.J._Styles", 6], [49213, 58542, "A.J._Styles", 8], [49213, 58542, "Ring_of_Honor", 0], [49213, 58543, "A.J._Styles", 9], [49213, 58543, "New_Japan_Pro-Wrestling", 0], [49213, 58544, "A.J._Styles", 10], [49213, 58544, "PWG_World_Championship", 0], [49213, 58545, "A.J._Styles", 15], [49213, 58545, "WWE_Championship", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88095, null, null, null]]], "all_evidence": [[88095, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53510, 63506, "Super_Bowl_XLV", 2]], [[56871, 67112, "Super_Bowl_XLV", 2]], [[59840, 70242, "Super_Bowl_XLV", 2]], [[302915, 293899, "Super_Bowl_XLV", 2]], [[305101, 295934, "Super_Bowl_XLV", 2]]], "all_evidence": [[53510, 63506, "Super_Bowl_XLV", 2], [56871, 67112, "Super_Bowl_XLV", 2], [59840, 70242, "Super_Bowl_XLV", 2], [302915, 293899, "Super_Bowl_XLV", 2], [305101, 295934, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159677, 174170, "Hollow_Man", 15]]], "all_evidence": [[159677, 174170, "Hollow_Man", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238939, 240901, "The_Chaperone_-LRB-film-RRB-", 0]]], "all_evidence": [[238939, 240901, "The_Chaperone_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[135882, 150715, "Japan", 0]]], "all_evidence": [[135882, 150715, "Japan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34682, null, null, null]]], "all_evidence": [[34682, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212531, null, null, null]]], "all_evidence": [[212531, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[127291, null, null, null]]], "all_evidence": [[127291, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76099, 87400, "Chris_Bosh", 8]]], "all_evidence": [[76099, 87400, "Chris_Bosh", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[191328, null, null, null]]], "all_evidence": [[191328, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[135515, null, null, null]]], "all_evidence": [[135515, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26473, 32505, "Talulah_Riley", 1]]], "all_evidence": [[26473, 32505, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56084, null, null, null]]], "all_evidence": [[56084, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225572, 230188, "Staging_area", 0]], [[225572, 230189, "Staging_area", 6]], [[225572, 230190, "Staging_area", 11]], [[225572, 230191, "Staging_area", 16]], [[225572, 230192, "Staging_area", 21]], [[225572, 230193, "Staging_area", 36]], [[225572, 230194, "Staging_area", 42]]], "all_evidence": [[225572, 230188, "Staging_area", 0], [225572, 230189, "Staging_area", 6], [225572, 230190, "Staging_area", 11], [225572, 230191, "Staging_area", 16], [225572, 230192, "Staging_area", 21], [225572, 230193, "Staging_area", 36], [225572, 230194, "Staging_area", 42]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[213572, 220793, "Estelle_Getty", 0]], [[213572, 220794, "Estelle_Getty", 1]], [[213572, 220795, "Estelle_Getty", 2]], [[213594, 220812, "Estelle_Getty", 0]], [[213594, 220813, "Estelle_Getty", 1]]], "all_evidence": [[213572, 220793, "Estelle_Getty", 0], [213572, 220794, "Estelle_Getty", 1], [213572, 220795, "Estelle_Getty", 2], [213594, 220812, "Estelle_Getty", 0], [213594, 220813, "Estelle_Getty", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133423, 148291, "Georgians", 4], [133423, 148291, "Colchis", 0], [133423, 148291, "Georgians", 0]]], "all_evidence": [[133423, 148291, "Georgians", 4], [133423, 148291, "Colchis", 0], [133423, 148291, "Georgians", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166452, 180285, "ASAP_Rocky", 0]], [[166452, 180286, "ASAP_Rocky", 18]], [[166452, 180287, "ASAP_Rocky", 19]]], "all_evidence": [[166452, 180285, "ASAP_Rocky", 0], [166452, 180286, "ASAP_Rocky", 18], [166452, 180287, "ASAP_Rocky", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265891, 263027, "FC_Bayern_Munich", 4]]], "all_evidence": [[265891, 263027, "FC_Bayern_Munich", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83468, 95447, "The_Quiet", 0], [83468, 95447, "Jamie_Babbit", 0]]], "all_evidence": [[83468, 95447, "The_Quiet", 0], [83468, 95447, "Jamie_Babbit", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100678, null, null, null]]], "all_evidence": [[100678, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68446, 79312, "Georges_Gilles_de_la_Tourette", 11]]], "all_evidence": [[68446, 79312, "Georges_Gilles_de_la_Tourette", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[73753, 84993, "Macklemore", 0]], [[73756, 84996, "Macklemore", 0]]], "all_evidence": [[73753, 84993, "Macklemore", 0], [73756, 84996, "Macklemore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84885, 97120, "Daredevil_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[84885, 97120, "Daredevil_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153758, 168622, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[153758, 168622, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92961, 105840, "Raja_Hindustani", 0]]], "all_evidence": [[92961, 105840, "Raja_Hindustani", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45961, 54904, "Watertown,_Massachusetts", 0]], [[45961, 54905, "Watertown,_Massachusetts", 1], [45961, 54905, "Greater_Boston", 0]]], "all_evidence": [[45961, 54904, "Watertown,_Massachusetts", 0], [45961, 54905, "Watertown,_Massachusetts", 1], [45961, 54905, "Greater_Boston", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181118, null, null, null]]], "all_evidence": [[181118, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44883, 53571, "Blue_Dog_Coalition", 3]]], "all_evidence": [[44883, 53571, "Blue_Dog_Coalition", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[83199, null, null, null]]], "all_evidence": [[83199, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267025, 263831, "Celebrity_Rehab_with_Dr._Drew", 0]]], "all_evidence": [[267025, 263831, "Celebrity_Rehab_with_Dr._Drew", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[190514, null, null, null], [190522, null, null, null]]], "all_evidence": [[190514, null, null, null], [190522, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[79857, 91583, "The_Raven_-LRB-2012_film-RRB-", 10]]], "all_evidence": [[79857, 91583, "The_Raven_-LRB-2012_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21699, 26667, "Younger_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[21699, 26667, "Younger_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[32026, 38884, "Danish_language", 1]]], "all_evidence": [[32026, 38884, "Danish_language", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137092, 151937, "Siege_of_Fort_Stanwix", 0]]], "all_evidence": [[137092, 151937, "Siege_of_Fort_Stanwix", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108561, null, null, null]]], "all_evidence": [[108561, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244452, null, null, null], [246938, null, null, null], [247608, null, null, null], [319385, null, null, null], [320564, null, null, null]]], "all_evidence": [[244452, null, null, null], [246938, null, null, null], [247608, null, null, null], [319385, null, null, null], [320564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213554, 220775, "Estelle_Getty", 0]]], "all_evidence": [[213554, 220775, "Estelle_Getty", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53274, 63246, "Lee_Daniels", 1], [53274, 63246, "Precious_-LRB-film-RRB-", 0]]], "all_evidence": [[53274, 63246, "Lee_Daniels", 1], [53274, 63246, "Precious_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66272, 77101, "Heroes_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[66272, 77101, "Heroes_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[161547, 175993, "Personality", 0]]], "all_evidence": [[161547, 175993, "Personality", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186240, 198109, "Multicellular_organism", 3]]], "all_evidence": [[186240, 198109, "Multicellular_organism", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241579, null, null, null]]], "all_evidence": [[241579, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[272858, 268519, "Two_and_a_Half_Men", 0]], [[272859, 268520, "Two_and_a_Half_Men", 0]]], "all_evidence": [[272858, 268519, "Two_and_a_Half_Men", 0], [272859, 268520, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[120844, 135141, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]], "all_evidence": [[120844, 135141, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[253268, null, null, null]]], "all_evidence": [[253268, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178878, 191436, "Mercedes-Benz", 0]]], "all_evidence": [[178878, 191436, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[202963, null, null, null]]], "all_evidence": [[202963, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95976, 109046, "Jefferson_Davis", 5]]], "all_evidence": [[95976, 109046, "Jefferson_Davis", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[72472, 83521, "Antigua_and_Barbuda", 6]], [[76191, 87484, "Antigua_and_Barbuda", 6]], [[77696, 89145, "Antigua_and_Barbuda", 6]]], "all_evidence": [[72472, 83521, "Antigua_and_Barbuda", 6], [76191, 87484, "Antigua_and_Barbuda", 6], [77696, 89145, "Antigua_and_Barbuda", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66984, null, null, null]]], "all_evidence": [[66984, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43926, 52566, "The_Beguiled_-LRB-1971_film-RRB-", 1], [43926, 52566, "Albert_Maltz", 0]]], "all_evidence": [[43926, 52566, "The_Beguiled_-LRB-1971_film-RRB-", 1], [43926, 52566, "Albert_Maltz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241584, 243120, "Commodore_-LRB-rank-RRB-", 0]], [[241585, 243121, "Commodore_-LRB-rank-RRB-", 0]]], "all_evidence": [[241584, 243120, "Commodore_-LRB-rank-RRB-", 0], [241585, 243121, "Commodore_-LRB-rank-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88328, null, null, null], [88330, null, null, null]]], "all_evidence": [[88328, null, null, null], [88330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[189099, null, null, null]]], "all_evidence": [[189099, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153650, null, null, null]]], "all_evidence": [[153650, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235687, 238263, "GLOW_-LRB-TV_series-RRB-", 0]], [[238144, 240273, "GLOW_-LRB-TV_series-RRB-", 0]], [[241712, 243232, "GLOW_-LRB-TV_series-RRB-", 0]], [[319033, 307832, "GLOW_-LRB-TV_series-RRB-", 0]], [[319034, 307833, "GLOW_-LRB-TV_series-RRB-", 0]], [[319035, 307834, "GLOW_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[235687, 238263, "GLOW_-LRB-TV_series-RRB-", 0], [238144, 240273, "GLOW_-LRB-TV_series-RRB-", 0], [241712, 243232, "GLOW_-LRB-TV_series-RRB-", 0], [319033, 307832, "GLOW_-LRB-TV_series-RRB-", 0], [319034, 307833, "GLOW_-LRB-TV_series-RRB-", 0], [319035, 307834, "GLOW_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106036, null, null, null]]], "all_evidence": [[106036, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200595, null, null, null]]], "all_evidence": [[200595, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105906, null, null, null]]], "all_evidence": [[105906, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[213487, null, null, null]]], "all_evidence": [[213487, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[249995, 250058, "Resident_Evil_-LRB-film-RRB-", 2]], [[249995, 250059, "Resident_Evil_-LRB-film-RRB-", 0]]], "all_evidence": [[249995, 250058, "Resident_Evil_-LRB-film-RRB-", 2], [249995, 250059, "Resident_Evil_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61679, null, null, null]]], "all_evidence": [[61679, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122718, 137016, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]], "all_evidence": [[122718, 137016, "DodgeBall-COLON-_A_True_Underdog_Story", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114141, 127954, "Jarhead_-LRB-film-RRB-", 0]]], "all_evidence": [[114141, 127954, "Jarhead_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[248643, 248754, "Nero", 0]], [[248643, 248755, "Nero", 22]], [[250809, 250781, "Nero", 22]], [[252187, 251986, "Nero", 22]], [[319566, 308300, "Nero", 22]], [[320688, 309244, "Nero", 0]], [[320688, 309245, "Nero", 22]]], "all_evidence": [[248643, 248754, "Nero", 0], [248643, 248755, "Nero", 22], [250809, 250781, "Nero", 22], [252187, 251986, "Nero", 22], [319566, 308300, "Nero", 22], [320688, 309244, "Nero", 0], [320688, 309245, "Nero", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[138420, 153461, "Anna_Nicole_Smith", 2]]], "all_evidence": [[138420, 153461, "Anna_Nicole_Smith", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67140, 77932, "Personality", 0]]], "all_evidence": [[67140, 77932, "Personality", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239430, null, null, null], [239439, null, null, null]]], "all_evidence": [[239430, null, null, null], [239439, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19368, 23762, "Maria_Theresa", 5]]], "all_evidence": [[19368, 23762, "Maria_Theresa", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82580, 94370, "Samsung", 6]]], "all_evidence": [[82580, 94370, "Samsung", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[125175, null, null, null]]], "all_evidence": [[125175, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60770, 71254, "Cthulhu", 2]], [[62623, 73266, "Cthulhu", 2]], [[303117, 294102, "Cthulhu", 2]], [[305215, 296055, "Cthulhu", 2]]], "all_evidence": [[60770, 71254, "Cthulhu", 2], [62623, 73266, "Cthulhu", 2], [303117, 294102, "Cthulhu", 2], [305215, 296055, "Cthulhu", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25962, 31911, "Johann_Wolfgang_von_Goethe", 13]], [[204679, 213416, "Johann_Wolfgang_von_Goethe", 13]], [[299831, 291191, "Johann_Wolfgang_von_Goethe", 13]]], "all_evidence": [[25962, 31911, "Johann_Wolfgang_von_Goethe", 13], [204679, 213416, "Johann_Wolfgang_von_Goethe", 13], [299831, 291191, "Johann_Wolfgang_von_Goethe", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[225554, 230180, "Staging_area", 0]], [[225554, 230181, "Staging_area", 21]]], "all_evidence": [[225554, 230180, "Staging_area", 0], [225554, 230181, "Staging_area", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233413, null, null, null]]], "all_evidence": [[233413, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154619, 169363, "Yvonne_Strahovski", 1]], [[154619, 169364, "Yvonne_Strahovski", 5]]], "all_evidence": [[154619, 169363, "Yvonne_Strahovski", 1], [154619, 169364, "Yvonne_Strahovski", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241542, null, null, null]]], "all_evidence": [[241542, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165858, 179833, "Temple_Mount", 29]]], "all_evidence": [[165858, 179833, "Temple_Mount", 29]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56613, 66824, "Estonia", 1]], [[56613, 66825, "Estonia", 2]], [[56613, 66826, "Estonia", 3]]], "all_evidence": [[56613, 66824, "Estonia", 1], [56613, 66825, "Estonia", 2], [56613, 66826, "Estonia", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201743, 211130, "Red_Bull_Racing", 0]]], "all_evidence": [[201743, 211130, "Red_Bull_Racing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53522, 63522, "SummerSlam_-LRB-2015-RRB-", 1]]], "all_evidence": [[53522, 63522, "SummerSlam_-LRB-2015-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151040, null, null, null]]], "all_evidence": [[151040, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253254, 253146, "The_Originals_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[253254, 253146, "The_Originals_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270780, 266783, "Blank_Space", 10]]], "all_evidence": [[270780, 266783, "Blank_Space", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[123851, 138210, "P.S._I_Love_You_-LRB-film-RRB-", 0]]], "all_evidence": [[123851, 138210, "P.S._I_Love_You_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52435, null, null, null]]], "all_evidence": [[52435, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194651, 205037, "Boeing_767", 19]]], "all_evidence": [[194651, 205037, "Boeing_767", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149598, 164570, "Annabelle_-LRB-doll-RRB-", 1], [149598, 164570, "Annabelle_-LRB-doll-RRB-", 0]]], "all_evidence": [[149598, 164570, "Annabelle_-LRB-doll-RRB-", 1], [149598, 164570, "Annabelle_-LRB-doll-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[200681, 210149, "Moesia", 1]], [[200689, 210152, "Moesia", 1]]], "all_evidence": [[200681, 210149, "Moesia", 1], [200689, 210152, "Moesia", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227413, 231792, "Jeb_Bush", 3], [227413, 231792, "George_W._Bush", 0], [227413, 231792, "George_W._Bush", 1]]], "all_evidence": [[227413, 231792, "Jeb_Bush", 3], [227413, 231792, "George_W._Bush", 0], [227413, 231792, "George_W._Bush", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296732, 288479, "Planet_Hollywood_Las_Vegas", 1]], [[298352, 289845, "Planet_Hollywood_Las_Vegas", 1]], [[300392, 291628, "Planet_Hollywood_Las_Vegas", 1]], [[300392, 291629, "Planet_Hollywood_Las_Vegas", 4]], [[343819, 327486, "Planet_Hollywood_Las_Vegas", 1]]], "all_evidence": [[296732, 288479, "Planet_Hollywood_Las_Vegas", 1], [298352, 289845, "Planet_Hollywood_Las_Vegas", 1], [300392, 291628, "Planet_Hollywood_Las_Vegas", 1], [300392, 291629, "Planet_Hollywood_Las_Vegas", 4], [343819, 327486, "Planet_Hollywood_Las_Vegas", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206160, null, null, null]]], "all_evidence": [[206160, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[251564, null, null, null], [251567, null, null, null]]], "all_evidence": [[251564, null, null, null], [251567, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164843, 179037, "Donna_Noble", 1]]], "all_evidence": [[164843, 179037, "Donna_Noble", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[293336, 285907, "Malta", 17]], [[337399, 322771, "Malta", 17]]], "all_evidence": [[293336, 285907, "Malta", 17], [337399, 322771, "Malta", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29315, 35770, "Romani_people", 18]]], "all_evidence": [[29315, 35770, "Romani_people", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182138, 194407, "Therasia", 0], [182138, 194407, "Greece", 0]]], "all_evidence": [[182138, 194407, "Therasia", 0], [182138, 194407, "Greece", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[128579, null, null, null]]], "all_evidence": [[128579, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38202, 46114, "Mandy_Moore", 0]], [[38202, 46115, "Mandy_Moore", 1]], [[38202, 46116, "Mandy_Moore", 2], [38202, 46116, "So_Real_-LRB-album-RRB-", 0]]], "all_evidence": [[38202, 46114, "Mandy_Moore", 0], [38202, 46115, "Mandy_Moore", 1], [38202, 46116, "Mandy_Moore", 2], [38202, 46116, "So_Real_-LRB-album-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53599, null, null, null]]], "all_evidence": [[53599, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265457, 262648, "Doxycycline", 6]], [[266577, 263520, "Doxycycline", 6]], [[321678, 310114, "Doxycycline", 6]], [[322864, 311137, "Doxycycline", 6]], [[322866, 311138, "Doxycycline", 6]], [[322868, 311139, "Doxycycline", 6]], [[322869, 311140, "Doxycycline", 6]]], "all_evidence": [[265457, 262648, "Doxycycline", 6], [266577, 263520, "Doxycycline", 6], [321678, 310114, "Doxycycline", 6], [322864, 311137, "Doxycycline", 6], [322866, 311138, "Doxycycline", 6], [322868, 311139, "Doxycycline", 6], [322869, 311140, "Doxycycline", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[145763, 160781, "The_Winds_of_Winter", 0]], [[148721, 163764, "The_Winds_of_Winter", 0]], [[151547, 166300, "The_Winds_of_Winter", 0]], [[311351, 301349, "The_Winds_of_Winter", 0]], [[311356, 301352, "The_Winds_of_Winter", 0]], [[311356, 301353, "The_Winds_of_Winter", 3], [311356, 301353, "A_Dance_with_Dragons", 0]]], "all_evidence": [[145763, 160781, "The_Winds_of_Winter", 0], [148721, 163764, "The_Winds_of_Winter", 0], [151547, 166300, "The_Winds_of_Winter", 0], [311351, 301349, "The_Winds_of_Winter", 0], [311356, 301352, "The_Winds_of_Winter", 0], [311356, 301353, "The_Winds_of_Winter", 3], [311356, 301353, "A_Dance_with_Dragons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141905, 157152, "Charles_Howard_Hinton", 0]]], "all_evidence": [[141905, 157152, "Charles_Howard_Hinton", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122036, 136339, "George_Harrison", 20]]], "all_evidence": [[122036, 136339, "George_Harrison", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153434, 168239, "Riz_Ahmed", 3], [153434, 168239, "The_Night_Of", 0]]], "all_evidence": [[153434, 168239, "Riz_Ahmed", 3], [153434, 168239, "The_Night_Of", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[72679, 83732, "Fargo_-LRB-season_3-RRB-", 0]]], "all_evidence": [[72679, 83732, "Fargo_-LRB-season_3-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[66796, 77623, "Granite", 0], [66796, 77623, "Igneous_rock", 1]], [[66796, 77624, "Granite", 2], [66796, 77624, "Crystallinity", 0]], [[66796, 77625, "Granite", 3], [66796, 77625, "Igneous_rock", 1]], [[66796, 77626, "Granite", 15]]], "all_evidence": [[66796, 77623, "Granite", 0], [66796, 77623, "Igneous_rock", 1], [66796, 77624, "Granite", 2], [66796, 77624, "Crystallinity", 0], [66796, 77625, "Granite", 3], [66796, 77625, "Igneous_rock", 1], [66796, 77626, "Granite", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15983, 19864, "Keegan-Michael_Key", 1]], [[15983, 19865, "Keegan-Michael_Key", 5]], [[15983, 19866, "Keegan-Michael_Key", 7]]], "all_evidence": [[15983, 19864, "Keegan-Michael_Key", 1], [15983, 19865, "Keegan-Michael_Key", 5], [15983, 19866, "Keegan-Michael_Key", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173992, null, null, null]]], "all_evidence": [[173992, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48818, 58139, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[48818, 58139, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234830, null, null, null]]], "all_evidence": [[234830, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234886, null, null, null]]], "all_evidence": [[234886, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239465, null, null, null]]], "all_evidence": [[239465, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165594, 179626, "Florida_State_University", 24]]], "all_evidence": [[165594, 179626, "Florida_State_University", 24]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154388, null, null, null]]], "all_evidence": [[154388, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[152777, null, null, null], [152779, null, null, null]]], "all_evidence": [[152777, null, null, null], [152779, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106231, null, null, null]]], "all_evidence": [[106231, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[104773, 118184, "The_Incredibles_2", 0]]], "all_evidence": [[104773, 118184, "The_Incredibles_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[222084, 227521, "Terrence_Howard", 4]]], "all_evidence": [[222084, 227521, "Terrence_Howard", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141256, null, null, null]]], "all_evidence": [[141256, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100102, 113332, "Visigoths", 21], [100102, 113332, "Reccared_I", 0], [100102, 113332, "Visigoths", 22], [100102, 113332, "Battle_of_Guadalete", 0]]], "all_evidence": [[100102, 113332, "Visigoths", 21], [100102, 113332, "Reccared_I", 0], [100102, 113332, "Visigoths", 22], [100102, 113332, "Battle_of_Guadalete", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[121593, 135855, "Woodrow_Wilson", 0]], [[121594, 135856, "Woodrow_Wilson", 0]], [[121594, 135857, "Woodrow_Wilson", 1]], [[121594, 135858, "Woodrow_Wilson", 2]], [[121594, 135859, "Woodrow_Wilson", 4]], [[121594, 135860, "Woodrow_Wilson", 6]], [[121594, 135861, "Woodrow_Wilson", 3]], [[121594, 135862, "Woodrow_Wilson", 9]], [[121594, 135863, "Woodrow_Wilson", 11]], [[121594, 135864, "Woodrow_Wilson", 12]], [[121594, 135865, "Woodrow_Wilson", 13]], [[121594, 135867, "Woodrow_Wilson", 14]], [[121594, 135868, "Woodrow_Wilson", 15]], [[121594, 135869, "Woodrow_Wilson", 16]], [[121594, 135871, "Woodrow_Wilson", 17]], [[121594, 135872, "Woodrow_Wilson", 19]], [[121594, 135873, "Woodrow_Wilson", 22]], [[121594, 135874, "Woodrow_Wilson", 24]], [[121594, 135875, "Woodrow_Wilson", 25]], [[121594, 135876, "Woodrow_Wilson", 26]], [[121594, 135877, "Woodrow_Wilson", 27]], [[121594, 135878, "Woodrow_Wilson", 28]], [[121594, 135879, "Woodrow_Wilson", 29]], [[121594, 135880, "Woodrow_Wilson", 32]], [[121594, 135881, "Woodrow_Wilson", 34]], [[121594, 135882, "Woodrow_Wilson", 36]], [[121594, 135883, "Woodrow_Wilson", 37]], [[121594, 135884, "Woodrow_Wilson", 38]], [[121594, 135885, "Woodrow_Wilson", 40]], [[121594, 135886, "Woodrow_Wilson", 41]], [[121594, 135887, "Woodrow_Wilson", 43]], [[121594, 135888, "Woodrow_Wilson", 44]], [[121594, 135889, "Woodrow_Wilson", 10]]], "all_evidence": [[121593, 135855, "Woodrow_Wilson", 0], [121594, 135856, "Woodrow_Wilson", 0], [121594, 135857, "Woodrow_Wilson", 1], [121594, 135858, "Woodrow_Wilson", 2], [121594, 135859, "Woodrow_Wilson", 4], [121594, 135860, "Woodrow_Wilson", 6], [121594, 135861, "Woodrow_Wilson", 3], [121594, 135862, "Woodrow_Wilson", 9], [121594, 135863, "Woodrow_Wilson", 11], [121594, 135864, "Woodrow_Wilson", 12], [121594, 135865, "Woodrow_Wilson", 13], [121594, 135867, "Woodrow_Wilson", 14], [121594, 135868, "Woodrow_Wilson", 15], [121594, 135869, "Woodrow_Wilson", 16], [121594, 135871, "Woodrow_Wilson", 17], [121594, 135872, "Woodrow_Wilson", 19], [121594, 135873, "Woodrow_Wilson", 22], [121594, 135874, "Woodrow_Wilson", 24], [121594, 135875, "Woodrow_Wilson", 25], [121594, 135876, "Woodrow_Wilson", 26], [121594, 135877, "Woodrow_Wilson", 27], [121594, 135878, "Woodrow_Wilson", 28], [121594, 135879, "Woodrow_Wilson", 29], [121594, 135880, "Woodrow_Wilson", 32], [121594, 135881, "Woodrow_Wilson", 34], [121594, 135882, "Woodrow_Wilson", 36], [121594, 135883, "Woodrow_Wilson", 37], [121594, 135884, "Woodrow_Wilson", 38], [121594, 135885, "Woodrow_Wilson", 40], [121594, 135886, "Woodrow_Wilson", 41], [121594, 135887, "Woodrow_Wilson", 43], [121594, 135888, "Woodrow_Wilson", 44], [121594, 135889, "Woodrow_Wilson", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[261369, 259523, "Corsica", 0]]], "all_evidence": [[261369, 259523, "Corsica", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105653, null, null, null]]], "all_evidence": [[105653, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61546, 72058, "Sarah_Hyland", 1], [61546, 72058, "Private_Parts_-LRB-1997_film-RRB-", 0]]], "all_evidence": [[61546, 72058, "Sarah_Hyland", 1], [61546, 72058, "Private_Parts_-LRB-1997_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29394, 35861, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[29394, 35861, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88825, null, null, null]]], "all_evidence": [[88825, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[96842, 110001, "Castlevania_-LRB-1986_video_game-RRB-", 0]], [[96842, 110002, "Castlevania_-LRB-1986_video_game-RRB-", 6]], [[96842, 110003, "Castlevania_-LRB-1986_video_game-RRB-", 11]]], "all_evidence": [[96842, 110001, "Castlevania_-LRB-1986_video_game-RRB-", 0], [96842, 110002, "Castlevania_-LRB-1986_video_game-RRB-", 6], [96842, 110003, "Castlevania_-LRB-1986_video_game-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187384, 199013, "Islamabad", 0]], [[187384, 199014, "Islamabad", 2], [187384, 199014, "Capital_Development_Authority", 0]], [[187384, 199015, "Islamabad", 9]]], "all_evidence": [[187384, 199013, "Islamabad", 0], [187384, 199014, "Islamabad", 2], [187384, 199014, "Capital_Development_Authority", 0], [187384, 199015, "Islamabad", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146605, 161591, "Antigua", 0]]], "all_evidence": [[146605, 161591, "Antigua", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199819, 209487, "Barcelona", 0]]], "all_evidence": [[199819, 209487, "Barcelona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207370, 215663, "Dawood_Ibrahim", 0], [207370, 215663, "Mumbai", 0]]], "all_evidence": [[207370, 215663, "Dawood_Ibrahim", 0], [207370, 215663, "Mumbai", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[56606, null, null, null]]], "all_evidence": [[56606, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[17414, null, null, null], [19108, null, null, null], [20171, null, null, null], [301439, null, null, null], [304273, null, null, null]]], "all_evidence": [[17414, null, null, null], [19108, null, null, null], [20171, null, null, null], [301439, null, null, null], [304273, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42967, 51607, "Monosodium_glutamate", 4]]], "all_evidence": [[42967, 51607, "Monosodium_glutamate", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[34234, 41498, "The_Hunger_Games_-LRB-film_series-RRB-", 0]], [[301169, 292289, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]], "all_evidence": [[34234, 41498, "The_Hunger_Games_-LRB-film_series-RRB-", 0], [301169, 292289, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49564, 58933, "Florida_State_University", 24]]], "all_evidence": [[49564, 58933, "Florida_State_University", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107523, 120996, "Matt_Bomer", 0]]], "all_evidence": [[107523, 120996, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[14371, null, null, null]]], "all_evidence": [[14371, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[111744, 125560, "Adidas", 0]]], "all_evidence": [[111744, 125560, "Adidas", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[174465, null, null, null]]], "all_evidence": [[174465, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39629, null, null, null]]], "all_evidence": [[39629, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197936, 207860, "Fringe_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[197936, 207860, "Fringe_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122471, 136767, "Lorelai_Gilmore", 3]], [[122472, 136768, "Lorelai_Gilmore", 3]], [[122473, 136769, "Lorelai_Gilmore", 3]], [[122474, 136770, "Lorelai_Gilmore", 3]], [[122475, 136771, "Lorelai_Gilmore", 3]], [[122476, 136772, "Lorelai_Gilmore", 3]], [[122477, 136773, "Lorelai_Gilmore", 3]], [[122478, 136774, "Lorelai_Gilmore", 3]], [[122479, 136775, "Lorelai_Gilmore", 3]], [[122480, 136776, "Lorelai_Gilmore", 3]], [[122481, 136777, "Lorelai_Gilmore", 3]], [[122482, 136778, "Lorelai_Gilmore", 3]], [[122483, 136779, "Lorelai_Gilmore", 3]], [[122484, 136780, "Lorelai_Gilmore", 3]], [[122485, 136782, "Lorelai_Gilmore", 3]], [[122486, 136781, "Lorelai_Gilmore", 3]], [[122487, 136783, "Lorelai_Gilmore", 3]], [[122489, 136785, "Lorelai_Gilmore", 3]], [[122490, 136786, "Lorelai_Gilmore", 3]], [[122491, 136787, "Lorelai_Gilmore", 3]], [[122492, 136788, "Lorelai_Gilmore", 3]]], "all_evidence": [[122471, 136767, "Lorelai_Gilmore", 3], [122472, 136768, "Lorelai_Gilmore", 3], [122473, 136769, "Lorelai_Gilmore", 3], [122474, 136770, "Lorelai_Gilmore", 3], [122475, 136771, "Lorelai_Gilmore", 3], [122476, 136772, "Lorelai_Gilmore", 3], [122477, 136773, "Lorelai_Gilmore", 3], [122478, 136774, "Lorelai_Gilmore", 3], [122479, 136775, "Lorelai_Gilmore", 3], [122480, 136776, "Lorelai_Gilmore", 3], [122481, 136777, "Lorelai_Gilmore", 3], [122482, 136778, "Lorelai_Gilmore", 3], [122483, 136779, "Lorelai_Gilmore", 3], [122484, 136780, "Lorelai_Gilmore", 3], [122485, 136782, "Lorelai_Gilmore", 3], [122486, 136781, "Lorelai_Gilmore", 3], [122487, 136783, "Lorelai_Gilmore", 3], [122489, 136785, "Lorelai_Gilmore", 3], [122490, 136786, "Lorelai_Gilmore", 3], [122491, 136787, "Lorelai_Gilmore", 3], [122492, 136788, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138239, null, null, null]]], "all_evidence": [[138239, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86349, 98754, "Johann_Wolfgang_von_Goethe", 12]]], "all_evidence": [[86349, 98754, "Johann_Wolfgang_von_Goethe", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[26892, 33020, "SZA_-LRB-singer-RRB-", 8], [26892, 33020, "Red_Hot_Chili_Peppers", 0], [26892, 33020, "Bjo\u0308rk", 1], [26892, 33020, "Billie_Holiday", 0], [26892, 33020, "Wu-Tang_Clan", 0], [26892, 33020, "Jamiroquai", 0]]], "all_evidence": [[26892, 33020, "SZA_-LRB-singer-RRB-", 8], [26892, 33020, "Red_Hot_Chili_Peppers", 0], [26892, 33020, "Bjo\u0308rk", 1], [26892, 33020, "Billie_Holiday", 0], [26892, 33020, "Wu-Tang_Clan", 0], [26892, 33020, "Jamiroquai", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[177893, 190578, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0], [177893, 190578, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]]], "all_evidence": [[177893, 190578, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0], [177893, 190578, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[192017, 202777, "Baadshah_-LRB-2013_film-RRB-", 3]], [[192017, 202778, "Baadshah_-LRB-2013_film-RRB-", 6], [192017, 202778, "Brindavanam_-LRB-2010_film-RRB-", 0]], [[192017, 202779, "Baadshah_-LRB-2013_film-RRB-", 12]]], "all_evidence": [[192017, 202777, "Baadshah_-LRB-2013_film-RRB-", 3], [192017, 202778, "Baadshah_-LRB-2013_film-RRB-", 6], [192017, 202778, "Brindavanam_-LRB-2010_film-RRB-", 0], [192017, 202779, "Baadshah_-LRB-2013_film-RRB-", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[60256, 70648, "Dan_Trachtenberg", 0]]], "all_evidence": [[60256, 70648, "Dan_Trachtenberg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233427, null, null, null]]], "all_evidence": [[233427, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34752, 42138, "Floyd_Mayweather_Jr.", 10]]], "all_evidence": [[34752, 42138, "Floyd_Mayweather_Jr.", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[18043, 22190, "George_Harrison", 20]]], "all_evidence": [[18043, 22190, "George_Harrison", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49005, 58345, "Ayananka_Bose", 0]], [[49005, 58346, "Ayananka_Bose", 1]], [[49005, 58347, "Ayananka_Bose", 2]]], "all_evidence": [[49005, 58345, "Ayananka_Bose", 0], [49005, 58346, "Ayananka_Bose", 1], [49005, 58347, "Ayananka_Bose", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[156523, null, null, null], [156524, null, null, null]]], "all_evidence": [[156523, null, null, null], [156524, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112019, null, null, null]]], "all_evidence": [[112019, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242320, 243728, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242320, 243728, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151456, 166226, "Betsy_Hodges", 0]], [[151456, 166227, "Betsy_Hodges", 1]], [[151456, 166228, "Betsy_Hodges", 5]], [[151456, 166229, "Betsy_Hodges", 2]]], "all_evidence": [[151456, 166226, "Betsy_Hodges", 0], [151456, 166227, "Betsy_Hodges", 1], [151456, 166228, "Betsy_Hodges", 5], [151456, 166229, "Betsy_Hodges", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140936, null, null, null]]], "all_evidence": [[140936, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82602, null, null, null]]], "all_evidence": [[82602, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[79124, null, null, null]]], "all_evidence": [[79124, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101007, 114266, "John_DiMaggio", 0]], [[101007, 114267, "John_DiMaggio", 1]], [[101024, 114286, "John_DiMaggio", 0], [101024, 114286, "Adventure_Time", 0]], [[101024, 114287, "John_DiMaggio", 1], [101024, 114287, "Kim_Possible", 0], [101024, 114287, "Teen_Titans_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[101007, 114266, "John_DiMaggio", 0], [101007, 114267, "John_DiMaggio", 1], [101024, 114286, "John_DiMaggio", 0], [101024, 114286, "Adventure_Time", 0], [101024, 114287, "John_DiMaggio", 1], [101024, 114287, "Kim_Possible", 0], [101024, 114287, "Teen_Titans_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36440, 44032, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]]], "all_evidence": [[36440, 44032, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194222, 204601, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194222, 204601, "Ben_Chaplin", 0]], [[194222, 204602, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 7], [194222, 204602, "Adrien_Brody", 0]]], "all_evidence": [[194222, 204601, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2], [194222, 204601, "Ben_Chaplin", 0], [194222, 204602, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 7], [194222, 204602, "Adrien_Brody", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[48180, null, null, null]]], "all_evidence": [[48180, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41313, 49648, "The_Beguiled_-LRB-1971_film-RRB-", 1], [41313, 49648, "Southern_Gothic", 0]]], "all_evidence": [[41313, 49648, "The_Beguiled_-LRB-1971_film-RRB-", 1], [41313, 49648, "Southern_Gothic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272851, null, null, null]]], "all_evidence": [[272851, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59623, null, null, null]]], "all_evidence": [[59623, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216612, null, null, null]]], "all_evidence": [[216612, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[113667, 127534, "Malta", 18], [113667, 127534, "Catholic_Church", 0]]], "all_evidence": [[113667, 127534, "Malta", 18], [113667, 127534, "Catholic_Church", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140935, null, null, null]]], "all_evidence": [[140935, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286428, 279864, "Benjamin_Franklin", 0]], [[286428, 279865, "Benjamin_Franklin", 1]], [[286428, 279866, "Benjamin_Franklin", 2]], [[286428, 279867, "Benjamin_Franklin", 3]], [[286428, 279868, "Benjamin_Franklin", 4]], [[286428, 279869, "Benjamin_Franklin", 7]], [[286428, 279870, "Benjamin_Franklin", 8]], [[286428, 279871, "Benjamin_Franklin", 9]], [[286428, 279872, "Benjamin_Franklin", 10]], [[286428, 279873, "Benjamin_Franklin", 11]], [[286428, 279874, "Benjamin_Franklin", 14]], [[286428, 279875, "Benjamin_Franklin", 15]], [[286428, 279876, "Benjamin_Franklin", 16]], [[286428, 279877, "Benjamin_Franklin", 19]], [[286428, 279878, "Benjamin_Franklin", 20]], [[286428, 279879, "Benjamin_Franklin", 21]], [[286428, 279880, "Benjamin_Franklin", 22]], [[286428, 279881, "Benjamin_Franklin", 23]], [[286428, 279882, "Benjamin_Franklin", 26]], [[286428, 279883, "Benjamin_Franklin", 27]], [[286428, 279884, "Benjamin_Franklin", 28]], [[286428, 279885, "Benjamin_Franklin", 29]], [[286428, 279886, "Benjamin_Franklin", 30]], [[286428, 279887, "Benjamin_Franklin", 33]], [[288166, 281438, "Benjamin_Franklin", 0]], [[288636, 281851, "Benjamin_Franklin", 0]], [[288636, 281852, "Benjamin_Franklin", 1]], [[333305, 319506, "Benjamin_Franklin", 0]], [[333305, 319507, "Benjamin_Franklin", 1]], [[333305, 319508, "Benjamin_Franklin", 2]], [[333305, 319509, "Benjamin_Franklin", 3]], [[333305, 319510, "Benjamin_Franklin", 4]], [[333305, 319511, "Benjamin_Franklin", 7]], [[333305, 319512, "Benjamin_Franklin", 8]], [[333305, 319513, "Benjamin_Franklin", 9]], [[333305, 319514, "Benjamin_Franklin", 10]], [[333305, 319515, "Benjamin_Franklin", 14]], [[333305, 319516, "Benjamin_Franklin", 15]], [[333305, 319517, "Benjamin_Franklin", 16]], [[333305, 319518, "Benjamin_Franklin", 19]], [[333305, 319519, "Benjamin_Franklin", 20]], [[333305, 319520, "Benjamin_Franklin", 21]], [[333305, 319521, "Benjamin_Franklin", 22]], [[333305, 319522, "Benjamin_Franklin", 23]], [[333305, 319523, "Benjamin_Franklin", 26]], [[333305, 319524, "Benjamin_Franklin", 27]], [[333305, 319525, "Benjamin_Franklin", 28]], [[333305, 319526, "Benjamin_Franklin", 29]], [[333305, 319527, "Benjamin_Franklin", 30]], [[333305, 319528, "Benjamin_Franklin", 33]], [[333306, 319529, "Benjamin_Franklin", 0], [333306, 319529, "Founding_Fathers_of_the_United_States", 0]], [[333306, 319530, "Benjamin_Franklin", 1]], [[333306, 319531, "Benjamin_Franklin", 2]], [[333306, 319532, "Benjamin_Franklin", 3]], [[333306, 319533, "Benjamin_Franklin", 4]], [[333306, 319534, "Benjamin_Franklin", 7]], [[333306, 319535, "Benjamin_Franklin", 8]], [[333306, 319536, "Benjamin_Franklin", 9]], [[333306, 319537, "Benjamin_Franklin", 14]], [[333306, 319538, "Benjamin_Franklin", 15]], [[333306, 319539, "Benjamin_Franklin", 19]], [[333306, 319540, "Benjamin_Franklin", 20]], [[333306, 319541, "Benjamin_Franklin", 21]], [[333306, 319542, "Benjamin_Franklin", 22]], [[333306, 319543, "Benjamin_Franklin", 23]], [[333306, 319544, "Benjamin_Franklin", 26]], [[333306, 319545, "Benjamin_Franklin", 27]], [[333306, 319546, "Benjamin_Franklin", 28]], [[333306, 319547, "Benjamin_Franklin", 29]], [[333306, 319548, "Benjamin_Franklin", 30]], [[333306, 319549, "Benjamin_Franklin", 33]]], "all_evidence": [[286428, 279864, "Benjamin_Franklin", 0], [286428, 279865, "Benjamin_Franklin", 1], [286428, 279866, "Benjamin_Franklin", 2], [286428, 279867, "Benjamin_Franklin", 3], [286428, 279868, "Benjamin_Franklin", 4], [286428, 279869, "Benjamin_Franklin", 7], [286428, 279870, "Benjamin_Franklin", 8], [286428, 279871, "Benjamin_Franklin", 9], [286428, 279872, "Benjamin_Franklin", 10], [286428, 279873, "Benjamin_Franklin", 11], [286428, 279874, "Benjamin_Franklin", 14], [286428, 279875, "Benjamin_Franklin", 15], [286428, 279876, "Benjamin_Franklin", 16], [286428, 279877, "Benjamin_Franklin", 19], [286428, 279878, "Benjamin_Franklin", 20], [286428, 279879, "Benjamin_Franklin", 21], [286428, 279880, "Benjamin_Franklin", 22], [286428, 279881, "Benjamin_Franklin", 23], [286428, 279882, "Benjamin_Franklin", 26], [286428, 279883, "Benjamin_Franklin", 27], [286428, 279884, "Benjamin_Franklin", 28], [286428, 279885, "Benjamin_Franklin", 29], [286428, 279886, "Benjamin_Franklin", 30], [286428, 279887, "Benjamin_Franklin", 33], [288166, 281438, "Benjamin_Franklin", 0], [288636, 281851, "Benjamin_Franklin", 0], [288636, 281852, "Benjamin_Franklin", 1], [333305, 319506, "Benjamin_Franklin", 0], [333305, 319507, "Benjamin_Franklin", 1], [333305, 319508, "Benjamin_Franklin", 2], [333305, 319509, "Benjamin_Franklin", 3], [333305, 319510, "Benjamin_Franklin", 4], [333305, 319511, "Benjamin_Franklin", 7], [333305, 319512, "Benjamin_Franklin", 8], [333305, 319513, "Benjamin_Franklin", 9], [333305, 319514, "Benjamin_Franklin", 10], [333305, 319515, "Benjamin_Franklin", 14], [333305, 319516, "Benjamin_Franklin", 15], [333305, 319517, "Benjamin_Franklin", 16], [333305, 319518, "Benjamin_Franklin", 19], [333305, 319519, "Benjamin_Franklin", 20], [333305, 319520, "Benjamin_Franklin", 21], [333305, 319521, "Benjamin_Franklin", 22], [333305, 319522, "Benjamin_Franklin", 23], [333305, 319523, "Benjamin_Franklin", 26], [333305, 319524, "Benjamin_Franklin", 27], [333305, 319525, "Benjamin_Franklin", 28], [333305, 319526, "Benjamin_Franklin", 29], [333305, 319527, "Benjamin_Franklin", 30], [333305, 319528, "Benjamin_Franklin", 33], [333306, 319529, "Benjamin_Franklin", 0], [333306, 319529, "Founding_Fathers_of_the_United_States", 0], [333306, 319530, "Benjamin_Franklin", 1], [333306, 319531, "Benjamin_Franklin", 2], [333306, 319532, "Benjamin_Franklin", 3], [333306, 319533, "Benjamin_Franklin", 4], [333306, 319534, "Benjamin_Franklin", 7], [333306, 319535, "Benjamin_Franklin", 8], [333306, 319536, "Benjamin_Franklin", 9], [333306, 319537, "Benjamin_Franklin", 14], [333306, 319538, "Benjamin_Franklin", 15], [333306, 319539, "Benjamin_Franklin", 19], [333306, 319540, "Benjamin_Franklin", 20], [333306, 319541, "Benjamin_Franklin", 21], [333306, 319542, "Benjamin_Franklin", 22], [333306, 319543, "Benjamin_Franklin", 23], [333306, 319544, "Benjamin_Franklin", 26], [333306, 319545, "Benjamin_Franklin", 27], [333306, 319546, "Benjamin_Franklin", 28], [333306, 319547, "Benjamin_Franklin", 29], [333306, 319548, "Benjamin_Franklin", 30], [333306, 319549, "Benjamin_Franklin", 33]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[47793, 57057, "Betsy_Hodges", 1], [47793, 57057, "Minneapolis_City_Council", 1], [47793, 57057, "Minneapolis_City_Council", 5]], [[50318, 59909, "Betsy_Hodges", 5], [50318, 59909, "Minneapolis_mayoral_election,_2013", 0]], [[50775, 60447, "Betsy_Hodges", 1], [50775, 60447, "Minneapolis_City_Council", 1]], [[50775, 60448, "Betsy_Hodges", 5], [50775, 60448, "Minneapolis_mayoral_election,_2013", 0]], [[304803, 295618, "Betsy_Hodges", 5], [304803, 295618, "Minneapolis_mayoral_election,_2013", 0]]], "all_evidence": [[47793, 57057, "Betsy_Hodges", 1], [47793, 57057, "Minneapolis_City_Council", 1], [47793, 57057, "Minneapolis_City_Council", 5], [50318, 59909, "Betsy_Hodges", 5], [50318, 59909, "Minneapolis_mayoral_election,_2013", 0], [50775, 60447, "Betsy_Hodges", 1], [50775, 60447, "Minneapolis_City_Council", 1], [50775, 60448, "Betsy_Hodges", 5], [50775, 60448, "Minneapolis_mayoral_election,_2013", 0], [304803, 295618, "Betsy_Hodges", 5], [304803, 295618, "Minneapolis_mayoral_election,_2013", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108919, null, null, null]]], "all_evidence": [[108919, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[76393, 87682, "Keegan-Michael_Key", 6]]], "all_evidence": [[76393, 87682, "Keegan-Michael_Key", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108653, 122332, "Exotic_Birds", 2], [108653, 122332, "Eurythmics", 0]]], "all_evidence": [[108653, 122332, "Exotic_Birds", 2], [108653, 122332, "Eurythmics", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[146296, 161267, "Louie_-LRB-season_1-RRB-", 0]]], "all_evidence": [[146296, 161267, "Louie_-LRB-season_1-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[24394, null, null, null]]], "all_evidence": [[24394, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64170, 74902, "Half_Girlfriend_-LRB-film-RRB-", 4]]], "all_evidence": [[64170, 74902, "Half_Girlfriend_-LRB-film-RRB-", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224425, 229277, "Padua", 0]]], "all_evidence": [[224425, 229277, "Padua", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82272, 94060, "Guns_N'_Roses", 0]]], "all_evidence": [[82272, 94060, "Guns_N'_Roses", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77506, 88960, "Truman_Capote", 9]]], "all_evidence": [[77506, 88960, "Truman_Capote", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104558, null, null, null]]], "all_evidence": [[104558, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237285, 239528, "Thunderstorm", 0]]], "all_evidence": [[237285, 239528, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[108195, 121728, "Salman_Rushdie", 0]], [[108208, 121743, "Salman_Rushdie", 0]]], "all_evidence": [[108195, 121728, "Salman_Rushdie", 0], [108208, 121743, "Salman_Rushdie", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170581, null, null, null]]], "all_evidence": [[170581, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11843, 14851, "City_of_Literature", 2]], [[11844, 14852, "City_of_Literature", 2]]], "all_evidence": [[11843, 14851, "City_of_Literature", 2], [11844, 14852, "City_of_Literature", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119718, 133838, "Cordilleran_Ice_Sheet", 0]]], "all_evidence": [[119718, 133838, "Cordilleran_Ice_Sheet", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49553, 58918, "Bob_Ross", 0]], [[49553, 58919, "Bob_Ross", 1]], [[49553, 58920, "Bob_Ross", 2]]], "all_evidence": [[49553, 58918, "Bob_Ross", 0], [49553, 58919, "Bob_Ross", 1], [49553, 58920, "Bob_Ross", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91271, 103975, "Freddie_Highmore", 5]]], "all_evidence": [[91271, 103975, "Freddie_Highmore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257944, 256865, "Innovation", 1]]], "all_evidence": [[257944, 256865, "Innovation", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187392, 199045, "Islamabad", 18], [187392, 199045, "National_University_of_Sciences_and_Technology_-LRB-Pakistan-RRB-", 0], [187392, 199045, "Quaid-i-Azam_University", 0]]], "all_evidence": [[187392, 199045, "Islamabad", 18], [187392, 199045, "National_University_of_Sciences_and_Technology_-LRB-Pakistan-RRB-", 0], [187392, 199045, "Quaid-i-Azam_University", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137889, null, null, null]]], "all_evidence": [[137889, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32789, 39870, "James_Spader", 1]]], "all_evidence": [[32789, 39870, "James_Spader", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[25474, 31399, "Cyclades", 0], [25474, 31399, "Dead_Sea", 3], [25474, 31399, "Aegean_Sea", 0]]], "all_evidence": [[25474, 31399, "Cyclades", 0], [25474, 31399, "Dead_Sea", 3], [25474, 31399, "Aegean_Sea", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42664, 51311, "Saturn_Award_for_Best_Fantasy_Film", 0]]], "all_evidence": [[42664, 51311, "Saturn_Award_for_Best_Fantasy_Film", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[186435, 198246, "Alan_Shepard", 16]]], "all_evidence": [[186435, 198246, "Alan_Shepard", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[165377, 179452, "A.J._Styles", 4]], [[165377, 179453, "A.J._Styles", 9]]], "all_evidence": [[165377, 179452, "A.J._Styles", 4], [165377, 179453, "A.J._Styles", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[137560, 152446, "B._R._Ambedkar", 0]], [[137560, 152447, "B._R._Ambedkar", 1]]], "all_evidence": [[137560, 152446, "B._R._Ambedkar", 0], [137560, 152447, "B._R._Ambedkar", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213586, 220808, "Estelle_Getty", 0]]], "all_evidence": [[213586, 220808, "Estelle_Getty", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96445, 109616, "Jenny_McCarthy", 1]]], "all_evidence": [[96445, 109616, "Jenny_McCarthy", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220523, null, null, null]]], "all_evidence": [[220523, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23679, 29276, "Louie_-LRB-season_1-RRB-", 7]]], "all_evidence": [[23679, 29276, "Louie_-LRB-season_1-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228913, 232990, "Backing_vocalist", 0]]], "all_evidence": [[228913, 232990, "Backing_vocalist", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91596, 104361, "Vatican_City", 11]]], "all_evidence": [[91596, 104361, "Vatican_City", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[153625, 168463, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]], "all_evidence": [[153625, 168463, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242559, 243895, "Rwanda", 26]]], "all_evidence": [[242559, 243895, "Rwanda", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180593, 193020, "Firefox", 0]], [[180593, 193021, "Firefox", 13]], [[180593, 193022, "Firefox", 15]], [[180593, 193023, "Firefox", 14]]], "all_evidence": [[180593, 193020, "Firefox", 0], [180593, 193021, "Firefox", 13], [180593, 193022, "Firefox", 15], [180593, 193023, "Firefox", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173196, 186458, "Maximum_Overdrive", 0]]], "all_evidence": [[173196, 186458, "Maximum_Overdrive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[202226, 211554, "Alfred_P._Murrah_Federal_Building", 0]]], "all_evidence": [[202226, 211554, "Alfred_P._Murrah_Federal_Building", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238330, null, null, null]]], "all_evidence": [[238330, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261376, null, null, null]]], "all_evidence": [[261376, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113388, null, null, null]]], "all_evidence": [[113388, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[149722, null, null, null]]], "all_evidence": [[149722, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[232367, null, null, null]]], "all_evidence": [[232367, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67408, 78234, "Samsung", 6]]], "all_evidence": [[67408, 78234, "Samsung", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134335, 149229, "Two_and_a_Half_Men", 0]]], "all_evidence": [[134335, 149229, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[11168, 14067, "The_Times", 0]], [[11168, 14068, "The_Times", 2]], [[11168, 14069, "The_Times", 3], [11168, 14069, "The_Sunday_Times", 3]], [[11168, 14070, "The_Times", 11]], [[11168, 14071, "The_Times", 15]], [[11168, 14072, "The_Times", 28]], [[11168, 14073, "The_Times", 25], [11168, 14073, "The_Sunday_Times", 3]], [[11168, 14074, "The_Times", 22], [11168, 14074, "The_Sunday_Times", 3]], [[15379, 19178, "The_Times", 0]], [[15379, 19179, "The_Times", 15]], [[15379, 19180, "The_Times", 16]], [[15379, 19181, "The_Times", 21], [15379, 19181, "Broadsheet", 0]], [[16226, 20103, "The_Times", 0]], [[16226, 20104, "The_Times", 2], [16226, 20104, "Sister_paper", 0]], [[16226, 20105, "The_Times", 11]], [[16226, 20106, "The_Times", 15]], [[16226, 20107, "The_Times", 16]], [[16226, 20108, "The_Times", 21], [16226, 20108, "Broadsheet", 0], [16226, 20108, "Compact_-LRB-newspaper-RRB-", 0]], [[19037, 23333, "The_Times", 0]], [[19037, 23334, "The_Times", 2], [19037, 23334, "Sister_paper", 0]], [[19037, 23335, "The_Times", 3], [19037, 23335, "The_Sunday_Times", 3]], [[19037, 23336, "The_Times", 11]], [[19037, 23337, "The_Times", 15]], [[19037, 23338, "The_Times", 19], [19037, 23338, "Times_New_Roman", 0]], [[19037, 23339, "The_Times", 20]], [[19037, 23340, "The_Times", 21], [19037, 23340, "Broadsheet", 0]], [[19037, 23341, "The_Times", 28]], [[28613, 34955, "The_Times", 0]], [[34348, 41666, "The_Times", 0]], [[34348, 41667, "The_Times", 2]], [[34348, 41668, "The_Times", 15]], [[41763, 50223, "The_Times", 0]], [[41763, 50224, "The_Times", 11]], [[41763, 50225, "The_Times", 15]], [[41763, 50226, "The_Times", 21], [41763, 50226, "Broadsheet", 0]], [[49370, 58701, "The_Times", 0]], [[53067, 63007, "The_Times", 0]], [[53067, 63008, "The_Times", 21], [53067, 63008, "Broadsheet", 0]], [[53067, 63009, "The_Times", 16]], [[53067, 63010, "The_Times", 15]], [[53067, 63011, "The_Times", 2]], [[53067, 63012, "The_Times", 3]], [[59018, 69352, "The_Times", 0]], [[59018, 69353, "The_Times", 15]], [[59018, 69354, "The_Times", 16]], [[63017, 73712, "The_Times", 0]], [[63017, 73713, "The_Times", 2]], [[63017, 73714, "The_Times", 15]], [[63017, 73715, "The_Times", 16]], [[69724, 80581, "The_Times", 0]], [[69724, 80582, "The_Times", 2]], [[69724, 80583, "The_Times", 15]], [[69724, 80584, "The_Times", 16]], [[74425, 85665, "The_Times", 0]], [[74425, 85666, "The_Times", 15]], [[79446, 91155, "The_Times", 0]], [[79446, 91156, "The_Times", 15]], [[79446, 91157, "The_Times", 2], [79446, 91157, "News_UK", 1]], [[79446, 91158, "The_Times", 19], [79446, 91158, "Times_New_Roman", 0]], [[79446, 91159, "The_Times", 20], [79446, 91159, "Times_New_Roman", 0]], [[79446, 91160, "The_Times", 21], [79446, 91160, "Broadsheet", 0]], [[83405, 95372, "The_Times", 0]], [[85651, 97961, "The_Times", 0]], [[85651, 97962, "The_Times", 15]], [[86120, 98461, "The_Times", 0]], [[86120, 98462, "The_Times", 2]], [[86120, 98463, "The_Times", 15]], [[86120, 98464, "The_Times", 16]], [[88473, 101097, "The_Times", 0]], [[91297, 104001, "The_Times", 0]], [[91297, 104002, "The_Times", 2], [91297, 104002, "Sister_paper", 0]], [[91297, 104004, "The_Times", 15]], [[91297, 104005, "The_Times", 16]], [[95660, 108696, "The_Times", 0]], [[97777, 110944, "The_Times", 0]], [[100376, 113660, "The_Times", 0]], [[100376, 113661, "The_Times", 15]], [[102552, 115826, "The_Times", 0]], [[108257, 121798, "The_Times", 0]], [[108257, 121799, "The_Times", 2]], [[108257, 121800, "The_Times", 15]], [[117029, 130913, "The_Times", 0]], [[117029, 130914, "The_Times", 15]], [[117029, 130915, "The_Times", 16]], [[127282, 141814, "The_Times", 0]], [[127282, 141815, "The_Times", 2]], [[142941, 158059, "The_Times", 0]], [[147030, 162032, "The_Times", 0]], [[147030, 162033, "The_Times", 2]], [[147030, 162034, "The_Times", 15]], [[147030, 162035, "The_Times", 16]], [[153360, 168161, "The_Times", 0]], [[153360, 168162, "The_Times", 2]], [[153360, 168163, "The_Times", 3]], [[153360, 168164, "The_Times", 11]], [[153360, 168165, "The_Times", 15]], [[153360, 168166, "The_Times", 25], [153360, 168166, "The_Sunday_Times", 0]], [[157801, 172395, "The_Times", 0]], [[171285, 184776, "The_Times", 0]], [[185801, 197576, "The_Times", 0]], [[255410, 254872, "The_Times", 0]], [[255410, 254873, "The_Times", 2]], [[255410, 254874, "The_Times", 10]], [[255410, 254875, "The_Times", 11]], [[255410, 254876, "The_Times", 15]], [[255411, 254877, "The_Times", 0]], [[255411, 254878, "The_Times", 2]], [[255411, 254879, "The_Times", 10]], [[255411, 254880, "The_Times", 11]], [[255411, 254881, "The_Times", 15]], [[283484, 277496, "The_Times", 0]], [[283484, 277497, "The_Times", 2]], [[283484, 277498, "The_Times", 11]], [[283484, 277499, "The_Times", 15]], [[299610, 291029, "The_Times", 0]], [[299610, 291030, "The_Times", 15]]], "all_evidence": [[11168, 14067, "The_Times", 0], [11168, 14068, "The_Times", 2], [11168, 14069, "The_Times", 3], [11168, 14069, "The_Sunday_Times", 3], [11168, 14070, "The_Times", 11], [11168, 14071, "The_Times", 15], [11168, 14072, "The_Times", 28], [11168, 14073, "The_Times", 25], [11168, 14073, "The_Sunday_Times", 3], [11168, 14074, "The_Times", 22], [11168, 14074, "The_Sunday_Times", 3], [15379, 19178, "The_Times", 0], [15379, 19179, "The_Times", 15], [15379, 19180, "The_Times", 16], [15379, 19181, "The_Times", 21], [15379, 19181, "Broadsheet", 0], [16226, 20103, "The_Times", 0], [16226, 20104, "The_Times", 2], [16226, 20104, "Sister_paper", 0], [16226, 20105, "The_Times", 11], [16226, 20106, "The_Times", 15], [16226, 20107, "The_Times", 16], [16226, 20108, "The_Times", 21], [16226, 20108, "Broadsheet", 0], [16226, 20108, "Compact_-LRB-newspaper-RRB-", 0], [19037, 23333, "The_Times", 0], [19037, 23334, "The_Times", 2], [19037, 23334, "Sister_paper", 0], [19037, 23335, "The_Times", 3], [19037, 23335, "The_Sunday_Times", 3], [19037, 23336, "The_Times", 11], [19037, 23337, "The_Times", 15], [19037, 23338, "The_Times", 19], [19037, 23338, "Times_New_Roman", 0], [19037, 23339, "The_Times", 20], [19037, 23340, "The_Times", 21], [19037, 23340, "Broadsheet", 0], [19037, 23341, "The_Times", 28], [28613, 34955, "The_Times", 0], [34348, 41666, "The_Times", 0], [34348, 41667, "The_Times", 2], [34348, 41668, "The_Times", 15], [41763, 50223, "The_Times", 0], [41763, 50224, "The_Times", 11], [41763, 50225, "The_Times", 15], [41763, 50226, "The_Times", 21], [41763, 50226, "Broadsheet", 0], [49370, 58701, "The_Times", 0], [53067, 63007, "The_Times", 0], [53067, 63008, "The_Times", 21], [53067, 63008, "Broadsheet", 0], [53067, 63009, "The_Times", 16], [53067, 63010, "The_Times", 15], [53067, 63011, "The_Times", 2], [53067, 63012, "The_Times", 3], [59018, 69352, "The_Times", 0], [59018, 69353, "The_Times", 15], [59018, 69354, "The_Times", 16], [63017, 73712, "The_Times", 0], [63017, 73713, "The_Times", 2], [63017, 73714, "The_Times", 15], [63017, 73715, "The_Times", 16], [69724, 80581, "The_Times", 0], [69724, 80582, "The_Times", 2], [69724, 80583, "The_Times", 15], [69724, 80584, "The_Times", 16], [74425, 85665, "The_Times", 0], [74425, 85666, "The_Times", 15], [79446, 91155, "The_Times", 0], [79446, 91156, "The_Times", 15], [79446, 91157, "The_Times", 2], [79446, 91157, "News_UK", 1], [79446, 91158, "The_Times", 19], [79446, 91158, "Times_New_Roman", 0], [79446, 91159, "The_Times", 20], [79446, 91159, "Times_New_Roman", 0], [79446, 91160, "The_Times", 21], [79446, 91160, "Broadsheet", 0], [83405, 95372, "The_Times", 0], [85651, 97961, "The_Times", 0], [85651, 97962, "The_Times", 15], [86120, 98461, "The_Times", 0], [86120, 98462, "The_Times", 2], [86120, 98463, "The_Times", 15], [86120, 98464, "The_Times", 16], [88473, 101097, "The_Times", 0], [91297, 104001, "The_Times", 0], [91297, 104002, "The_Times", 2], [91297, 104002, "Sister_paper", 0], [91297, 104004, "The_Times", 15], [91297, 104005, "The_Times", 16], [95660, 108696, "The_Times", 0], [97777, 110944, "The_Times", 0], [100376, 113660, "The_Times", 0], [100376, 113661, "The_Times", 15], [102552, 115826, "The_Times", 0], [108257, 121798, "The_Times", 0], [108257, 121799, "The_Times", 2], [108257, 121800, "The_Times", 15], [117029, 130913, "The_Times", 0], [117029, 130914, "The_Times", 15], [117029, 130915, "The_Times", 16], [127282, 141814, "The_Times", 0], [127282, 141815, "The_Times", 2], [142941, 158059, "The_Times", 0], [147030, 162032, "The_Times", 0], [147030, 162033, "The_Times", 2], [147030, 162034, "The_Times", 15], [147030, 162035, "The_Times", 16], [153360, 168161, "The_Times", 0], [153360, 168162, "The_Times", 2], [153360, 168163, "The_Times", 3], [153360, 168164, "The_Times", 11], [153360, 168165, "The_Times", 15], [153360, 168166, "The_Times", 25], [153360, 168166, "The_Sunday_Times", 0], [157801, 172395, "The_Times", 0], [171285, 184776, "The_Times", 0], [185801, 197576, "The_Times", 0], [255410, 254872, "The_Times", 0], [255410, 254873, "The_Times", 2], [255410, 254874, "The_Times", 10], [255410, 254875, "The_Times", 11], [255410, 254876, "The_Times", 15], [255411, 254877, "The_Times", 0], [255411, 254878, "The_Times", 2], [255411, 254879, "The_Times", 10], [255411, 254880, "The_Times", 11], [255411, 254881, "The_Times", 15], [283484, 277496, "The_Times", 0], [283484, 277497, "The_Times", 2], [283484, 277498, "The_Times", 11], [283484, 277499, "The_Times", 15], [299610, 291029, "The_Times", 0], [299610, 291030, "The_Times", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105031, 118451, "Guns_N'_Roses", 0]]], "all_evidence": [[105031, 118451, "Guns_N'_Roses", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48538, 57850, "Benjamin_Franklin", 0]]], "all_evidence": [[48538, 57850, "Benjamin_Franklin", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274766, null, null, null], [274784, null, null, null], [323816, null, null, null], [323817, null, null, null], [325236, null, null, null]]], "all_evidence": [[274766, null, null, null], [274784, null, null, null], [323816, null, null, null], [323817, null, null, null], [325236, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[29137, 35537, "Ares", 0]]], "all_evidence": [[29137, 35537, "Ares", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167738, null, null, null]]], "all_evidence": [[167738, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71898, null, null, null]]], "all_evidence": [[71898, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229571, null, null, null]]], "all_evidence": [[229571, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[20607, null, null, null]]], "all_evidence": [[20607, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296951, 288669, "William_Blackstone", 2], [296951, 288669, "Matriculation", 0]], [[298611, 290073, "William_Blackstone", 2]], [[300708, 291824, "William_Blackstone", 2]], [[344305, 327857, "William_Blackstone", 2]], [[344314, 327863, "William_Blackstone", 2]]], "all_evidence": [[296951, 288669, "William_Blackstone", 2], [296951, 288669, "Matriculation", 0], [298611, 290073, "William_Blackstone", 2], [300708, 291824, "William_Blackstone", 2], [344305, 327857, "William_Blackstone", 2], [344314, 327863, "William_Blackstone", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[78425, null, null, null]]], "all_evidence": [[78425, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171357, null, null, null], [171371, null, null, null]]], "all_evidence": [[171357, null, null, null], [171371, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33535, 40700, "Absinthe", 1]], [[33535, 40701, "Absinthe", 4]], [[33535, 40702, "Absinthe", 15]], [[33535, 40703, "Absinthe", 17]]], "all_evidence": [[33535, 40700, "Absinthe", 1], [33535, 40701, "Absinthe", 4], [33535, 40702, "Absinthe", 15], [33535, 40703, "Absinthe", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[180705, 193114, "Susan_Collins", 15]]], "all_evidence": [[180705, 193114, "Susan_Collins", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101315, null, null, null]]], "all_evidence": [[101315, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15665, 19503, "Aphrodite", 13]]], "all_evidence": [[15665, 19503, "Aphrodite", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[133691, null, null, null]]], "all_evidence": [[133691, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[114037, null, null, null]]], "all_evidence": [[114037, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170497, null, null, null]]], "all_evidence": [[170497, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255802, 255162, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]], "all_evidence": [[255802, 255162, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143054, 158156, "Younger_-LRB-TV_series-RRB-", 2]]], "all_evidence": [[143054, 158156, "Younger_-LRB-TV_series-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188762, 200202, "Annie_-LRB-2014_film-RRB-", 0]], [[188762, 200203, "Annie_-LRB-2014_film-RRB-", 2]]], "all_evidence": [[188762, 200202, "Annie_-LRB-2014_film-RRB-", 0], [188762, 200203, "Annie_-LRB-2014_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[215786, 222570, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]], "all_evidence": [[215786, 222570, "You_Only_Live_Twice_-LRB-film-RRB-", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[258379, null, null, null]]], "all_evidence": [[258379, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[216624, 223316, "Logie_Awards", 8]]], "all_evidence": [[216624, 223316, "Logie_Awards", 8]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263325, null, null, null]]], "all_evidence": [[263325, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17192, 21283, "Food_Network", 0]], [[17192, 21284, "Food_Network", 8]]], "all_evidence": [[17192, 21283, "Food_Network", 0], [17192, 21284, "Food_Network", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49773, 59216, "Matt_Bomer", 0]]], "all_evidence": [[49773, 59216, "Matt_Bomer", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[212888, 220301, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212888, 220301, "Nicolas_Roeg", 0]]], "all_evidence": [[212888, 220301, "Far_from_the_Madding_Crowd_-LRB-1967_film-RRB-", 3], [212888, 220301, "Nicolas_Roeg", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148797, null, null, null]]], "all_evidence": [[148797, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131957, null, null, null]]], "all_evidence": [[131957, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[93766, 106705, "The_Invisible_Man_-LRB-film-RRB-", 0], [93766, 106705, "Pre-Code_Hollywood", 0]]], "all_evidence": [[93766, 106705, "The_Invisible_Man_-LRB-film-RRB-", 0], [93766, 106705, "Pre-Code_Hollywood", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[11291, 14222, "John_DiMaggio", 0], [11291, 14222, "Adventure_Time", 1], [11291, 14222, "Jake_the_Dog", 1]], [[11291, 14223, "John_DiMaggio", 1]], [[11294, 14226, "John_DiMaggio", 0], [11294, 14226, "Adventure_Time", 0], [11294, 14226, "Adventure_Time", 5], [11294, 14226, "Adventure_Time", 17], [11294, 14226, "Futurama", 6]], [[11294, 14227, "John_DiMaggio", 1], [11294, 14227, "Chowder_-LRB-TV_series-RRB-", 0], [11294, 14227, "Samurai_Jack", 0], [11294, 14227, "Teen_Titans_-LRB-TV_series-RRB-", 4], [11294, 14227, "Teen_Titans_-LRB-TV_series-RRB-", 6], [11294, 14227, "Teen_Titans_-LRB-TV_series-RRB-", 10]]], "all_evidence": [[11291, 14222, "John_DiMaggio", 0], [11291, 14222, "Adventure_Time", 1], [11291, 14222, "Jake_the_Dog", 1], [11291, 14223, "John_DiMaggio", 1], [11294, 14226, "John_DiMaggio", 0], [11294, 14226, "Adventure_Time", 0], [11294, 14226, "Adventure_Time", 5], [11294, 14226, "Adventure_Time", 17], [11294, 14226, "Futurama", 6], [11294, 14227, "John_DiMaggio", 1], [11294, 14227, "Chowder_-LRB-TV_series-RRB-", 0], [11294, 14227, "Samurai_Jack", 0], [11294, 14227, "Teen_Titans_-LRB-TV_series-RRB-", 4], [11294, 14227, "Teen_Titans_-LRB-TV_series-RRB-", 6], [11294, 14227, "Teen_Titans_-LRB-TV_series-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23145, 28497, "Spider-Man_2", 0]], [[23145, 28498, "Spider-Man_2", 1]], [[23145, 28499, "Spider-Man_2", 11]], [[23146, 28500, "Spider-Man_2", 0]], [[23146, 28501, "Spider-Man_2", 1]], [[23146, 28502, "Spider-Man_2", 11]]], "all_evidence": [[23145, 28497, "Spider-Man_2", 0], [23145, 28498, "Spider-Man_2", 1], [23145, 28499, "Spider-Man_2", 11], [23146, 28500, "Spider-Man_2", 0], [23146, 28501, "Spider-Man_2", 1], [23146, 28502, "Spider-Man_2", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242302, null, null, null]]], "all_evidence": [[242302, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189643, 200888, "Hezbollah", 17]]], "all_evidence": [[189643, 200888, "Hezbollah", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[126913, 141371, "Two_and_a_Half_Men", 1], [126913, 141371, "Two_and_a_Half_Men", 0]]], "all_evidence": [[126913, 141371, "Two_and_a_Half_Men", 1], [126913, 141371, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[27397, null, null, null]]], "all_evidence": [[27397, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[171944, 185383, "Mikhail_Prokhorov", 3]]], "all_evidence": [[171944, 185383, "Mikhail_Prokhorov", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[197906, 207834, "Jiang_Wen", 0]]], "all_evidence": [[197906, 207834, "Jiang_Wen", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[226992, 231429, "Ed_Gagliardi", 13]]], "all_evidence": [[226992, 231429, "Ed_Gagliardi", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[86701, 99174, "Veep", 0]], [[86701, 99175, "Veep", 8]], [[86701, 99176, "Veep", 9]], [[86798, 99255, "Veep", 0]], [[86798, 99256, "Veep", 8]], [[86798, 99257, "Veep", 9]], [[86798, 99258, "Veep", 7]]], "all_evidence": [[86701, 99174, "Veep", 0], [86701, 99175, "Veep", 8], [86701, 99176, "Veep", 9], [86798, 99255, "Veep", 0], [86798, 99256, "Veep", 8], [86798, 99257, "Veep", 9], [86798, 99258, "Veep", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[71558, 82542, "Petyr_Baelish", 0]]], "all_evidence": [[71558, 82542, "Petyr_Baelish", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229689, 233567, "William_Howard_Taft", 11]]], "all_evidence": [[229689, 233567, "William_Howard_Taft", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[144073, null, null, null]]], "all_evidence": [[144073, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53905, 63888, "Bengal_tiger", 15]]], "all_evidence": [[53905, 63888, "Bengal_tiger", 15]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[82982, null, null, null]]], "all_evidence": [[82982, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39815, 47899, "Minor_League_Baseball", 0]]], "all_evidence": [[39815, 47899, "Minor_League_Baseball", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102159, 115433, "Samsung", 6]]], "all_evidence": [[102159, 115433, "Samsung", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143978, 159059, "The_Punisher_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[143978, 159059, "The_Punisher_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[16864, 20875, "Ghost_-LRB-1990_film-RRB-", 0]]], "all_evidence": [[16864, 20875, "Ghost_-LRB-1990_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207539, 215785, "Dawood_Ibrahim", 0], [207539, 215785, "Mumbai", 0]]], "all_evidence": [[207539, 215785, "Dawood_Ibrahim", 0], [207539, 215785, "Mumbai", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36593, 44220, "James_Brolin", 0]]], "all_evidence": [[36593, 44220, "James_Brolin", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247209, 247517, "The_Monster_-LRB-song-RRB-", 0]]], "all_evidence": [[247209, 247517, "The_Monster_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[238907, 240881, "The_Chaperone_-LRB-film-RRB-", 0]], [[238908, 240882, "The_Chaperone_-LRB-film-RRB-", 0]]], "all_evidence": [[238907, 240881, "The_Chaperone_-LRB-film-RRB-", 0], [238908, 240882, "The_Chaperone_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[267088, 263878, "66th_Primetime_Emmy_Awards", 2], [267088, 263878, "Seth_Meyers", 0]]], "all_evidence": [[267088, 263878, "66th_Primetime_Emmy_Awards", 2], [267088, 263878, "Seth_Meyers", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[100595, 113886, "Team_Fortress_2", 9]]], "all_evidence": [[100595, 113886, "Team_Fortress_2", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[270807, null, null, null]]], "all_evidence": [[270807, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[212524, 220028, "Nina_Jacobson", 0]]], "all_evidence": [[212524, 220028, "Nina_Jacobson", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[265953, null, null, null]]], "all_evidence": [[265953, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25441, 31372, "David_Attenborough", 4]]], "all_evidence": [[25441, 31372, "David_Attenborough", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114116, 127927, "Estonia", 0]]], "all_evidence": [[114116, 127927, "Estonia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213484, 220721, "Simi_Valley,_California", 13]]], "all_evidence": [[213484, 220721, "Simi_Valley,_California", 13]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220502, null, null, null]]], "all_evidence": [[220502, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[78258, 89782, "Scandinavia", 4]]], "all_evidence": [[78258, 89782, "Scandinavia", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[53924, 63903, "Moscovium", 0]]], "all_evidence": [[53924, 63903, "Moscovium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47374, 56501, "Linkin_Park", 2], [47374, 56501, "Meteora_-LRB-album-RRB-", 0], [47374, 56501, "Meteora_-LRB-album-RRB-", 1]]], "all_evidence": [[47374, 56501, "Linkin_Park", 2], [47374, 56501, "Meteora_-LRB-album-RRB-", 0], [47374, 56501, "Meteora_-LRB-album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[114607, 128358, "The_SpongeBob_SquarePants_Movie", 1]]], "all_evidence": [[114607, 128358, "The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157247, 171818, "Richard_Fortus", 1]], [[157249, 171820, "Richard_Fortus", 1]]], "all_evidence": [[157247, 171818, "Richard_Fortus", 1], [157249, 171820, "Richard_Fortus", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[12643, 15784, "Ragtime_-LRB-film-RRB-", 2]], [[19259, 23637, "Ragtime_-LRB-film-RRB-", 2]], [[19884, 24428, "Ragtime_-LRB-film-RRB-", 2]], [[180403, 192893, "Ragtime_-LRB-film-RRB-", 2]], [[299091, 290469, "Ragtime_-LRB-film-RRB-", 2]], [[301173, 292292, "Ragtime_-LRB-film-RRB-", 2]]], "all_evidence": [[12643, 15784, "Ragtime_-LRB-film-RRB-", 2], [19259, 23637, "Ragtime_-LRB-film-RRB-", 2], [19884, 24428, "Ragtime_-LRB-film-RRB-", 2], [180403, 192893, "Ragtime_-LRB-film-RRB-", 2], [299091, 290469, "Ragtime_-LRB-film-RRB-", 2], [301173, 292292, "Ragtime_-LRB-film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23562, 29093, "IPhone_4", 0], [23562, 29093, "Smartphone", 1]], [[23562, 29094, "IPhone_4", 2], [23562, 29094, "IPhone", 11]], [[23562, 29095, "IPhone_4", 11]], [[299538, 290916, "IPhone_4", 0]], [[299538, 290917, "IPhone_4", 17]]], "all_evidence": [[23562, 29093, "IPhone_4", 0], [23562, 29093, "Smartphone", 1], [23562, 29094, "IPhone_4", 2], [23562, 29094, "IPhone", 11], [23562, 29095, "IPhone_4", 11], [299538, 290916, "IPhone_4", 0], [299538, 290917, "IPhone_4", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[54800, null, null, null]]], "all_evidence": [[54800, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296939, 288659, "Ukrainian_Soviet_Socialist_Republic", 7]], [[298599, 290065, "Ukrainian_Soviet_Socialist_Republic", 7]], [[298601, 290066, "Ukrainian_Soviet_Socialist_Republic", 1]], [[298603, 290068, "Ukrainian_Soviet_Socialist_Republic", 7]], [[344338, 327883, "Ukrainian_Soviet_Socialist_Republic", 7]]], "all_evidence": [[296939, 288659, "Ukrainian_Soviet_Socialist_Republic", 7], [298599, 290065, "Ukrainian_Soviet_Socialist_Republic", 7], [298601, 290066, "Ukrainian_Soviet_Socialist_Republic", 1], [298603, 290068, "Ukrainian_Soviet_Socialist_Republic", 7], [344338, 327883, "Ukrainian_Soviet_Socialist_Republic", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181431, 193692, "Salman_Rushdie", 1]], [[181432, 193693, "Salman_Rushdie", 1]]], "all_evidence": [[181431, 193692, "Salman_Rushdie", 1], [181432, 193693, "Salman_Rushdie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55963, 66071, "Zac_Efron", 0]]], "all_evidence": [[55963, 66071, "Zac_Efron", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163619, null, null, null]]], "all_evidence": [[163619, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112361, null, null, null]]], "all_evidence": [[112361, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224621, 229439, "American_Library_Association", 1]]], "all_evidence": [[224621, 229439, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227524, null, null, null]]], "all_evidence": [[227524, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[164552, 178796, "NXT_Tag_Team_Championship", 0]]], "all_evidence": [[164552, 178796, "NXT_Tag_Team_Championship", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131721, 146569, "China", 15], [131721, 146569, "China", 16]]], "all_evidence": [[131721, 146569, "China", 15], [131721, 146569, "China", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218828, null, null, null]]], "all_evidence": [[218828, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[86478, 98892, "Romani_people_in_the_Republic_of_Macedonia", 9]]], "all_evidence": [[86478, 98892, "Romani_people_in_the_Republic_of_Macedonia", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[283444, 277465, "Roberto_Orci", 9]], [[285903, 279510, "Roberto_Orci", 9], [285903, 279510, "Star_Trek_-LRB-film-RRB-", 0]], [[287597, 280957, "Roberto_Orci", 9]], [[332462, 318828, "Roberto_Orci", 9]], [[332487, 318839, "Roberto_Orci", 9], [332487, 318839, "Star_Trek_Into_Darkness", 0]]], "all_evidence": [[283444, 277465, "Roberto_Orci", 9], [285903, 279510, "Roberto_Orci", 9], [285903, 279510, "Star_Trek_-LRB-film-RRB-", 0], [287597, 280957, "Roberto_Orci", 9], [332462, 318828, "Roberto_Orci", 9], [332487, 318839, "Roberto_Orci", 9], [332487, 318839, "Star_Trek_Into_Darkness", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[54108, 64109, "The_Incredibles_2", 0]]], "all_evidence": [[54108, 64109, "The_Incredibles_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189072, 200408, "Carey_Hayes", 0]]], "all_evidence": [[189072, 200408, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198898, 208590, "Scream_2", 0]]], "all_evidence": [[198898, 208590, "Scream_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207774, null, null, null]]], "all_evidence": [[207774, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38225, 46144, "Veep", 7]], [[38225, 46145, "Veep", 8]], [[38225, 46146, "Veep", 13]], [[38225, 46147, "Veep", 14]]], "all_evidence": [[38225, 46144, "Veep", 7], [38225, 46145, "Veep", 8], [38225, 46146, "Veep", 13], [38225, 46147, "Veep", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215787, 222571, "You_Only_Live_Twice_-LRB-film-RRB-", 1]]], "all_evidence": [[215787, 222571, "You_Only_Live_Twice_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[47166, 56285, "Daenerys_Targaryen", 5]]], "all_evidence": [[47166, 56285, "Daenerys_Targaryen", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[45240, 53983, "Carey_Hayes", 0]]], "all_evidence": [[45240, 53983, "Carey_Hayes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[97539, 110703, "English_Wikipedia", 0]]], "all_evidence": [[97539, 110703, "English_Wikipedia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127568, 142154, "Mercedes-Benz", 0]]], "all_evidence": [[127568, 142154, "Mercedes-Benz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39212, 47225, "Brie_Larson", 0]], [[39212, 47226, "Brie_Larson", 1]], [[39212, 47227, "Brie_Larson", 2]], [[39212, 47228, "Brie_Larson", 5]], [[39212, 47229, "Brie_Larson", 6]], [[39212, 47230, "Brie_Larson", 7]], [[39212, 47231, "Brie_Larson", 10]], [[39212, 47232, "Brie_Larson", 11]], [[39212, 47233, "Brie_Larson", 12]], [[39212, 47234, "Brie_Larson", 13]], [[39212, 47235, "Brie_Larson", 14]]], "all_evidence": [[39212, 47225, "Brie_Larson", 0], [39212, 47226, "Brie_Larson", 1], [39212, 47227, "Brie_Larson", 2], [39212, 47228, "Brie_Larson", 5], [39212, 47229, "Brie_Larson", 6], [39212, 47230, "Brie_Larson", 7], [39212, 47231, "Brie_Larson", 10], [39212, 47232, "Brie_Larson", 11], [39212, 47233, "Brie_Larson", 12], [39212, 47234, "Brie_Larson", 13], [39212, 47235, "Brie_Larson", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[203631, 212622, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203631, 212622, "Indiana_Pacers", 0]]], "all_evidence": [[203631, 212622, "Chris_Mullin_-LRB-basketball-RRB-", 11], [203631, 212622, "Indiana_Pacers", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234298, null, null, null], [237095, null, null, null], [318759, null, null, null], [318760, null, null, null], [318774, null, null, null], [318781, null, null, null]]], "all_evidence": [[234298, null, null, null], [237095, null, null, null], [318759, null, null, null], [318760, null, null, null], [318774, null, null, null], [318781, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[108701, null, null, null]]], "all_evidence": [[108701, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[244765, null, null, null]]], "all_evidence": [[244765, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40735, 48997, "Saw_II", 20]], [[40735, 48998, "Saw_II", 21]]], "all_evidence": [[40735, 48997, "Saw_II", 20], [40735, 48998, "Saw_II", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[181140, 193421, "Watertown,_Massachusetts", 0]], [[181140, 193422, "Watertown,_Massachusetts", 3]], [[181140, 193423, "Watertown,_Massachusetts", 1]]], "all_evidence": [[181140, 193421, "Watertown,_Massachusetts", 0], [181140, 193422, "Watertown,_Massachusetts", 3], [181140, 193423, "Watertown,_Massachusetts", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77432, 88890, "A_Good_Day_to_Die_Hard", 1]]], "all_evidence": [[77432, 88890, "A_Good_Day_to_Die_Hard", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[182148, 194421, "Bonobo", 12]]], "all_evidence": [[182148, 194421, "Bonobo", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[56765, 66993, "Lorelai_Gilmore", 3]]], "all_evidence": [[56765, 66993, "Lorelai_Gilmore", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[206131, null, null, null]]], "all_evidence": [[206131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[156073, 170708, "Woodrow_Wilson", 0]], [[156074, 170709, "Woodrow_Wilson", 0]]], "all_evidence": [[156073, 170708, "Woodrow_Wilson", 0], [156074, 170709, "Woodrow_Wilson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71302, 82241, "Volkswagen_Group", 1]]], "all_evidence": [[71302, 82241, "Volkswagen_Group", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247843, 248145, "Alexandria", 2]]], "all_evidence": [[247843, 248145, "Alexandria", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91361, 104065, "Antigua_and_Barbuda", 6]]], "all_evidence": [[91361, 104065, "Antigua_and_Barbuda", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[80515, 92362, "Bob_Ross", 1]]], "all_evidence": [[80515, 92362, "Bob_Ross", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98860, 111937, "Yvonne_Strahovski", 1]], [[98860, 111938, "Yvonne_Strahovski", 4]], [[98860, 111939, "Yvonne_Strahovski", 5]]], "all_evidence": [[98860, 111937, "Yvonne_Strahovski", 1], [98860, 111938, "Yvonne_Strahovski", 4], [98860, 111939, "Yvonne_Strahovski", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[236088, 238630, "Andrea_Pirlo", 0]]], "all_evidence": [[236088, 238630, "Andrea_Pirlo", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[235017, null, null, null]]], "all_evidence": [[235017, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296337, 288214, "Johann_Wolfgang_von_Goethe", 12]], [[297925, 289492, "Johann_Wolfgang_von_Goethe", 12]], [[342826, 326724, "Johann_Wolfgang_von_Goethe", 12]]], "all_evidence": [[296337, 288214, "Johann_Wolfgang_von_Goethe", 12], [297925, 289492, "Johann_Wolfgang_von_Goethe", 12], [342826, 326724, "Johann_Wolfgang_von_Goethe", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106817, 120226, "Wolfgang_Amadeus_Mozart", 3]], [[106817, 120227, "Wolfgang_Amadeus_Mozart", 4]]], "all_evidence": [[106817, 120226, "Wolfgang_Amadeus_Mozart", 3], [106817, 120227, "Wolfgang_Amadeus_Mozart", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[84148, 96268, "Pattern_recognition", 1]]], "all_evidence": [[84148, 96268, "Pattern_recognition", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[196107, 206255, "Brat_Pack_-LRB-actors-RRB-", 2], [196107, 206255, "Brat_Pack_-LRB-actors-RRB-", 0]]], "all_evidence": [[196107, 206255, "Brat_Pack_-LRB-actors-RRB-", 2], [196107, 206255, "Brat_Pack_-LRB-actors-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[258042, 256931, "Pakistan_Movement", 13]]], "all_evidence": [[258042, 256931, "Pakistan_Movement", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196196, 206341, "Ann_Biderman", 0]]], "all_evidence": [[196196, 206341, "Ann_Biderman", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[52694, null, null, null]]], "all_evidence": [[52694, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140944, null, null, null]]], "all_evidence": [[140944, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[150495, 165377, "The_Punisher_-LRB-TV_series-RRB-", 5]]], "all_evidence": [[150495, 165377, "The_Punisher_-LRB-TV_series-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23224, 28616, "Emperor_Norton", 19], [23224, 28616, "Neil_Gaiman", 0], [23224, 28616, "Morris_-LRB-cartoonist-RRB-", 0], [23224, 28616, "Rene\u0301_Goscinny", 0], [23224, 28616, "Robert_Louis_Stevenson", 0], [23224, 28616, "Emperor_Norton", 3], [23224, 28616, "Emperor_Norton", 0], [23224, 28616, "Selma_Lagerlo\u0308f", 0]]], "all_evidence": [[23224, 28616, "Emperor_Norton", 19], [23224, 28616, "Neil_Gaiman", 0], [23224, 28616, "Morris_-LRB-cartoonist-RRB-", 0], [23224, 28616, "Rene\u0301_Goscinny", 0], [23224, 28616, "Robert_Louis_Stevenson", 0], [23224, 28616, "Emperor_Norton", 3], [23224, 28616, "Emperor_Norton", 0], [23224, 28616, "Selma_Lagerlo\u0308f", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[235295, 237989, "Boxing_Helena", 5], [235295, 237989, "Sundance_Film_Festival", 0]]], "all_evidence": [[235295, 237989, "Boxing_Helena", 5], [235295, 237989, "Sundance_Film_Festival", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[147088, null, null, null]]], "all_evidence": [[147088, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182497, null, null, null]]], "all_evidence": [[182497, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[188055, 199614, "Aeneas", 2]], [[188055, 199615, "Aeneas", 3]]], "all_evidence": [[188055, 199614, "Aeneas", 2], [188055, 199615, "Aeneas", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62721, 73378, "Airbus_A380", 3]]], "all_evidence": [[62721, 73378, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[160583, 175089, "Azithromycin", 17]]], "all_evidence": [[160583, 175089, "Azithromycin", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229101, 233154, "Kevin_Bacon", 2]]], "all_evidence": [[229101, 233154, "Kevin_Bacon", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[61142, null, null, null]]], "all_evidence": [[61142, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[37594, 45531, "Arijit_Singh", 0]]], "all_evidence": [[37594, 45531, "Arijit_Singh", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105307, null, null, null]]], "all_evidence": [[105307, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[169146, 182818, "Victor_Frankenstein_-LRB-film-RRB-", 0]]], "all_evidence": [[169146, 182818, "Victor_Frankenstein_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42394, 51010, "Pocahontas", 0]]], "all_evidence": [[42394, 51010, "Pocahontas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[143255, 158356, "Hinduism", 6]]], "all_evidence": [[143255, 158356, "Hinduism", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[245191, null, null, null]]], "all_evidence": [[245191, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32734, 39792, "The_Catcher_in_the_Rye", 0]], [[32734, 39793, "The_Catcher_in_the_Rye", 1]], [[32734, 39794, "The_Catcher_in_the_Rye", 5]], [[32734, 39795, "The_Catcher_in_the_Rye", 6]], [[32734, 39796, "The_Catcher_in_the_Rye", 9]], [[32734, 39797, "The_Catcher_in_the_Rye", 10], [32734, 39797, "The_Big_Read", 0]]], "all_evidence": [[32734, 39792, "The_Catcher_in_the_Rye", 0], [32734, 39793, "The_Catcher_in_the_Rye", 1], [32734, 39794, "The_Catcher_in_the_Rye", 5], [32734, 39795, "The_Catcher_in_the_Rye", 6], [32734, 39796, "The_Catcher_in_the_Rye", 9], [32734, 39797, "The_Catcher_in_the_Rye", 10], [32734, 39797, "The_Big_Read", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[70348, 81222, "Internet_access", 0], [70348, 81222, "World_Wide_Web", 0]], [[70348, 81223, "Internet_access", 1], [70348, 81223, "Internet", 2]]], "all_evidence": [[70348, 81222, "Internet_access", 0], [70348, 81222, "World_Wide_Web", 0], [70348, 81223, "Internet_access", 1], [70348, 81223, "Internet", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140857, 155990, "Ronaldinho", 10]], [[140864, 156000, "Ronaldinho", 10]]], "all_evidence": [[140857, 155990, "Ronaldinho", 10], [140864, 156000, "Ronaldinho", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85301, null, null, null]]], "all_evidence": [[85301, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103593, null, null, null], [103610, null, null, null]]], "all_evidence": [[103593, null, null, null], [103610, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[173562, 186783, "John_S._McCain_Jr.", 3]], [[173563, 186784, "John_S._McCain_Jr.", 3]]], "all_evidence": [[173562, 186783, "John_S._McCain_Jr.", 3], [173563, 186784, "John_S._McCain_Jr.", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85061, null, null, null]]], "all_evidence": [[85061, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239468, 241302, "Akon", 9]]], "all_evidence": [[239468, 241302, "Akon", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[145323, 160321, "Sonny_Bono", 0]]], "all_evidence": [[145323, 160321, "Sonny_Bono", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19865, 24411, "Andrew_Moray", 1]]], "all_evidence": [[19865, 24411, "Andrew_Moray", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[153045, null, null, null]]], "all_evidence": [[153045, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[216874, null, null, null]]], "all_evidence": [[216874, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[27961, 34261, "The_Nice_Guys", 0]]], "all_evidence": [[27961, 34261, "The_Nice_Guys", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[214112, null, null, null]]], "all_evidence": [[214112, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[130863, null, null, null]]], "all_evidence": [[130863, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212885, null, null, null]]], "all_evidence": [[212885, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[196103, 206252, "Brat_Pack_-LRB-actors-RRB-", 0]], [[196103, 206253, "Brat_Pack_-LRB-actors-RRB-", 1]]], "all_evidence": [[196103, 206252, "Brat_Pack_-LRB-actors-RRB-", 0], [196103, 206253, "Brat_Pack_-LRB-actors-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[47106, null, null, null]]], "all_evidence": [[47106, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169233, null, null, null]]], "all_evidence": [[169233, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257856, 256805, "Jab_Tak_Hai_Jaan", 14]]], "all_evidence": [[257856, 256805, "Jab_Tak_Hai_Jaan", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119675, 133762, "Firefox", 0], [119675, 133762, "Web_browser", 0]], [[119676, 133763, "Firefox", 0], [119676, 133763, "Web_browser", 0]]], "all_evidence": [[119675, 133762, "Firefox", 0], [119675, 133762, "Web_browser", 0], [119676, 133763, "Firefox", 0], [119676, 133763, "Web_browser", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242296, 243703, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242296, 243703, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187389, 199029, "Islamabad", 18]]], "all_evidence": [[187389, 199029, "Islamabad", 18]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124510, 138853, "Elizabeth_of_York", 13]], [[124510, 138854, "Elizabeth_of_York", 15]]], "all_evidence": [[124510, 138853, "Elizabeth_of_York", 13], [124510, 138854, "Elizabeth_of_York", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[87909, 100425, "Pharmacology", 10]]], "all_evidence": [[87909, 100425, "Pharmacology", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[45052, null, null, null]]], "all_evidence": [[45052, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78595, 90137, "Freddie_Highmore", 0]]], "all_evidence": [[78595, 90137, "Freddie_Highmore", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[103925, 117417, "Ned_Stark", 7]]], "all_evidence": [[103925, 117417, "Ned_Stark", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[321897, null, null, null], [321899, null, null, null]]], "all_evidence": [[321897, null, null, null], [321899, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[38789, 46750, "Moscovium", 0]]], "all_evidence": [[38789, 46750, "Moscovium", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[192575, null, null, null], [195501, null, null, null]]], "all_evidence": [[192575, null, null, null], [195501, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255658, 255067, "PBS", 0]], [[255658, 255068, "PBS", 8]], [[255659, 255069, "PBS", 0]], [[255659, 255070, "PBS", 8]]], "all_evidence": [[255658, 255067, "PBS", 0], [255658, 255068, "PBS", 8], [255659, 255069, "PBS", 0], [255659, 255070, "PBS", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[291514, 284435, "Scream_-LRB-franchise-RRB-", 17]], [[291514, 284436, "Scream_-LRB-franchise-RRB-", 18]], [[291514, 284437, "Scream_-LRB-franchise-RRB-", 19]], [[291514, 284438, "Scream_-LRB-franchise-RRB-", 20]]], "all_evidence": [[291514, 284435, "Scream_-LRB-franchise-RRB-", 17], [291514, 284436, "Scream_-LRB-franchise-RRB-", 18], [291514, 284437, "Scream_-LRB-franchise-RRB-", 19], [291514, 284438, "Scream_-LRB-franchise-RRB-", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[194650, 205036, "Boeing_767", 19]]], "all_evidence": [[194650, 205036, "Boeing_767", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[238915, 240887, "The_Chaperone_-LRB-film-RRB-", 0]], [[238917, 240889, "The_Chaperone_-LRB-film-RRB-", 0]]], "all_evidence": [[238915, 240887, "The_Chaperone_-LRB-film-RRB-", 0], [238917, 240889, "The_Chaperone_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165397, null, null, null]]], "all_evidence": [[165397, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[153997, 168803, "Nottingham_Forest_F.C.", 1]], [[153997, 168804, "Nottingham_Forest_F.C.", 6]], [[153997, 168805, "Nottingham_Forest_F.C.", 7], [153997, 168805, "FA_Cup", 0], [153997, 168805, "FA_Cup", 1], [153997, 168805, "FA_Cup", 2]], [[153997, 168806, "Nottingham_Forest_F.C.", 8]]], "all_evidence": [[153997, 168803, "Nottingham_Forest_F.C.", 1], [153997, 168804, "Nottingham_Forest_F.C.", 6], [153997, 168805, "Nottingham_Forest_F.C.", 7], [153997, 168805, "FA_Cup", 0], [153997, 168805, "FA_Cup", 1], [153997, 168805, "FA_Cup", 2], [153997, 168806, "Nottingham_Forest_F.C.", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214628, 221611, "Vera_Wang", 0]]], "all_evidence": [[214628, 221611, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[274214, 269534, "The_Incredibles_2", 0]], [[276585, 271679, "The_Incredibles_2", 0]], [[277458, 272381, "The_Incredibles_2", 0]], [[322308, 310670, "The_Incredibles_2", 0]], [[323475, 311705, "The_Incredibles_2", 0]]], "all_evidence": [[274214, 269534, "The_Incredibles_2", 0], [276585, 271679, "The_Incredibles_2", 0], [277458, 272381, "The_Incredibles_2", 0], [322308, 310670, "The_Incredibles_2", 0], [323475, 311705, "The_Incredibles_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[229558, null, null, null]]], "all_evidence": [[229558, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[103590, null, null, null]]], "all_evidence": [[103590, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[227518, 231879, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227518, 231879, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175320, 188303, "Charlotte,_North_Carolina", 10]]], "all_evidence": [[175320, 188303, "Charlotte,_North_Carolina", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92130, 104907, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 4]]], "all_evidence": [[92130, 104907, "See_You_on_the_Other_Side_-LRB-Korn_album-RRB-", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[295945, null, null, null], [342024, null, null, null]]], "all_evidence": [[295945, null, null, null], [342024, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227001, 231438, "Ed_Gagliardi", 13]]], "all_evidence": [[227001, 231438, "Ed_Gagliardi", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220195, 226026, "Foot_Locker", 0]]], "all_evidence": [[220195, 226026, "Foot_Locker", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185487, null, null, null]]], "all_evidence": [[185487, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123345, null, null, null]]], "all_evidence": [[123345, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193744, null, null, null], [196636, null, null, null], [315110, null, null, null], [315125, null, null, null], [316449, null, null, null]]], "all_evidence": [[193744, null, null, null], [196636, null, null, null], [315110, null, null, null], [315125, null, null, null], [316449, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220207, 226034, "Foot_Locker", 0]]], "all_evidence": [[220207, 226034, "Foot_Locker", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51591, 61359, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]], "all_evidence": [[51591, 61359, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[279099, 273756, "Zoe_Saldana", 0]], [[279099, 273757, "Zoe_Saldana", 1]], [[279099, 273758, "Zoe_Saldana", 2]], [[279099, 273759, "Zoe_Saldana", 3]], [[279099, 273760, "Zoe_Saldana", 5]], [[280691, 275102, "Zoe_Saldana", 0]], [[280691, 275103, "Zoe_Saldana", 1]], [[280691, 275104, "Zoe_Saldana", 2]], [[280691, 275105, "Zoe_Saldana", 3]], [[280691, 275106, "Zoe_Saldana", 5]], [[280963, 275351, "Zoe_Saldana", 0]], [[280963, 275352, "Zoe_Saldana", 1]], [[280963, 275353, "Zoe_Saldana", 2]], [[280963, 275354, "Zoe_Saldana", 3]], [[280963, 275355, "Zoe_Saldana", 5]], [[327297, 314603, "Zoe_Saldana", 0]], [[328593, 315595, "Zoe_Saldana", 0]], [[328593, 315596, "Zoe_Saldana", 1]], [[328593, 315597, "Zoe_Saldana", 2]], [[328593, 315598, "Zoe_Saldana", 3]], [[328593, 315599, "Zoe_Saldana", 5]]], "all_evidence": [[279099, 273756, "Zoe_Saldana", 0], [279099, 273757, "Zoe_Saldana", 1], [279099, 273758, "Zoe_Saldana", 2], [279099, 273759, "Zoe_Saldana", 3], [279099, 273760, "Zoe_Saldana", 5], [280691, 275102, "Zoe_Saldana", 0], [280691, 275103, "Zoe_Saldana", 1], [280691, 275104, "Zoe_Saldana", 2], [280691, 275105, "Zoe_Saldana", 3], [280691, 275106, "Zoe_Saldana", 5], [280963, 275351, "Zoe_Saldana", 0], [280963, 275352, "Zoe_Saldana", 1], [280963, 275353, "Zoe_Saldana", 2], [280963, 275354, "Zoe_Saldana", 3], [280963, 275355, "Zoe_Saldana", 5], [327297, 314603, "Zoe_Saldana", 0], [328593, 315595, "Zoe_Saldana", 0], [328593, 315596, "Zoe_Saldana", 1], [328593, 315597, "Zoe_Saldana", 2], [328593, 315598, "Zoe_Saldana", 3], [328593, 315599, "Zoe_Saldana", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[111711, 125529, "Airbus_A380", 3]]], "all_evidence": [[111711, 125529, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[257947, 256866, "Innovation", 1]]], "all_evidence": [[257947, 256866, "Innovation", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[48735, 58049, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[48735, 58049, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265223, 262467, "A_United_Kingdom", 0]]], "all_evidence": [[265223, 262467, "A_United_Kingdom", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[160451, 174965, "Food_Network", 8]]], "all_evidence": [[160451, 174965, "Food_Network", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142215, 157425, "The_Invisible_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[142215, 157425, "The_Invisible_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168509, 182248, "Babur", 0]], [[170716, 184309, "Babur", 0]], [[312514, 302310, "Babur", 0]], [[313672, 303227, "Babur", 0]]], "all_evidence": [[168509, 182248, "Babur", 0], [170716, 184309, "Babur", 0], [312514, 302310, "Babur", 0], [313672, 303227, "Babur", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[210410, 218179, "Sean_Gunn", 0]]], "all_evidence": [[210410, 218179, "Sean_Gunn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[41824, 50310, "Manchester_by_the_Sea_-LRB-film-RRB-", 5]]], "all_evidence": [[41824, 50310, "Manchester_by_the_Sea_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[43790, 52421, "Elizabeth_Olsen", 0]], [[43790, 52422, "Elizabeth_Olsen", 2]], [[43790, 52423, "Elizabeth_Olsen", 3]]], "all_evidence": [[43790, 52421, "Elizabeth_Olsen", 0], [43790, 52422, "Elizabeth_Olsen", 2], [43790, 52423, "Elizabeth_Olsen", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[286780, 280252, "Super_Bowl_XLV", 2]], [[288946, 282128, "Super_Bowl_XLV", 2]], [[333837, 319998, "Super_Bowl_XLV", 2]], [[334746, 320719, "Super_Bowl_XLV", 2]], [[334836, 320806, "Super_Bowl_XLV", 2]]], "all_evidence": [[286780, 280252, "Super_Bowl_XLV", 2], [288946, 282128, "Super_Bowl_XLV", 2], [333837, 319998, "Super_Bowl_XLV", 2], [334746, 320719, "Super_Bowl_XLV", 2], [334836, 320806, "Super_Bowl_XLV", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154081, 168869, "Dodo", 10]]], "all_evidence": [[154081, 168869, "Dodo", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[40142, null, null, null]]], "all_evidence": [[40142, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109481, 123115, "Fred_Seibert", 3]]], "all_evidence": [[109481, 123115, "Fred_Seibert", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136080, 150916, "Linkin_Park", 2]]], "all_evidence": [[136080, 150916, "Linkin_Park", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269160, null, null, null]]], "all_evidence": [[269160, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138361, null, null, null], [138367, null, null, null], [138390, null, null, null]]], "all_evidence": [[138361, null, null, null], [138367, null, null, null], [138390, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[65164, 76038, "Clueless_-LRB-film-RRB-", 7], [65164, 76038, "Clueless_-LRB-novels-RRB-", 0]]], "all_evidence": [[65164, 76038, "Clueless_-LRB-film-RRB-", 7], [65164, 76038, "Clueless_-LRB-novels-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125757, 140146, "Issa_Rae", 1], [125757, 140146, "Awkward_Black_Girl", 0]], [[125757, 140147, "Issa_Rae", 2], [125757, 140147, "Awkward_Black_Girl", 0]], [[126983, 141465, "Issa_Rae", 1], [126983, 141465, "Awkward_Black_Girl", 0]], [[128033, 142739, "Issa_Rae", 1]], [[308797, 299090, "Issa_Rae", 1]], [[308802, 299094, "Issa_Rae", 1], [308802, 299094, "Awkward_Black_Girl", 0]], [[308821, 299105, "Issa_Rae", 1], [308821, 299105, "Awkward_Black_Girl", 0]]], "all_evidence": [[125757, 140146, "Issa_Rae", 1], [125757, 140146, "Awkward_Black_Girl", 0], [125757, 140147, "Issa_Rae", 2], [125757, 140147, "Awkward_Black_Girl", 0], [126983, 141465, "Issa_Rae", 1], [126983, 141465, "Awkward_Black_Girl", 0], [128033, 142739, "Issa_Rae", 1], [308797, 299090, "Issa_Rae", 1], [308802, 299094, "Issa_Rae", 1], [308802, 299094, "Awkward_Black_Girl", 0], [308821, 299105, "Issa_Rae", 1], [308821, 299105, "Awkward_Black_Girl", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286798, 280269, "Blue_Dog_Coalition", 3]], [[288975, 282157, "Blue_Dog_Coalition", 3]], [[290697, 283673, "Blue_Dog_Coalition", 3]], [[333866, 320037, "Blue_Dog_Coalition", 3]], [[333867, 320038, "Blue_Dog_Coalition", 3]]], "all_evidence": [[286798, 280269, "Blue_Dog_Coalition", 3], [288975, 282157, "Blue_Dog_Coalition", 3], [290697, 283673, "Blue_Dog_Coalition", 3], [333866, 320037, "Blue_Dog_Coalition", 3], [333867, 320038, "Blue_Dog_Coalition", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80778, null, null, null]]], "all_evidence": [[80778, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[136240, null, null, null]]], "all_evidence": [[136240, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[270496, 266527, "Sejong_the_Great", 0]]], "all_evidence": [[270496, 266527, "Sejong_the_Great", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94596, null, null, null]]], "all_evidence": [[94596, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167101, 180945, "Antigua_and_Barbuda", 6]]], "all_evidence": [[167101, 180945, "Antigua_and_Barbuda", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[104040, null, null, null]]], "all_evidence": [[104040, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279378, null, null, null], [281141, null, null, null], [283207, null, null, null], [327651, null, null, null], [327653, null, null, null]]], "all_evidence": [[279378, null, null, null], [281141, null, null, null], [283207, null, null, null], [327651, null, null, null], [327653, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[171060, null, null, null]]], "all_evidence": [[171060, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234993, null, null, null]]], "all_evidence": [[234993, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[240318, 241952, "Richard_Dawson", 0]], [[244003, 245103, "Richard_Dawson", 0]], [[246509, 247004, "Richard_Dawson", 0]], [[319336, 308068, "Richard_Dawson", 0]], [[320500, 309079, "Richard_Dawson", 0]]], "all_evidence": [[240318, 241952, "Richard_Dawson", 0], [244003, 245103, "Richard_Dawson", 0], [246509, 247004, "Richard_Dawson", 0], [319336, 308068, "Richard_Dawson", 0], [320500, 309079, "Richard_Dawson", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65135, 76009, "Zoroastrianism", 2], [65135, 76009, "Messianism", 0]]], "all_evidence": [[65135, 76009, "Zoroastrianism", 2], [65135, 76009, "Messianism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[116356, 130240, "Betsy_Hodges", 2]]], "all_evidence": [[116356, 130240, "Betsy_Hodges", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59387, null, null, null]]], "all_evidence": [[59387, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[195203, null, null, null]]], "all_evidence": [[195203, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[99622, 112731, "Petyr_Baelish", 0]]], "all_evidence": [[99622, 112731, "Petyr_Baelish", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[45386, 54168, "Pakistan", 21], [45386, 54168, "Economy_of_Pakistan", 0]]], "all_evidence": [[45386, 54168, "Pakistan", 21], [45386, 54168, "Economy_of_Pakistan", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[100171, null, null, null]]], "all_evidence": [[100171, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251295, 251189, "Pet", 6]]], "all_evidence": [[251295, 251189, "Pet", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35747, 43299, "Nottingham_Forest_F.C.", 0]]], "all_evidence": [[35747, 43299, "Nottingham_Forest_F.C.", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265864, 263004, "FC_Bayern_Munich", 4], [265864, 263004, "Franz_John", 0]]], "all_evidence": [[265864, 263004, "FC_Bayern_Munich", 4], [265864, 263004, "Franz_John", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[115664, 129538, "The_Winds_of_Winter", 0]]], "all_evidence": [[115664, 129538, "The_Winds_of_Winter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117045, 130927, "Woodrow_Wilson", 3]]], "all_evidence": [[117045, 130927, "Woodrow_Wilson", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265352, 262565, "Practical_Magic", 0]]], "all_evidence": [[265352, 262565, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263078, null, null, null]]], "all_evidence": [[263078, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155473, 170143, "Dulquer_Salmaan", 5], [155473, 170143, "Ustad_Hotel", 0]], [[155474, 170144, "Dulquer_Salmaan", 5], [155474, 170144, "Ustad_Hotel", 0]]], "all_evidence": [[155473, 170143, "Dulquer_Salmaan", 5], [155473, 170143, "Ustad_Hotel", 0], [155474, 170144, "Dulquer_Salmaan", 5], [155474, 170144, "Ustad_Hotel", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136704, 151521, "B._R._Ambedkar", 0]]], "all_evidence": [[136704, 151521, "B._R._Ambedkar", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[98442, 111546, "Cthulhu", 0]]], "all_evidence": [[98442, 111546, "Cthulhu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266493, null, null, null]]], "all_evidence": [[266493, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[270778, 266781, "Blank_Space", 10]]], "all_evidence": [[270778, 266781, "Blank_Space", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220196, null, null, null]]], "all_evidence": [[220196, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93731, 106673, "Hollow_Man", 15], [93731, 106673, "Hollow_Man_2", 0]], [[93734, 106675, "Hollow_Man", 15]]], "all_evidence": [[93731, 106673, "Hollow_Man", 15], [93731, 106673, "Hollow_Man_2", 0], [93734, 106675, "Hollow_Man", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[50972, 60710, "Benzodiazepine", 21]]], "all_evidence": [[50972, 60710, "Benzodiazepine", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128374, 143087, "Issa_Rae", 1]], [[128374, 143089, "Issa_Rae", 6]], [[128374, 143090, "Issa_Rae", 3]]], "all_evidence": [[128374, 143087, "Issa_Rae", 1], [128374, 143089, "Issa_Rae", 6], [128374, 143090, "Issa_Rae", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[140045, null, null, null]]], "all_evidence": [[140045, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[197938, 207862, "Fringe_-LRB-TV_series-RRB-", 1]]], "all_evidence": [[197938, 207862, "Fringe_-LRB-TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129881, null, null, null]]], "all_evidence": [[129881, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[34821, 42227, "Freddie_Highmore", 5]]], "all_evidence": [[34821, 42227, "Freddie_Highmore", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[87059, 99553, "Linkin_Park", 2], [87059, 99553, "Meteora_-LRB-album-RRB-", 0], [87059, 99553, "Meteora_-LRB-album-RRB-", 1]], [[87060, 99554, "Linkin_Park", 2], [87060, 99554, "Meteora_-LRB-album-RRB-", 0], [87060, 99554, "Meteora_-LRB-album-RRB-", 1]]], "all_evidence": [[87059, 99553, "Linkin_Park", 2], [87059, 99553, "Meteora_-LRB-album-RRB-", 0], [87059, 99553, "Meteora_-LRB-album-RRB-", 1], [87060, 99554, "Linkin_Park", 2], [87060, 99554, "Meteora_-LRB-album-RRB-", 0], [87060, 99554, "Meteora_-LRB-album-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224603, 229430, "American_Library_Association", 1]], [[224606, 229432, "American_Library_Association", 1]]], "all_evidence": [[224603, 229430, "American_Library_Association", 1], [224606, 229432, "American_Library_Association", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107555, null, null, null]]], "all_evidence": [[107555, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32104, 39003, "Lucy_Hale", 2]]], "all_evidence": [[32104, 39003, "Lucy_Hale", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111307, null, null, null], [111308, null, null, null]]], "all_evidence": [[111307, null, null, null], [111308, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[184508, 196394, "Levoamphetamine", 0]]], "all_evidence": [[184508, 196394, "Levoamphetamine", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242343, null, null, null]]], "all_evidence": [[242343, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[214627, 221610, "Vera_Wang", 0]]], "all_evidence": [[214627, 221610, "Vera_Wang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[177671, null, null, null]]], "all_evidence": [[177671, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198891, 208587, "Scream_2", 0]], [[198895, 208588, "Scream_2", 0]]], "all_evidence": [[198891, 208587, "Scream_2", 0], [198895, 208588, "Scream_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32413, null, null, null]]], "all_evidence": [[32413, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229159, 233190, "Kevin_Bacon", 1]], [[229159, 233191, "Kevin_Bacon", 2]], [[229161, 233193, "Kevin_Bacon", 1]], [[229161, 233194, "Kevin_Bacon", 2]]], "all_evidence": [[229159, 233190, "Kevin_Bacon", 1], [229159, 233191, "Kevin_Bacon", 2], [229161, 233193, "Kevin_Bacon", 1], [229161, 233194, "Kevin_Bacon", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29066, 35459, "Theresa_May", 6]]], "all_evidence": [[29066, 35459, "Theresa_May", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[164369, null, null, null]]], "all_evidence": [[164369, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49841, 59306, "Hebe_-LRB-mythology-RRB-", 2]]], "all_evidence": [[49841, 59306, "Hebe_-LRB-mythology-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220511, null, null, null]]], "all_evidence": [[220511, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[136668, 151492, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0]]], "all_evidence": [[136668, 151492, "One_Flew_Over_the_Cuckoo's_Nest_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17028, 21095, "Gotham_-LRB-TV_series-RRB-", 7]]], "all_evidence": [[17028, 21095, "Gotham_-LRB-TV_series-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[234075, null, null, null], [236871, null, null, null], [240448, null, null, null], [318712, null, null, null], [318719, null, null, null]]], "all_evidence": [[234075, null, null, null], [236871, null, null, null], [240448, null, null, null], [318712, null, null, null], [318719, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[225305, 229983, "Live_Nation_Entertainment", 0]]], "all_evidence": [[225305, 229983, "Live_Nation_Entertainment", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[94855, 107827, "The_Fame", 1]], [[94855, 107828, "The_Fame", 6]], [[94855, 107829, "The_Fame", 14]], [[94855, 107830, "The_Fame", 13]], [[94855, 107831, "The_Fame", 12]], [[94855, 107832, "The_Fame", 25]], [[94855, 107833, "The_Fame", 23], [94855, 107833, "52nd_Annual_Grammy_Awards", 0]], [[94855, 107834, "The_Fame", 26]]], "all_evidence": [[94855, 107827, "The_Fame", 1], [94855, 107828, "The_Fame", 6], [94855, 107829, "The_Fame", 14], [94855, 107830, "The_Fame", 13], [94855, 107831, "The_Fame", 12], [94855, 107832, "The_Fame", 25], [94855, 107833, "The_Fame", 23], [94855, 107833, "52nd_Annual_Grammy_Awards", 0], [94855, 107834, "The_Fame", 26]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[109126, 122822, "Meghan_Markle", 5]]], "all_evidence": [[109126, 122822, "Meghan_Markle", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[176634, 189559, "Carol_Danvers", 0]], [[176634, 189560, "Carol_Danvers", 1], [176634, 189560, "Captain_Marvel_-LRB-Marvel_Comics-RRB-", 0]], [[176634, 189561, "Carol_Danvers", 2], [176634, 189561, "Silver_Age_of_Comic_Books", 0]], [[176634, 189562, "Carol_Danvers", 3], [176634, 189562, "Captain_Marvel_-LRB-Marvel_Comics-RRB-", 0]], [[176634, 189563, "Carol_Danvers", 6], [176634, 189563, "Marvel_Comics", 0]], [[176634, 189564, "Carol_Danvers", 7], [176634, 189564, "Avengers_-LRB-comics-RRB-", 0]]], "all_evidence": [[176634, 189559, "Carol_Danvers", 0], [176634, 189560, "Carol_Danvers", 1], [176634, 189560, "Captain_Marvel_-LRB-Marvel_Comics-RRB-", 0], [176634, 189561, "Carol_Danvers", 2], [176634, 189561, "Silver_Age_of_Comic_Books", 0], [176634, 189562, "Carol_Danvers", 3], [176634, 189562, "Captain_Marvel_-LRB-Marvel_Comics-RRB-", 0], [176634, 189563, "Carol_Danvers", 6], [176634, 189563, "Marvel_Comics", 0], [176634, 189564, "Carol_Danvers", 7], [176634, 189564, "Avengers_-LRB-comics-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[182306, null, null, null]]], "all_evidence": [[182306, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[201792, 211164, "Zoe_Saldana", 0]], [[204670, 213406, "Zoe_Saldana", 0]], [[207070, 215378, "Zoe_Saldana", 0]], [[315644, 304884, "Zoe_Saldana", 0]], [[316729, 305859, "Zoe_Saldana", 0]]], "all_evidence": [[201792, 211164, "Zoe_Saldana", 0], [204670, 213406, "Zoe_Saldana", 0], [207070, 215378, "Zoe_Saldana", 0], [315644, 304884, "Zoe_Saldana", 0], [316729, 305859, "Zoe_Saldana", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[98162, null, null, null]]], "all_evidence": [[98162, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[218621, 224860, "Rob_McElhenney", 3]]], "all_evidence": [[218621, 224860, "Rob_McElhenney", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159647, 174155, "Rick_Ross", 3], [159647, 174155, "Rather_You_Than_Me", 0]]], "all_evidence": [[159647, 174155, "Rick_Ross", 3], [159647, 174155, "Rather_You_Than_Me", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274921, null, null, null], [274927, null, null, null], [276968, null, null, null]]], "all_evidence": [[274921, null, null, null], [274927, null, null, null], [276968, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[60837, null, null, null]]], "all_evidence": [[60837, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[106135, 119541, "United_States_dollar", 72], [106135, 119541, "British_Overseas_Territories", 0]]], "all_evidence": [[106135, 119541, "United_States_dollar", 72], [106135, 119541, "British_Overseas_Territories", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262103, 260159, "Aristocracy", 0]], [[262103, 260160, "Aristocracy", 1]]], "all_evidence": [[262103, 260159, "Aristocracy", 0], [262103, 260160, "Aristocracy", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[178295, 190865, "Airbus_A380", 3]]], "all_evidence": [[178295, 190865, "Airbus_A380", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[65712, null, null, null]]], "all_evidence": [[65712, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101415, null, null, null]]], "all_evidence": [[101415, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[208741, 216719, "Vic_Mensa", 0]], [[208742, 216720, "Vic_Mensa", 0]]], "all_evidence": [[208741, 216719, "Vic_Mensa", 0], [208742, 216720, "Vic_Mensa", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[185026, 196855, "Dissociative_identity_disorder", 7]]], "all_evidence": [[185026, 196855, "Dissociative_identity_disorder", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93359, null, null, null]]], "all_evidence": [[93359, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[100499, 113798, "Scandinavia", 4]]], "all_evidence": [[100499, 113798, "Scandinavia", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[164822, 179020, "Loretta_Sanchez", 0]]], "all_evidence": [[164822, 179020, "Loretta_Sanchez", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[25041, 30917, "Barbarella_-LRB-film-RRB-", 0]]], "all_evidence": [[25041, 30917, "Barbarella_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30158, null, null, null]]], "all_evidence": [[30158, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[186745, 198522, "Ding_Yanyuhang", 0]], [[186747, 198523, "Ding_Yanyuhang", 0]]], "all_evidence": [[186745, 198522, "Ding_Yanyuhang", 0], [186747, 198523, "Ding_Yanyuhang", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274332, null, null, null], [274334, null, null, null], [274335, null, null, null], [322407, null, null, null]]], "all_evidence": [[274332, null, null, null], [274334, null, null, null], [274335, null, null, null], [322407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24661, 30445, "Shannon_Lee", 0]]], "all_evidence": [[24661, 30445, "Shannon_Lee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[66007, null, null, null]]], "all_evidence": [[66007, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[120004, null, null, null]]], "all_evidence": [[120004, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260766, 259067, "Species_distribution", 14]]], "all_evidence": [[260766, 259067, "Species_distribution", 14]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181765, null, null, null]]], "all_evidence": [[181765, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61261, 71769, "The_Ellen_Show", 0], [61261, 71769, "Ellen_DeGeneres", 0]]], "all_evidence": [[61261, 71769, "The_Ellen_Show", 0], [61261, 71769, "Ellen_DeGeneres", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[76981, 88373, "Yugoslavia", 0]]], "all_evidence": [[76981, 88373, "Yugoslavia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89074, 101770, "House_of_Balloons", 0]]], "all_evidence": [[89074, 101770, "House_of_Balloons", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[121042, 135342, "General_Motors", 0]]], "all_evidence": [[121042, 135342, "General_Motors", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169330, 182978, "Cambridgeshire", 7]], [[173268, 186528, "Cambridgeshire", 1]], [[173268, 186529, "Cambridgeshire", 7]], [[173268, 186530, "Cambridgeshire", 8]], [[312610, 302383, "Cambridgeshire", 7]], [[312610, 302384, "Cambridgeshire", 8]], [[312617, 302389, "Cambridgeshire", 7]]], "all_evidence": [[169330, 182978, "Cambridgeshire", 7], [173268, 186528, "Cambridgeshire", 1], [173268, 186529, "Cambridgeshire", 7], [173268, 186530, "Cambridgeshire", 8], [312610, 302383, "Cambridgeshire", 7], [312610, 302384, "Cambridgeshire", 8], [312617, 302389, "Cambridgeshire", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200606, null, null, null]]], "all_evidence": [[200606, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[170508, null, null, null]]], "all_evidence": [[170508, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[112827, 126659, "Temple_of_the_Dog", 0]], [[112827, 126660, "Temple_of_the_Dog", 11]], [[112827, 126661, "Temple_of_the_Dog", 6]]], "all_evidence": [[112827, 126659, "Temple_of_the_Dog", 0], [112827, 126660, "Temple_of_the_Dog", 11], [112827, 126661, "Temple_of_the_Dog", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71220, null, null, null], [71226, null, null, null]]], "all_evidence": [[71220, null, null, null], [71226, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247526, 247815, "Sennacherib", 2]]], "all_evidence": [[247526, 247815, "Sennacherib", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[149352, 164320, "E\u0301douard_Se\u0301guin", 1]], [[149353, 164321, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[149352, 164320, "E\u0301douard_Se\u0301guin", 1], [149353, 164321, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106287, 119746, "Dissociative_identity_disorder", 20]]], "all_evidence": [[106287, 119746, "Dissociative_identity_disorder", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[58564, null, null, null]]], "all_evidence": [[58564, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[96364, 109505, "Ricardo_Montalba\u0301n", 0]], [[96364, 109506, "Ricardo_Montalba\u0301n", 1]], [[96364, 109507, "Ricardo_Montalba\u0301n", 4]], [[96364, 109508, "Ricardo_Montalba\u0301n", 5]], [[96364, 109509, "Ricardo_Montalba\u0301n", 6]], [[96364, 109510, "Ricardo_Montalba\u0301n", 7]]], "all_evidence": [[96364, 109505, "Ricardo_Montalba\u0301n", 0], [96364, 109506, "Ricardo_Montalba\u0301n", 1], [96364, 109507, "Ricardo_Montalba\u0301n", 4], [96364, 109508, "Ricardo_Montalba\u0301n", 5], [96364, 109509, "Ricardo_Montalba\u0301n", 6], [96364, 109510, "Ricardo_Montalba\u0301n", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182582, 194794, "Veep", 0]]], "all_evidence": [[182582, 194794, "Veep", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[53920, 63896, "Solanum", 0]], [[53920, 63897, "Solanum", 1]], [[53920, 63898, "Solanum", 4]], [[53920, 63899, "Solanum", 5]], [[53920, 63900, "Solanum", 6]]], "all_evidence": [[53920, 63896, "Solanum", 0], [53920, 63897, "Solanum", 1], [53920, 63898, "Solanum", 4], [53920, 63899, "Solanum", 5], [53920, 63900, "Solanum", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93894, 106845, "The_Hit_-LRB-1984_film-RRB-", 0]], [[93894, 106846, "The_Hit_-LRB-1984_film-RRB-", 1]], [[93894, 106847, "The_Hit_-LRB-1984_film-RRB-", 6]]], "all_evidence": [[93894, 106845, "The_Hit_-LRB-1984_film-RRB-", 0], [93894, 106846, "The_Hit_-LRB-1984_film-RRB-", 1], [93894, 106847, "The_Hit_-LRB-1984_film-RRB-", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[90640, null, null, null]]], "all_evidence": [[90640, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202978, 212106, "Death_Note_-LRB-2015_TV_series-RRB-", 0]]], "all_evidence": [[202978, 212106, "Death_Note_-LRB-2015_TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148681, 163716, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]]], "all_evidence": [[148681, 163716, "The_House_of_the_Spirits_-LRB-film-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[16439, 20367, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]], "all_evidence": [[16439, 20367, "Shut_Up_-LRB-Stormzy_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[215778, 222559, "You_Only_Live_Twice_-LRB-film-RRB-", 12], [215778, 222559, "Lewis_Gilbert", 0]]], "all_evidence": [[215778, 222559, "You_Only_Live_Twice_-LRB-film-RRB-", 12], [215778, 222559, "Lewis_Gilbert", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111243, null, null, null]]], "all_evidence": [[111243, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229180, 233201, "Kevin_Bacon", 2]]], "all_evidence": [[229180, 233201, "Kevin_Bacon", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[94836, null, null, null]]], "all_evidence": [[94836, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118885, 132717, "Near-Earth_object", 0], [118885, 132717, "Earth", 0], [118885, 132717, "Small_Solar_System_body", 0]]], "all_evidence": [[118885, 132717, "Near-Earth_object", 0], [118885, 132717, "Earth", 0], [118885, 132717, "Small_Solar_System_body", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138784, null, null, null]]], "all_evidence": [[138784, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[163351, 177556, "Cthulhu", 0]]], "all_evidence": [[163351, 177556, "Cthulhu", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[39393, null, null, null]]], "all_evidence": [[39393, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[261548, null, null, null]]], "all_evidence": [[261548, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[265346, 262561, "Practical_Magic", 0]]], "all_evidence": [[265346, 262561, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233286, null, null, null]]], "all_evidence": [[233286, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[298483, null, null, null], [300533, null, null, null], [344097, null, null, null]]], "all_evidence": [[298483, null, null, null], [300533, null, null, null], [344097, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102930, 116214, "Ice-T", 1]]], "all_evidence": [[102930, 116214, "Ice-T", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[23953, 29664, "Kareem_Abdul-Jabbar", 18]]], "all_evidence": [[23953, 29664, "Kareem_Abdul-Jabbar", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207780, null, null, null]]], "all_evidence": [[207780, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255654, null, null, null]]], "all_evidence": [[255654, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168691, 182414, "Jefferson_Davis", 5]]], "all_evidence": [[168691, 182414, "Jefferson_Davis", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[19333, 23735, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]], "all_evidence": [[19333, 23735, "Heaven_Can_Wait_-LRB-1978_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[89117, null, null, null]]], "all_evidence": [[89117, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263311, null, null, null], [263320, null, null, null]]], "all_evidence": [[263311, null, null, null], [263320, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[194226, 204605, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2]]], "all_evidence": [[194226, 204605, "The_Thin_Red_Line_-LRB-1998_film-RRB-", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[38580, 46527, "The_Hunger_Games_-LRB-film_series-RRB-", 8], [38580, 46527, "The_Hunger_Games_-LRB-film_series-RRB-", 6], [38580, 46527, "The_Hunger_Games_-LRB-film_series-RRB-", 7]]], "all_evidence": [[38580, 46527, "The_Hunger_Games_-LRB-film_series-RRB-", 8], [38580, 46527, "The_Hunger_Games_-LRB-film_series-RRB-", 6], [38580, 46527, "The_Hunger_Games_-LRB-film_series-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151368, null, null, null]]], "all_evidence": [[151368, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[247235, 247569, "The_Monster_-LRB-song-RRB-", 0]]], "all_evidence": [[247235, 247569, "The_Monster_-LRB-song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235298, 237991, "Boxing_Helena", 6]]], "all_evidence": [[235298, 237991, "Boxing_Helena", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[91249, null, null, null]]], "all_evidence": [[91249, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38297, null, null, null]]], "all_evidence": [[38297, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221795, 227350, "Augustus_Prew", 0]], [[221795, 227351, "Augustus_Prew", 5]]], "all_evidence": [[221795, 227350, "Augustus_Prew", 0], [221795, 227351, "Augustus_Prew", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142917, 158035, "Henri_Kontinen", 11]]], "all_evidence": [[142917, 158035, "Henri_Kontinen", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[32170, null, null, null]]], "all_evidence": [[32170, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[276065, 271135, "The_Beverly_Hillbillies", 0]], [[276080, 271148, "The_Beverly_Hillbillies", 0]], [[276080, 271149, "The_Beverly_Hillbillies", 1]], [[276080, 271150, "The_Beverly_Hillbillies", 2]], [[276080, 271151, "The_Beverly_Hillbillies", 6]], [[276080, 271152, "The_Beverly_Hillbillies", 7]], [[276080, 271153, "The_Beverly_Hillbillies", 8]], [[325392, 313067, "The_Beverly_Hillbillies", 0]], [[325393, 313068, "The_Beverly_Hillbillies", 0]]], "all_evidence": [[276065, 271135, "The_Beverly_Hillbillies", 0], [276080, 271148, "The_Beverly_Hillbillies", 0], [276080, 271149, "The_Beverly_Hillbillies", 1], [276080, 271150, "The_Beverly_Hillbillies", 2], [276080, 271151, "The_Beverly_Hillbillies", 6], [276080, 271152, "The_Beverly_Hillbillies", 7], [276080, 271153, "The_Beverly_Hillbillies", 8], [325392, 313067, "The_Beverly_Hillbillies", 0], [325393, 313068, "The_Beverly_Hillbillies", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106926, 120317, "Elizabeth_of_York", 1]], [[106926, 120318, "Elizabeth_of_York", 13]]], "all_evidence": [[106926, 120317, "Elizabeth_of_York", 1], [106926, 120318, "Elizabeth_of_York", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[157145, 171704, "IPhone_4", 5], [157145, 171704, "Smartphone", 0]]], "all_evidence": [[157145, 171704, "IPhone_4", 5], [157145, 171704, "Smartphone", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[97350, 110523, "Stephen_King", 2]]], "all_evidence": [[97350, 110523, "Stephen_King", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[85042, null, null, null]]], "all_evidence": [[85042, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[117352, 131273, "NXT_Tag_Team_Championship", 0], [117352, 131273, "WWE", 0]]], "all_evidence": [[117352, 131273, "NXT_Tag_Team_Championship", 0], [117352, 131273, "WWE", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251524, 251358, "Gory_Guerrero", 0]], [[251524, 251359, "Gory_Guerrero", 1]]], "all_evidence": [[251524, 251358, "Gory_Guerrero", 0], [251524, 251359, "Gory_Guerrero", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151177, 165978, "Python_-LRB-programming_language-RRB-", 5]]], "all_evidence": [[151177, 165978, "Python_-LRB-programming_language-RRB-", 5]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[82466, 94249, "Aphrodite", 7]]], "all_evidence": [[82466, 94249, "Aphrodite", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173540, null, null, null]]], "all_evidence": [[173540, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[113191, null, null, null]]], "all_evidence": [[113191, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[154891, 169630, "KGB", 7]]], "all_evidence": [[154891, 169630, "KGB", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[151124, 165941, "Aestheticism", 0]]], "all_evidence": [[151124, 165941, "Aestheticism", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[163498, null, null, null]]], "all_evidence": [[163498, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[105626, null, null, null]]], "all_evidence": [[105626, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269086, 265501, "David_Lloyd_George", 20]]], "all_evidence": [[269086, 265501, "David_Lloyd_George", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263087, null, null, null]]], "all_evidence": [[263087, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[200611, null, null, null]]], "all_evidence": [[200611, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[22820, null, null, null]]], "all_evidence": [[22820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78404, 89937, "Chumlee", 0]]], "all_evidence": [[78404, 89937, "Chumlee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[34765, null, null, null]]], "all_evidence": [[34765, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[13136, 16430, "Talulah_Riley", 1]]], "all_evidence": [[13136, 16430, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[109734, 123334, "Clueless_-LRB-film-RRB-", 7]]], "all_evidence": [[109734, 123334, "Clueless_-LRB-film-RRB-", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111276, null, null, null]]], "all_evidence": [[111276, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30913, null, null, null]]], "all_evidence": [[30913, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[187379, null, null, null]]], "all_evidence": [[187379, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180258, null, null, null]]], "all_evidence": [[180258, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[242362, 243760, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0]], [[242362, 243761, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16]]], "all_evidence": [[242362, 243760, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], [242362, 243761, "Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[99406, null, null, null]]], "all_evidence": [[99406, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[31508, 38238, "Ayananka_Bose", 0]], [[31508, 38239, "Ayananka_Bose", 2]]], "all_evidence": [[31508, 38238, "Ayananka_Bose", 0], [31508, 38239, "Ayananka_Bose", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[93195, null, null, null], [95465, null, null, null], [97632, null, null, null], [306742, null, null, null], [307663, null, null, null]]], "all_evidence": [[93195, null, null, null], [95465, null, null, null], [97632, null, null, null], [306742, null, null, null], [307663, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[67120, 77919, "LinkedIn", 14]]], "all_evidence": [[67120, 77919, "LinkedIn", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[262363, 260373, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24], [262363, 260373, "Sabbath_in_Christianity", 0]]], "all_evidence": [[262363, 260373, "The_Church_of_Jesus_Christ_of_Latter-day_Saints", 24], [262363, 260373, "Sabbath_in_Christianity", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[224124, null, null, null]]], "all_evidence": [[224124, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155435, null, null, null]]], "all_evidence": [[155435, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[129648, 144378, "Salman_Rushdie", 1]]], "all_evidence": [[129648, 144378, "Salman_Rushdie", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[168902, 182612, "Physics", 11]]], "all_evidence": [[168902, 182612, "Physics", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[253280, 253166, "The_Originals_-LRB-TV_series-RRB-", 0]], [[253281, 253167, "The_Originals_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[253280, 253166, "The_Originals_-LRB-TV_series-RRB-", 0], [253281, 253167, "The_Originals_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272848, null, null, null]]], "all_evidence": [[272848, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[192005, 202766, "Baadshah_-LRB-2013_film-RRB-", 17]]], "all_evidence": [[192005, 202766, "Baadshah_-LRB-2013_film-RRB-", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255274, 254737, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]], "all_evidence": [[255274, 254737, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[193520, null, null, null]]], "all_evidence": [[193520, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[67598, 78439, "Robinson_Crusoe_on_Mars", 0]]], "all_evidence": [[67598, 78439, "Robinson_Crusoe_on_Mars", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37524, 45446, "Antigua_and_Barbuda", 6]]], "all_evidence": [[37524, 45446, "Antigua_and_Barbuda", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239450, null, null, null]]], "all_evidence": [[239450, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224783, 229560, "Sacre\u0301-C\u0153ur,_Paris", 2]]], "all_evidence": [[224783, 229560, "Sacre\u0301-C\u0153ur,_Paris", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48711, 58025, "Castlevania_-LRB-1986_video_game-RRB-", 0]]], "all_evidence": [[48711, 58025, "Castlevania_-LRB-1986_video_game-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[125667, 140037, "Independent_Spirit_Awards", 10]]], "all_evidence": [[125667, 140037, "Independent_Spirit_Awards", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[202232, 211558, "Alfred_P._Murrah_Federal_Building", 0]]], "all_evidence": [[202232, 211558, "Alfred_P._Murrah_Federal_Building", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220622, null, null, null]]], "all_evidence": [[220622, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[28915, 35281, "Elizabeth_Olsen", 0]], [[28915, 35282, "Elizabeth_Olsen", 1]], [[28915, 35283, "Elizabeth_Olsen", 2]]], "all_evidence": [[28915, 35281, "Elizabeth_Olsen", 0], [28915, 35282, "Elizabeth_Olsen", 1], [28915, 35283, "Elizabeth_Olsen", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[268754, 265238, "Pocahontas", 0]], [[271821, 267612, "Pocahontas", 0]], [[321914, 310268, "Pocahontas", 0]]], "all_evidence": [[268754, 265238, "Pocahontas", 0], [271821, 267612, "Pocahontas", 0], [321914, 310268, "Pocahontas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32416, 39397, "Jimi_Hendrix", 6]]], "all_evidence": [[32416, 39397, "Jimi_Hendrix", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[233318, null, null, null], [318554, null, null, null], [318555, null, null, null], [318564, null, null, null]]], "all_evidence": [[233318, null, null, null], [318554, null, null, null], [318555, null, null, null], [318564, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[274883, null, null, null], [276933, null, null, null], [276942, null, null, null], [323909, null, null, null], [323910, null, null, null], [323911, null, null, null], [323912, null, null, null], [323913, null, null, null], [323914, null, null, null], [323915, null, null, null], [323928, null, null, null]]], "all_evidence": [[274883, null, null, null], [276933, null, null, null], [276942, null, null, null], [323909, null, null, null], [323910, null, null, null], [323911, null, null, null], [323912, null, null, null], [323913, null, null, null], [323914, null, null, null], [323915, null, null, null], [323928, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[30293, null, null, null]]], "all_evidence": [[30293, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105619, 119065, "Salman_Rushdie", 1]], [[105619, 119066, "Salman_Rushdie", 6]]], "all_evidence": [[105619, 119065, "Salman_Rushdie", 1], [105619, 119066, "Salman_Rushdie", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[237145, 239415, "Web_page", 14]]], "all_evidence": [[237145, 239415, "Web_page", 14]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[206570, 214906, "Nawaz_Sharif", 0]]], "all_evidence": [[206570, 214906, "Nawaz_Sharif", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239437, null, null, null]]], "all_evidence": [[239437, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75708, null, null, null]]], "all_evidence": [[75708, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[219008, null, null, null]]], "all_evidence": [[219008, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[127022, 141521, "The_Times", 0]], [[127022, 141522, "The_Times", 2], [127022, 141522, "Sister_paper", 0]]], "all_evidence": [[127022, 141521, "The_Times", 0], [127022, 141522, "The_Times", 2], [127022, 141522, "Sister_paper", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[92422, 105184, "South_Island", 1], [92422, 105184, "Cook_Strait", 0]]], "all_evidence": [[92422, 105184, "South_Island", 1], [92422, 105184, "Cook_Strait", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[235007, 237766, "Sweet_Home_Alabama", 4]]], "all_evidence": [[235007, 237766, "Sweet_Home_Alabama", 4]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160135, null, null, null]]], "all_evidence": [[160135, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[91552, 104297, "Prague", 16]]], "all_evidence": [[91552, 104297, "Prague", 16]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101407, null, null, null]]], "all_evidence": [[101407, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[188757, 200198, "Annie_-LRB-2014_film-RRB-", 0]]], "all_evidence": [[188757, 200198, "Annie_-LRB-2014_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[151650, null, null, null]]], "all_evidence": [[151650, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233854, 236740, "Lois_Lane", 8]], [[233857, 236743, "Lois_Lane", 8]]], "all_evidence": [[233854, 236740, "Lois_Lane", 8], [233857, 236743, "Lois_Lane", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[159835, 174322, "Elizabeth_of_York", 2]], [[159835, 174323, "Elizabeth_of_York", 9]]], "all_evidence": [[159835, 174322, "Elizabeth_of_York", 2], [159835, 174323, "Elizabeth_of_York", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[55175, 65212, "Shannon_Lee", 0]], [[55175, 65213, "Shannon_Lee", 1]]], "all_evidence": [[55175, 65212, "Shannon_Lee", 0], [55175, 65213, "Shannon_Lee", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115743, 129626, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]], [[115750, 129632, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]], "all_evidence": [[115743, 129626, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0], [115750, 129632, "Honeymoon_-LRB-Lana_Del_Rey_album-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99511, 112616, "One_True_Thing", 0]], [[99511, 112617, "One_True_Thing", 2]], [[99511, 112618, "One_True_Thing", 6]], [[99511, 112619, "One_True_Thing", 7]], [[99511, 112620, "One_True_Thing", 10]]], "all_evidence": [[99511, 112616, "One_True_Thing", 0], [99511, 112617, "One_True_Thing", 2], [99511, 112618, "One_True_Thing", 6], [99511, 112619, "One_True_Thing", 7], [99511, 112620, "One_True_Thing", 10]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210401, null, null, null]]], "all_evidence": [[210401, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[24968, 30833, "Stomp_the_Yard", 0]], [[24968, 30834, "Stomp_the_Yard", 8]], [[24968, 30835, "Stomp_the_Yard", 4]], [[24968, 30836, "Stomp_the_Yard", 3]], [[24968, 30837, "Stomp_the_Yard", 2]]], "all_evidence": [[24968, 30833, "Stomp_the_Yard", 0], [24968, 30834, "Stomp_the_Yard", 8], [24968, 30835, "Stomp_the_Yard", 4], [24968, 30836, "Stomp_the_Yard", 3], [24968, 30837, "Stomp_the_Yard", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62622, 73265, "Maximum_Overdrive", 0]]], "all_evidence": [[62622, 73265, "Maximum_Overdrive", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207564, 215802, "Dawood_Ibrahim", 0]]], "all_evidence": [[207564, 215802, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[105267, 118703, "Personality", 0]]], "all_evidence": [[105267, 118703, "Personality", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[155679, null, null, null], [155862, null, null, null], [311654, null, null, null]]], "all_evidence": [[155679, null, null, null], [155862, null, null, null], [311654, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[256860, null, null, null]]], "all_evidence": [[256860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[198873, 208576, "Scream_2", 0]]], "all_evidence": [[198873, 208576, "Scream_2", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[56820, 67052, "SpongeBob_SquarePants", 0]]], "all_evidence": [[56820, 67052, "SpongeBob_SquarePants", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[148856, 163896, "The_Nice_Guys", 0]]], "all_evidence": [[148856, 163896, "The_Nice_Guys", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[110745, null, null, null]]], "all_evidence": [[110745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[69489, 80301, "Qin_dynasty", 21]]], "all_evidence": [[69489, 80301, "Qin_dynasty", 21]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[134534, 149433, "Simon_Cowell", 1]], [[134534, 149434, "Simon_Cowell", 7]], [[134534, 149435, "Simon_Cowell", 0]]], "all_evidence": [[134534, 149433, "Simon_Cowell", 1], [134534, 149434, "Simon_Cowell", 7], [134534, 149435, "Simon_Cowell", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207761, 215965, "The_Good_German", 1]]], "all_evidence": [[207761, 215965, "The_Good_German", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[108043, 121559, "The_Hunger_Games_-LRB-novel-RRB-", 0]], [[108043, 121560, "The_Hunger_Games_-LRB-novel-RRB-", 9]], [[108043, 121561, "The_Hunger_Games_-LRB-novel-RRB-", 16]]], "all_evidence": [[108043, 121559, "The_Hunger_Games_-LRB-novel-RRB-", 0], [108043, 121560, "The_Hunger_Games_-LRB-novel-RRB-", 9], [108043, 121561, "The_Hunger_Games_-LRB-novel-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107233, 120630, "Keegan-Michael_Key", 0]], [[107233, 120631, "Keegan-Michael_Key", 1]], [[107233, 120632, "Keegan-Michael_Key", 4]], [[107233, 120633, "Keegan-Michael_Key", 5]], [[107233, 120634, "Keegan-Michael_Key", 6]], [[107233, 120635, "Keegan-Michael_Key", 7]]], "all_evidence": [[107233, 120630, "Keegan-Michael_Key", 0], [107233, 120631, "Keegan-Michael_Key", 1], [107233, 120632, "Keegan-Michael_Key", 4], [107233, 120633, "Keegan-Michael_Key", 5], [107233, 120634, "Keegan-Michael_Key", 6], [107233, 120635, "Keegan-Michael_Key", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[286087, 279649, "Sabbir_Khan", 1]], [[286306, 279779, "Sabbir_Khan", 1]], [[286306, 279780, "Sabbir_Khan", 3]], [[287787, 281107, "Sabbir_Khan", 1]], [[287787, 281108, "Sabbir_Khan", 0]], [[332850, 319093, "Sabbir_Khan", 0]], [[333982, 320153, "Sabbir_Khan", 0]], [[333982, 320154, "Sabbir_Khan", 1]], [[333982, 320155, "Sabbir_Khan", 3], [333982, 320155, "Heropanti", 0]], [[333983, 320156, "Sabbir_Khan", 0]], [[333983, 320157, "Sabbir_Khan", 1]], [[333983, 320158, "Sabbir_Khan", 3], [333983, 320158, "Heropanti", 0]]], "all_evidence": [[286087, 279649, "Sabbir_Khan", 1], [286306, 279779, "Sabbir_Khan", 1], [286306, 279780, "Sabbir_Khan", 3], [287787, 281107, "Sabbir_Khan", 1], [287787, 281108, "Sabbir_Khan", 0], [332850, 319093, "Sabbir_Khan", 0], [333982, 320153, "Sabbir_Khan", 0], [333982, 320154, "Sabbir_Khan", 1], [333982, 320155, "Sabbir_Khan", 3], [333982, 320155, "Heropanti", 0], [333983, 320156, "Sabbir_Khan", 0], [333983, 320157, "Sabbir_Khan", 1], [333983, 320158, "Sabbir_Khan", 3], [333983, 320158, "Heropanti", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118814, 132671, "Alcoholic_drink", 13]]], "all_evidence": [[118814, 132671, "Alcoholic_drink", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[20743, 25424, "E\u0301douard_Se\u0301guin", 1]]], "all_evidence": [[20743, 25424, "E\u0301douard_Se\u0301guin", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[257587, 256574, "Timur", 21]]], "all_evidence": [[257587, 256574, "Timur", 21]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[38195, null, null, null]]], "all_evidence": [[38195, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224410, 229268, "Padua", 0]]], "all_evidence": [[224410, 229268, "Padua", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[271666, 267496, "Lyon", 4]]], "all_evidence": [[271666, 267496, "Lyon", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[296635, 288423, "Touch_My_Body", 0]], [[298235, 289770, "Touch_My_Body", 0]], [[298236, 289771, "Touch_My_Body", 0]], [[343535, 327304, "Touch_My_Body", 0], [343535, 327304, "Mariah_Carey", 0]], [[343543, 327318, "Touch_My_Body", 0]], [[343544, 327319, "Touch_My_Body", 6]], [[343544, 327320, "Touch_My_Body", 0], [343544, 327320, "Mariah_Carey", 22]]], "all_evidence": [[296635, 288423, "Touch_My_Body", 0], [298235, 289770, "Touch_My_Body", 0], [298236, 289771, "Touch_My_Body", 0], [343535, 327304, "Touch_My_Body", 0], [343535, 327304, "Mariah_Carey", 0], [343543, 327318, "Touch_My_Body", 0], [343544, 327319, "Touch_My_Body", 6], [343544, 327320, "Touch_My_Body", 0], [343544, 327320, "Mariah_Carey", 22]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[296813, 288560, "Probot", 0]], [[298453, 289940, "Probot", 0]], [[344040, 327656, "Probot", 0]], [[344091, 327692, "Probot", 0]]], "all_evidence": [[296813, 288560, "Probot", 0], [298453, 289940, "Probot", 0], [344040, 327656, "Probot", 0], [344091, 327692, "Probot", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[209723, 217512, "Cary_Elwes", 0]]], "all_evidence": [[209723, 217512, "Cary_Elwes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[129400, 144150, "Argentina", 3]]], "all_evidence": [[129400, 144150, "Argentina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[260846, 259176, "Indian_National_Congress", 8], [260846, 259176, "Mumbai", 0]]], "all_evidence": [[260846, 259176, "Indian_National_Congress", 8], [260846, 259176, "Mumbai", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[255273, 254736, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 1]]], "all_evidence": [[255273, 254736, "Sensitive_Skin_-LRB-UK_TV_series-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[39888, 47984, "Gamal_Abdel_Nasser", 13]]], "all_evidence": [[39888, 47984, "Gamal_Abdel_Nasser", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[57634, 67867, "Castlevania_-LRB-1986_video_game-RRB-", 0]], [[57634, 67868, "Castlevania_-LRB-1986_video_game-RRB-", 6], [57634, 67868, "Castlevania", 1]]], "all_evidence": [[57634, 67867, "Castlevania_-LRB-1986_video_game-RRB-", 0], [57634, 67868, "Castlevania_-LRB-1986_video_game-RRB-", 6], [57634, 67868, "Castlevania", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189191, 200510, "Nobel_Prize_in_Chemistry", 0]], [[189191, 200511, "Nobel_Prize_in_Chemistry", 6]], [[189191, 200512, "Nobel_Prize_in_Chemistry", 7]]], "all_evidence": [[189191, 200510, "Nobel_Prize_in_Chemistry", 0], [189191, 200511, "Nobel_Prize_in_Chemistry", 6], [189191, 200512, "Nobel_Prize_in_Chemistry", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[263081, 260865, "Group_of_15", 4]], [[263089, 260868, "Group_of_15", 4]]], "all_evidence": [[263081, 260865, "Group_of_15", 4], [263089, 260868, "Group_of_15", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[63043, 73736, "Guthrie_Theater", 6]]], "all_evidence": [[63043, 73736, "Guthrie_Theater", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[32219, 39148, "Kate_Walsh_-LRB-actress-RRB-", 1], [32219, 39148, "Kate_Walsh_-LRB-actress-RRB-", 0]]], "all_evidence": [[32219, 39148, "Kate_Walsh_-LRB-actress-RRB-", 1], [32219, 39148, "Kate_Walsh_-LRB-actress-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[67999, null, null, null]]], "all_evidence": [[67999, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141737, null, null, null]]], "all_evidence": [[141737, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[183664, null, null, null]]], "all_evidence": [[183664, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[266484, null, null, null]]], "all_evidence": [[266484, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[264574, 261999, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 0]]], "all_evidence": [[264574, 261999, "Rehab_-LRB-Amy_Winehouse_song-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29999, 36555, "Henry_Condell", 55]]], "all_evidence": [[29999, 36555, "Henry_Condell", 55]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30257, 36845, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]], "all_evidence": [[30257, 36845, "Leslie_Alexander_-LRB-businessman-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58277, 68526, "Minor_League_Baseball", 0]]], "all_evidence": [[58277, 68526, "Minor_League_Baseball", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[133864, 148726, "Elizabeth_of_York", 2]]], "all_evidence": [[133864, 148726, "Elizabeth_of_York", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209741, 217530, "Cary_Elwes", 0]], [[209741, 217531, "Cary_Elwes", 2]], [[209741, 217532, "Cary_Elwes", 3]], [[209741, 217533, "Cary_Elwes", 1]]], "all_evidence": [[209741, 217530, "Cary_Elwes", 0], [209741, 217531, "Cary_Elwes", 2], [209741, 217532, "Cary_Elwes", 3], [209741, 217533, "Cary_Elwes", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[171158, 184675, "Mom_-LRB-TV_series-RRB-", 9]]], "all_evidence": [[171158, 184675, "Mom_-LRB-TV_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65458, 76336, "Therasia", 0]], [[65458, 76337, "Therasia", 2]]], "all_evidence": [[65458, 76336, "Therasia", 0], [65458, 76337, "Therasia", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[101971, 115212, "Watertown,_Massachusetts", 1]]], "all_evidence": [[101971, 115212, "Watertown,_Massachusetts", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[58465, 68749, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]], "all_evidence": [[58465, 68749, "Caesar_-LRB-Mercury_Theatre-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167688, 181455, "Quay_-LRB-film-RRB-", 1]]], "all_evidence": [[167688, 181455, "Quay_-LRB-film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68090, 78952, "KGB", 7]]], "all_evidence": [[68090, 78952, "KGB", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30912, 37552, "IPhone_4", 0]]], "all_evidence": [[30912, 37552, "IPhone_4", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[209743, 217534, "Cary_Elwes", 0]]], "all_evidence": [[209743, 217534, "Cary_Elwes", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64822, 75666, "Estonia", 0]]], "all_evidence": [[64822, 75666, "Estonia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[64745, null, null, null]]], "all_evidence": [[64745, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[19770, 24305, "Ice-T", 1]]], "all_evidence": [[19770, 24305, "Ice-T", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[88885, 101515, "Eurotas_-LRB-river-RRB-", 0]]], "all_evidence": [[88885, 101515, "Eurotas_-LRB-river-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[105703, 119133, "Aestheticism", 0]]], "all_evidence": [[105703, 119133, "Aestheticism", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24316, 30064, "Talulah_Riley", 1]]], "all_evidence": [[24316, 30064, "Talulah_Riley", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[35289, 42780, "Vandals", 0]]], "all_evidence": [[35289, 42780, "Vandals", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[95123, null, null, null]]], "all_evidence": [[95123, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[185496, null, null, null]]], "all_evidence": [[185496, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[181004, null, null, null]]], "all_evidence": [[181004, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[53681, null, null, null]]], "all_evidence": [[53681, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[233281, 236252, "Arthur_Schopenhauer", 0]]], "all_evidence": [[233281, 236252, "Arthur_Schopenhauer", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[226999, null, null, null]]], "all_evidence": [[226999, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[30751, 37385, "Phoenix,_Arizona", 0]]], "all_evidence": [[30751, 37385, "Phoenix,_Arizona", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[17331, 21441, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]], "all_evidence": [[17331, 21441, "The_Hunger_Games_-LRB-film_series-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141543, null, null, null]]], "all_evidence": [[141543, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227408, 231787, "Jeb_Bush", 3]]], "all_evidence": [[227408, 231787, "Jeb_Bush", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[165255, null, null, null]]], "all_evidence": [[165255, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[275612, 270718, "Psych_-LRB-season_2-RRB-", 0]], [[277402, 272318, "Psych_-LRB-season_2-RRB-", 0]], [[277890, 272819, "Psych_-LRB-season_2-RRB-", 0]]], "all_evidence": [[275612, 270718, "Psych_-LRB-season_2-RRB-", 0], [277402, 272318, "Psych_-LRB-season_2-RRB-", 0], [277890, 272819, "Psych_-LRB-season_2-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[155078, 169783, "Ghost_-LRB-1990_film-RRB-", 0]], [[155078, 169784, "Ghost_-LRB-1990_film-RRB-", 7]]], "all_evidence": [[155078, 169783, "Ghost_-LRB-1990_film-RRB-", 0], [155078, 169784, "Ghost_-LRB-1990_film-RRB-", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[27148, 33261, "Maggie_Q", 1], [27148, 33261, "Nikita_-LRB-TV_series-RRB-", 0]], [[27148, 33262, "Maggie_Q", 3], [27148, 33262, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[27148, 33261, "Maggie_Q", 1], [27148, 33261, "Nikita_-LRB-TV_series-RRB-", 0], [27148, 33262, "Maggie_Q", 3], [27148, 33262, "Designated_Survivor_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95751, 108796, "NXT_Tag_Team_Championship", 0]]], "all_evidence": [[95751, 108796, "NXT_Tag_Team_Championship", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[141066, null, null, null]]], "all_evidence": [[141066, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[131643, 146440, "Josh_Hutcherson", 2]], [[131643, 146441, "Josh_Hutcherson", 5]], [[131643, 146442, "Josh_Hutcherson", 6]], [[131643, 146443, "Josh_Hutcherson", 7]]], "all_evidence": [[131643, 146440, "Josh_Hutcherson", 2], [131643, 146441, "Josh_Hutcherson", 5], [131643, 146442, "Josh_Hutcherson", 6], [131643, 146443, "Josh_Hutcherson", 7]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162604, null, null, null]]], "all_evidence": [[162604, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78031, 89502, "Azithromycin", 17]], [[78031, 89503, "Azithromycin", 0]], [[78031, 89504, "Azithromycin", 11]]], "all_evidence": [[78031, 89502, "Azithromycin", 17], [78031, 89503, "Azithromycin", 0], [78031, 89504, "Azithromycin", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[187311, 198953, "Mamata_Banerjee", 0]]], "all_evidence": [[187311, 198953, "Mamata_Banerjee", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[137643, null, null, null]]], "all_evidence": [[137643, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[269258, 265639, "Revolver_-LRB-Beatles_album-RRB-", 16]]], "all_evidence": [[269258, 265639, "Revolver_-LRB-Beatles_album-RRB-", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[95926, 109006, "Grateful_Dead", 15]]], "all_evidence": [[95926, 109006, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[110209, 123830, "The_Beguiled_-LRB-1971_film-RRB-", 1]]], "all_evidence": [[110209, 123830, "The_Beguiled_-LRB-1971_film-RRB-", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[287213, null, null, null], [287222, null, null, null], [289244, null, null, null], [335352, null, null, null], [335357, null, null, null], [335362, null, null, null]]], "all_evidence": [[287213, null, null, null], [287222, null, null, null], [289244, null, null, null], [335352, null, null, null], [335357, null, null, null], [335362, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[239193, null, null, null], [242948, null, null, null], [245589, null, null, null], [319172, null, null, null], [320368, null, null, null]]], "all_evidence": [[239193, null, null, null], [242948, null, null, null], [245589, null, null, null], [319172, null, null, null], [320368, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[115914, 129791, "Adidas", 0]], [[115914, 129792, "Adidas", 10]], [[118561, 132410, "Adidas", 0]], [[308403, 298784, "Adidas", 0]], [[309938, 300028, "Adidas", 0]], [[309947, 300031, "Adidas", 0]]], "all_evidence": [[115914, 129791, "Adidas", 0], [115914, 129792, "Adidas", 10], [118561, 132410, "Adidas", 0], [308403, 298784, "Adidas", 0], [309938, 300028, "Adidas", 0], [309947, 300031, "Adidas", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207478, 215733, "Move_-LRB-Little_Mix_song-RRB-", 8]]], "all_evidence": [[207478, 215733, "Move_-LRB-Little_Mix_song-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[228139, 232393, "L._Ron_Hubbard", 0]]], "all_evidence": [[228139, 232393, "L._Ron_Hubbard", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[102120, 115382, "Mandy_Moore", 0]], [[102120, 115383, "Mandy_Moore", 2]], [[102120, 115384, "Mandy_Moore", 1]], [[102120, 115385, "Mandy_Moore", 4]], [[102120, 115386, "Mandy_Moore", 7]], [[102120, 115387, "Mandy_Moore", 8]], [[102120, 115388, "Mandy_Moore", 11]], [[102120, 115389, "Mandy_Moore", 12]], [[102120, 115390, "Mandy_Moore", 13]], [[102120, 115391, "Mandy_Moore", 14]], [[102120, 115392, "Mandy_Moore", 15]], [[102120, 115393, "Mandy_Moore", 16]]], "all_evidence": [[102120, 115382, "Mandy_Moore", 0], [102120, 115383, "Mandy_Moore", 2], [102120, 115384, "Mandy_Moore", 1], [102120, 115385, "Mandy_Moore", 4], [102120, 115386, "Mandy_Moore", 7], [102120, 115387, "Mandy_Moore", 8], [102120, 115388, "Mandy_Moore", 11], [102120, 115389, "Mandy_Moore", 12], [102120, 115390, "Mandy_Moore", 13], [102120, 115391, "Mandy_Moore", 14], [102120, 115392, "Mandy_Moore", 15], [102120, 115393, "Mandy_Moore", 16]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[237308, 239541, "Thunderstorm", 0]]], "all_evidence": [[237308, 239541, "Thunderstorm", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[174645, 187806, "Ayananka_Bose", 0]], [[176227, 189184, "Ayananka_Bose", 0]], [[313076, 302749, "Ayananka_Bose", 0]], [[313886, 303369, "Ayananka_Bose", 0]]], "all_evidence": [[174645, 187806, "Ayananka_Bose", 0], [176227, 189184, "Ayananka_Bose", 0], [313076, 302749, "Ayananka_Bose", 0], [313886, 303369, "Ayananka_Bose", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[287817, 281132, "Amy_Winehouse", 0]], [[287817, 281133, "Amy_Winehouse", 10]], [[289500, 282552, "Amy_Winehouse", 10]], [[289500, 282553, "Amy_Winehouse", 0]], [[289544, 282597, "Amy_Winehouse", 0]], [[289544, 282598, "Amy_Winehouse", 10]], [[336244, 321863, "Amy_Winehouse", 0]], [[336257, 321881, "Amy_Winehouse", 0]]], "all_evidence": [[287817, 281132, "Amy_Winehouse", 0], [287817, 281133, "Amy_Winehouse", 10], [289500, 282552, "Amy_Winehouse", 10], [289500, 282553, "Amy_Winehouse", 0], [289544, 282597, "Amy_Winehouse", 0], [289544, 282598, "Amy_Winehouse", 10], [336244, 321863, "Amy_Winehouse", 0], [336257, 321881, "Amy_Winehouse", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[93341, 106297, "Morgan_Fairchild", 5]]], "all_evidence": [[93341, 106297, "Morgan_Fairchild", 5]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[279222, null, null, null], [280779, null, null, null], [281015, null, null, null], [327458, null, null, null], [327484, null, null, null]]], "all_evidence": [[279222, null, null, null], [280779, null, null, null], [281015, null, null, null], [327458, null, null, null], [327484, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[101455, null, null, null]]], "all_evidence": [[101455, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[141313, 156510, "Dev_Patel", 5], [141313, 156510, "The_Best_Exotic_Marigold_Hotel", 0]]], "all_evidence": [[141313, 156510, "Dev_Patel", 5], [141313, 156510, "The_Best_Exotic_Marigold_Hotel", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218833, 225018, "Matthew_Vaughn", 0]]], "all_evidence": [[218833, 225018, "Matthew_Vaughn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[24966, 30831, "Stomp_the_Yard", 0]]], "all_evidence": [[24966, 30831, "Stomp_the_Yard", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138131, null, null, null]]], "all_evidence": [[138131, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[281932, null, null, null], [283946, null, null, null], [285027, null, null, null], [329724, null, null, null], [329729, null, null, null], [329731, null, null, null], [329770, null, null, null]]], "all_evidence": [[281932, null, null, null], [283946, null, null, null], [285027, null, null, null], [329724, null, null, null], [329729, null, null, null], [329731, null, null, null], [329770, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[127152, 141660, "Raven-Symone\u0301", 0]], [[127152, 141661, "Raven-Symone\u0301", 1]], [[127152, 141662, "Raven-Symone\u0301", 6]], [[127152, 141663, "Raven-Symone\u0301", 7]], [[127152, 141664, "Raven-Symone\u0301", 8], [127152, 141664, "This_Is_My_Time_-LRB-Raven-Symone\u0301_album-RRB-", 0]], [[127152, 141665, "Raven-Symone\u0301", 9], [127152, 141665, "Raven-Symone\u0301_-LRB-album-RRB-", 0]], [[127152, 141666, "Raven-Symone\u0301", 17]], [[127152, 141667, "Raven-Symone\u0301", 18]], [[127152, 141668, "Raven-Symone\u0301", 19]], [[127152, 141669, "Raven-Symone\u0301", 23]], [[127152, 141670, "Raven-Symone\u0301", 24]]], "all_evidence": [[127152, 141660, "Raven-Symone\u0301", 0], [127152, 141661, "Raven-Symone\u0301", 1], [127152, 141662, "Raven-Symone\u0301", 6], [127152, 141663, "Raven-Symone\u0301", 7], [127152, 141664, "Raven-Symone\u0301", 8], [127152, 141664, "This_Is_My_Time_-LRB-Raven-Symone\u0301_album-RRB-", 0], [127152, 141665, "Raven-Symone\u0301", 9], [127152, 141665, "Raven-Symone\u0301_-LRB-album-RRB-", 0], [127152, 141666, "Raven-Symone\u0301", 17], [127152, 141667, "Raven-Symone\u0301", 18], [127152, 141668, "Raven-Symone\u0301", 19], [127152, 141669, "Raven-Symone\u0301", 23], [127152, 141670, "Raven-Symone\u0301", 24]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146313, 161278, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]]], "all_evidence": [[146313, 161278, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[165624, 179651, "New_England_Patriots", 15]]], "all_evidence": [[165624, 179651, "New_England_Patriots", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[158868, 173523, "Two_and_a_Half_Men", 0]]], "all_evidence": [[158868, 173523, "Two_and_a_Half_Men", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[75687, null, null, null]]], "all_evidence": [[75687, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167428, 181257, "NXT_Tag_Team_Championship", 0]], [[167429, 181258, "NXT_Tag_Team_Championship", 0]]], "all_evidence": [[167428, 181257, "NXT_Tag_Team_Championship", 0], [167429, 181258, "NXT_Tag_Team_Championship", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241229, 242777, "Latvian_Soviet_Socialist_Republic", 0]]], "all_evidence": [[241229, 242777, "Latvian_Soviet_Socialist_Republic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[159776, 174258, "The_Raven_-LRB-2012_film-RRB-", 10]]], "all_evidence": [[159776, 174258, "The_Raven_-LRB-2012_film-RRB-", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[42525, 51173, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0]], [[42525, 51174, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1]], [[42525, 51175, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 2]]], "all_evidence": [[42525, 51173, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 0], [42525, 51174, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 1], [42525, 51175, "ABC_islands_-LRB-Lesser_Antilles-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[263088, null, null, null]]], "all_evidence": [[263088, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[166093, null, null, null]]], "all_evidence": [[166093, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[269150, 265547, "Chinatown_-LRB-1974_film-RRB-", 0]]], "all_evidence": [[269150, 265547, "Chinatown_-LRB-1974_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[112661, null, null, null]]], "all_evidence": [[112661, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[255661, null, null, null]]], "all_evidence": [[255661, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[218618, 224856, "Rob_McElhenney", 3]], [[218619, 224857, "Rob_McElhenney", 3]]], "all_evidence": [[218618, 224856, "Rob_McElhenney", 3], [218619, 224857, "Rob_McElhenney", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[142813, null, null, null]]], "all_evidence": [[142813, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[161684, null, null, null]]], "all_evidence": [[161684, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[54323, 64319, "Rick_Ross", 3]]], "all_evidence": [[54323, 64319, "Rick_Ross", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[41566, null, null, null]]], "all_evidence": [[41566, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[227917, null, null, null]]], "all_evidence": [[227917, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[189217, 200529, "Nobel_Prize_in_Chemistry", 6]], [[189217, 200530, "Nobel_Prize_in_Chemistry", 7]]], "all_evidence": [[189217, 200529, "Nobel_Prize_in_Chemistry", 6], [189217, 200530, "Nobel_Prize_in_Chemistry", 7]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[258308, 257133, "Fiji_Hindi", 1]]], "all_evidence": [[258308, 257133, "Fiji_Hindi", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17286, 21396, "Sausage_Party", 0]]], "all_evidence": [[17286, 21396, "Sausage_Party", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[149245, 164241, "Google_Search", 13], [149245, 164241, "Google_Search", 0]]], "all_evidence": [[149245, 164241, "Google_Search", 13], [149245, 164241, "Google_Search", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[199424, 209108, "Northwestern_University", 19]]], "all_evidence": [[199424, 209108, "Northwestern_University", 19]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[63520, null, null, null]]], "all_evidence": [[63520, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[126860, null, null, null]]], "all_evidence": [[126860, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62140, 72679, "Bonobo", 13]]], "all_evidence": [[62140, 72679, "Bonobo", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[166069, 180012, "The_Invisible_Man_-LRB-film-RRB-", 0]]], "all_evidence": [[166069, 180012, "The_Invisible_Man_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[172131, null, null, null]]], "all_evidence": [[172131, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[95800, 108838, "Woodrow_Wilson", 0]], [[95800, 108839, "Woodrow_Wilson", 1]], [[95800, 108840, "Woodrow_Wilson", 12]], [[95800, 108841, "Woodrow_Wilson", 15]], [[95800, 108842, "Woodrow_Wilson", 17]], [[95800, 108843, "Woodrow_Wilson", 2]], [[95800, 108844, "Woodrow_Wilson", 3], [95800, 108844, "World_War_I", 0]], [[95800, 108845, "Woodrow_Wilson", 4]], [[95800, 108846, "Woodrow_Wilson", 6]], [[95800, 108847, "Woodrow_Wilson", 14]], [[95800, 108848, "Woodrow_Wilson", 19]], [[95800, 108849, "Woodrow_Wilson", 22]], [[95800, 108850, "Woodrow_Wilson", 24]], [[95800, 108851, "Woodrow_Wilson", 26]], [[95800, 108852, "Woodrow_Wilson", 25], [95800, 108852, "Adamson_Act", 0]], [[95800, 108853, "Woodrow_Wilson", 28]], [[95800, 108854, "Woodrow_Wilson", 32]], [[95800, 108855, "Woodrow_Wilson", 35], [95800, 108855, "Selective_Service_Act_of_1917", 1]], [[95800, 108856, "Woodrow_Wilson", 37], [95800, 108856, "War_Industries_Board", 0]], [[95800, 108857, "Woodrow_Wilson", 38]], [[95800, 108858, "Woodrow_Wilson", 39]], [[95800, 108859, "Woodrow_Wilson", 40]], [[95800, 108860, "Woodrow_Wilson", 41]], [[95800, 108861, "Woodrow_Wilson", 43]], [[95800, 108862, "Woodrow_Wilson", 44]]], "all_evidence": [[95800, 108838, "Woodrow_Wilson", 0], [95800, 108839, "Woodrow_Wilson", 1], [95800, 108840, "Woodrow_Wilson", 12], [95800, 108841, "Woodrow_Wilson", 15], [95800, 108842, "Woodrow_Wilson", 17], [95800, 108843, "Woodrow_Wilson", 2], [95800, 108844, "Woodrow_Wilson", 3], [95800, 108844, "World_War_I", 0], [95800, 108845, "Woodrow_Wilson", 4], [95800, 108846, "Woodrow_Wilson", 6], [95800, 108847, "Woodrow_Wilson", 14], [95800, 108848, "Woodrow_Wilson", 19], [95800, 108849, "Woodrow_Wilson", 22], [95800, 108850, "Woodrow_Wilson", 24], [95800, 108851, "Woodrow_Wilson", 26], [95800, 108852, "Woodrow_Wilson", 25], [95800, 108852, "Adamson_Act", 0], [95800, 108853, "Woodrow_Wilson", 28], [95800, 108854, "Woodrow_Wilson", 32], [95800, 108855, "Woodrow_Wilson", 35], [95800, 108855, "Selective_Service_Act_of_1917", 1], [95800, 108856, "Woodrow_Wilson", 37], [95800, 108856, "War_Industries_Board", 0], [95800, 108857, "Woodrow_Wilson", 38], [95800, 108858, "Woodrow_Wilson", 39], [95800, 108859, "Woodrow_Wilson", 40], [95800, 108860, "Woodrow_Wilson", 41], [95800, 108861, "Woodrow_Wilson", 43], [95800, 108862, "Woodrow_Wilson", 44]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[12775, 15923, "Adobe_Photoshop", 0]], [[12795, 15942, "Adobe_Photoshop", 0]], [[18394, 22577, "Adobe_Photoshop", 0]], [[19451, 23873, "Adobe_Photoshop", 0]], [[214979, 221927, "Adobe_Photoshop", 0]], [[299111, 290489, "Adobe_Photoshop", 0]], [[301197, 292309, "Adobe_Photoshop", 0]]], "all_evidence": [[12775, 15923, "Adobe_Photoshop", 0], [12795, 15942, "Adobe_Photoshop", 0], [18394, 22577, "Adobe_Photoshop", 0], [19451, 23873, "Adobe_Photoshop", 0], [214979, 221927, "Adobe_Photoshop", 0], [299111, 290489, "Adobe_Photoshop", 0], [301197, 292309, "Adobe_Photoshop", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[238322, null, null, null]]], "all_evidence": [[238322, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[169331, null, null, null]]], "all_evidence": [[169331, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[239445, 241291, "Akon", 0]]], "all_evidence": [[239445, 241291, "Akon", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265361, 262571, "Practical_Magic", 0]], [[265363, 262573, "Practical_Magic", 0]]], "all_evidence": [[265361, 262571, "Practical_Magic", 0], [265363, 262573, "Practical_Magic", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220688, 226496, "Matthew_Vaughn", 0]], [[220688, 226497, "Matthew_Vaughn", 1]]], "all_evidence": [[220688, 226496, "Matthew_Vaughn", 0], [220688, 226497, "Matthew_Vaughn", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35923, null, null, null]]], "all_evidence": [[35923, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[191895, 202669, "Hezbollah", 7]], [[191895, 202670, "Hezbollah", 17]]], "all_evidence": [[191895, 202669, "Hezbollah", 7], [191895, 202670, "Hezbollah", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[173920, 187100, "Sherilyn_Fenn", 0]]], "all_evidence": [[173920, 187100, "Sherilyn_Fenn", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[122122, 136412, "Minor_League_Baseball", 0]]], "all_evidence": [[122122, 136412, "Minor_League_Baseball", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112147, 125965, "Minor_League_Baseball", 0]]], "all_evidence": [[112147, 125965, "Minor_League_Baseball", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[55717, null, null, null]]], "all_evidence": [[55717, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40852, 49135, "Kenny_Chesney", 0]]], "all_evidence": [[40852, 49135, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166115, 180058, "Henry_Cavill", 8]]], "all_evidence": [[166115, 180058, "Henry_Cavill", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[118292, 132128, "Team_Fortress_2", 9]]], "all_evidence": [[118292, 132128, "Team_Fortress_2", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[251297, 251190, "Pet", 6]]], "all_evidence": [[251297, 251190, "Pet", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[146822, 161797, "Lucy_Hale", 0]]], "all_evidence": [[146822, 161797, "Lucy_Hale", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[116320, null, null, null], [116324, null, null, null], [116333, null, null, null]]], "all_evidence": [[116320, null, null, null], [116324, null, null, null], [116333, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[125369, 139698, "Inside_Llewyn_Davis", 10]]], "all_evidence": [[125369, 139698, "Inside_Llewyn_Davis", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[81788, 93562, "Younger_-LRB-TV_series-RRB-", 0]]], "all_evidence": [[81788, 93562, "Younger_-LRB-TV_series-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[83549, 95539, "ASAP_Rocky", 18]]], "all_evidence": [[83549, 95539, "ASAP_Rocky", 18]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[173528, null, null, null]]], "all_evidence": [[173528, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[179682, 192249, "Exit_the_King", 0]]], "all_evidence": [[179682, 192249, "Exit_the_King", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[62428, 73039, "Gray_Matters", 0]]], "all_evidence": [[62428, 73039, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[61937, 72429, "Argentina", 3]]], "all_evidence": [[61937, 72429, "Argentina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[36383, 43957, "The_Catcher_in_the_Rye", 0]], [[36383, 43958, "The_Catcher_in_the_Rye", 1]]], "all_evidence": [[36383, 43957, "The_Catcher_in_the_Rye", 0], [36383, 43958, "The_Catcher_in_the_Rye", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[207758, null, null, null]]], "all_evidence": [[207758, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[148516, null, null, null]]], "all_evidence": [[148516, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[152222, 166995, "Internet_access", 0]]], "all_evidence": [[152222, 166995, "Internet_access", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[102944, 116226, "Duke_of_York", 12]]], "all_evidence": [[102944, 116226, "Duke_of_York", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59443, null, null, null]]], "all_evidence": [[59443, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[221790, null, null, null], [221808, null, null, null]]], "all_evidence": [[221790, null, null, null], [221808, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218803, null, null, null]]], "all_evidence": [[218803, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[234781, 237600, "English_Wikipedia", 0]], [[237556, 239752, "English_Wikipedia", 0]], [[241109, 242653, "English_Wikipedia", 0]], [[318883, 307707, "English_Wikipedia", 0]], [[318884, 307708, "English_Wikipedia", 0]], [[318885, 307709, "English_Wikipedia", 0]], [[318887, 307711, "English_Wikipedia", 0]], [[318892, 307714, "English_Wikipedia", 0]]], "all_evidence": [[234781, 237600, "English_Wikipedia", 0], [237556, 239752, "English_Wikipedia", 0], [241109, 242653, "English_Wikipedia", 0], [318883, 307707, "English_Wikipedia", 0], [318884, 307708, "English_Wikipedia", 0], [318885, 307709, "English_Wikipedia", 0], [318887, 307711, "English_Wikipedia", 0], [318892, 307714, "English_Wikipedia", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[15193, null, null, null], [19330, null, null, null]]], "all_evidence": [[15193, null, null, null], [19330, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157646, 172253, "Phoenix,_Arizona", 0]], [[157646, 172254, "Phoenix,_Arizona", 1]], [[157646, 172255, "Phoenix,_Arizona", 4], [157646, 172255, "Phoenix_metropolitan_area", 0]], [[157646, 172256, "Phoenix,_Arizona", 6]], [[157646, 172257, "Phoenix,_Arizona", 9]], [[157646, 172258, "Phoenix,_Arizona", 15]], [[157646, 172259, "Phoenix,_Arizona", 17]]], "all_evidence": [[157646, 172253, "Phoenix,_Arizona", 0], [157646, 172254, "Phoenix,_Arizona", 1], [157646, 172255, "Phoenix,_Arizona", 4], [157646, 172255, "Phoenix_metropolitan_area", 0], [157646, 172256, "Phoenix,_Arizona", 6], [157646, 172257, "Phoenix,_Arizona", 9], [157646, 172258, "Phoenix,_Arizona", 15], [157646, 172259, "Phoenix,_Arizona", 17]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[36320, null, null, null]]], "all_evidence": [[36320, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[189648, 200889, "Hezbollah", 17]], [[189650, 200891, "Hezbollah", 17]]], "all_evidence": [[189648, 200889, "Hezbollah", 17], [189650, 200891, "Hezbollah", 17]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[126241, 140640, "Hebe_-LRB-mythology-RRB-", 2]]], "all_evidence": [[126241, 140640, "Hebe_-LRB-mythology-RRB-", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262100, null, null, null]]], "all_evidence": [[262100, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[282338, null, null, null], [282348, null, null, null], [330469, null, null, null], [330474, null, null, null], [331657, null, null, null]]], "all_evidence": [[282338, null, null, null], [282348, null, null, null], [330469, null, null, null], [330474, null, null, null], [331657, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167384, null, null, null]]], "all_evidence": [[167384, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[124799, null, null, null]]], "all_evidence": [[124799, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[26657, 32719, "Kenny_Chesney", 0]]], "all_evidence": [[26657, 32719, "Kenny_Chesney", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[262395, null, null, null]]], "all_evidence": [[262395, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64511, 75299, "Ian_Gillan", 0]]], "all_evidence": [[64511, 75299, "Ian_Gillan", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[119985, 134128, "Grateful_Dead", 15]]], "all_evidence": [[119985, 134128, "Grateful_Dead", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[229666, 233559, "William_Howard_Taft", 11]]], "all_evidence": [[229666, 233559, "William_Howard_Taft", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218807, null, null, null], [218808, null, null, null]]], "all_evidence": [[218807, null, null, null], [218808, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[253886, 253690, "Washington_Monument", 1]], [[255614, 255031, "Washington_Monument", 1]], [[256013, 255312, "Washington_Monument", 1]], [[320079, 308750, "Washington_Monument", 1]], [[320971, 309444, "Washington_Monument", 1]]], "all_evidence": [[253886, 253690, "Washington_Monument", 1], [255614, 255031, "Washington_Monument", 1], [256013, 255312, "Washington_Monument", 1], [320079, 308750, "Washington_Monument", 1], [320971, 309444, "Washington_Monument", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[77854, null, null, null]]], "all_evidence": [[77854, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[106916, null, null, null]]], "all_evidence": [[106916, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[167201, null, null, null]]], "all_evidence": [[167201, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[114778, 128520, "Gray_Matters", 0]]], "all_evidence": [[114778, 128520, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[221811, 227361, "Augustus_Prew", 0]]], "all_evidence": [[221811, 227361, "Augustus_Prew", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133616, 148474, "Saw_II", 17]], [[133616, 148475, "Saw_II", 20]]], "all_evidence": [[133616, 148474, "Saw_II", 17], [133616, 148475, "Saw_II", 20]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[292441, 285210, "Gray_Matters", 0]], [[295316, 287444, "Gray_Matters", 0]], [[340086, 324852, "Gray_Matters", 0]], [[340097, 324861, "Gray_Matters", 0]]], "all_evidence": [[292441, 285210, "Gray_Matters", 0], [295316, 287444, "Gray_Matters", 0], [340086, 324852, "Gray_Matters", 0], [340097, 324861, "Gray_Matters", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[23979, null, null, null]]], "all_evidence": [[23979, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[21012, 25788, "Aphrodite", 13]]], "all_evidence": [[21012, 25788, "Aphrodite", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[213547, 220769, "Henry_III_of_France", 23]]], "all_evidence": [[213547, 220769, "Henry_III_of_France", 23]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[62664, 73326, "Mars", 6]]], "all_evidence": [[62664, 73326, "Mars", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[107591, 121086, "The_Hunger_Games_-LRB-film_series-RRB-", 0]], [[107591, 121087, "The_Hunger_Games_-LRB-film_series-RRB-", 1], [107591, 121087, "Jennifer_Lawrence", 13]], [[107591, 121088, "The_Hunger_Games_-LRB-film_series-RRB-", 2]], [[107591, 121089, "The_Hunger_Games_-LRB-film_series-RRB-", 5]], [[107591, 121090, "The_Hunger_Games_-LRB-film_series-RRB-", 6], [107591, 121090, "The_Hunger_Games_-LRB-film-RRB-", 24]], [[107591, 121091, "The_Hunger_Games_-LRB-film_series-RRB-", 9]]], "all_evidence": [[107591, 121086, "The_Hunger_Games_-LRB-film_series-RRB-", 0], [107591, 121087, "The_Hunger_Games_-LRB-film_series-RRB-", 1], [107591, 121087, "Jennifer_Lawrence", 13], [107591, 121088, "The_Hunger_Games_-LRB-film_series-RRB-", 2], [107591, 121089, "The_Hunger_Games_-LRB-film_series-RRB-", 5], [107591, 121090, "The_Hunger_Games_-LRB-film_series-RRB-", 6], [107591, 121090, "The_Hunger_Games_-LRB-film-RRB-", 24], [107591, 121091, "The_Hunger_Games_-LRB-film_series-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227907, 232251, "Kyle_MacLachlan", 6]], [[227916, 232257, "Kyle_MacLachlan", 6]]], "all_evidence": [[227907, 232251, "Kyle_MacLachlan", 6], [227916, 232257, "Kyle_MacLachlan", 6]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269167, null, null, null]]], "all_evidence": [[269167, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[124670, 139007, "Pakistan", 22]]], "all_evidence": [[124670, 139007, "Pakistan", 22]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[272855, null, null, null]]], "all_evidence": [[272855, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[212552, null, null, null]]], "all_evidence": [[212552, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[91606, 104371, "Vampire", 1]], [[94035, 107029, "Vampire", 1]], [[94317, 107311, "Vampire", 1]], [[307559, 298033, "Vampire", 1]], [[307560, 298034, "Vampire", 1]], [[307561, 298035, "Vampire", 1]]], "all_evidence": [[91606, 104371, "Vampire", 1], [94035, 107029, "Vampire", 1], [94317, 107311, "Vampire", 1], [307559, 298033, "Vampire", 1], [307560, 298034, "Vampire", 1], [307561, 298035, "Vampire", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[220928, 226701, "Pitch_Perfect_2", 0]]], "all_evidence": [[220928, 226701, "Pitch_Perfect_2", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[71332, null, null, null]]], "all_evidence": [[71332, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[122256, 136529, "Anneliese_van_der_Pol", 0]]], "all_evidence": [[122256, 136529, "Anneliese_van_der_Pol", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[138016, null, null, null], [140824, null, null, null], [142603, null, null, null], [310239, null, null, null]]], "all_evidence": [[138016, null, null, null], [140824, null, null, null], [142603, null, null, null], [310239, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[64150, 74877, "Ed_Gein", 1]]], "all_evidence": [[64150, 74877, "Ed_Gein", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[140816, 155939, "Stanford_prison_experiment", 2]]], "all_evidence": [[140816, 155939, "Stanford_prison_experiment", 2]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[35836, null, null, null]]], "all_evidence": [[35836, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[128884, 143660, "Wolfgang_Amadeus_Mozart", 12]]], "all_evidence": [[128884, 143660, "Wolfgang_Amadeus_Mozart", 12]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[107476, null, null, null]]], "all_evidence": [[107476, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[70820, null, null, null]]], "all_evidence": [[70820, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[71902, 82884, "Granite", 0]]], "all_evidence": [[71902, 82884, "Granite", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[180423, null, null, null]]], "all_evidence": [[180423, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[77024, 88414, "Georgians", 4]]], "all_evidence": [[77024, 88414, "Georgians", 4]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[207535, 215779, "Dawood_Ibrahim", 0]], [[207535, 215780, "Dawood_Ibrahim", 6]]], "all_evidence": [[207535, 215779, "Dawood_Ibrahim", 0], [207535, 215780, "Dawood_Ibrahim", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[265327, 262546, "Vedic_Sanskrit", 1]]], "all_evidence": [[265327, 262546, "Vedic_Sanskrit", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[44951, 53636, "Temple_Grandin_-LRB-film-RRB-", 0]]], "all_evidence": [[44951, 53636, "Temple_Grandin_-LRB-film-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[64165, 74897, "San_Francisco_Bay_Area", 3]]], "all_evidence": [[64165, 74897, "San_Francisco_Bay_Area", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[59150, null, null, null]]], "all_evidence": [[59150, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[51108, 60843, "KGB", 7], [51108, 60843, "Soviet_Army", 0], [51108, 60843, "Ministry_of_Internal_Affairs_-LRB-Russia-RRB-", 0]]], "all_evidence": [[51108, 60843, "KGB", 7], [51108, 60843, "Soviet_Army", 0], [51108, 60843, "Ministry_of_Internal_Affairs_-LRB-Russia-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[129981, null, null, null]]], "all_evidence": [[129981, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[41777, 50237, "Alex_Jones_-LRB-radio_host-RRB-", 0]], [[41777, 50238, "Alex_Jones_-LRB-radio_host-RRB-", 1], [41777, 50238, "Genesis_Communications_Network", 2]], [[41777, 50239, "Alex_Jones_-LRB-radio_host-RRB-", 11]]], "all_evidence": [[41777, 50237, "Alex_Jones_-LRB-radio_host-RRB-", 0], [41777, 50238, "Alex_Jones_-LRB-radio_host-RRB-", 1], [41777, 50238, "Genesis_Communications_Network", 2], [41777, 50239, "Alex_Jones_-LRB-radio_host-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[23869, 29539, "Cyprus", 0]], [[23869, 29540, "Cyprus", 29]]], "all_evidence": [[23869, 29539, "Cyprus", 0], [23869, 29540, "Cyprus", 29]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[21961, null, null, null]]], "all_evidence": [[21961, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[227504, 231865, "Coins_of_the_Swiss_franc", 0]]], "all_evidence": [[227504, 231865, "Coins_of_the_Swiss_franc", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[142395, 157591, "Burj_Khalifa", 20]]], "all_evidence": [[142395, 157591, "Burj_Khalifa", 20]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[210394, null, null, null], [210402, null, null, null]]], "all_evidence": [[210394, null, null, null], [210402, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[220522, 226282, "Numenius_of_Apamea", 0]]], "all_evidence": [[220522, 226282, "Numenius_of_Apamea", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[157891, 172492, "Camp_Flog_Gnaw", 0]]], "all_evidence": [[157891, 172492, "Camp_Flog_Gnaw", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[48199, 57552, "Guns_N'_Roses", 0]]], "all_evidence": [[48199, 57552, "Guns_N'_Roses", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[182184, 194456, "Watertown,_Massachusetts", 0], [182184, 194456, "Middlesex_County,_Massachusetts", 2]]], "all_evidence": [[182184, 194456, "Watertown,_Massachusetts", 0], [182184, 194456, "Middlesex_County,_Massachusetts", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[49308, 58656, "The_Incredibles_2", 3]]], "all_evidence": [[49308, 58656, "The_Incredibles_2", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[80435, null, null, null]]], "all_evidence": [[80435, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[224133, 228991, "Ang_Lee", 0]]], "all_evidence": [[224133, 228991, "Ang_Lee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[78449, 89975, "Sarah_Hyland", 1]]], "all_evidence": [[78449, 89975, "Sarah_Hyland", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[175031, 188101, "Tennessee", 0]]], "all_evidence": [[175031, 188101, "Tennessee", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[207372, 215664, "Dawood_Ibrahim", 0]]], "all_evidence": [[207372, 215664, "Dawood_Ibrahim", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[220205, null, null, null]]], "all_evidence": [[220205, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[30838, 37483, "Estonia", 0]]], "all_evidence": [[30838, 37483, "Estonia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[187292, 198942, "Aeneas", 2], [187292, 198942, "Iliad", 0]]], "all_evidence": [[187292, 198942, "Aeneas", 2], [187292, 198942, "Iliad", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[101900, 115147, "One_True_Thing", 0]]], "all_evidence": [[101900, 115147, "One_True_Thing", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[130524, 145309, "Temple_of_the_Dog", 11]]], "all_evidence": [[130524, 145309, "Temple_of_the_Dog", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[154000, 168808, "Antigua", 0]], [[154023, 168834, "Antigua", 0]], [[154023, 168835, "Antigua", 1]]], "all_evidence": [[154000, 168808, "Antigua", 0], [154023, 168834, "Antigua", 0], [154023, 168835, "Antigua", 1]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[88851, null, null, null]]], "all_evidence": [[88851, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[37318, 45191, "Yugoslavia", 0]]], "all_evidence": [[37318, 45191, "Yugoslavia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[123912, 138259, "Eric_Bana", 0]], [[123912, 138260, "Eric_Bana", 1]], [[123912, 138261, "Eric_Bana", 8]], [[123912, 138262, "Eric_Bana", 9]]], "all_evidence": [[123912, 138259, "Eric_Bana", 0], [123912, 138260, "Eric_Bana", 1], [123912, 138261, "Eric_Bana", 8], [123912, 138262, "Eric_Bana", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196216, null, null, null]]], "all_evidence": [[196216, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[169952, 183550, "Antigua", 0]]], "all_evidence": [[169952, 183550, "Antigua", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[133963, 148855, "The_Challenge_XXX-COLON-_Dirty_30", 0]]], "all_evidence": [[133963, 148855, "The_Challenge_XXX-COLON-_Dirty_30", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[268450, null, null, null]]], "all_evidence": [[268450, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[242310, 243711, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]], "all_evidence": [[242310, 243711, "The_Little_Prince_-LRB-2015_film-RRB-", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[160820, null, null, null], [160825, null, null, null]]], "all_evidence": [[160820, null, null, null], [160825, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[40943, 49236, "Raja_Hindustani", 0]], [[40943, 49237, "Raja_Hindustani", 8]]], "all_evidence": [[40943, 49236, "Raja_Hindustani", 0], [40943, 49237, "Raja_Hindustani", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[131649, 146456, "The_Invisible_Man_-LRB-film-RRB-", 0]], [[131649, 146457, "The_Invisible_Man_-LRB-film-RRB-", 5], [131649, 146457, "Griffin_-LRB-The_Invisible_Man-RRB-", 0]]], "all_evidence": [[131649, 146456, "The_Invisible_Man_-LRB-film-RRB-", 0], [131649, 146457, "The_Invisible_Man_-LRB-film-RRB-", 5], [131649, 146457, "Griffin_-LRB-The_Invisible_Man-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61530, 72038, "Neuromodulation", 3]]], "all_evidence": [[61530, 72038, "Neuromodulation", 3]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[196115, null, null, null]]], "all_evidence": [[196115, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[241243, null, null, null]]], "all_evidence": [[241243, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[218864, null, null, null], [218868, null, null, null]]], "all_evidence": [[218864, null, null, null], [218868, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[106373, 119808, "The_Winds_of_Winter", 0]], [[106374, 119809, "The_Winds_of_Winter", 0]]], "all_evidence": [[106373, 119808, "The_Winds_of_Winter", 0], [106374, 119809, "The_Winds_of_Winter", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[74978, 86193, "Argentina", 3]]], "all_evidence": [[74978, 86193, "Argentina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[107788, 121264, "Uranium", 0]]], "all_evidence": [[107788, 121264, "Uranium", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[68345, 79216, "Alcoholic_drink", 12]]], "all_evidence": [[68345, 79216, "Alcoholic_drink", 12]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[232339, 235567, "University_of_Leicester", 11]]], "all_evidence": [[232339, 235567, "University_of_Leicester", 11]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[123461, null, null, null]]], "all_evidence": [[123461, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263321, 261028, "Ted_Cruz", 0]]], "all_evidence": [[263321, 261028, "Ted_Cruz", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[17252, 21349, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]], "all_evidence": [[17252, 21349, "Sledgehammer_-LRB-Fifth_Harmony_song-RRB-", 11]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[65090, 75978, "The_Last_Song_-LRB-film-RRB-", 9]]], "all_evidence": [[65090, 75978, "The_Last_Song_-LRB-film-RRB-", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[206593, 214941, "Nawaz_Sharif", 0]]], "all_evidence": [[206593, 214941, "Nawaz_Sharif", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[241249, 242792, "Latvian_Soviet_Socialist_Republic", 0], [241249, 242792, "Latvia", 0]]], "all_evidence": [[241249, 242792, "Latvian_Soviet_Socialist_Republic", 0], [241249, 242792, "Latvia", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[166034, 179991, "Mount_Hood", 3]], [[166034, 179992, "Mount_Hood", 9]]], "all_evidence": [[166034, 179991, "Mount_Hood", 3], [166034, 179992, "Mount_Hood", 9]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[145997, null, null, null], [145999, null, null, null]]], "all_evidence": [[145997, null, null, null], [145999, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[154025, null, null, null]]], "all_evidence": [[154025, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[233460, 236383, "Catherine_Hardwicke", 0]], [[233460, 236384, "Catherine_Hardwicke", 2]], [[233460, 236385, "Catherine_Hardwicke", 1], [233460, 236385, "Lords_of_Dogtown", 0], [233460, 236385, "Red_Riding_Hood_-LRB-2011_film-RRB-", 0], [233460, 236385, "The_Nativity_Story", 0], [233460, 236385, "Thirteen_-LRB-2003_film-RRB-", 0], [233460, 236385, "Twilight_-LRB-2008_film-RRB-", 1]]], "all_evidence": [[233460, 236383, "Catherine_Hardwicke", 0], [233460, 236384, "Catherine_Hardwicke", 2], [233460, 236385, "Catherine_Hardwicke", 1], [233460, 236385, "Lords_of_Dogtown", 0], [233460, 236385, "Red_Riding_Hood_-LRB-2011_film-RRB-", 0], [233460, 236385, "The_Nativity_Story", 0], [233460, 236385, "Thirteen_-LRB-2003_film-RRB-", 0], [233460, 236385, "Twilight_-LRB-2008_film-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[255669, 255080, "PBS", 0]]], "all_evidence": [[255669, 255080, "PBS", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[174467, 187669, "The_Quiet", 0]], [[174467, 187670, "The_Quiet", 4]], [[174467, 187671, "The_Quiet", 8]]], "all_evidence": [[174467, 187669, "The_Quiet", 0], [174467, 187670, "The_Quiet", 4], [174467, 187671, "The_Quiet", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[89928, 102631, "Pocahontas", 1]], [[89931, 102634, "Pocahontas", 1]]], "all_evidence": [[89928, 102631, "Pocahontas", 1], [89931, 102634, "Pocahontas", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[21878, 26868, "The_Hit_-LRB-1984_film-RRB-", 6]]], "all_evidence": [[21878, 26868, "The_Hit_-LRB-1984_film-RRB-", 6]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[201520, 210965, "Uganda", 0], [201520, 210965, "East_Africa", 0]], [[201520, 210966, "Uganda", 1], [201520, 210966, "Democratic_Republic_of_the_Congo", 0], [201520, 210966, "Kenya", 0], [201520, 210966, "Rwanda", 0], [201520, 210966, "South_Sudan", 0], [201520, 210966, "Tanzania", 0]], [[201520, 210967, "Uganda", 3], [201520, 210967, "African_Great_Lakes", 0]], [[201520, 210968, "Uganda", 4], [201520, 210968, "Nile", 0]], [[201520, 210969, "Uganda", 8]], [[206828, 215111, "Uganda", 0]], [[315620, 304846, "Uganda", 0]], [[315620, 304847, "Uganda", 1]], [[315620, 304848, "Uganda", 2], [315620, 304848, "Kenya", 0], [315620, 304848, "Kenya", 1], [315620, 304848, "Kenya", 2], [315620, 304848, "Lake_Victoria", 0], [315620, 304848, "Lake_Victoria", 1], [315620, 304848, "Tanzania", 1], [315620, 304848, "Tanzania", 2], [315620, 304848, "Tanzania", 3]], [[315620, 304849, "Uganda", 3], [315620, 304849, "African_Great_Lakes", 0], [315620, 304849, "African_Great_Lakes", 1], [315620, 304849, "African_Great_Lakes", 2], [315620, 304849, "African_Great_Lakes", 3]], [[315620, 304850, "Uganda", 4], [315620, 304850, "Nile", 0], [315620, 304850, "Nile", 1], [315620, 304850, "Nile", 2]]], "all_evidence": [[201520, 210965, "Uganda", 0], [201520, 210965, "East_Africa", 0], [201520, 210966, "Uganda", 1], [201520, 210966, "Democratic_Republic_of_the_Congo", 0], [201520, 210966, "Kenya", 0], [201520, 210966, "Rwanda", 0], [201520, 210966, "South_Sudan", 0], [201520, 210966, "Tanzania", 0], [201520, 210967, "Uganda", 3], [201520, 210967, "African_Great_Lakes", 0], [201520, 210968, "Uganda", 4], [201520, 210968, "Nile", 0], [201520, 210969, "Uganda", 8], [206828, 215111, "Uganda", 0], [315620, 304846, "Uganda", 0], [315620, 304847, "Uganda", 1], [315620, 304848, "Uganda", 2], [315620, 304848, "Kenya", 0], [315620, 304848, "Kenya", 1], [315620, 304848, "Kenya", 2], [315620, 304848, "Lake_Victoria", 0], [315620, 304848, "Lake_Victoria", 1], [315620, 304848, "Tanzania", 1], [315620, 304848, "Tanzania", 2], [315620, 304848, "Tanzania", 3], [315620, 304849, "Uganda", 3], [315620, 304849, "African_Great_Lakes", 0], [315620, 304849, "African_Great_Lakes", 1], [315620, 304849, "African_Great_Lakes", 2], [315620, 304849, "African_Great_Lakes", 3], [315620, 304850, "Uganda", 4], [315620, 304850, "Nile", 0], [315620, 304850, "Nile", 1], [315620, 304850, "Nile", 2]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[18181, 22334, "Virginia", 19]]], "all_evidence": [[18181, 22334, "Virginia", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[112261, 126089, "Argentina", 3]]], "all_evidence": [[112261, 126089, "Argentina", 3]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[61241, 71745, "Stanford_prison_experiment", 2], [61241, 71745, "Office_of_Naval_Research", 0]]], "all_evidence": [[61241, 71745, "Stanford_prison_experiment", 2], [61241, 71745, "Office_of_Naval_Research", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[50316, 59907, "Annie_Lennox", 19]]], "all_evidence": [[50316, 59907, "Annie_Lennox", 19]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[224431, 229282, "Padua", 0]], [[224432, 229283, "Padua", 0]]], "all_evidence": [[224431, 229282, "Padua", 0], [224432, 229283, "Padua", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[167374, 181222, "Heroes_-LRB-TV_series-RRB-", 8]], [[167375, 181223, "Heroes_-LRB-TV_series-RRB-", 8]]], "all_evidence": [[167374, 181222, "Heroes_-LRB-TV_series-RRB-", 8], [167375, 181223, "Heroes_-LRB-TV_series-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[263457, 261126, "The_Block_-LRB-album-RRB-", 6]], [[263457, 261128, "The_Block_-LRB-album-RRB-", 7]], [[263464, 261138, "The_Block_-LRB-album-RRB-", 6]], [[263464, 261139, "The_Block_-LRB-album-RRB-", 8]]], "all_evidence": [[263457, 261126, "The_Block_-LRB-album-RRB-", 6], [263457, 261128, "The_Block_-LRB-album-RRB-", 7], [263464, 261138, "The_Block_-LRB-album-RRB-", 6], [263464, 261139, "The_Block_-LRB-album-RRB-", 8]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[167036, 180881, "IPhone_4", 0]]], "all_evidence": [[167036, 180881, "IPhone_4", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[46805, 55824, "Ed_and_Lorraine_Warren", 0]]], "all_evidence": [[46805, 55824, "Ed_and_Lorraine_Warren", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[111196, null, null, null]]], "all_evidence": [[111196, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[162394, null, null, null]]], "all_evidence": [[162394, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[242203, null, null, null]]], "all_evidence": [[242203, null, null, null]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[269061, null, null, null]]], "all_evidence": [[269061, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[29562, 36059, "Pearl_-LRB-Steven_Universe-RRB-", 1]]], "all_evidence": [[29562, 36059, "Pearl_-LRB-Steven_Universe-RRB-", 1]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[191347, 202230, "American_Sniper_-LRB-book-RRB-", 0]], [[191354, 202233, "American_Sniper_-LRB-book-RRB-", 0]]], "all_evidence": [[191347, 202230, "American_Sniper_-LRB-book-RRB-", 0], [191354, 202233, "American_Sniper_-LRB-book-RRB-", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[33019, 40109, "Amy_Winehouse", 0]], [[33019, 40110, "Amy_Winehouse", 10]]], "all_evidence": [[33019, 40109, "Amy_Winehouse", 0], [33019, 40110, "Amy_Winehouse", 10]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[42266, 50865, "Java", 9]]], "all_evidence": [[42266, 50865, "Java", 9]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[49438, 58766, "Firefox", 13]]], "all_evidence": [[49438, 58766, "Firefox", 13]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[15450, 19262, "Hermit_crab", 0], [15450, 19262, "Decapoda", 0]], [[16110, 19977, "Hermit_crab", 0]], [[17708, 21856, "Hermit_crab", 0]], [[303930, 294824, "Hermit_crab", 0], [303930, 294824, "Decapoda", 0], [303930, 294824, "Arachnid", 0]]], "all_evidence": [[15450, 19262, "Hermit_crab", 0], [15450, 19262, "Decapoda", 0], [16110, 19977, "Hermit_crab", 0], [17708, 21856, "Hermit_crab", 0], [303930, 294824, "Hermit_crab", 0], [303930, 294824, "Decapoda", 0], [303930, 294824, "Arachnid", 0]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[168967, 182663, "Michael_Hutchence", 15]]], "all_evidence": [[168967, 182663, "Michael_Hutchence", 15]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "SUPPORTS", "claim": "REDACTED", "evidence": [[[104709, 118125, "Cyclades", 0]]], "all_evidence": [[104709, 118125, "Cyclades", 0]]} +{"id": 0, "verifiable": "NOT VERIFIABLE", "label": "NOT ENOUGH INFO", "claim": "REDACTED", "evidence": [[[131223, null, null, null]]], "all_evidence": [[131223, null, null, null]]} +{"id": 0, "verifiable": "VERIFIABLE", "label": "REFUTES", "claim": "REDACTED", "evidence": [[[99015, 112132, "Trouble_with_the_Curve", 0]], [[99015, 112133, "Trouble_with_the_Curve", 2]], [[99015, 112134, "Trouble_with_the_Curve", 5]]], "all_evidence": [[99015, 112132, "Trouble_with_the_Curve", 0], [99015, 112133, "Trouble_with_the_Curve", 2], [99015, 112134, "Trouble_with_the_Curve", 5]]} diff --git a/src/scorer/tests/predictions.jsonl b/src/scorer/tests/predictions.jsonl new file mode 100644 index 0000000..49f52d7 --- /dev/null +++ b/src/scorer/tests/predictions.jsonl @@ -0,0 +1,9999 @@ +{"id": 91198, "predicted_label": "SUPPORTS", "predicted_evidence": [["49ers\u2013Seahawks_rivalry", 0], ["2016_San_Francisco_49ers_season", 0], ["2014_San_Francisco_49ers_season", 0], ["Pistol_offense", 18], ["Colin_Kaepernick", 6]]} +{"id": 194462, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tilda", 12], ["Snowpiercer", 5], ["Swinton_-LRB-surname-RRB-", 19], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Michael_Clayton_-LRB-film-RRB-", 1]]} +{"id": 137334, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ramona_and_Beezus", 4], ["Soul_Food_-LRB-film-RRB-", 0], ["John_C._Kilkenny", 1], ["Maxine_Chadway", 1], ["Soul_Food", 7]]} +{"id": 166626, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["List_of_Tree_Cities_USA", 1436]]} +{"id": 111897, "predicted_label": "REFUTES", "predicted_evidence": [["Noticiero_Telemundo", 0], ["KTMO-LP", 0], ["Noticias_Telemundo", 0], ["Noticias_Telemundo", 8], ["Decisiones", 0]]} +{"id": 89891, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good,_the_Bad_&_the_Queen_-LRB-song-RRB-", 0], ["Damon_Albarn", 4], ["Damon_Albarn", 12], ["Damon_Albarn", 17], ["Jeff_Wootton", 1]]} +{"id": 181634, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mogadishu_-LRB-disambiguation-RRB-", 12], ["Battle_of_Mogadishu_-LRB-2009-RRB-", 0], ["Mogadishu_-LRB-disambiguation-RRB-", 0], ["Mogadishu", 17], ["Mogadishu_under_Italian_rule", 16]]} +{"id": 219028, "predicted_label": "REFUTES", "predicted_evidence": [["Classic_Incantations-COLON-_The_German_Film_Orchestra_Babelsberg_performs_A.R._Rahman", 0], ["Cultural_Amnesia", 11], ["These_Hopeless_Savages", 0], ["My_Leopold", 12], ["My_Leopold", 4]]} +{"id": 194372, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nine_Inch_Nails", 16], ["List_of_awards_and_nominations_received_by_Nine_Inch_Nails", 2], ["Nine_Inch_Nails_discography", 8], ["List_of_Nine_Inch_Nails_band_members", 1], ["Nine_Inch_Nails_discography", 4]]} +{"id": 108281, "predicted_label": "REFUTES", "predicted_evidence": [["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Andrew_Walker", 19], ["The_Wolfman_-LRB-2010_film-RRB-", 1], ["Nerdland", 0], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 140846, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Shooter_-LRB-TV_series-RRB-", 1], ["Rufus_Hussey", 1], ["Marksmanship_Medal", 11], ["Marksmanship_Medal", 5], ["Shooter_-LRB-TV_series-RRB-", 7]]} +{"id": 110177, "predicted_label": "SUPPORTS", "predicted_evidence": [["7_vidas", 28], ["Barry_Kivel", 5], ["Salem_Saberhagen", 3], ["Andre_Ptaszynski", 12], ["Barry_Kivel", 6]]} +{"id": 204361, "predicted_label": "REFUTES", "predicted_evidence": [["Cretaceous", 8], ["Paleontology_in_Louisiana", 17], ["Cretaceous", 9], ["Alva_Jo_Fischer", 22], ["Hadu\u0301r", 1]]} +{"id": 54168, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marshall_Mathers_-LRB-disambiguation-RRB-", 0], ["Kim_-LRB-song-RRB-", 7], ["The_Marshall_Mathers_LP_2", 15], ["Kim_-LRB-song-RRB-", 0], ["The_Marshall_Mathers_LP_2", 4]]} +{"id": 105095, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Weekend_-LRB-Homeland-RRB-", 6], ["Carrie_Mathison", 0], ["Homeland_-LRB-TV_series-RRB-", 3], ["Pilot_-LRB-Homeland-RRB-", 4], ["Carrie_Mathison", 2]]} +{"id": 18708, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Guilty_Until_Proven_Innocent", 8], ["Guilty_Until_Proven_Innocent", 5], ["Guilty_Until_Proven_Innocent", 0], ["Paula_Boock", 21], ["Paula_Boock", 20]]} +{"id": 90809, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_accolades_received_by_Milk_-LRB-film-RRB-", 9], ["J/P_Haitian_Relief_Organization", 43], ["Andrew_Daulton_Lee", 37], ["J/P_Haitian_Relief_Organization", 1], ["List_of_accolades_received_by_Milk_-LRB-film-RRB-", 19]]} +{"id": 167997, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bradman_-LRB-disambiguation-RRB-", 16], ["Jack_Fingleton", 46], ["Jack_Fingleton", 29], ["List_of_international_cricket_centuries_by_Don_Bradman", 23], ["Bradman_-LRB-disambiguation-RRB-", 10]]} +{"id": 150773, "predicted_label": "SUPPORTS", "predicted_evidence": [["L.A._Reid", 1], ["Havana_Mena", 3], ["Toni_Braxton_discography", 4], ["L.A._Reid", 3], ["L.A._Reid", 0]]} +{"id": 204443, "predicted_label": "REFUTES", "predicted_evidence": [["Brad_Wilk", 4], ["Audioslave", 1], ["Lock_Up_-LRB-American_band-RRB-", 25], ["Rage_Against_the_Machine", 1], ["Wilk", 17]]} +{"id": 192714, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_The_Millers_episodes", 1], ["List_of_The_Millers_episodes", 22], ["List_of_The_Millers_episodes", 16], ["List_of_The_Millers_episodes", 12], ["List_of_The_Millers_episodes", 19]]} +{"id": 71182, "predicted_label": "SUPPORTS", "predicted_evidence": [["Babe_Smith", 0], ["NBA_Finals_television_ratings", 15], ["2015_NBA_Finals", 0], ["2016_NBA_Finals", 1], ["2015_NBA_Finals", 21]]} +{"id": 159706, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 107786, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samuel_W._Richards", 13], ["Michael_J._Osborne", 41], ["Samuel_W._Richards", 59], ["Ann_Richards_-LRB-disambiguation-RRB-", 6], ["Ann_Richards_-LRB-disambiguation-RRB-", 0]]} +{"id": 166846, "predicted_label": "SUPPORTS", "predicted_evidence": [["Drake_Bell_discography", 23], ["Drake_Bell", 18], ["Drake_Bell_discography", 21], ["Drake_Bell_discography", 22], ["Drake_Bell_discography", 12]]} +{"id": 140764, "predicted_label": "REFUTES", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 197381, "predicted_label": "REFUTES", "predicted_evidence": [["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0]]} +{"id": 187000, "predicted_label": "REFUTES", "predicted_evidence": [["Bermuda_Triangle", 0], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 0], ["CSS_Chickamauga", 55], ["Atlantis-COLON-_The_Lost_Continent_Revealed", 9], ["The_Bermuda_Triangle_-LRB-book-RRB-", 0]]} +{"id": 32266, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pistol_offense", 18], ["Colin_Kaepernick", 5], ["2014_San_Francisco_49ers_season", 13], ["2016_San_Francisco_49ers_season", 11], ["Pistol_offense", 22]]} +{"id": 196758, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Latin_legal_terms", 1656], ["Marnie_-LRB-disambiguation-RRB-", 8], ["Marnie_-LRB-disambiguation-RRB-", 10], ["The_Raging_Quiet", 5], ["List_of_Latin_legal_terms", 3451]]} +{"id": 142454, "predicted_label": "REFUTES", "predicted_evidence": [["Personal_message", 0], ["Electronic_messaging", 7], ["Personal_message", 13], ["Personal_message", 5], ["Personal_message", 15]]} +{"id": 147411, "predicted_label": "SUPPORTS", "predicted_evidence": [["DJ_Fresh", 8], ["Hot_Right_Now", 0], ["DJ_Fresh_discography", 12], ["Hot_Right_Now", 4], ["DJ_Fresh", 3]]} +{"id": 215136, "predicted_label": "SUPPORTS", "predicted_evidence": [["Private_Lives_-LRB-disambiguation-RRB-", 0], ["Private_Lives_-LRB-disambiguation-RRB-", 3], ["Private_Lives_-LRB-disambiguation-RRB-", 5], ["Three_Act_Tragedy", 0], ["Three_Act_Tragedy", 6]]} +{"id": 227362, "predicted_label": "REFUTES", "predicted_evidence": [["Giada_Valenti", 21], ["Giada_at_Home", 0], ["Signal_Hill_Transmission", 13], ["Giada_-LRB-disambiguation-RRB-", 6], ["Giada's_Weekend_Getaways", 0]]} +{"id": 145512, "predicted_label": "REFUTES", "predicted_evidence": [["Harold_Macmillan", 0], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 8]]} +{"id": 64721, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Elias_Mariolopoulos", 12], ["Elias_Mariolopoulos", 9], ["Bibliography_of_Greece", 273], ["Bibliography_of_Greece", 319], ["Bibliography_of_Greece", 259]]} +{"id": 124667, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Packouz", 0], ["Efraim_Diveroli", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Ibrahim_Mousawi", 38], ["Ibrahim_Mousawi", 22]]} +{"id": 52175, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["1980_NBA_Finals", 25], ["Magic_Johnson_Enterprises", 2], ["Magic_Johnson_Enterprises", 0], ["Magic_Johnson_-LRB-disambiguation-RRB-", 6], ["Magic_Johnson_-LRB-disambiguation-RRB-", 8]]} +{"id": 104386, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tenacious_D_-LRB-TV_series-RRB-", 0], ["Tenacious_D", 6], ["Tenacious_D_-LRB-TV_series-RRB-", 1], ["Tenacious_D_-LRB-TV_series-RRB-", 2], ["Tenacious_D_-LRB-disambiguation-RRB-", 11]]} +{"id": 55658, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 10], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 12], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 30], ["James_VI_and_I", 0], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 8]]} +{"id": 201090, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["James_L._Bentley", 5], ["Bentley", 6], ["James_L._Bentley", 19], ["Robert_J._Bentley", 18]]} +{"id": 129441, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_Saxony-Anhalt", 0], ["Frederick_of_Saxony", 15], ["Anna_of_Saxony_-LRB-disambiguation-RRB-", 13], ["Frederick_of_Saxony", 11], ["Frederick_of_Saxony", 13]]} +{"id": 107039, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Baseball_in_the_United_States", 23], ["World_Series_Baseball", 20], ["Baseball_in_the_United_States", 21], ["List_of_PlayStation_3_games_released_on_disc", 6990], ["List_of_PlayStation_3_games_released_on_disc", 13098]]} +{"id": 207543, "predicted_label": "REFUTES", "predicted_evidence": [["B.o.B_discography", 1], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["B.o.B_discography", 15], ["B.o.B_discography", 10], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 18]]} +{"id": 132134, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jenna_Andrews", 1], ["Ron_Cyrus", 1], ["Cyrus_-LRB-surname-RRB-", 18], ["Make_Me_-LRB-Cry-RRB-", 0], ["Stay_Together_-LRB-Noah_Cyrus_song-RRB-", 0]]} +{"id": 128123, "predicted_label": "REFUTES", "predicted_evidence": [["Mohra_Sharif", 0], ["Mohra_Gujarn", 4], ["Haroon_al_Rasheed", 1], ["Haroon_al_Rasheed", 12], ["Pir_Nazeer_Ahmed", 18]]} +{"id": 86175, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mariya", 103], ["Valery", 54], ["Mariya", 157], ["Valery", 60], ["Valery", 73]]} +{"id": 31963, "predicted_label": "REFUTES", "predicted_evidence": [["Shane_Black", 0], ["Terry_Harknett", 38], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Iron_Man_3", 2], ["Shane_Valdez", 0]]} +{"id": 71126, "predicted_label": "REFUTES", "predicted_evidence": [["Stephen_J._Lawrence", 1], ["List_of_awards_and_nominations_received_by_Jennifer_Lawrence", 12], ["Hussain_Sadiqi", 31], ["Hussain_Sadiqi", 1], ["Delta_Force_-LRB-disambiguation-RRB-", 41]]} +{"id": 73623, "predicted_label": "REFUTES", "predicted_evidence": [["Territory_of_Papua", 0], ["Amur_pike", 17], ["Papua_-LRB-province-RRB-", 3], ["Republic_of_West_Papua", 16], ["Jacob_Rumbiak", 16]]} +{"id": 41665, "predicted_label": "REFUTES", "predicted_evidence": [["Augustus", 42], ["Livia_-LRB-given_name-RRB-", 0], ["Laurentius_Suslyga", 21], ["Porticus_of_Livia", 1], ["Laurentius_Suslyga", 20]]} +{"id": 71959, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jennifer_Lopez_filmography", 5], ["Jennifer_Lopez_filmography", 3], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 9], ["If_You_Had_My_Love", 0], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0]]} +{"id": 229316, "predicted_label": "SUPPORTS", "predicted_evidence": [["Working_animal", 0], ["Working_animal", 21], ["Working_dog", 0], ["Life_Saving_Victoria", 0], ["Working_dog", 20]]} +{"id": 121113, "predicted_label": "REFUTES", "predicted_evidence": [["Billboard_Dad", 0], ["Troian_Bellisario", 5], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 21775, "predicted_label": "REFUTES", "predicted_evidence": [["Following", 0], ["The_Dark_Knight_Rises", 0], ["Batman_-LRB-film-RRB-", 16], ["Batman_-LRB-film-RRB-", 14], ["Batman_-LRB-film-RRB-", 12]]} +{"id": 112988, "predicted_label": "SUPPORTS", "predicted_evidence": [["BL_Herculis_variable", 2], ["Colin_Brady", 23], ["Men_in_Black_II-COLON-_Alien_Escape", 1], ["Colin_Brady", 2], ["Men_in_Black_II", 0]]} +{"id": 173496, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sancho_Panza", 0], ["The_Truth_about_Sancho_Panza", 8], ["Clavilen\u0303o", 4], ["Don_Quixote", 6], ["The_Truth_about_Sancho_Panza", 0]]} +{"id": 43608, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Magic_Johnson_Enterprises", 2], ["Magic_Johnson_-LRB-disambiguation-RRB-", 6], ["Magic_Johnson_Enterprises", 0], ["Magic_Johnson_-LRB-disambiguation-RRB-", 8], ["Reginald_McLaughlin", 14]]} +{"id": 66638, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Jay_Mohr", 2], ["Eddie_Murphy", 13], ["Martin_Bregman", 1], ["Nash_-LRB-surname-RRB-", 91]]} +{"id": 26839, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Else_H\u00f8st", 9], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler", 2]]} +{"id": 40351, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brazzers", 0], ["Lee_Roy_Myers", 4], ["Keiran_Lee", 0], ["Gauge_-LRB-actress-RRB-", 7], ["Gauge_-LRB-actress-RRB-", 15]]} +{"id": 15307, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tim_Smith", 39], ["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1], ["Booth_-LRB-actor-RRB-", 36], ["Rob_Roy_-LRB-1995_film-RRB-", 2], ["Booth_-LRB-actor-RRB-", 27]]} +{"id": 146231, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Juventus_F.C.", 1], ["Logos_and_uniforms_of_the_Boston_Red_Sox", 0], ["List_of_Juventus_F.C._players", 5], ["Juventus_TV", 0], ["Logos_and_uniforms_of_the_Boston_Red_Sox", 2]]} +{"id": 184083, "predicted_label": "SUPPORTS", "predicted_evidence": [["Command_responsibility", 14], ["William_Eckhardt_-LRB-law-RRB-", 0], ["Medina_-LRB-surname-RRB-", 33], ["Hugh_Thompson_Jr.", 12], ["My_Lai_Massacre", 0]]} +{"id": 63502, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Darth_Maul-COLON-_Son_of_Dathomir", 0], ["Darth_Maul_-LRB-comics-RRB-", 0], ["Darth_Maul", 0], ["Darth_Maul-COLON-_Saboteur", 0], ["Darth_Maul-COLON-_Son_of_Dathomir", 2]]} +{"id": 226877, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jenna_Jameson", 3], ["Jenna_Jameson", 0], ["My_Plaything", 6], ["ClubJenna", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 227130, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["History_of_the_New_Orleans_Pelicans", 1], ["History_of_the_New_Orleans_Pelicans", 0], ["List_of_New_Orleans_Pelicans_head_coaches", 1], ["List_of_New_Orleans_Pelicans_seasons", 1]]} +{"id": 150730, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Sweet_Caroline", 13], ["Caroline_Kennedy", 4]]} +{"id": 134710, "predicted_label": "SUPPORTS", "predicted_evidence": [["Starrcade", 0], ["Starrcade_-LRB-1983-RRB-", 0], ["Starrcade_-LRB-1988-RRB-", 0], ["Starrcade_-LRB-2000-RRB-", 0], ["Starrcade_-LRB-1993-RRB-", 0]]} +{"id": 105310, "predicted_label": "SUPPORTS", "predicted_evidence": [["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["Jack_Falahee", 0], ["List_of_Latin_legal_terms", 3231], ["List_of_Galaxy_Express_999_episodes", 11]]} +{"id": 114567, "predicted_label": "SUPPORTS", "predicted_evidence": [["Don't_Say_No", 4], ["Sprechgesang", 0], ["Black_Sifichi", 197], ["Black_Sifichi", 1], ["Black_Sifichi", 218]]} +{"id": 71986, "predicted_label": "SUPPORTS", "predicted_evidence": [["Apple_II", 0], ["Apple_II_series", 0], ["SWEET16", 0], ["Apple_II_series", 19], ["Apple_III", 19]]} +{"id": 221085, "predicted_label": "SUPPORTS", "predicted_evidence": [["C-SPAN", 0], ["Cable_television", 10], ["Star_TV", 28], ["The_Movie_Channel", 0], ["The_Movie_Channel", 6]]} +{"id": 71853, "predicted_label": "SUPPORTS", "predicted_evidence": [["Music_of_the_Sun", 4], ["Music_of_the_Sun", 3], ["Music_of_the_Sun", 2], ["Reid", 40], ["Reid", 14]]} +{"id": 163980, "predicted_label": "SUPPORTS", "predicted_evidence": [["Suresh", 38], ["Veeram_-LRB-2014_film-RRB-", 0], ["Suresh", 18], ["Veeram", 3], ["Ajith_Kumar_filmography", 25]]} +{"id": 185193, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chang_&_Eng", 1], ["Chang_&_Eng", 3], ["Megan", 19], ["Megan", 21], ["Megan", 35]]} +{"id": 39437, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Brother_Nature_-LRB-film-RRB-", 0], ["Killam", 14], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["The_Killam_Trusts", 0]]} +{"id": 34412, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amiya_Chakravarty_-LRB-director-RRB-", 3], ["Daag_-LRB-1973_film-RRB-", 5], ["Vichitra_Jeevitham", 2], ["Daag_-LRB-1973_film-RRB-", 0], ["Aaina_-LRB-1977_film-RRB-", 2]]} +{"id": 101555, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sex_Factor", 0], ["XHamster", 6], ["List_of_Ace_titles_in_numeric_series", 345], ["Porn_star_-LRB-disambiguation-RRB-", 0], ["Porn_star_-LRB-disambiguation-RRB-", 11]]} +{"id": 150217, "predicted_label": "REFUTES", "predicted_evidence": [["John_Dolmayan", 0], ["John_Tempesta", 21], ["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["System_of_a_Down_discography", 0]]} +{"id": 202783, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chris_Renaud_-LRB-animator-RRB-", 2], ["Despicable_Me_2", 1], ["List_of_2010_box_office_number-one_films_in_Australia", 12], ["List_of_2010_box_office_number-one_films_in_Australia", 20], ["Despicable_Me_2", 0]]} +{"id": 228344, "predicted_label": "SUPPORTS", "predicted_evidence": [["Special_Music_School", 13], ["Island_Records", 12], ["Special_Music_School", 34], ["Special_Music_School", 0], ["Ron_Rogers", 7]]} +{"id": 80124, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["World_Bank_Infoshop", 13], ["World_Bank_Infoshop", 16], ["Mohan_Singh_Kothari", 9], ["Micha\u0142_Rutkowski", 28], ["World_Bank_Infoshop", 19]]} +{"id": 159944, "predicted_label": "SUPPORTS", "predicted_evidence": [["McAuliffe-Shepard_Discovery_Center", 1], ["Christa_McAuliffe", 4], ["Christa_McAuliffe_Space_Education_Center", 6], ["Concord_High_School", 0], ["Christa_McAuliffe_Space_Education_Center", 0]]} +{"id": 56669, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["A_Very_Potter_Musical", 6], ["Rupert_Grint", 1], ["Harry_Potter_and_the_Deathly_Hallows_\u2013_Part_2_-LRB-video_game-RRB-", 5], ["Caio_Ce\u0301sar", 8], ["Rupert_Grint", 0]]} +{"id": 80205, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_ROH_World_Tag_Team_Champions", 10], ["List_of_current_champions_in_Impact_Wrestling", 25], ["IWGP_Junior_Heavyweight_Championship", 25], ["List_of_current_champions_in_Impact_Wrestling", 17], ["List_of_ROH_World_Tag_Team_Champions", 18]]} +{"id": 43776, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colin_Kaepernick", 1], ["2008_Humanitarian_Bowl", 14], ["2016_San_Francisco_49ers_season", 11], ["Pistol_offense", 18], ["Pistol_offense", 22]]} +{"id": 79538, "predicted_label": "REFUTES", "predicted_evidence": [["Bliss_-LRB-1997_film-RRB-", 7], ["Sheryl_Lee_Ralph", 12], ["Twin_Peaks-COLON-_Fire_Walk_with_Me", 2], ["The_Mighty_Quinn_-LRB-film-RRB-", 0], ["Sheryl_Lee_Ralph", 0]]} +{"id": 172478, "predicted_label": "SUPPORTS", "predicted_evidence": [["Renzi_-LRB-surname-RRB-", 14], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Matteo_Renzi", 0], ["Democratic_Party_-LRB-Italy-RRB-", 3], ["Renzi_-LRB-surname-RRB-", 22]]} +{"id": 88464, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 60977, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hindu_Kush", 5], ["Geography_of_Afghanistan", 9], ["Hindu_Kush", 6], ["Geography_of_Afghanistan", 33], ["Kuh-e_Bandaka", 2]]} +{"id": 100584, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Same_Old_Love", 0], ["Antonina_Armato", 15], ["Same_Old_Love", 20], ["Revival_-LRB-Selena_Gomez_album-RRB-", 18], ["Selena_Gomez", 14]]} +{"id": 32820, "predicted_label": "REFUTES", "predicted_evidence": [["Heart", 18], ["Cardiac_arrhythmia", 1], ["Cardiac_output", 1], ["Tachycardia", 1], ["Tachycardia", 0]]} +{"id": 215500, "predicted_label": "REFUTES", "predicted_evidence": [["I_Am_a_Man_-LRB-TV_series-RRB-", 7], ["Two_Yoo_Project_Sugar_Man", 8], ["Two_Yoo_Project_Sugar_Man", 0], ["Ji_Suk-jin", 9], ["Kang_Ho-dong", 1]]} +{"id": 26300, "predicted_label": "SUPPORTS", "predicted_evidence": [["Canadian_heavy_metal", 5], ["List_of_gothic_metal_bands", 3], ["Christian_metal", 13], ["Canadian_heavy_metal", 19], ["Canadian_heavy_metal", 8]]} +{"id": 186996, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["CSS_Chickamauga", 56], ["Devil's_Triangle_-LRB-disambiguation-RRB-", 0], ["Atlantis-COLON-_The_Lost_Continent_Revealed", 6], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 3], ["The_Bermuda_Triangle_-LRB-book-RRB-", 8]]} +{"id": 102702, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Creative_Artists_Agency_clients", 35], ["List_of_Creative_Artists_Agency_clients", 131], ["Ashton_-LRB-given_name-RRB-", 6], ["Ashton_-LRB-given_name-RRB-", 20], ["Ashton_Kutcher", 0]]} +{"id": 145446, "predicted_label": "SUPPORTS", "predicted_evidence": [["Topman", 1], ["Far_East_Plaza", 5], ["Anglo_Irish_Bank", 7], ["Topman", 0], ["Catechumen_-LRB-video_game-RRB-", 0]]} +{"id": 68084, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Meresht", 1], ["Roanoke_metropolitan_area", 9], ["Spring_Garden_-LRB-Pittsburgh-RRB-", 15], ["Orthodox_Archdiocese_of_Beirut", 2], ["Wage\u2013fund_doctrine", 5]]} +{"id": 4713, "predicted_label": "SUPPORTS", "predicted_evidence": [["Daniel_Day-Lewis", 13], ["List_of_awards_and_nominations_received_by_Alejandro_Gonza\u0301lez_In\u0303a\u0301rritu", 8], ["5th_Academy_Awards", 12], ["21st_Academy_Awards", 6], ["Academy_Award_for_Best_Actor", 16]]} +{"id": 105419, "predicted_label": "REFUTES", "predicted_evidence": [["Muziic", 0], ["YouTube_Spotlight", 0], ["YouTube", 0], ["YouTube", 13], ["Brett_Domino", 19]]} +{"id": 10328, "predicted_label": "REFUTES", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Knudsen", 40], ["Strisser_pa\u030a_Sams\u00f8", 4], ["Borgen_-LRB-TV_series-RRB-", 9], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5]]} +{"id": 194904, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stripes_-LRB-film-RRB-", 1], ["Martin_and_Lewis_-LRB-film-RRB-", 4], ["Conrad_Dunn", 0], ["Conrad_Dunn", 3], ["Witchblade_-LRB-TV_series-RRB-", 5]]} +{"id": 72080, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sunil_Sahu", 14], ["Course_-LRB-education-RRB-", 17], ["CourseSmart", 6], ["CourseSmart", 0], ["Course_-LRB-education-RRB-", 5]]} +{"id": 76289, "predicted_label": "REFUTES", "predicted_evidence": [["Raees_-LRB-film-RRB-", 1], ["Raees", 3], ["Raees_-LRB-film-RRB-", 0], ["Raees_-LRB-film-RRB-", 4], ["Raees_-LRB-film-RRB-", 5]]} +{"id": 223343, "predicted_label": "REFUTES", "predicted_evidence": [["Kanche", 13], ["Kanche", 17], ["Parugu", 16], ["Principal_photography", 17], ["Principal_photography", 3]]} +{"id": 186590, "predicted_label": "SUPPORTS", "predicted_evidence": [["Asylum_Records", 0], ["Elliot_Roberts", 4], ["Geffen", 13], ["Elliot_Roberts", 0], ["Jamison_Ernest", 15]]} +{"id": 60685, "predicted_label": "SUPPORTS", "predicted_evidence": [["As_the_Bell_Rings_-LRB-Chinese_TV_series-RRB-", 4], ["As_the_Bell_Rings_-LRB-Chinese_TV_series-RRB-", 9], ["As_the_Bell_Rings_-LRB-Chinese_TV_series-RRB-", 11], ["Halas_and_Batchelor", 13], ["Haoliners_Animation_League", 0]]} +{"id": 38125, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Armenian_Genocide", 0], ["Armenian_Genocide", 3], ["Armenian_national_liberation_movement", 6], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Armenian_national_liberation_movement", 25]]} +{"id": 201095, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Marcus_Atilius_Regulus_-LRB-consul_227_BC-RRB-", 6], ["Marcus_-LRB-name-RRB-", 15], ["North_-LRB-surname-RRB-", 118], ["North_-LRB-surname-RRB-", 160]]} +{"id": 11432, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_inauguration_of_Bill_Clinton", 0], ["Hillary_Clinton", 0], ["On_the_Pulse_of_Morning", 0], ["John_S._Hilliard", 39], ["Hillary_Clinton", 22]]} +{"id": 172771, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danny_Boyle", 0], ["Dramatic_Need", 8], ["2012_Summer_Olympics_opening_ceremony", 3], ["2012_Summer_Olympics_opening_ceremony", 21], ["Millions_-LRB-2004_film-RRB-", 0]]} +{"id": 148988, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Spirit_of_Troy", 4], ["John_Tempesta", 12], ["Northern_Lebanon_School_District", 0], ["List_of_American_musicians_of_Armenian_descent", 85], ["System_of_a_Down_discography", 25]]} +{"id": 125513, "predicted_label": "REFUTES", "predicted_evidence": [["The_dress", 5], ["William_Carr_-LRB-biographer-RRB-", 8], ["Chremonides", 0], ["Rule_40", 4], ["Rule_40", 5]]} +{"id": 130920, "predicted_label": "REFUTES", "predicted_evidence": [["Shand", 16], ["Camilla,_Duchess_of_Cornwall", 6], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Rosalind_Shand", 1], ["Donald_Shand", 0]]} +{"id": 128229, "predicted_label": "SUPPORTS", "predicted_evidence": [["Advertising_Standards_Authority_-LRB-South_Africa-RRB-", 3], ["Advertising_Standards_Authority_-LRB-United_Kingdom-RRB-", 7], ["Marketing_communications", 1], ["Advertising_Standards_Authority_-LRB-South_Africa-RRB-", 2], ["Promotional_mix", 9]]} +{"id": 108950, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Layover_-LRB-film-RRB-", 0], ["Nomis_-LRB-film-RRB-", 1], ["Kenny_Woods", 18], ["Lefty_O'Doul_Bridge", 18], ["Pilot_-LRB-White_Collar-RRB-", 8]]} +{"id": 121189, "predicted_label": "SUPPORTS", "predicted_evidence": [["Audrey_Tautou", 5], ["The_Conversation", 9], ["List_of_accolades_received_by_Lost_in_Translation_-LRB-film-RRB-", 17], ["List_of_accolades_received_by_Lost_in_Translation_-LRB-film-RRB-", 19], ["List_of_accolades_received_by_Lost_in_Translation_-LRB-film-RRB-", 13]]} +{"id": 223766, "predicted_label": "REFUTES", "predicted_evidence": [["Ralph_Fults", 0], ["Bonnie_and_Clyde", 0], ["Barrow_Gang", 24], ["Fults", 7], ["Bonnie_and_Clyde", 1]]} +{"id": 166848, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_Reminder", 0], ["Drake_Bell_discography", 0], ["Drake_Bell_discography", 21], ["Drake_Bell_discography", 23], ["Drake_Bell", 18]]} +{"id": 121119, "predicted_label": "REFUTES", "predicted_evidence": [["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0], ["14th_Dalai_Lama", 10], ["Thubten_Choekyi_Nyima,_9th_Panchen_Lama", 46]]} +{"id": 141072, "predicted_label": "REFUTES", "predicted_evidence": [["Noticias_Telemundo", 8], ["Noticias_Telemundo", 0], ["Telemundo", 0], ["Nely_Gala\u0301n", 8], ["Telemundo", 5]]} +{"id": 212194, "predicted_label": "REFUTES", "predicted_evidence": [["Miracle_at_St._Anna", 2], ["Miracle_at_St._Anna", 4], ["Chief_Mouser_to_the_Cabinet_Office", 1], ["Pajarito_Mountains", 3], ["Sierra_La_Esmeralda", 6]]} +{"id": 63038, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sweet_Caroline", 0], ["Caroline_Kennedy", 0], ["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11]]} +{"id": 185206, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Unknown_Chaplin", 7], ["Unknown_Chaplin", 13], ["Eugene_Chaplin", 5], ["Eugene_Chaplin", 1], ["Charles_Chaplin_-LRB-disambiguation-RRB-", 16]]} +{"id": 166647, "predicted_label": "REFUTES", "predicted_evidence": [["Virginia_S._Young", 4], ["Fort_Lauderdale_Stadium", 0], ["Fort_Lauderdale_Yankees", 9], ["Fort_Lauderdale_Yankees", 0], ["Naval_Air_Station_Fort_Lauderdale", 0]]} +{"id": 51098, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-season_3-RRB-", 11], ["The_SpongeBob_SquarePants_Movie", 1], ["SpongeBob_SquarePants_-LRB-season_3-RRB-", 0], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0]]} +{"id": 217212, "predicted_label": "REFUTES", "predicted_evidence": [["Monk", 0], ["Saint_Memnon", 4], ["Dapcha_Chhatrebangh", 0], ["UFO's_and_the_Men_Who_Fly_Them!", 2], ["Monk", 9]]} +{"id": 47911, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Mod_Squad", 0], ["Tige_Andrews", 1], ["Michael_Cole_-LRB-actor-RRB-", 1], ["N.Y.P.D._-LRB-TV_series-RRB-", 3], ["N.Y.P.D._-LRB-TV_series-RRB-", 0]]} +{"id": 130717, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Dark_Tower_-LRB-series-RRB-", 0], ["The_Dark_Tower_-LRB-series-RRB-", 13], ["Randall_Flagg", 13], ["Father_Callahan", 1], ["The_Dark_Tower-COLON-_The_Sorcerer", 0]]} +{"id": 135457, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3], ["News_International_phone_hacking_scandal", 14], ["Rupert_Murdoch", 0], ["Rupert_Murdoch", 3]]} +{"id": 24684, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Muhlenbergia", 330], ["Flag_of_Arizona", 16], ["Muhlenbergia", 351], ["Muhlenbergia", 334], ["Muhlenbergia", 356]]} +{"id": 170949, "predicted_label": "SUPPORTS", "predicted_evidence": [["Smriti_Mandhana", 0], ["Khalid_Butt", 4], ["Khalid_Butt", 2], ["Harmeet_Singh", 7], ["Harmeet_Singh", 5]]} +{"id": 44327, "predicted_label": "SUPPORTS", "predicted_evidence": [["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["Emma_Watson_-LRB-disambiguation-RRB-", 9], ["List_of_Harry_Potter_cast_members", 19], ["Harry_Potter_and_the_Prisoner_of_Azkaban_-LRB-film-RRB-", 7]]} +{"id": 100973, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angela_Bassett", 6], ["Linda_Threadgill", 3], ["Dunton_Bassett", 10], ["Timothy_Davis-Reed", 14], ["Linda_Threadgill", 2]]} +{"id": 179042, "predicted_label": "REFUTES", "predicted_evidence": [["Congressional_Space_Medal_of_Honor", 1], ["NASA_Distinguished_Service_Medal", 0], ["NASA_Distinguished_Service_Medal", 13], ["Congressional_Space_Medal_of_Honor", 12], ["NASA_Space_Flight_Medal", 9]]} +{"id": 31418, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ben_Affleck_filmography", 20], ["Saw_-LRB-franchise-RRB-", 8], ["Juanacatla\u0301n_Falls", 32], ["Saw_VI", 1], ["Saw_III", 1]]} +{"id": 123452, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_the_Faroe_Islands", 5], ["History_of_the_Faroe_Islands", 4], ["History_of_the_Faroe_Islands", 8], ["Island_Command_Faroes", 34], ["Faroe_Islands_national_football_team_results", 0]]} +{"id": 204033, "predicted_label": "SUPPORTS", "predicted_evidence": [["4th_floor", 5], ["Ang_Tanging_Ina_N'yong_Lahat", 1], ["List_of_accolades_received_by_Lost_in_Translation_-LRB-film-RRB-", 0], ["Stuck_on_You", 8], ["Love_Thy_Neighbor", 24]]} +{"id": 203012, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin", 4], ["Fifth-generation_jet_fighter", 4], ["Fifth-generation_jet_fighter", 5], ["Lockheed_Martin", 15], ["Lockheed_Martin_Aeronautics", 9]]} +{"id": 13218, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hynes_Convention_Center_-LRB-MBTA_station-RRB-", 1], ["Green_Line_\"D\"_Branch", 1], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 1], ["Canal_Street_Incline", 12]]} +{"id": 93412, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Law_&_Order-COLON-_UK_-LRB-series_8-RRB-", 1], ["Paul_Nicholls_-LRB-actor-RRB-", 1], ["Law_&_Order-COLON-_UK_-LRB-series_8-RRB-", 0], ["Law_&_Order-COLON-_UK_-LRB-series_8-RRB-", 4], ["Alan_Nicholls", 9]]} +{"id": 7208, "predicted_label": "SUPPORTS", "predicted_evidence": [["Agnee_-LRB-2014_film-RRB-", 1], ["Colombiana_-LRB-disambiguation-RRB-", 0], ["Les_Mise\u0301rables_-LRB-disambiguation-RRB-", 37], ["Les_Mise\u0301rables_-LRB-disambiguation-RRB-", 19], ["Les_Mise\u0301rables_-LRB-disambiguation-RRB-", 21]]} +{"id": 168529, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rick_Yune", 2], ["Yune", 8], ["Rick_Yune", 0], ["Prison_Break_-LRB-season_5-RRB-", 8], ["The_Man_with_the_Iron_Fists", 1]]} +{"id": 133201, "predicted_label": "REFUTES", "predicted_evidence": [["Enomaly_Inc", 6], ["Java_Model_Railroad_Interface", 1], ["Advertising_management", 11], ["Advertising", 2], ["Advertising_management", 6]]} +{"id": 224965, "predicted_label": "SUPPORTS", "predicted_evidence": [["Grady_Wilson_-LRB-Sanford_and_Son-RRB-", 19], ["Horse_racing_in_South_Korea", 29], ["Kentucky_Association", 0], ["Dobrowoda", 0], ["Culture_of_Kentucky", 1]]} +{"id": 199410, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["Ellar_Coltrane", 1], ["Dead_Earth_Politics", 1], ["Mason_House", 23], ["Boyhood_-LRB-film-RRB-", 11]]} +{"id": 10278, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 28], ["Cliche\u0301_-LRB-Hush_Hush-RRB-", 3], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 4], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 12], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 6]]} +{"id": 158439, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penibaetic_System", 0], ["La_Maroma", 0], ["Axarqui\u0301a", 5], ["Sierra_Blanca_-LRB-Andalusia-RRB-", 0], ["Axarqui\u0301a", 10]]} +{"id": 79548, "predicted_label": "SUPPORTS", "predicted_evidence": [["Filson_-LRB-company-RRB-", 1], ["T.J._Maxx", 8], ["Bonobos_-LRB-apparel-RRB-", 0], ["T.J._Maxx", 12], ["Bonobos_-LRB-apparel-RRB-", 1]]} +{"id": 186983, "predicted_label": "REFUTES", "predicted_evidence": [["Bermuda_Triangle", 0], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 0], ["CSS_Chickamauga", 19], ["The_Bermuda_Triangle_-LRB-book-RRB-", 0], ["CSS_Chickamauga", 55]]} +{"id": 227080, "predicted_label": "SUPPORTS", "predicted_evidence": [["Katy_Perry_videography", 12], ["Unconditionally", 1], ["Katy_Perry_discography", 23], ["Unconditionally", 0], ["Unconditionally", 7]]} +{"id": 182276, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_Cycling_Team", 1], ["Saturn_-LRB-store-RRB-", 0], ["Calty_Design_Research", 0], ["Saturn_-LRB-store-RRB-", 7]]} +{"id": 67212, "predicted_label": "REFUTES", "predicted_evidence": [["Elect_the_Dead", 2], ["System_of_a_Down_discography", 0], ["John_Dolmayan", 0], ["John_Tempesta", 12], ["System_of_a_Down_discography", 25]]} +{"id": 9944, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Assyrian_genocide", 7], ["Assyrian_genocide", 6], ["Armenian_Genocide", 0], ["Armenian_Genocide", 13], ["Armenian_national_liberation_movement", 6]]} +{"id": 8564, "predicted_label": "SUPPORTS", "predicted_evidence": [["Spanish_Gangster_Disciples", 23], ["Rabb", 18], ["Quran_and_miracles", 1], ["Quran_and_miracles", 0], ["Rabb", 13]]} +{"id": 129752, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Create_a_Mind", 5], ["Human_brain", 25], ["Organization_for_Human_Brain_Mapping", 10], ["Brain", 3], ["How_to_Create_a_Mind", 7]]} +{"id": 123051, "predicted_label": "SUPPORTS", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting_-LRB-film-RRB-", 0], ["Ewan_McGregor", 2], ["Ewan_McGregor", 10], ["Ewan_McGregor", 3]]} +{"id": 113560, "predicted_label": "REFUTES", "predicted_evidence": [["AMGTV", 0], ["Children's_Television_Act", 1], ["Children's_Television_Act", 15], ["Television_and_the_Public_Interest", 2], ["Reality_television", 1]]} +{"id": 77566, "predicted_label": "SUPPORTS", "predicted_evidence": [["Randy_Savage", 0], ["World_War_3_-LRB-1995-RRB-", 7], ["WrestleMania_X", 15], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15], ["WrestleMania_X", 11]]} +{"id": 167987, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Don_Bradman", 20], ["Don_Bradman", 0], ["Don_Bradman", 21], ["Don_Bradman", 1], ["Don_Bradman", 4]]} +{"id": 113333, "predicted_label": "REFUTES", "predicted_evidence": [["Margaret_Thatcher", 8], ["Margaret_Thatcher", 0], ["The_Iron_Lady_-LRB-album-RRB-", 0], ["The_Iron_Lady_-LRB-film-RRB-", 0], ["Margaret_Thatcher_-LRB-disambiguation-RRB-", 0]]} +{"id": 53534, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Randy_Savage", 0], ["World_War_3_-LRB-1995-RRB-", 7], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15], ["WrestleMania_X", 15], ["Turning_Point_-LRB-2004_wrestling-RRB-", 8]]} +{"id": 196972, "predicted_label": "SUPPORTS", "predicted_evidence": [["Glossary_of_Indian_culture", 236], ["Diwali", 15], ["Diwali", 14], ["Diwali", 19], ["Sal_Mubarak", 0]]} +{"id": 165898, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Neal_Smith_-LRB-drummer-RRB-", 35], ["Good_to_See_You_Again,_Alice_Cooper", 16], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 40], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 36], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 50]]} +{"id": 153303, "predicted_label": "SUPPORTS", "predicted_evidence": [["EA_Black_Box", 0], ["List_of_Need_for_Speed_video_games", 2], ["Need_for_Speed-COLON-_The_Run", 0], ["List_of_Need_for_Speed_video_games", 8], ["Skate_2", 13]]} +{"id": 7876, "predicted_label": "REFUTES", "predicted_evidence": [["Herculaneum", 0], ["Andrea_De_Jorio", 11], ["Vesuvius_from_Posillipo_by_Moonlight", 15], ["Andrea_De_Jorio", 7], ["The_Destruction_of_Pompeii_and_Herculaneum", 10]]} +{"id": 105352, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_-LRB-surname-RRB-", 52], ["Edmund_H._Deas_House", 4], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234], ["Edmund_Pendleton_-LRB-disambiguation-RRB-", 6], ["Edmund_Garrett", 3]]} +{"id": 132534, "predicted_label": "REFUTES", "predicted_evidence": [["Tommy_Lee_Jones", 4], ["Tommy_Jones", 18], ["No_Country_for_Old_Men_-LRB-film-RRB-", 1], ["List_of_accolades_received_by_No_Country_for_Old_Men", 2], ["Tommy_Lee_Jones", 0]]} +{"id": 125398, "predicted_label": "REFUTES", "predicted_evidence": [["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Frank_MacMillan_-LRB-politician-RRB-", 17], ["Never_So_Good", 0]]} +{"id": 206168, "predicted_label": "REFUTES", "predicted_evidence": [["San_Francisco_Peninsula", 0], ["Palo_Alto_Art_Center", 6], ["San_Francisco_Peninsula", 3], ["East_Palo_Alto,_California", 3], ["History_of_the_San_Francisco_Police_Department", 137]]} +{"id": 183611, "predicted_label": "REFUTES", "predicted_evidence": [["Finding_Dory", 0], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["The_Longest_Whale_Song", 63], ["Pixar", 16]]} +{"id": 127539, "predicted_label": "SUPPORTS", "predicted_evidence": [["QSK_operation_-LRB-full_break-in-RRB-", 14], ["Morse_code", 11], ["Morse_code_abbreviations", 3], ["QSK_operation_-LRB-full_break-in-RRB-", 10], ["Morse_code_abbreviations", 9]]} +{"id": 70982, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-White_Collar-RRB-", 2], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Baywatch_-LRB-film-RRB-", 1], ["Percy_Jackson-COLON-_Sea_of_Monsters", 6], ["Nomis_-LRB-film-RRB-", 1]]} +{"id": 144723, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_mountain_ranges_of_Pakistan", 15], ["Hindu_Kush", 5], ["Kush_-LRB-cannabis-RRB-", 1], ["Kushan_Pass", 1], ["Kushan_Pass", 2]]} +{"id": 192980, "predicted_label": "REFUTES", "predicted_evidence": [["Stargate", 0], ["Stargate_-LRB-film-RRB-", 2], ["Independence_Day_-LRB-1996_film-RRB-", 0], ["The_Noah's_Ark_Principle", 0], ["Stargate", 12]]} +{"id": 156856, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Final_episode_of_The_Colbert_Report", 7], ["Stephen_Colbert_-LRB-character-RRB-", 0], ["Stephen_Colbert's_AmeriCone_Dream", 0], ["Stephen_Colbert's_AmeriCone_Dream", 20], ["Cultural_impact_of_The_Colbert_Report", 2]]} +{"id": 25089, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ripon_College_-LRB-Wisconsin-RRB-", 1], ["WRPN-FM", 0], ["WRPN-FM", 27], ["WRPN-FM", 5], ["Outwood_Academy_Ripon", 8]]} +{"id": 49997, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Barnstable_Patriot", 5], ["Fox_Sports", 2], ["Rupert_Murdoch", 3], ["News_Corp_Australia", 15], ["News_Corporation", 10]]} +{"id": 140466, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wildfang", 0], ["Betty_Rides", 1], ["Lululemon_Athletica", 1], ["Shannon_Wilson", 4], ["Parachute_pants", 5]]} +{"id": 157685, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bessie", 35], ["Me_and_Bessie", 4], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["Me_and_Bessie", 20], ["Bessie_-LRB-disambiguation-RRB-", 14]]} +{"id": 73978, "predicted_label": "SUPPORTS", "predicted_evidence": [["Speech_recognition", 2], ["Speech_recognition", 1], ["IListen", 2], ["Speech_Recognition_Grammar_Specification", 1], ["Speech_Recognition_Grammar_Specification", 0]]} +{"id": 173121, "predicted_label": "SUPPORTS", "predicted_evidence": [["Anne_Sullivan", 0], ["Ann_Sullivan", 3], ["Macy_-LRB-surname-RRB-", 8], ["Macy_-LRB-surname-RRB-", 16], ["Macy_-LRB-surname-RRB-", 4]]} +{"id": 126878, "predicted_label": "REFUTES", "predicted_evidence": [["The_Confessions_of_Aleister_Crowley", 0], ["Karl_Germer", 1], ["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15]]} +{"id": 128741, "predicted_label": "REFUTES", "predicted_evidence": [["Poldark", 6], ["Poldark", 11], ["Ross_Poldark", 5], ["Poldark_-LRB-2015_TV_series-RRB-", 1], ["Ross_Poldark", 3]]} +{"id": 46513, "predicted_label": "REFUTES", "predicted_evidence": [["Dilwale_Dulhania_Le_Jayenge", 7], ["Aditya_Chopra", 1], ["Kajol", 9], ["Kajol_filmography", 7], ["Filmfare_Award_for_Best_Music_Album", 650]]} +{"id": 76795, "predicted_label": "REFUTES", "predicted_evidence": [["Tim_Roth", 0], ["Tim_Smith", 39], ["List_of_video_game_crowdfunding_projects", 5757], ["List_of_video_game_crowdfunding_projects", 5303], ["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1]]} +{"id": 140758, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chiaroscuro_Records", 2], ["Chiaroscuro_Records", 3], ["Paul_Tatum", 16], ["Tatum_-LRB-given_name-RRB-", 12], ["Chiaroscuro_Records", 0]]} +{"id": 84187, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Daulton_Lee", 30], ["Andrew_Daulton_Lee", 37], ["J/P_Haitian_Relief_Organization", 1], ["J/P_Haitian_Relief_Organization", 43], ["Gransito_Movie_Awards_2008", 26]]} +{"id": 5488, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bibliography_of_Antarctica", 86], ["Bibliography_of_Antarctica", 59], ["Water", 20], ["Earth", 18], ["History_of_Earth", 13]]} +{"id": 58341, "predicted_label": "REFUTES", "predicted_evidence": [["Sisimiut", 17], ["Sisimiut", 11], ["Sisimiut", 0], ["Nuuk", 0], ["Nuuk_Airport", 10]]} +{"id": 83371, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Train_Your_Dragon_-LRB-franchise-RRB-", 0], ["List_of_PlayStation_3_games_released_on_disc", 2163], ["How_to_Train_Your_Dragon_2", 0], ["How_to_Train_Your_Dragon_2", 11], ["Dragon_2", 0]]} +{"id": 204020, "predicted_label": "REFUTES", "predicted_evidence": [["Jenny_Boully", 11], ["The_Art_of_Loving", 36], ["The_Five_Love_Languages", 26], ["The_Five_Love_Languages", 0], ["The_Five_Love_Languages", 13]]} +{"id": 54418, "predicted_label": "REFUTES", "predicted_evidence": [["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["High_Off_My_Love", 6], ["Paris_Hilton", 18], ["Paris_Hilton's_Dubai_BFF", 0], ["Paris_-LRB-Paris_Hilton_album-RRB-", 0]]} +{"id": 194923, "predicted_label": "REFUTES", "predicted_evidence": [["Ice_hockey_at_the_1998_Winter_Olympics_\u2013_Women's_tournament", 0], ["Women_Against_Violence_in_Pornography_and_Media", 9], ["Stealing_the_Language-COLON-_The_Emergence_of_Women's_Poetry_in_America", 8], ["Judgment_Day_-LRB-2003-RRB-", 10], ["Radio_Femenina", 8]]} +{"id": 94038, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 0], ["Janelle_Mona\u0301e", 0], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 0], ["Nana_Kwabena_Tuffuor", 0], ["Janelle_Mona\u0301e_discography", 4]]} +{"id": 115131, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marshall_Jewell", 1], ["KWJC", 56], ["KWJC", 55], ["Guy_Jewell", 23], ["Marshall_Jewell", 0]]} +{"id": 124723, "predicted_label": "SUPPORTS", "predicted_evidence": [["University_of_Mississippi", 4], ["Moyle_Park_College", 16], ["Changchun_University_of_Science_and_Technology", 20], ["University_of_Mississippi", 0], ["Credential_evaluation", 11]]} +{"id": 110205, "predicted_label": "REFUTES", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["The_Mighty_Ducks", 1], ["Kerner", 37], ["Chris_O'Sullivan", 25], ["D2-COLON-_The_Mighty_Ducks", 2]]} +{"id": 166916, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Unreal_episodes", 1], ["List_of_Unreal_episodes", 5], ["The_Grudge_3", 2], ["List_of_The_Grudge_characters", 5], ["Quantico_-LRB-TV_series-RRB-", 6]]} +{"id": 23845, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ichabod_Crane_Central_School_District", 13], ["Ichabod_Crane_Central_School_District", 3], ["Martin_Van_Buren", 12], ["Presidency_of_Martin_Van_Buren", 0], ["Martin_Van_Buren", 14]]} +{"id": 53288, "predicted_label": "SUPPORTS", "predicted_evidence": [["Camden,_New_Jersey", 40], ["Rutgers_Law_School", 5], ["Rutgers_Law_School", 3], ["Rutgers_Law_School", 0], ["Rutgers_School_of_Law\u2013Camden", 2]]} +{"id": 9849, "predicted_label": "REFUTES", "predicted_evidence": [["Lucius_Lyon", 0], ["Lucius_Lyon", 22], ["Mud_Lake_-LRB-Michigan-RRB-", 0], ["List_of_highways_bypassed_by_Interstate_Highways", 57], ["Lucius_Lyon", 21]]} +{"id": 71511, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting_-LRB-film-RRB-", 0], ["Ewan_McGregor", 2], ["Ewan_McGregor", 3], ["Ewen_Bremner", 1]]} +{"id": 203164, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sunda\u2013Sulawesi_languages", 1], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0]]} +{"id": 54142, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 2], ["Horten_AG", 7], ["The_Stereo_Record_Guide", 22], ["Penguin_Books", 7], ["The_Stereo_Record_Guide", 32]]} +{"id": 120480, "predicted_label": "REFUTES", "predicted_evidence": [["Darwin_Beer_Can_Regatta", 13], ["Darwin_Beer_Can_Regatta", 0], ["Darwin,_Northern_Territory", 7], ["List_of_things_named_after_Charles_Darwin", 95], ["Darwin,_Northern_Territory", 8]]} +{"id": 156946, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Guantanamo's_Child", 1], ["Canadian_response_to_Omar_Khadr", 24], ["Canadian_response_to_Omar_Khadr", 0], ["Rebecca_S._Snyder", 2], ["Rebecca_S._Snyder", 12]]} +{"id": 208414, "predicted_label": "SUPPORTS", "predicted_evidence": [["Excuse_My_French", 9], ["Excuse_My_French", 3], ["Excuse_Me_Miss", 4], ["Excuse_My_French", 5], ["Excuse_My_French", 0]]} +{"id": 55975, "predicted_label": "SUPPORTS", "predicted_evidence": [["Derek_Hough", 6], ["Ballas_Hough_Band", 0], ["Derek_Hough", 0], ["BHB", 3], ["Julianne_Hough", 5]]} +{"id": 19501, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2010_MTV_Video_Music_Awards", 4], ["Judas_-LRB-Lady_Gaga_song-RRB-", 6], ["List_of_awards_and_nominations_received_by_Lady_Gaga", 6], ["Bad_Romance", 2], ["Judas_-LRB-Lady_Gaga_song-RRB-", 10]]} +{"id": 24265, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heart", 19], ["Cardiorespiratory_fitness", 11], ["Music_and_Aerobic_Exercise_Performance", 3], ["Music_and_Aerobic_Exercise_Performance", 5], ["Athletic_heart_syndrome", 0]]} +{"id": 46475, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pacific_Data_Images", 5], ["DreamWorks_Animation", 15], ["DreamWorks", 2], ["DreamWorks_Animation", 0], ["DreamWorks_Animation", 16]]} +{"id": 116417, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chris_Eubank_Jr.", 0], ["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 3], ["Nigel_Benn_vs._Chris_Eubank", 0], ["Chris_Eubank", 0]]} +{"id": 155321, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["One_Tree_Hill_-LRB-season_3-RRB-", 3], ["Saturday_Night_Magazine_-LRB-U.S.-RRB-", 3], ["Juliana_Schierberg", 8], ["Krishnam_Raju_filmography", 61], ["Saturday_Night_Magazine_-LRB-U.S.-RRB-", 1]]} +{"id": 69716, "predicted_label": "SUPPORTS", "predicted_evidence": [["Outfoxed", 0], ["Fox_News", 9], ["James_Murdoch", 0], ["News_International_phone_hacking_scandal", 3], ["Fox_News", 0]]} +{"id": 192964, "predicted_label": "REFUTES", "predicted_evidence": [["Peter_Emmerich", 6], ["Stargate", 0], ["The_Noah's_Ark_Principle", 0], ["Stargate_-LRB-film-RRB-", 1], ["Stargate", 12]]} +{"id": 135740, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Bar_Refaeli", 4], ["Esti_Ginzburg", 3], ["Gal_Gadot", 0], ["Gadot_-LRB-surname-RRB-", 4]]} +{"id": 125695, "predicted_label": "SUPPORTS", "predicted_evidence": [["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 0], ["Creedence_Clearwater_Revisited", 4], ["Pre-Creedence", 0], ["Trio_Galleta", 9]]} +{"id": 140857, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["List_of_video_game_crowdfunding_projects", 2506], ["List_of_video_game_crowdfunding_projects", 3830], ["List_of_video_game_crowdfunding_projects", 3063], ["Michael_Bay_filmography", 14]]} +{"id": 216590, "predicted_label": "REFUTES", "predicted_evidence": [["Calcaneal_spur", 1], ["Operation_Niblick", 984], ["Calcaneal_spur", 7], ["Calcaneal_spur", 0], ["Calcaneal_spur", 11]]} +{"id": 59113, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Oranje_Nassau_Mijnen", 0], ["Kuznetsk_Basin", 5], ["Aluakpak", 2], ["Oranje_Nassau_Mijnen", 1], ["Scottish_Lowlands", 28]]} +{"id": 12684, "predicted_label": "REFUTES", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 3]]} +{"id": 29857, "predicted_label": "REFUTES", "predicted_evidence": [["Mary_of_Teck", 12], ["Mary_of_Teck", 13], ["Duke_Alexander_of_Wu\u0308rttemberg_-LRB-1804\u20131885-RRB-", 18], ["Mary_of_Teck", 0], ["Duke_Alexander_of_Wu\u0308rttemberg_-LRB-1804\u20131885-RRB-", 0]]} +{"id": 203701, "predicted_label": "REFUTES", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Michael_Bay_filmography", 23], ["Tim_Palen", 4], ["Pirates_of_the_Caribbean_-LRB-film_series-RRB-", 14], ["Tim_Palen", 2]]} +{"id": 46065, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dev_Patel", 6], ["List_of_awards_and_nominations_received_by_Archie_Panjabi", 0], ["Outstanding_Drama_Series", 11], ["How_to_Get_Away_with_Murder", 12], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2]]} +{"id": 98555, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coalition_to_Abolish_Slavery_and_Trafficking", 5], ["Human_trafficking_in_Mexico", 11], ["Coalition_to_Abolish_Slavery_and_Trafficking", 11], ["The_A21_Campaign", 0], ["The_A21_Campaign", 15]]} +{"id": 70208, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["Cie_Frazier", 9], ["The_Cincinnati_Kid", 0], ["Ann-Margret", 1], ["Michael_Chevalier", 1]]} +{"id": 204647, "predicted_label": "REFUTES", "predicted_evidence": [["Rio_-LRB-2011_film-RRB-", 20], ["Rio_2", 3], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 359], ["Rio_2", 1], ["Rio_-LRB-2011_film-RRB-", 15]]} +{"id": 124540, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alonso_Pita_da_Veiga", 17], ["Alonso_Pita_da_Veiga", 22], ["Alonso_Pita_da_Veiga", 28], ["Alonso_Pita_da_Veiga", 1], ["List_of_people_called_Francis_of_Bourbon", 0]]} +{"id": 27497, "predicted_label": "SUPPORTS", "predicted_evidence": [["Beijing_International_MBA_at_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 5], ["Yenching_Academy", 6], ["He_Weifang", 6]]} +{"id": 94746, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lemmy", 2], ["Clem_McCarthy", 2], ["Louis_Armstrong", 3], ["Born_to_Raise_Hell_-LRB-Moto\u0308rhead_song-RRB-", 6], ["Clem_McCarthy", 27]]} +{"id": 122673, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Policy_Coherence_for_Development", 78], ["Policy_Coherence_for_Development", 72], ["Policy_Coherence_for_Development", 73], ["Policy_Coherence_for_Development", 40], ["Policy_Coherence_for_Development", 69]]} +{"id": 161547, "predicted_label": "SUPPORTS", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 0], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Moulin_Rouge!", 1], ["Moulin_Rouge!", 6], ["Nicole_Kidman_filmography", 0]]} +{"id": 170398, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Martin_-LRB-lawyer-RRB-", 8], ["Madden_NFL_2004", 1], ["2007_Atlanta_Falcons_season", 4], ["Billy_Martin_-LRB-lawyer-RRB-", 7], ["2007_Atlanta_Falcons_season", 10]]} +{"id": 75022, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sora_-LRB-Kingdom_Hearts-RRB-", 11], ["Sora_-LRB-Kingdom_Hearts-RRB-", 7], ["Kingdom_Hearts-COLON-_Chain_of_Memories", 15], ["Kingdom_Hearts_Coded", 16], ["Sora_-LRB-Kingdom_Hearts-RRB-", 6]]} +{"id": 12264, "predicted_label": "SUPPORTS", "predicted_evidence": [["German_folklore", 13], ["Folklore_of_Finland", 6], ["German_folklore", 10], ["Wolfgang_Mieder", 21], ["Folklore_of_Finland", 10]]} +{"id": 205739, "predicted_label": "REFUTES", "predicted_evidence": [["Winged_Victory_-LRB-play-RRB-", 30], ["First_Motion_Picture_Unit", 0], ["First_Motion_Picture_Unit", 8], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10]]} +{"id": 134620, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_James_Jones_House", 0], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 740], ["Jones_House", 48], ["Whistle_-LRB-novel-RRB-", 0], ["Jones_House", 190]]} +{"id": 93064, "predicted_label": "SUPPORTS", "predicted_evidence": [["Humphrey_Bogart", 16], ["Clark_Gable", 17], ["Edward_G._Robinson", 12], ["Cary_Grant", 24], ["Cary_Grant_on_stage,_radio_and_screen", 4]]} +{"id": 168543, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yune", 8], ["Rick_Yune", 0], ["Rick_Yune", 2], ["Marco_Polo_Cycling_Club", 22], ["Marco_Polo_-LRB-opera-RRB-", 3]]} +{"id": 53330, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trollhunters", 0], ["Mike_Chaffe", 3], ["Arcadia_-LRB-popular_culture-RRB-", 87], ["Arcadia_-LRB-popular_culture-RRB-", 62], ["Trollhunters", 5]]} +{"id": 55330, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Humboldt_Roller_Derby", 6], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 2], ["Judgment_Day_-LRB-2007-RRB-", 0], ["Judgment_Day_-LRB-2007-RRB-", 9]]} +{"id": 165668, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tom_Baker_-LRB-American_actor-RRB-", 0], ["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Help_She_Can't_Swim", 5], ["Tom_-LRB-given_name-RRB-", 11], ["Help_She_Can't_Swim", 20]]} +{"id": 152316, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Angelsberg", 0], ["Fischbach,_Mersch", 5], ["Parliament_of_Lower_Canada", 14], ["Parliament_of_Lower_Canada", 13], ["Parliament_of_Lower_Canada", 1]]} +{"id": 183627, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Pixar", 16], ["Pixar", 6]]} +{"id": 218475, "predicted_label": "REFUTES", "predicted_evidence": [["Tri-City_Railroad", 7], ["Hanford_Site", 23], ["Washington_State_University_Tri-Cities", 25], ["Tri-City_Railroad", 8], ["Joint_Global_Change_Research_Institute", 26]]} +{"id": 136924, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3], ["White_House_Office_of_the_Press_Secretary", 1], ["White_House_Press_Secretary", 0]]} +{"id": 224968, "predicted_label": "SUPPORTS", "predicted_evidence": [["Festival_of_the_Bluegrass", 0], ["International_Bluegrass_Music_Museum", 0], ["Festival_of_the_Bluegrass", 5], ["Festival_of_the_Bluegrass", 8], ["International_Bluegrass_Music_Association", 3]]} +{"id": 82509, "predicted_label": "SUPPORTS", "predicted_evidence": [["Broken_Bridges_-LRB-soundtrack-RRB-", 0], ["Broken_Bridges", 0], ["Kelly_Preston", 3], ["Broken_bridge", 2], ["Kelly_Preston", 0]]} +{"id": 160551, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kesha_v._Dr._Luke", 9], ["Kesha", 17], ["Kesha_v._Dr._Luke", 0], ["Kesha_v._Dr._Luke", 15], ["Take_It_Off_-LRB-Kesha_song-RRB-", 3]]} +{"id": 79091, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despacito", 14], ["Diversity_scheme", 3], ["International_Bruckner_Society", 20], ["Diversity_scheme", 11], ["Diversity_scheme", 31]]} +{"id": 128538, "predicted_label": "REFUTES", "predicted_evidence": [["Starrcade", 0], ["The_Big_Event", 4], ["The_Great_American_Bash_-LRB-1991-RRB-", 1], ["SummerSlam", 2], ["Starrcade", 16]]} +{"id": 78997, "predicted_label": "REFUTES", "predicted_evidence": [["Anil_Devgan", 0], ["Ajay_Devgn", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Veeru_Devgan", 0], ["Devgan", 6]]} +{"id": 94522, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek-COLON-_Discovery", 1], ["Star_Trek", 8], ["Star_Trek-COLON-_The_Next_Generation_-LRB-season_1-RRB-", 2], ["Star_Trek-COLON-_The_Next_Generation_-LRB-season_1-RRB-", 0], ["List_of_Star_Trek-COLON-_The_Next_Generation_cast_members", 2]]} +{"id": 74807, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Make_a_Smellmitment", 9], ["Make_a_Smellmitment", 8], ["Make_a_Smellmitment", 4], ["Make_a_Smellmitment", 6], ["Make_a_Smellmitment", 2]]} +{"id": 208413, "predicted_label": "REFUTES", "predicted_evidence": [["Jim_Jones_discography", 0], ["24_Hours_-LRB-TeeFlii_song-RRB-", 1], ["Zeebra", 1], ["24_Hours_-LRB-TeeFlii_song-RRB-", 2], ["24_Hours_-LRB-TeeFlii_song-RRB-", 0]]} +{"id": 34180, "predicted_label": "SUPPORTS", "predicted_evidence": [["History_of_the_floppy_disk", 0], ["Floppy_disk", 0], ["Transmission_medium", 1], ["Transmission_medium", 4], ["Transmission_medium", 13]]} +{"id": 159094, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guatemala", 16], ["Ox_Emerson", 11], ["Praveen_Chaudhari", 7], ["Economy_of_Guatemala", 2], ["List_of_journalists_killed_in_Guatemala", 12]]} +{"id": 42188, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_King_v._Pear", 15], ["Horse", 2], ["Crazy_Horse_-LRB-cabaret-RRB-", 9], ["Cavaletti", 21], ["Horse", 6]]} +{"id": 181978, "predicted_label": "SUPPORTS", "predicted_evidence": [["Forceps", 0], ["Glasflu\u0308gel", 2], ["Forceps", 20], ["Electrosurgery", 38], ["Forceps", 21]]} +{"id": 211286, "predicted_label": "SUPPORTS", "predicted_evidence": [["Scrubs_-LRB-season_7-RRB-", 16], ["List_of_Wagon_Train_episodes", 21], ["List_of_Wagon_Train_episodes", 22], ["Desperate_Housewives_-LRB-season_7-RRB-", 6], ["Scrubs_-LRB-season_7-RRB-", 4]]} +{"id": 53388, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Ace_titles_in_F_series", 185], ["List_of_Ace_titles_in_F_series", 244], ["List_of_Ace_titles_in_F_series", 147], ["List_of_Ace_titles_in_F_series", 570], ["List_of_Ace_titles_in_F_series", 272]]} +{"id": 36242, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthew_McConaughey", 0], ["Matthew_McConaughey_filmography", 0], ["Matthew_McConaughey", 6], ["Matthew_McConaughey_filmography", 10], ["List_of_accolades_received_by_Dallas_Buyers_Club", 1]]} +{"id": 3583, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_New_York_Times", 19], ["The_New_York_Times", 0], ["The_New_York_Times", 11], ["The_Insect_Trust", 12], ["The_New_York_Times", 16]]} +{"id": 64196, "predicted_label": "REFUTES", "predicted_evidence": [["Men_in_Black_II", 3], ["Men_in_Black_II", 0], ["List_of_baseball_parks_used_in_film_and_television", 185], ["Men_in_Black_II-COLON-_Alien_Escape", 0], ["Colin_Brady", 2]]} +{"id": 50537, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lincoln_Borglum_Museum", 4], ["Mount_Rushmore", 13], ["Mount_Rushmore", 1], ["Lincoln_Borglum", 0], ["Borglum", 11]]} +{"id": 6916, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aptostichus_angelinajolieae", 0], ["List_of_news_media_phone_hacking_scandal_victims", 241], ["List_of_news_media_phone_hacking_scandal_victims", 380], ["Lara_Croft-COLON-_Tomb_Raider", 4], ["Lara_Croft-COLON-_Tomb_Raider", 0]]} +{"id": 140451, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cruise_ship_pollution_in_the_United_States", 0], ["MV_Ola_Esmeralda_-LRB-1966-RRB-", 14], ["Cruise_ship", 17], ["Cruise_ship", 21], ["Cruise_ship", 7]]} +{"id": 118044, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Concert_for_Bangladesh", 13], ["Om_Unit", 9], ["Varius_Manx", 11], ["Varius_Manx", 20], ["Om_Unit", 19]]} +{"id": 104082, "predicted_label": "SUPPORTS", "predicted_evidence": [["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["God_Hand", 1], ["P.N.03", 2], ["Clover_Studio", 13], ["Dino_Crisis_-LRB-video_game-RRB-", 1]]} +{"id": 202940, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 13], ["Avenged_Sevenfold_-LRB-album-RRB-", 2], ["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8]]} +{"id": 143582, "predicted_label": "SUPPORTS", "predicted_evidence": [["In_the_Electric_Mist", 0], ["Men_in_Black_-LRB-film-RRB-", 1], ["Black_Moon_Rising", 2], ["Men_in_Black_II", 0], ["Men_in_Black_3", 0]]} +{"id": 185733, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mani_Ratnam", 1], ["Mani_Ratnam_filmography", 1], ["Dil_Se..", 0], ["Mani_Ratnam", 0], ["Mani_Ratnam_filmography", 15]]} +{"id": 91884, "predicted_label": "SUPPORTS", "predicted_evidence": [["Freeport_Doctrine", 0], ["Lincoln\u2013Douglas_debates", 0], ["Lincoln\u2013Douglas_debate", 2], ["Freeport_Doctrine", 24], ["Archibald_Williams_-LRB-judge-RRB-", 296]]} +{"id": 208150, "predicted_label": "REFUTES", "predicted_evidence": [["Easy_A", 0], ["Bert_V._Royal", 0], ["Dog_Sees_God-COLON-_Confessions_of_a_Teenage_Blockhead", 0], ["Bert_V._Royal", 1], ["Neelakuyil", 0]]} +{"id": 166633, "predicted_label": "REFUTES", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Prince_Lestat", 0]]} +{"id": 45109, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 63], ["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 60], ["U.S._Route_30_in_New_Jersey", 1]]} +{"id": 102451, "predicted_label": "SUPPORTS", "predicted_evidence": [["Microbiologist", 14], ["Tomalla_Foundation", 0], ["Tomalla_Foundation", 2], ["Microbiologist", 15], ["Ulla_-LRB-Talmudist-RRB-", 42]]} +{"id": 41850, "predicted_label": "REFUTES", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["American_Psycho_-LRB-Conceptual_Novel-RRB-", 0], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 44512, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lincoln\u2013Douglas_debates", 0], ["Lincoln\u2013Douglas_debate", 2], ["Archibald_Williams_-LRB-judge-RRB-", 296], ["Archibald_Williams_-LRB-judge-RRB-", 309], ["Freeport_Doctrine", 0]]} +{"id": 216389, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stephen_R._Lawhead", 0], ["Stephen_R._Lawhead", 1], ["Robert_Neill_-LRB-writer-RRB-", 0], ["Historical_fiction", 1], ["Robert_Neill_-LRB-writer-RRB-", 17]]} +{"id": 120165, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luther_-LRB-TV_series-RRB-", 7], ["Steve_Biagioni", 18], ["Luther_-LRB-TV_series-RRB-", 0], ["Takers", 1], ["Obsessed_-LRB-2009_film-RRB-", 1]]} +{"id": 93448, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["List_of_baseball_parks_used_in_film_and_television", 254], ["List_of_fictional_U.S._Marshals", 51], ["List_of_Ace_titles_in_numeric_series", 968]]} +{"id": 10153, "predicted_label": "SUPPORTS", "predicted_evidence": [["Underdog_-LRB-film-RRB-", 1], ["List_of_awards_and_nominations_received_by_Peter_Dinklage", 0], ["Peter_Dinklage_on_screen_and_stage", 0], ["List_of_awards_and_nominations_received_by_Peter_Dinklage", 6], ["Peter_Dinklage", 0]]} +{"id": 52186, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chalk_Mountain,_Texas", 3], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["Adremy_Dennis", 19], ["Kyle_-LRB-surname-RRB-", 22], ["American_Sniper", 1]]} +{"id": 204432, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Brad_Wilk", 4], ["Greta_-LRB-band-RRB-", 3], ["Audioslave", 1], ["Wilk", 17], ["Greta_-LRB-band-RRB-", 0]]} +{"id": 155955, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_ArchAndroid", 0], ["Janelle_Mona\u0301e_discography", 4], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 137573, "predicted_label": "SUPPORTS", "predicted_evidence": [["Animal_rescue_group", 0], ["International_Animal_Rescue", 0], ["Animal_rescue", 5], ["Animal_rescue", 11], ["Animal_rescue", 3]]} +{"id": 111764, "predicted_label": "SUPPORTS", "predicted_evidence": [["Winter's_Tale_-LRB-film-RRB-", 0], ["Winter's_Tale_-LRB-disambiguation-RRB-", 3], ["Winter's_Tale_-LRB-disambiguation-RRB-", 26], ["Winter's_Tale_-LRB-disambiguation-RRB-", 28], ["Winter's_Tale_-LRB-disambiguation-RRB-", 22]]} +{"id": 109901, "predicted_label": "REFUTES", "predicted_evidence": [["University_of_Mississippi", 0], ["University_of_Mississippi", 4], ["University_of_Mississippi", 1], ["Carl_Crane", 25], ["1970_world_oil_market_chronology", 4]]} +{"id": 22569, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coast_Guard_Alaska", 4], ["Bleach_-LRB-season_11-RRB-", 1], ["Last_Last_One_Forever_and_Ever", 3], ["Turn-COLON-_Washington's_Spies", 4], ["Turn-COLON-_Washington's_Spies", 5]]} +{"id": 73092, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Andrew_Crown_Brennan", 29], ["United_States_presidential_election,_1800", 17], ["Aaron_Burr_Cidery", 7], ["Aaron_Burr_Cidery", 2], ["Aaron_Burr_Cidery", 0]]} +{"id": 27040, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shuttle\u2013Mir_Program", 0], ["Valeri_Kubasov", 10], ["Shuttle\u2013Mir_Program", 12], ["Vasily_Mishin", 64], ["Salyut_1", 6]]} +{"id": 179007, "predicted_label": "SUPPORTS", "predicted_evidence": [["Steve_Ditko", 3], ["Captain_Glory", 3], ["Charlton_Neo", 0], ["In_Search_of_Steve_Ditko", 0], ["Charlton_Neo", 2]]} +{"id": 63836, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mediterranean_Interregional_Commission", 6], ["Rage_Against_the_Machine", 19], ["Audioslave", 11], ["Tom_Morello_discography", 23], ["Rage_Against_the_Machine", 0]]} +{"id": 183139, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tata_Motors", 13], ["BSE_SENSEX", 0], ["BSE_SENSEX", 8], ["BSE_SENSEX", 4], ["BSE_SENSEX", 3]]} +{"id": 140691, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_Vietnam_national_football_team", 6], ["North_Vietnam_national_football_team", 9], ["Diane_Carlson_Evans", 1], ["Diane_Carlson_Evans", 11], ["North_Vietnam", 19]]} +{"id": 215222, "predicted_label": "REFUTES", "predicted_evidence": [["Into_the_Blue", 19], ["Alone_in_the_Dark_-LRB-disambiguation-RRB-", 17], ["Alone_in_the_Dark_-LRB-disambiguation-RRB-", 15], ["The_Lion,_the_Witch_and_the_Wardrobe_-LRB-disambiguation-RRB-", 18], ["Into_the_Blue", 21]]} +{"id": 157622, "predicted_label": "REFUTES", "predicted_evidence": [["Bhagat_Singh", 0], ["Bhagat_Singh", 19], ["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["23rd_March_1931-COLON-_Shaheed", 9]]} +{"id": 35695, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Dangal_-LRB-film-RRB-", 0], ["Aparshakti_Khurana", 0], ["Aparshakti_Khurana", 2], ["Khurana", 17]]} +{"id": 141129, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 10], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 12], ["James_VI_and_I", 0], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 30], ["Royal_Court_of_Scotland", 27]]} +{"id": 225236, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cormack_-LRB-surname-RRB-", 17], ["Danielle_Cormack", 0], ["List_of_New_Zealand_actors", 31], ["Bea_Smith", 5], ["Language_of_Angels", 54]]} +{"id": 151747, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trent_Reznor", 11], ["Sheridan_-LRB-surname-RRB-", 123], ["Rob_Sheridan", 0], ["Albert_Kai-Wing_Ng", 1], ["Albert_Kai-Wing_Ng", 0]]} +{"id": 24480, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Spade", 2], ["Joe_Dirt_2-COLON-_Beautiful_Loser", 0], ["Joe_Dirt", 9], ["Zack_Kahn", 4], ["Dallas_Taylor_-LRB-vocalist-RRB-", 39]]} +{"id": 28499, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boy_Parts", 4], ["Protect_the_Coven", 4], ["Black_Reel_Award_for_Best_Actress-COLON-_T.V._Movie/Cable", 4], ["Protect_the_Coven", 5], ["Head_-LRB-American_Horror_Story-RRB-", 4]]} +{"id": 174580, "predicted_label": "REFUTES", "predicted_evidence": [["Snoop_Dogg_discography", 129], ["Snoop_Dogg_discography", 45], ["Jolin_Tsai_discography", 30], ["Snoop_Dogg_discography", 108], ["Jolin_Tsai_discography", 13]]} +{"id": 209084, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Red_Hot_Chili_Peppers_band_members", 59], ["Stadium_Arcadium_World_Tour", 0], ["Red_Hot_Chili_Peppers", 27], ["John_Frusciante_discography", 18], ["Stadium_Arcadium_World_Tour", 5]]} +{"id": 21558, "predicted_label": "SUPPORTS", "predicted_evidence": [["Margaret_Thatcher", 3], ["Thatcherism", 0], ["The_Iron_Lady_-LRB-film-RRB-", 21], ["Margaret_Thatcher", 13], ["The_Iron_Lady_-LRB-album-RRB-", 10]]} +{"id": 34766, "predicted_label": "SUPPORTS", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Loaded_-LRB-band-RRB-", 0], ["Martin_Feveyear", 3], ["List_of_Guns_N'_Roses_members", 32], ["List_of_Guns_N'_Roses_members", 1]]} +{"id": 165650, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Tom_Baker_-LRB-American_actor-RRB-", 0], ["Help_She_Can't_Swim", 5], ["Help_She_Can't_Swim", 20], ["Tom_-LRB-given_name-RRB-", 11]]} +{"id": 189893, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stadium_Arcadium_World_Tour", 0], ["List_of_Billboard_200_number-one_albums_of_2006", 6], ["List_of_Billboard_200_number-one_albums_of_2006", 14], ["Dave_Rat", 10], ["List_of_Billboard_200_number-one_albums_of_2006", 15]]} +{"id": 219126, "predicted_label": "SUPPORTS", "predicted_evidence": [["Magangue\u0301", 2], ["Valencia", 0], ["University_of_Valencia", 7], ["Nouvelle-Aquitaine", 8], ["Valencian_Community", 2]]} +{"id": 165882, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kristy_Swanson", 0], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_Summers", 3], ["Buffy_Summers", 0]]} +{"id": 145570, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cause_and_Effect_-LRB-Numbers-RRB-", 3], ["My_Finale", 3], ["The_Last_One_-LRB-Friends-RRB-", 3], ["Cause_and_Effect_-LRB-Numbers-RRB-", 0], ["My_Finale", 2]]} +{"id": 105634, "predicted_label": "REFUTES", "predicted_evidence": [["Speech_recognition", 2], ["Speech_recognition", 1], ["Speech_Recognition_Grammar_Specification", 1], ["Speech_Recognition_Grammar_Specification", 0], ["IListen", 2]]} +{"id": 6113, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["San_Diego_Comic-Con", 1], ["Mike_Towry", 1], ["Ken_Krueger", 2], ["Jackie_Estrada", 11], ["Mike_Towry", 5]]} +{"id": 121157, "predicted_label": "REFUTES", "predicted_evidence": [["Hard_Target", 0], ["A_Better_Tomorrow_-LRB-2010_film-RRB-", 7], ["A_Better_Tomorrow_-LRB-2010_film-RRB-", 4], ["John_Woo_-LRB-disambiguation-RRB-", 0], ["William_Woo", 25]]} +{"id": 102734, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 63], ["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 60], ["Camden,_New_Jersey", 0]]} +{"id": 46970, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jacqueline_Courtney", 4], ["Courtney_Cox", 7], ["Jacqueline_Courtney", 3], ["Jacqueline_Courtney", 15], ["Metal_Gathering_Tour_Live_in_Japan_2010", 1]]} +{"id": 217680, "predicted_label": "REFUTES", "predicted_evidence": [["Pelican_files", 3], ["Julia_Roberts_filmography", 7], ["George_L._Little", 6], ["George_L._Little", 15], ["Julia_Roberts_filmography", 22]]} +{"id": 135580, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gelonians", 32], ["Rosie_Alfaro", 13], ["Battus_polydamas_antiquus", 18], ["Battus_polydamas_antiquus", 17], ["Abe_Bailey_Nature_Reserve", 0]]} +{"id": 175630, "predicted_label": "SUPPORTS", "predicted_evidence": [["Slayback", 2], ["General_-LRB-DC_Comics-RRB-", 10], ["Slayback", 0], ["Rictor", 3], ["Anarky", 0]]} +{"id": 126359, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Barbara_Becnel", 1], ["Stan_Williams", 19], ["Stan_Williams", 5], ["Stan_Williams", 17], ["Stan_Williams", 21]]} +{"id": 205648, "predicted_label": "SUPPORTS", "predicted_evidence": [["St._Anger", 3], ["St._Anger", 0], ["Madly_in_Anger_with_the_World_Tour", 3], ["Madly_in_Anger_with_the_World_Tour", 0], ["St._Anger", 1]]} +{"id": 34110, "predicted_label": "SUPPORTS", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["Room_93", 0], ["Ghost_-LRB-Halsey_song-RRB-", 2], ["Hurricane_-LRB-Halsey_song-RRB-", 1], ["Ghost_-LRB-Halsey_song-RRB-", 0]]} +{"id": 75599, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prussian_Lithuanians", 0], ["White_Southerners", 15], ["Lithuanians", 0], ["White_Southerners", 9], ["White_Southerners", 6]]} +{"id": 151650, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sandra_Fisher", 21], ["Sandra_Fisher", 53], ["Sandra_Fisher", 59], ["Sandra_Fisher", 6], ["Sandra_Fisher", 60]]} +{"id": 63892, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Walsh", 24], ["Joe_Walsh_-LRB-catcher-RRB-", 9], ["Joe_Walsh_-LRB-catcher-RRB-", 4], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0]]} +{"id": 170396, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marcus_Vick", 0], ["Madden_NFL_2004", 0], ["Billy_Martin_-LRB-lawyer-RRB-", 8], ["2002_Atlanta_Falcons_season", 11], ["Madden_NFL_2004", 1]]} +{"id": 227369, "predicted_label": "SUPPORTS", "predicted_evidence": [["Giada's_Weekend_Getaways", 0], ["$40_a_Day", 8], ["Giada's_Weekend_Getaways", 6], ["$40_a_Day", 9], ["Giada_-LRB-disambiguation-RRB-", 6]]} +{"id": 69285, "predicted_label": "SUPPORTS", "predicted_evidence": [["Portland_Timbers_-LRB-disambiguation-RRB-", 4], ["Portland_Timbers_-LRB-disambiguation-RRB-", 6], ["List_of_sports_venues_in_Portland,_Oregon", 13], ["2016_Portland_Timbers_2_season", 1], ["2011_Portland_Timbers_season", 0]]} +{"id": 165250, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Philip_Glass", 9], ["Christopher_Rouse_-LRB-composer-RRB-", 1], ["Carl_Vine", 2], ["Philip_Glass", 8]]} +{"id": 196983, "predicted_label": "REFUTES", "predicted_evidence": [["Diwali", 19], ["Sal_Mubarak", 11], ["Sal_Mubarak", 0], ["Divali_Nagar", 13], ["Diwali", 4]]} +{"id": 79169, "predicted_label": "REFUTES", "predicted_evidence": [["Viola_Davis", 6], ["Donald_Cragen", 0], ["Brian_Cassidy", 0], ["Viola_Davis", 0], ["Law_&_Order-COLON-_Special_Victims_Unit", 0]]} +{"id": 129650, "predicted_label": "REFUTES", "predicted_evidence": [["Rhythm_Nation_-LRB-music_video-RRB-", 7], ["Britain's_Got_Talent", 0], ["Rhythm_Nation", 23], ["Britain's_Got_Talent", 20], ["Britain's_Got_Talent", 22]]} +{"id": 179739, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fantastic_Beasts_and_Where_to_Find_Them_-LRB-film-RRB-", 2], ["List_of_highest-grossing_films", 2], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 8], ["List_of_highest-grossing_films", 17], ["Martin_Miller_-LRB-cricketer-RRB-", 4]]} +{"id": 12, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_discography", 0]]} +{"id": 41703, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gifted_education", 0], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 61], ["List_of_high_schools_for_the_gifted_in_Vietnam", 0], ["Michelle_Ronksley-Pavia", 28], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 0]]} +{"id": 29027, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Neuberg_formula", 16], ["Match_point", 0], ["Match_point", 3], ["Neuberg_formula", 0], ["Match_point", 5]]} +{"id": 71376, "predicted_label": "REFUTES", "predicted_evidence": [["Scott_Haran", 0], ["Wizards_vs_Aliens", 6], ["Wizards_vs_Aliens", 0], ["Annette_Badland", 1], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5]]} +{"id": 29618, "predicted_label": "REFUTES", "predicted_evidence": [["Bessie", 35], ["Me_and_Bessie", 4], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["J._C._Johnson", 3], ["J._C._Johnson", 21]]} +{"id": 181187, "predicted_label": "REFUTES", "predicted_evidence": [["Blonde_Ambition", 8], ["List_of_drama_films", 0], ["Nesimi_-LRB-film-RRB-", 2], ["Nesimi_-LRB-film-RRB-", 4], ["Nesimi_-LRB-film-RRB-", 3]]} +{"id": 225307, "predicted_label": "SUPPORTS", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 98], ["Benched", 0], ["In_a_World...", 4], ["The_Midnight_Show", 3], ["Watkins_-LRB-surname-RRB-", 100]]} +{"id": 46726, "predicted_label": "SUPPORTS", "predicted_evidence": [["Camouflage_-LRB-Rufus_album-RRB-", 5], ["Camouflage_-LRB-Rufus_album-RRB-", 0], ["Echoes_of_an_Era", 4], ["Camouflage_-LRB-Rufus_album-RRB-", 1], ["Dance_Classics_of_Chaka_Khan", 0]]} +{"id": 195058, "predicted_label": "REFUTES", "predicted_evidence": [["Ray_Ruddy", 7], ["Ray_Ruddy", 5], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0], ["Joe_Ruddy", 5]]} +{"id": 4863, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_Mona\u0301e", 0], ["Janelle_Mona\u0301e", 4], ["Janelle_Mona\u0301e_discography", 0], ["The_ArchAndroid", 0], ["Janelle_-LRB-given_names-RRB-", 40]]} +{"id": 171611, "predicted_label": "REFUTES", "predicted_evidence": [["Highland_Park_-LRB-Pittsburgh-RRB-", 4], ["Des_Moines,_Iowa", 6], ["List_of_cities_and_towns_in_Montana", 1], ["Syracuse,_New_York", 0], ["Syracuse,_New_York", 1]]} +{"id": 37390, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Taylor_Lautner", 6], ["Back_to_December", 3], ["Anthony_Mandler", 8], ["Lautner", 3], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 2]]} +{"id": 36092, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Liverpool", 23], ["Harmood_Banner", 10], ["Harmood_Banner", 19], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 68], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 70]]} +{"id": 204431, "predicted_label": "REFUTES", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Wilk", 17], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6], ["Brad_Wilk", 4]]} +{"id": 11441, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["The_Working_Title", 17], ["The_Working_Title", 21], ["The_Working_Title", 3]]} +{"id": 118091, "predicted_label": "REFUTES", "predicted_evidence": [["Broadchurch_-LRB-series_1-RRB-", 16], ["Broadchurch_-LRB-series_1-RRB-", 14], ["Broadchurch_-LRB-series_1-RRB-", 10], ["Moonlight_Basin", 4], ["Broadchurch_-LRB-series_1-RRB-", 1]]} +{"id": 91313, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harry_Potter", 1], ["Harry_Potter_and_the_Goblet_of_Fire_-LRB-film-RRB-", 7], ["Harry_Potter_and_the_Deathly_Hallows_\u2013_Part_2", 8], ["Rupert_Grint", 0], ["Harry_Potter", 2]]} +{"id": 51097, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stephen_Hillenburg", 4], ["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 38549, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stephen_Colbert_-LRB-character-RRB-", 0], ["Stephen_Colbert's_AmeriCone_Dream", 0], ["Late_Show_with_David_Letterman", 16], ["Final_episode_of_The_Colbert_Report", 7], ["The_Late_Show", 5]]} +{"id": 7179, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["The_Killam_Trusts", 0]]} +{"id": 18615, "predicted_label": "SUPPORTS", "predicted_evidence": [["Laura_Dahl", 2], ["Gubler", 6], ["Matthew_Gray_Gubler", 0], ["Morgan_Lily", 2], ["Oddities_-LRB-TV_series-RRB-", 9]]} +{"id": 10327, "predicted_label": "REFUTES", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Knudsen", 40], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Borgen_-LRB-TV_series-RRB-", 9], ["Jeppe_Gjervig_Gram", 7]]} +{"id": 195063, "predicted_label": "REFUTES", "predicted_evidence": [["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0], ["List_of_non-native_birds_of_Great_Britain", 46], ["Ruddy_kingfisher", 0], ["List_of_non-native_birds_of_Great_Britain", 67]]} +{"id": 185425, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chips_and_dip", 7], ["Bounty_-LRB-poker-RRB-", 27], ["Bounty_-LRB-poker-RRB-", 22], ["Casino_chip_collecting", 2], ["Bounty_-LRB-poker-RRB-", 7]]} +{"id": 181977, "predicted_label": "SUPPORTS", "predicted_evidence": [["Popples_-LRB-1986_TV_series-RRB-", 7], ["Forceps", 1], ["Forceps", 0], ["Hartmann_alligator_forceps", 16], ["Hartmann_alligator_forceps", 12]]} +{"id": 96998, "predicted_label": "SUPPORTS", "predicted_evidence": [["Taylor_Lautner", 4], ["Taylor_Lautner", 0], ["Scooby-Doo!_The_Mystery_Begins", 1], ["Scooby-Doo", 8], ["Scooby-Doo", 13]]} +{"id": 3019, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_agriculture", 27], ["Horse_genome", 34], ["Horse_genome", 17], ["History_of_agriculture", 8], ["Horse_genome", 38]]} +{"id": 50909, "predicted_label": "SUPPORTS", "predicted_evidence": [["Poldark", 11], ["Poldark_Mine", 6], ["Poldark_-LRB-disambiguation-RRB-", 7], ["Ross_Poldark", 5], ["Ross_Poldark", 7]]} +{"id": 227132, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Eastern_Conference_-LRB-NBA-RRB-", 13], ["Eastern_Conference_-LRB-NBA-RRB-", 18], ["List_of_Charlotte_Hornets_seasons", 1], ["Eastern_Conference_-LRB-NBA-RRB-", 0], ["Eastern_Conference_-LRB-NBA-RRB-", 10]]} +{"id": 18823, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cody_Rhodes", 3], ["Sting_-LRB-wrestler-RRB-", 17], ["List_of_Afro-Puerto_Ricans", 78], ["The_Undertaker", 10], ["List_of_Afro-Puerto_Ricans", 76]]} +{"id": 194026, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chairman_of_the_State_Affairs_Commission", 11], ["Kim_Jong-il", 16], ["O_Jin-u", 16], ["Kim_Jong-il", 3], ["List_of_leaders_of_North_Korea", 21]]} +{"id": 142130, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Moonlight_-LRB-2016_film-RRB-", 6], ["Moonlight_-LRB-2016_film-RRB-", 6], ["TFF", 14], ["Telluride", 9], ["Telluride_Mountainfilm", 10]]} +{"id": 189755, "predicted_label": "REFUTES", "predicted_evidence": [["Corvin", 18], ["Vladislaus_II_of_Hungary", 15], ["Corvin", 35], ["Corvin", 16], ["Hunyadi_family", 18]]} +{"id": 49706, "predicted_label": "SUPPORTS", "predicted_evidence": [["Empire_Award_for_Best_Supporting_Actress", 1], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Concrete_Cow", 7], ["Blue_Jasmine", 1], ["List_of_accolades_received_by_Blue_Jasmine", 2]]} +{"id": 146679, "predicted_label": "REFUTES", "predicted_evidence": [["The_Concert_for_Bangladesh", 13], ["Mingus_Awareness_Project", 0], ["Mingus_Awareness_Project", 19], ["Mingus_Awareness_Project", 8], ["Mingus_Awareness_Project", 23]]} +{"id": 110987, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Sparticle_Mystery", 11], ["Annette_Badland", 1], ["Babe_Smith", 0], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5], ["Annette_Badland", 0]]} +{"id": 38972, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elvis_Presley's_guitars", 6], ["Scott_Moore", 15], ["I_Forgot_to_Remember_to_Forget", 1], ["List_of_moths_of_India_-LRB-Geometridae-RRB-", 1199], ["Scotty_Cameron", 47]]} +{"id": 114463, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_Surfer_-LRB-film-RRB-", 0], ["Faith_Fay", 10], ["David_Brookwell", 3], ["Sean_McNamara", 0], ["Sean_McNamara", 5]]} +{"id": 194922, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bald_cap", 1], ["Timeline_of_the_flag_of_the_United_States", 70], ["Timeline_of_the_flag_of_the_United_States", 122], ["Timeline_of_the_flag_of_the_United_States", 119], ["Timeline_of_the_flag_of_the_United_States", 114]]} +{"id": 119089, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_British_cyclists_who_have_led_the_Tour_de_France_general_classification", 0], ["Didi_Senft", 40], ["Yellow_jersey_statistics", 0], ["1996_Tour_de_France", 0], ["Yellow_jersey_statistics", 10]]} +{"id": 20605, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bad_Romance", 12], ["List_of_best-selling_singles_of_the_2000s_-LRB-decade-RRB-_in_the_United_Kingdom", 37], ["List_of_best-selling_singles_of_the_2000s_-LRB-decade-RRB-_in_the_United_Kingdom", 0], ["List_of_best-selling_singles_of_the_2000s_-LRB-decade-RRB-_in_the_United_Kingdom", 11], ["List_of_best-selling_singles_of_the_2000s_-LRB-decade-RRB-_in_the_United_Kingdom", 19]]} +{"id": 138501, "predicted_label": "REFUTES", "predicted_evidence": [["Marjorie_Gross", 0], ["Marjorie", 136], ["List_of_women_with_ovarian_cancer", 127], ["Seinfeld", 8], ["List_of_women_with_ovarian_cancer", 129]]} +{"id": 169049, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manmohan_Singh", 10], ["Manmohan_Singh", 1], ["Manmohan_Singh_ministry", 3], ["Manmohan_Singh_ministry", 5], ["First_Manmohan_Singh_ministry", 0]]} +{"id": 137482, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ed_Wood_-LRB-film-RRB-", 0], ["Edward_Wood", 4], ["Edward_Wood", 0], ["Ed_Wood_-LRB-film-RRB-", 11], ["Ed_Wood_-LRB-film-RRB-", 6]]} +{"id": 123076, "predicted_label": "SUPPORTS", "predicted_evidence": [["Basildon", 13], ["History_of_the_London_Underground", 4], ["History_of_the_London_Underground", 10], ["History_of_the_London_Underground", 9], ["Basildon", 3]]} +{"id": 159574, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Frank_O'Bannon", 8], ["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 7], ["Tauseef_Ahmed", 4], ["Tauseef_Ahmed", 0]]} +{"id": 226148, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Dawkins", 16], ["Out_Campaign", 27], ["Dawkins", 38], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2]]} +{"id": 110772, "predicted_label": "REFUTES", "predicted_evidence": [["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Sidse_Babett_Knudsen", 0], ["Borgen_-LRB-TV_series-RRB-", 9], ["Chop_Chop_-LRB-film-RRB-", 2], ["Knudsen", 40]]} +{"id": 133269, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kingdom_Hearts_III", 2], ["Sora_-LRB-Kingdom_Hearts-RRB-", 4], ["Kingdom_Hearts_-LRB-video_game-RRB-", 4], ["Kingdom_Hearts_-LRB-video_game-RRB-", 7], ["Kingdom_Hearts_-LRB-video_game-RRB-", 13]]} +{"id": 157576, "predicted_label": "REFUTES", "predicted_evidence": [["Ichabod_Crane_Central_School_District", 13], ["Ichabod_Crane_Central_School_District", 3], ["Martin_Van_Buren", 12], ["United_States_presidential_election,_1836", 11], ["Presidency_of_Martin_Van_Buren", 0]]} +{"id": 106296, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sean_Tuohy", 4], ["Blindside", 0], ["The_Blind_Side_-LRB-film-RRB-", 0], ["The_Blind_Side_-LRB-film-RRB-", 1], ["Blindside", 5]]} +{"id": 94358, "predicted_label": "REFUTES", "predicted_evidence": [["Gal_Gadot", 4], ["Esti_Ginzburg", 3], ["Bar_Refaeli", 4], ["Gadot_-LRB-surname-RRB-", 4], ["Gal_Gadot", 0]]} +{"id": 70599, "predicted_label": "SUPPORTS", "predicted_evidence": [["What_Happens_in_Vegas", 0], ["List_of_Creative_Artists_Agency_clients", 57], ["Ashton_-LRB-given_name-RRB-", 20], ["List_of_Creative_Artists_Agency_clients", 131], ["Ashton_Kutcher", 0]]} +{"id": 108202, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Green_-LRB-footballer,_born_July_1989-RRB-", 9], ["Zane_Green", 9], ["Mike_Green_-LRB-footballer,_born_July_1989-RRB-", 10], ["Simon_Green_-LRB-cricketer-RRB-", 5], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776]]} +{"id": 18565, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Katy_Perry", 5], ["I_Kissed_a_Girl", 0], ["I_Kissed_a_Girl", 10], ["List_of_awards_and_nominations_received_by_Katy_Perry", 6], ["Pence_Springs_Hotel_Historic_District", 0]]} +{"id": 191444, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_recorded_by_Bruno_Mars", 8], ["List_of_songs_written_by_Bruno_Mars", 0], ["The_Smeezingtons", 6], ["Jamareo_Artis", 1], ["The_Smeezingtons", 15]]} +{"id": 184080, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Walter_Lonergan", 10], ["Walter_Lonergan", 5]]} +{"id": 224959, "predicted_label": "REFUTES", "predicted_evidence": [["My_Old_Kentucky_Home_-LRB-disambiguation-RRB-", 3], ["John_Rowan_-LRB-Kentucky-RRB-", 21], ["My_Old_Kentucky_Home_State_Park", 0], ["My_Old_Kentucky_Home_State_Park", 5], ["John_Rowan_-LRB-Kentucky-RRB-", 20]]} +{"id": 163993, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ajith_Kumar_filmography", 15], ["Veeram_-LRB-2014_film-RRB-", 5], ["Ajith_Kumar_filmography", 33], ["Tamannaah_filmography", 23], ["Tamannaah_filmography", 22]]} +{"id": 149502, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_recorded_by_Paramore", 2], ["Paramore_discography", 1], ["Zac_Farro", 2], ["Paramore_-LRB-album-RRB-", 0], ["Paramore_discography", 2]]} +{"id": 161210, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Scouts_Lao", 4], ["Indochina_Wars", 15], ["Indochina_Wars", 0]]} +{"id": 81829, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Good_Wife", 12], ["The_Great_Indoors_-LRB-TV_series-RRB-", 4], ["The_Great_Indoors_-LRB-TV_series-RRB-", 2], ["List_of_The_Good_Wife_episodes", 0], ["The_Good_Wife", 0]]} +{"id": 215228, "predicted_label": "REFUTES", "predicted_evidence": [["John_Gatins", 4], ["Baahubali-COLON-_The_Beginning", 14], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 7], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 8], ["Baahubali-COLON-_The_Beginning", 17]]} +{"id": 202454, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Connie_Sachs", 1], ["Karla_-LRB-character-RRB-", 3], ["Control_-LRB-fictional_character-RRB-", 6]]} +{"id": 194469, "predicted_label": "REFUTES", "predicted_evidence": [["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Swinton_-LRB-surname-RRB-", 19], ["Tilda", 12], ["I_Am_Love_-LRB-film-RRB-", 2], ["Snowpiercer", 5]]} +{"id": 139430, "predicted_label": "REFUTES", "predicted_evidence": [["Herndon_-LRB-surname-RRB-", 32], ["Gabbatha", 0], ["List_of_things_named_after_E\u0301lie_Cartan", 54], ["Matthew_Dallman", 0], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 68]]} +{"id": 131931, "predicted_label": "SUPPORTS", "predicted_evidence": [["Basildon_Park", 0], ["Pitsea", 5], ["Borough_of_Basildon", 1], ["Borough_of_Basildon", 0], ["Basildon", 0]]} +{"id": 203384, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jack_the_Giant_Slayer", 1], ["Goosebumps_-LRB-film-RRB-", 1], ["Goosebumps", 3], ["List_of_Goosebumps_books", 2], ["Goosebumps", 5]]} +{"id": 26690, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amsalu_Aklilu", 5], ["Maria_Muldaur_-LRB-album-RRB-", 5], ["ADHD_Grown_Up", 4], ["Maeve_Murphy", 14], ["Irshad_Ashraf", 11]]} +{"id": 90554, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edward_Cullen_-LRB-disambiguation-RRB-", 6], ["Bella_Swan", 0], ["Twilight_-LRB-novel_series-RRB-", 2], ["Twilight-COLON-_The_Graphic_Novel", 2], ["Bella_Swan", 5]]} +{"id": 130392, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thomas_Duane", 0], ["Thomas_Duane", 45], ["Steve_Grotowski", 15], ["John_Garcia_Thompson", 9], ["Grotowski_Institute_in_Wroc\u0142aw", 1]]} +{"id": 128176, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Trent_Reznor", 11], ["Pretty_Eight_Machine_-LRB-album-RRB-", 7], ["Rob_Sheridan", 0], ["Sheridan_-LRB-surname-RRB-", 123], ["Pretty_Eight_Machine_-LRB-album-RRB-", 6]]} +{"id": 97871, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bibliography_of_Christianity_in_China", 819], ["Beijing_International_MBA_at_Peking_University", 1], ["Bibliography_of_Christianity_in_China", 663], ["Bibliography_of_Christianity_in_China", 668], ["Peking_University", 1]]} +{"id": 32825, "predicted_label": "SUPPORTS", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 1], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0]]} +{"id": 111769, "predicted_label": "REFUTES", "predicted_evidence": [["Basildon", 0], ["Basildon", 13], ["Basildon", 5], ["Basildon", 14], ["Basildon", 9]]} +{"id": 16007, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Riverdale_High_School", 15], ["Riverdale_High_School", 9], ["Riverdale_High_School", 5], ["Riverdale_Elementary_School", 32], ["Riverdale_Avenue_Books", 4]]} +{"id": 156943, "predicted_label": "SUPPORTS", "predicted_evidence": [["Poldark_-LRB-2015_TV_series-RRB-", 6], ["Poldark_-LRB-2015_TV_series-RRB-", 5], ["Poldark_-LRB-disambiguation-RRB-", 7], ["Poldark_-LRB-disambiguation-RRB-", 5], ["Ross_Poldark", 7]]} +{"id": 17290, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Basildon", 13], ["Chamba,_Uttarakhand", 24], ["Chamba,_Uttarakhand", 26], ["Chamba,_Uttarakhand", 18], ["Basildon", 9]]} +{"id": 115185, "predicted_label": "SUPPORTS", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["Count_Dooku", 0], ["Watto", 0], ["Watto", 6], ["Count_Dooku", 4]]} +{"id": 184073, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lonergan_-LRB-surname-RRB-", 22], ["Margaret_-LRB-2011_film-RRB-", 0], ["Leech_River_Fault", 4], ["Lonergan_-LRB-surname-RRB-", 6], ["Leech_River_Fault", 29]]} +{"id": 168976, "predicted_label": "SUPPORTS", "predicted_evidence": [["Middle-earth", 0], ["The_Silmarillion", 0], ["Tolkien_Estate", 0], ["Tolkien_-LRB-disambiguation-RRB-", 0], ["Quenya", 29]]} +{"id": 85448, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Maine_Humanities_Council", 2], ["Maine_Humanities_Council", 43], ["William_A._Conway", 0], ["Rachael_Worby", 44], ["Rachael_Worby", 45]]} +{"id": 55953, "predicted_label": "REFUTES", "predicted_evidence": [["Mexico", 3], ["List_of_companies_of_Mexico", 3], ["Demographics_of_Mexico", 0], ["Vigo", 5], ["History_of_Mexico", 12]]} +{"id": 151529, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jose\u0301_Ferrer", 0], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 0], ["Al_Morgan", 17], ["Rafael_Ferrer_-LRB-actor-RRB-", 3], ["Jose\u0301_Ferrer", 4]]} +{"id": 212775, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_ANAGPIC_meetings", 123], ["List_of_ANAGPIC_meetings", 185], ["List_of_ANAGPIC_meetings", 157], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 827], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 519]]} +{"id": 55294, "predicted_label": "SUPPORTS", "predicted_evidence": [["ER_-LRB-TV_series-RRB-", 0], ["Gregory_House", 0], ["List_of_House_episodes", 0], ["City_of_Angels_-LRB-2000_TV_series-RRB-", 0], ["Holby_City_-LRB-series_1-RRB-", 6]]} +{"id": 145672, "predicted_label": "REFUTES", "predicted_evidence": [["Ingushetia", 5], ["Ingushetia.org", 8], ["Ingushetia", 0], ["Ingushetia.org", 6], ["Ali_Taziev", 10]]} +{"id": 184092, "predicted_label": "SUPPORTS", "predicted_evidence": [["My_Lai_Massacre", 0], ["Massacre_in_Korea", 1], ["Command_responsibility", 14], ["Medina_-LRB-surname-RRB-", 33], ["My_Lai_Massacre", 16]]} +{"id": 177185, "predicted_label": "SUPPORTS", "predicted_evidence": [["Black_Sifichi", 13], ["High_Tone", 1], ["Dub_poetry", 0], ["Mad_Professor", 1], ["Dub_poetry", 5]]} +{"id": 161206, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["Indochina_Wars", 7], ["Ernest_He\u0301brard", 11], ["Siam_Nakhon_Province", 19], ["French_Indochina", 4]]} +{"id": 226142, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Out_Campaign", 27], ["Richard_Dawkins", 16], ["Dawkins", 38], ["Over_Norton_Park", 2], ["Over_Norton_Park", 5]]} +{"id": 84272, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mud_Lake_-LRB-Washington-RRB-", 71], ["Mud_Lake_-LRB-Wisconsin-RRB-", 87], ["Mud_Lake_-LRB-New_York-RRB-", 15], ["Mud_Lake_-LRB-Michigan-RRB-", 34], ["Mud_Lake_-LRB-Michigan-RRB-", 19]]} +{"id": 182453, "predicted_label": "SUPPORTS", "predicted_evidence": [["Justification", 2], ["Theory_of_justification", 0], ["Makkal_Manadu_Katchi", 2], ["Contested_ideological_terrain", 1], ["Contested_ideological_terrain", 9]]} +{"id": 117065, "predicted_label": "REFUTES", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 0], ["Pietro_Balestra_-LRB-economist-RRB-", 17], ["Renato_Balestra", 40], ["Renato_Balestra", 8]]} +{"id": 167969, "predicted_label": "REFUTES", "predicted_evidence": [["Don_Bradman", 20], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 8], ["Jack_Fingleton", 38], ["Don_Bradman", 5], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 7]]} +{"id": 196960, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 2], ["Black-and-white_dualism", 46], ["Sal_Mubarak", 0], ["Black-and-white_dualism", 51], ["Black-and-white_dualism", 9]]} +{"id": 166634, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Prince_Lestat", 0]]} +{"id": 131009, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["History_of_West_Ham_United_F.C.", 0], ["History_of_West_Ham_United_F.C.", 2]]} +{"id": 42792, "predicted_label": "SUPPORTS", "predicted_evidence": [["Battle_of_France", 0], ["Fortified_Sector_of_Rohrbach", 4], ["Fortified_Sector_of_Rohrbach", 7], ["German_occupied_territory_of_Montenegro", 2], ["Battle_of_France", 13]]} +{"id": 152642, "predicted_label": "REFUTES", "predicted_evidence": [["2005_Hindu_Kush_earthquake", 2], ["Hindu_Kush", 5], ["Kush_-LRB-cannabis-RRB-", 1], ["Kushan_Pass", 2], ["Kushan_Pass", 3]]} +{"id": 93250, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2007_Champ_Car_season", 0], ["Handy_Writers'_Colony", 10], ["Jones_House", 190], ["Handy_Writers'_Colony", 1], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 740]]} +{"id": 168975, "predicted_label": "REFUTES", "predicted_evidence": [["0-41*", 0], ["Place_Saint-Paul", 3], ["Tribes_with_Flags", 4], ["Disneyfication", 9], ["Disneyfication", 24]]} +{"id": 141344, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dete_Meserve", 2], ["George_Lopez_-LRB-TV_series-RRB-", 5], ["Dete_Meserve", 3], ["Sandra_Bullock", 17], ["Sandra_Bullock_filmography", 0]]} +{"id": 15246, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gin", 2], ["Man's_Gin", 13], ["Gin_palace", 7], ["Great_Britain_at_the_2016_Summer_Olympics", 50], ["Great_Britain_at_the_2016_Summer_Olympics", 35]]} +{"id": 192706, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Undercover_Boss_-LRB-U.S._TV_series-RRB-_episodes", 3], ["The_Millers", 4], ["List_of_Undercover_Boss_-LRB-U.S._TV_series-RRB-_episodes", 2], ["List_of_The_Millers_episodes", 12], ["List_of_The_Millers_episodes", 9]]} +{"id": 139037, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek-COLON-_Discovery", 2], ["Star_Trek", 13], ["Star_Trek-COLON-_Discovery", 0], ["Star_Trek-COLON-_Discovery", 15], ["Star_Trek-COLON-_Discovery", 6]]} +{"id": 59617, "predicted_label": "REFUTES", "predicted_evidence": [["Rhythm_Nation", 0], ["Rhythm_Nation", 9], ["Rhythm_Nation", 5], ["Cosmicolor", 13], ["Janet_Jackson's_Rhythm_Nation_1814", 19]]} +{"id": 46464, "predicted_label": "SUPPORTS", "predicted_evidence": [["Santana_-LRB-surname-RRB-", 17], ["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9]]} +{"id": 189448, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yandex", 1], ["Yandex", 9], ["Yandex.Direct", 9], ["Serpstat", 2], ["Yandex", 5]]} +{"id": 194918, "predicted_label": "SUPPORTS", "predicted_evidence": [["Development_of_Spock", 1], ["Development_of_Spock", 29], ["Mind_Meld", 0], ["Star_Trek_III-COLON-_The_Search_for_Spock", 0], ["Nimoy", 5]]} +{"id": 112935, "predicted_label": "REFUTES", "predicted_evidence": [["Juventus_F.C.", 1], ["List_of_Juventus_F.C._honours", 0], ["List_of_Juventus_F.C._players", 6], ["List_of_Juventus_F.C._players", 3], ["Juventus_TV", 0]]} +{"id": 50810, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Doublefaced", 16], ["Sexify", 1], ["56th_Annual_Grammy_Awards", 13], ["56th_Annual_Grammy_Awards", 9], ["Passion,_Pain_&_Demon_Slayin'", 7]]} +{"id": 120210, "predicted_label": "REFUTES", "predicted_evidence": [["Olivia_Pope", 0], ["Butter_-LRB-2011_film-RRB-", 0], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 23198, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["Wilbur_Mack", 4], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["Miranda_Otto", 0]]} +{"id": 3682, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 15], ["English_people", 12], ["English_language_in_Europe", 13], ["English_people", 6], ["English_language_in_Europe", 16]]} +{"id": 36424, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cyrus_-LRB-surname-RRB-", 18], ["Mike_Schmid", 11], ["Start_All_Over", 1], ["Ready,_Set,_Don't_Go", 0], ["Start_All_Over", 7]]} +{"id": 79771, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amyotrophic_lateral_sclerosis", 15], ["List_of_OMIM_disorder_codes", 307], ["List_of_OMIM_disorder_codes", 297], ["List_of_OMIM_disorder_codes", 309], ["Lytico-bodig_disease", 5]]} +{"id": 66201, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Santana_-LRB-band-RRB-", 0], ["Santana_discography", 0], ["Santana_-LRB-surname-RRB-", 3], ["Carlos_Santana_discography", 0], ["Coke_Escovedo", 19]]} +{"id": 195060, "predicted_label": "REFUTES", "predicted_evidence": [["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0], ["Ruddy_kingfisher", 0], ["Ruddy-breasted_crake", 3], ["Ruddy-breasted_crake", 0]]} +{"id": 215135, "predicted_label": "REFUTES", "predicted_evidence": [["Private_Lives", 0], ["Phoenix_Theatre,_London", 16], ["Noe\u0308l_Coward", 6], ["Phoenix_Theatre,_London", 20], ["Noe\u0308l_Coward_Society", 16]]} +{"id": 217216, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Atheistic_existentialism", 0], ["Monk", 0], ["Atheistic_existentialism", 2], ["Tapas_-LRB-Sanskrit-RRB-", 2], ["Synod_of_Gangra", 5]]} +{"id": 132352, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Inner_city", 0], ["Griffiths", 123], ["Arfon_Griffiths", 0], ["Inner_city", 4], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6]]} +{"id": 70695, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jackpot_-LRB-2013_film-RRB-", 1], ["Yaariyan_-LRB-2014_film-RRB-", 7], ["Mega_Millions", 21], ["Jackpot_-LRB-2013_film-RRB-", 2], ["Yaariyan_-LRB-2014_film-RRB-", 6]]} +{"id": 181599, "predicted_label": "SUPPORTS", "predicted_evidence": [["WGBH-TV", 0], ["WETA-TV", 0], ["WGBX-TV", 0], ["List_of_American_Experience_episodes", 3], ["WTTW", 0]]} +{"id": 202779, "predicted_label": "REFUTES", "predicted_evidence": [["Yahoo!", 6], ["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me_2", 1], ["Yahoo!", 13], ["Yahoo!", 1]]} +{"id": 222026, "predicted_label": "REFUTES", "predicted_evidence": [["Albie_Thoms", 89], ["Albie_Thoms", 97], ["Albie_Thoms", 101], ["Albie_Thoms", 81], ["Albie_Thoms", 92]]} +{"id": 195823, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 7], ["Weekly_Idol", 1], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Hyeong", 16]]} +{"id": 76736, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Killam", 14], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["Brother_Nature_-LRB-film-RRB-", 0], ["The_Illegitimates", 2]]} +{"id": 212193, "predicted_label": "REFUTES", "predicted_evidence": [["Macnas", 12], ["List_of_Kyo_Kara_Maoh!_characters", 2], ["The_Patriot_-LRB-2000_film-RRB-", 1], ["Macnas", 13], ["Miracle_at_St._Anna", 4]]} +{"id": 223342, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2007_Casino_Rama_Curling_Skins_Game", 6], ["2007_Casino_Rama_Curling_Skins_Game", 0], ["The_Room_-LRB-film-RRB-", 15], ["The_Room_-LRB-film-RRB-", 5], ["The_Disaster_Artist_-LRB-film-RRB-", 0]]} +{"id": 116711, "predicted_label": "SUPPORTS", "predicted_evidence": [["Black_Canary", 0], ["Green_Arrow", 0], ["Larry_Lance", 0], ["Green_Arrow", 15], ["Larry_Lance", 2]]} +{"id": 195031, "predicted_label": "SUPPORTS", "predicted_evidence": [["Goodbye_Girl", 12], ["Good_Girl_Gone_Bad", 3], ["Good_Girl_Gone_Bad", 8], ["Country_Girl", 10], ["Country_Girl", 12]]} +{"id": 127576, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mega_Millions", 29], ["Richie_Wraggs", 6], ["List_of_six-number_lottery_games", 12], ["List_of_six-number_lottery_games", 28], ["List_of_six-number_lottery_games", 29]]} +{"id": 139250, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2016\u201317_Washington_Wizards_season", 4], ["Southeast_Division_-LRB-NBA-RRB-", 1], ["Toronto_Raptors", 13], ["Toronto_Raptors", 19], ["2016\u201317_Washington_Wizards_season", 0]]} +{"id": 59886, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soyuz_7K-OK", 2], ["Soyuz_7K-T", 20], ["Soyuz-U2", 10], ["Soyuz_-LRB-rocket-RRB-", 15], ["Soyuz-U2", 12]]} +{"id": 122650, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["All_the_Way_-LRB-Craig_David_song-RRB-", 5], ["Todd_and_the_Book_of_Pure_Evil", 2], ["List_of_awards_and_nominations_received_by_Craig_David", 311], ["List_of_awards_and_nominations_received_by_Craig_David", 442], ["All_the_Way_-LRB-Craig_David_song-RRB-", 0]]} +{"id": 99144, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Skilly_Williams", 6], ["Whole_life_insurance", 0], ["Variable_universal_life_insurance", 9], ["Variable_universal_life_insurance", 5], ["Walter_Williams_-LRB-painter-RRB-", 6]]} +{"id": 202441, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Connie_Sachs", 1], ["Control_-LRB-fictional_character-RRB-", 2]]} +{"id": 215200, "predicted_label": "SUPPORTS", "predicted_evidence": [["Into_the_Blue", 19], ["Alone_in_the_Dark_-LRB-disambiguation-RRB-", 17], ["Alone_in_the_Dark_-LRB-disambiguation-RRB-", 15], ["The_Lion,_the_Witch_and_the_Wardrobe_-LRB-disambiguation-RRB-", 18], ["Into_the_Blue", 21]]} +{"id": 43042, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["South_Peninsula_High_School", 0], ["South_Peninsula_High_School", 6], ["Ingushetia.org", 8], ["Ali_Taziev", 28], ["Ali_Taziev", 27]]} +{"id": 26107, "predicted_label": "REFUTES", "predicted_evidence": [["Dramatists_Play_Service", 5], ["Texas_Book_Festival", 12], ["Collaborative_software", 14], ["Collaborative_software", 13], ["Rakesh_Vijay", 0]]} +{"id": 217220, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Asceticism", 0], ["Asceticism", 10], ["Asceticism", 1], ["Fasting_and_abstinence_in_the_Catholic_Church", 2], ["Abstinence,_be_faithful,_use_a_condom", 2]]} +{"id": 194373, "predicted_label": "REFUTES", "predicted_evidence": [["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 2], ["Broken_-LRB-1993_film-RRB-", 0], ["Nine_Inch_Nails", 0], ["DreDDup_discography", 5]]} +{"id": 136462, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paul_Schrader", 2], ["Kelli_Giddish", 2], ["Tom_Hardy", 4], ["Tom_Hardy", 9], ["Mark_Wahlberg", 3]]} +{"id": 166506, "predicted_label": "REFUTES", "predicted_evidence": [["Max_Evans_-LRB-Roswell-RRB-", 4], ["Maria_DeLuca", 0], ["Michael_Guerin", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0], ["Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 136862, "predicted_label": "REFUTES", "predicted_evidence": [["Hush_-LRB-2016_film-RRB-", 2], ["Intrepid_Pictures", 0], ["Crush_-LRB-2013_film-RRB-", 0], ["Hush_-LRB-2016_film-RRB-", 5], ["Intrepid_Pictures", 4]]} +{"id": 203369, "predicted_label": "SUPPORTS", "predicted_evidence": [["Goosebumps_-LRB-film-RRB-", 1], ["Goosebumps_-LRB-film-RRB-", 8], ["Goosebumps_-LRB-film-RRB-", 0], ["Goosebumps", 5], ["Goosebumps_-LRB-film-RRB-", 6]]} +{"id": 195818, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 2], ["FNC_Entertainment", 0], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0]]} +{"id": 159716, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 82873, "predicted_label": "REFUTES", "predicted_evidence": [["Yogi_-LRB-2007_film-RRB-", 0], ["Adhurs", 0], ["V._V._Vinayak", 0], ["Allu_Arjun,_roles_and_awards", 9], ["Allu_Arjun,_roles_and_awards", 30]]} +{"id": 131422, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bones_-LRB-instrument-RRB-", 1], ["Bones_-LRB-instrument-RRB-", 0], ["Bones_-LRB-instrument-RRB-", 34], ["Bones_-LRB-instrument-RRB-", 22], ["Bones_-LRB-instrument-RRB-", 23]]} +{"id": 99236, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jay_Z_singles_discography", 23], ["Jay_Z_singles_discography", 33], ["Jay_Z_singles_discography", 46], ["Civilization_IV", 14], ["Civilization-COLON-_The_Card_Game", 0]]} +{"id": 64843, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 1], ["Sailing_Aarhus", 12], ["Sailing_Aarhus", 6], ["Aarhus_University", 0], ["New_Forests_of_Aarhus", 0]]} +{"id": 207264, "predicted_label": "REFUTES", "predicted_evidence": [["Endometrial_cancer", 11], ["Tao_brush", 0], ["Uterine_serous_carcinoma", 7], ["Endometrial_cancer", 13], ["Endometrial_cancer", 0]]} +{"id": 29864, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bruno_Echagaray", 11], ["Match_Point", 0], ["Match_point", 5], ["Neuberg_formula", 16], ["2010_Farmers_Classic_\u2013_Singles", 1]]} +{"id": 63374, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Radio_Radio_Radio", 7], ["The_Influents", 11], ["Billie_Joe", 2], ["Pinhead_Gunpowder", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 15007, "predicted_label": "REFUTES", "predicted_evidence": [["Nauruan_presidential_election,_2010", 3], ["Wildfang", 1], ["List_of_people_on_the_cover_of_The_FADER", 140], ["Nauruan_presidential_election,_2010", 2], ["Wrexham_Symphony_Orchestra", 93]]} +{"id": 227140, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["History_of_the_New_Orleans_Pelicans", 1], ["List_of_New_Orleans_Pelicans_head_coaches", 3], ["List_of_New_Orleans_Pelicans_head_coaches", 0], ["New_Orleans_Pelicans", 0]]} +{"id": 218371, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Resistance", 6], ["Cybercrime", 2], ["Noyautage_des_administrations_publiques", 11], ["Cybercrime", 6], ["Global_Telecommunications_System", 14]]} +{"id": 20120, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheridan_-LRB-surname-RRB-", 123], ["Rob_Sheridan", 0], ["Pretty_Eight_Machine_-LRB-album-RRB-", 6], ["How_to_Destroy_Angels_-LRB-band-RRB-", 0], ["Trent_Reznor", 11]]} +{"id": 181845, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Roger_Ebert", 11], ["Mike_D'Angelo", 8], ["David_Edelstein", 0], ["Sheila_Benson", 3], ["Deb_Verhoeven", 33]]} +{"id": 197383, "predicted_label": "REFUTES", "predicted_evidence": [["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Christian_Va\u0301squez", 69], ["Christian_Va\u0301squez", 39], ["Christian_Va\u0301squez", 46]]} +{"id": 52410, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kelly_Smith_-LRB-disambiguation-RRB-", 12], ["Metalstorm-COLON-_The_Destruction_of_Jared-Syn", 0], ["Old_Dogs_-LRB-film-RRB-", 11], ["Old_Dogs_-LRB-film-RRB-", 0], ["List_of_people_with_surname_Preston", 120]]} +{"id": 198232, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn", 15], ["Neptune", 2], ["List_of_Solar_System_objects", 55], ["Saturn", 9], ["Neptune", 17]]} +{"id": 118048, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lincoln\u2013Douglas_debates", 0], ["Lincoln\u2013Douglas_debate", 2], ["Archibald_Williams_-LRB-judge-RRB-", 309], ["Archibald_Williams_-LRB-judge-RRB-", 296], ["Freeport_Doctrine", 0]]} +{"id": 48697, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ken_Bloom", 3], ["Neal_Street_Productions", 9], ["Cathy_Pill", 6], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Cathy_Pill", 12]]} +{"id": 72331, "predicted_label": "SUPPORTS", "predicted_evidence": [["Macedonia_naming_dispute", 6], ["Republic_of_Macedonia", 16], ["Republic_of_Macedonia", 7], ["Macedonia_naming_dispute", 0], ["Macedonia_naming_dispute", 13]]} +{"id": 134566, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["My_Little_Girl_-LRB-Tim_McGraw_song-RRB-", 3], ["McGraw_-LRB-surname-RRB-", 65], ["Tim_McGraw_-LRB-disambiguation-RRB-", 0], ["Tim_McGraw_-LRB-disambiguation-RRB-", 3], ["Tim_McGraw_-LRB-disambiguation-RRB-", 5]]} +{"id": 126455, "predicted_label": "REFUTES", "predicted_evidence": [["Broadchurch_-LRB-series_1-RRB-", 16], ["Broadchurch_-LRB-series_1-RRB-", 14], ["Broadchurch_-LRB-series_1-RRB-", 10], ["Moonlight_Basin", 4], ["Broadchurch_-LRB-series_1-RRB-", 1]]} +{"id": 225239, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sylvester_Joe", 16], ["Wentworth_-LRB-TV_series-RRB-", 4], ["List_of_Wentworth_episodes", 4], ["Cormack_-LRB-surname-RRB-", 17], ["Cormack_-LRB-surname-RRB-", 43]]} +{"id": 113357, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Floppy_disk", 0], ["History_of_IBM_magnetic_disk_drives", 7], ["Floppy_disk", 5], ["Floppy_disk_format", 0], ["History_of_the_floppy_disk", 0]]} +{"id": 43621, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_ANAGPIC_meetings", 61], ["List_of_ANAGPIC_meetings", 25], ["List_of_ANAGPIC_meetings", 107], ["Henrietta_-LRB-given_name-RRB-", 11], ["List_of_ANAGPIC_meetings", 69]]} +{"id": 21899, "predicted_label": "SUPPORTS", "predicted_evidence": [["ATC_Zero", 2], ["ATC_Zero", 0], ["NATS_Holdings", 2], ["Air_traffic_controller", 9], ["NATS_Holdings", 1]]} +{"id": 155992, "predicted_label": "SUPPORTS", "predicted_evidence": [["High_Off_My_Love", 6], ["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["Paris_Hilton", 18], ["Paris_Hilton", 31], ["Paris_-LRB-Paris_Hilton_album-RRB-", 0]]} +{"id": 185397, "predicted_label": "REFUTES", "predicted_evidence": [["Chips_and_dip", 7], ["Zapp's", 14], ["Zapp's", 10], ["Chips_and_dip", 1], ["Chip_race", 29]]} +{"id": 105077, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_The_Daily_Show_episodes", 11], ["The_Daily_Show", 6], ["The_Daily_Show", 0], ["List_of_The_Daily_Show_episodes", 12], ["The_Daily_Show", 2]]} +{"id": 83269, "predicted_label": "SUPPORTS", "predicted_evidence": [["Al_Morgan", 46], ["Jose\u0301_Ferrer", 0], ["Rafael_Ferrer_-LRB-actor-RRB-", 3], ["Al_Morgan", 17], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 7]]} +{"id": 171627, "predicted_label": "REFUTES", "predicted_evidence": [["Watchmensch", 5], ["Watchmensch", 1], ["Gibbons", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 12], ["David_Gibbons_-LRB-disambiguation-RRB-", 3]]} +{"id": 186597, "predicted_label": "SUPPORTS", "predicted_evidence": [["Asylum_Records", 0], ["Planet_Records", 0], ["Oriole_Records_-LRB-U.S.-RRB-", 0], ["Jamison_Ernest", 15], ["Jamison_Ernest", 61]]} +{"id": 159575, "predicted_label": "REFUTES", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 29], ["Frank_O'Bannon", 22], ["Henry_T._Bannon", 7], ["Henry_T._Bannon", 3]]} +{"id": 38032, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sabrina_Goes_to_Rome", 1], ["100_greatest", 13], ["100_greatest", 11], ["100_greatest", 7], ["List_of_fictional_U.S._Marshals", 96]]} +{"id": 36237, "predicted_label": "REFUTES", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["Chiel_Meijering", 16], ["Ron_Klimko", 50], ["The_Bassoon_King", 1]]} +{"id": 159085, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guatemala", 16], ["List_of_Jewish_Americans_in_the_military", 15], ["Efrai\u0301n_Ri\u0301os_Montt", 24], ["37th", 151], ["37th", 27]]} +{"id": 71757, "predicted_label": "REFUTES", "predicted_evidence": [["United_States_presidential_election,_1796", 0], ["Heard-Hawes_family", 33], ["United_States_presidential_election,_1796", 2], ["Thomas_Jefferson_Medal", 11], ["Thomas_Jefferson_Medal", 15]]} +{"id": 82608, "predicted_label": "SUPPORTS", "predicted_evidence": [["Benjamin_Wolozin", 13], ["List_of_OMIM_disorder_codes", 297], ["List_of_OMIM_disorder_codes", 307], ["Project_MinE", 0], ["List_of_OMIM_disorder_codes", 295]]} +{"id": 118368, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rhythm_Nation", 23], ["Rhythm_Nation", 0], ["Rhythm_Nation", 9], ["Black_Cat_-LRB-song-RRB-", 13], ["Rhythm_Nation_-LRB-music_video-RRB-", 8]]} +{"id": 181824, "predicted_label": "SUPPORTS", "predicted_evidence": [["BOBBY", 6], ["Todd_Edwards_-LRB-film_writer-RRB-", 0], ["Todd_Edwards_-LRB-film_writer-RRB-", 19], ["Rick_Kalowski", 0], ["Pearce_-LRB-surname-RRB-", 291]]} +{"id": 33112, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Linkin_Park", 13], ["List_of_awards_and_nominations_received_by_Linkin_Park", 9], ["Meteora_-LRB-album-RRB-", 0], ["Linkin_Park_discography", 8], ["Linkin_Park_discography", 7]]} +{"id": 175468, "predicted_label": "SUPPORTS", "predicted_evidence": [["Christian_Gottlob_Neefe", 0], ["Gottlob", 35], ["Gustav_Friedrich_Wilhelm_Gro\u00dfmann", 1], ["Ludwig_van_Beethoven", 5], ["Masonic_music", 5]]} +{"id": 97333, "predicted_label": "REFUTES", "predicted_evidence": [["DNA_-LRB-Little_Mix_album-RRB-", 7], ["Little_Mix_discography", 32], ["Change_Your_Life_-LRB-Little_Mix_song-RRB-", 1], ["DNA_-LRB-Little_Mix_album-RRB-", 4], ["DNA_-LRB-Little_Mix_song-RRB-", 3]]} +{"id": 184050, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Lonergan_-LRB-surname-RRB-", 12], ["Walter_Lonergan", 10]]} +{"id": 36496, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vietnam", 1], ["Awards_and_decorations_of_the_Vietnam_War", 7], ["North_Vietnam", 19], ["Vietnam", 0], ["North_Vietnam", 15]]} +{"id": 39405, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dieges_&_Clust", 10], ["Wally_Pipp", 0], ["Dieges_&_Clust", 5], ["Lou_Gehrig_Memorial_Award", 0], ["The_Pride_of_the_Yankees", 1]]} +{"id": 50119, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Radif", 5], ["Dagshai", 9], ["Amiya_Chakravarty_-LRB-director-RRB-", 1], ["Radif", 33], ["Army_Public_School,_Dagshai", 6]]} +{"id": 102875, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Croatia\u2013Hungary_relations", 7], ["Croatia", 9], ["Geography_of_Croatia", 10], ["Croatia\u2013Hungary_relations", 11], ["Croatia\u2013Hungary_relations", 0]]} +{"id": 76121, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_singing_actors_and_actresses_in_Indian_cinema", 0], ["Flying_penguins", 10], ["The_Penguins_of_Madagascar", 1], ["The_Penguins_of_Madagascar", 20], ["List_of_singing_actors_and_actresses_in_Indian_cinema", 3]]} +{"id": 150672, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bates_Motel_-LRB-TV_series-RRB-", 16], ["Richard_Alpert_-LRB-Lost-RRB-", 0], ["Bates_Motel_-LRB-TV_series-RRB-", 5], ["Dr._Linus", 0], ["Attention_Shoppers_-LRB-film-RRB-", 0]]} +{"id": 96329, "predicted_label": "SUPPORTS", "predicted_evidence": [["Taylor_Lautner", 4], ["Back_to_December", 9], ["Back_to_December", 3], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 2], ["Taylor_Lautner", 0]]} +{"id": 143041, "predicted_label": "REFUTES", "predicted_evidence": [["Augustus", 41], ["Augustalia", 6], ["Temple_of_Divus_Augustus,_Nola", 2], ["Prince_Augustus_William_of_Prussia", 15], ["Lucius_Arruntius_the_Elder", 9]]} +{"id": 79322, "predicted_label": "SUPPORTS", "predicted_evidence": [["Zootopia", 2], ["Zootopia", 9], ["Production_babies", 15], ["Production_babies", 11], ["Nathan_Greno", 10]]} +{"id": 57256, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_companies_of_the_Bahamas", 0], ["Lucayan_Archipelago", 4], ["The_Bahamas", 0], ["Lucayan_Archipelago", 0], ["Turks_and_Caicos_Islands", 0]]} +{"id": 137531, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janet_Leigh", 0], ["The_Black_Shield_of_Falworth", 1], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 75021, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sora_-LRB-Kingdom_Hearts-RRB-", 12], ["Sora_-LRB-Kingdom_Hearts-RRB-", 10], ["Roxas_-LRB-Kingdom_Hearts-RRB-", 1], ["Roxas_-LRB-Kingdom_Hearts-RRB-", 8], ["Sora_-LRB-Kingdom_Hearts-RRB-", 11]]} +{"id": 8492, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barbara_Becnel", 1], ["Je\u0301ro\u0302me_Carrein", 0], ["Thomas_W._Druce", 18], ["List_of_Afro-Puerto_Ricans", 176], ["List_of_Afro-Puerto_Ricans", 158]]} +{"id": 4273, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sleipnir", 11], ["Sleipnir", 0], ["Sleipnir_-LRB-disambiguation-RRB-", 0], ["Norse_mythology", 0], ["Norse_mythology", 1]]} +{"id": 87192, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vincent_Bugliosi", 2], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Vincent_Bugliosi", 11], ["Helter_Skelter_-LRB-1976_film-RRB-", 5], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 0]]} +{"id": 143593, "predicted_label": "REFUTES", "predicted_evidence": [["X-Men-COLON-_Apocalypse", 2], ["X-Men-COLON-_Apocalypse", 6], ["Age_of_Apocalypse", 5], ["X2_-LRB-film-RRB-", 2], ["X2_-LRB-film-RRB-", 9]]} +{"id": 10955, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gryz\u0307yna_Landscape_Park", 0], ["Navtej_Johar", 7], ["Anushka_Shetty_filmography", 16], ["Allu_Arjun,_roles_and_awards", 29], ["Allu_Arjun,_roles_and_awards", 28]]} +{"id": 16783, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Human_rights_in_the_Philippines", 10], ["United_Nations_Security_Council_Resolution_1091", 3], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1], ["Human_rights_in_the_Philippines", 8], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 5]]} +{"id": 170422, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marcus_Vick", 0], ["Billy_Martin_-LRB-lawyer-RRB-", 8], ["Madden_NFL_2004", 1], ["2007_Atlanta_Falcons_season", 4], ["Billy_Martin_-LRB-lawyer-RRB-", 7]]} +{"id": 94058, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tobacco_21", 2], ["XHamster", 6], ["Paywall", 12], ["FUN!_Online_Games_Magazine", 11], ["FUN!_Online_Games_Magazine", 8]]} +{"id": 104499, "predicted_label": "REFUTES", "predicted_evidence": [["Broken_Bridges_-LRB-soundtrack-RRB-", 0], ["Broken_Bridges", 0], ["Kelly_Preston", 3], ["Old_Dogs_-LRB-film-RRB-", 0], ["Old_Dogs_-LRB-film-RRB-", 11]]} +{"id": 56307, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billie_Joe", 2], ["Radio_Radio_Radio", 7], ["The_Influents", 11], ["Pinhead_Gunpowder", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 133748, "predicted_label": "REFUTES", "predicted_evidence": [["Rainn_Wilson", 13], ["The_Bassoon_King", 0], ["List_of_compositions_by_Alan_Hovhaness", 160], ["List_of_compositions_by_Alan_Hovhaness", 553], ["Ron_Klimko", 54]]} +{"id": 192836, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 2], ["Ian_Brennan", 4], ["Ian_Brennan", 0], ["Ian_Brennan", 8], ["Ian_Brennan", 6]]} +{"id": 31759, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-B-RRB-", 290], ["Asiatech", 0], ["Tsing_Kwai_Highway", 2], ["Asiatech", 2], ["Cheung_Tsing_Tunnel", 0]]} +{"id": 192965, "predicted_label": "SUPPORTS", "predicted_evidence": [["Roland_Emmerich", 3], ["Roland_Emmerich", 0], ["Stargate_-LRB-film-RRB-", 2], ["Stargate_-LRB-film-RRB-", 1], ["Roland_Emmerich", 4]]} +{"id": 63686, "predicted_label": "REFUTES", "predicted_evidence": [["Mary_of_Teck", 12], ["Guest_-LRB-surname-RRB-", 51], ["Guest_-LRB-surname-RRB-", 59], ["Mary_of_Teck", 0], ["Duke_Alexander_of_Wu\u0308rttemberg_-LRB-1804\u20131885-RRB-", 18]]} +{"id": 175941, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aunt_May", 0], ["Aunt_May", 9], ["Spider-Man", 2], ["Melodica_in_music", 143], ["Melodica_in_music", 81]]} +{"id": 38540, "predicted_label": "REFUTES", "predicted_evidence": [["William_W._Davies", 21], ["The_Farmer_Wants_a_Wife_-LRB-Australian_TV_series-RRB-", 3], ["Desperate_Housewives_-LRB-season_7-RRB-", 22], ["William_W._Davies", 9], ["William_W._Davies", 0]]} +{"id": 155284, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_MAX_Light_Rail_stations", 13], ["Edwards_Center_Inc.", 22], ["List_of_MAX_Light_Rail_stations", 15], ["Beaverton,_Oregon", 1], ["List_of_MAX_Light_Rail_stations", 11]]} +{"id": 211295, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Major_Crimes_episodes", 3], ["Childless_Comfort", 6], ["The_Walking_Dead_-LRB-season_1-RRB-", 7], ["List_of_Major_Crimes_episodes", 1], ["Childless_Comfort", 5]]} +{"id": 127872, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Thomas_Duane", 24], ["Thomas_Duane", 29], ["Thomas_Duane", 17], ["Thomas_Duane", 21]]} +{"id": 97739, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Use-wear_analysis", 43], ["Michigan_Alcoholism_Screening_Test", 2], ["Use-wear_analysis", 17], ["Use-wear_analysis", 35], ["Use-wear_analysis", 42]]} +{"id": 32687, "predicted_label": "REFUTES", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["On_the_Radio_\u2013_The_Perry_Como_Shows_1943", 10], ["On_the_Radio_\u2013_The_Perry_Como_Shows_1943", 3], ["On_the_Radio_\u2013_The_Perry_Como_Shows_1943", 22], ["On_the_Radio_\u2013_The_Perry_Como_Shows_1943", 2]]} +{"id": 228349, "predicted_label": "SUPPORTS", "predicted_evidence": [["Doctor_Bird_Records", 1], ["Graeme_Goodall", 0], ["Island_Records", 12], ["Island_Records", 1], ["Storm_-LRB-surname-RRB-", 3]]} +{"id": 161560, "predicted_label": "SUPPORTS", "predicted_evidence": [["MoZella", 8], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Moulin_Rouge!_Music_from_Baz_Luhrmann's_Film", 1], ["MoZella", 9], ["The_Great_Gatsby_-LRB-disambiguation-RRB-", 20]]} +{"id": 106826, "predicted_label": "SUPPORTS", "predicted_evidence": [["Zen_Gesner", 3], ["Acayip_Hikayeler", 4], ["Rachel_Berry", 24], ["The_Last_One_-LRB-Friends-RRB-", 8], ["The_One_with_the_Rumor", 2]]} +{"id": 98806, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_Tree_Cities_USA", 1112], ["List_of_Tree_Cities_USA", 770], ["List_of_Tree_Cities_USA", 640], ["List_of_Tree_Cities_USA", 464]]} +{"id": 51233, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek", 0], ["Janice_Rand", 5], ["List_of_awards_and_nominations_received_by_Gene_Roddenberry", 0], ["Star_Trek", 13], ["Development_of_Spock", 1]]} +{"id": 118340, "predicted_label": "SUPPORTS", "predicted_evidence": [["Don_Mueang_Tollway", 8], ["Don_Mueang_Tollway", 7], ["Jose\u0301_Ferrer", 0], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 0], ["Al_Morgan", 17]]} +{"id": 6285, "predicted_label": "SUPPORTS", "predicted_evidence": [["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Never_So_Good", 0], ["Harold_Macmillan", 0], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3]]} +{"id": 119298, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Infinite", 0], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Ultimate_Marvel_vs._Capcom_3", 13], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 15]]} +{"id": 13757, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["Swizz_Beatz", 1], ["Hip_hop_music", 13], ["Swizz_Beatz", 16], ["Swizz_Beatz", 2]]} +{"id": 118833, "predicted_label": "SUPPORTS", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 2], ["Dan_Trebil", 12], ["Chris_O'Sullivan", 25]]} +{"id": 189756, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthias_Corvinus", 31], ["Hunyadi_family", 1], ["Matthias_Corvinus", 0], ["Hunyadi_family", 18], ["Vladislaus_II_of_Hungary", 23]]} +{"id": 37050, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_current_monarchies", 18], ["The_Bahamas", 0], ["List_of_current_monarchies", 6], ["List_of_current_monarchies", 7], ["The_Bahamas", 21]]} +{"id": 67426, "predicted_label": "REFUTES", "predicted_evidence": [["Henry_II_of_France", 13], ["Narayan_nagbali", 11], ["Narayan_nagbali", 5], ["Narayan_nagbali", 27], ["Henry_II_of_France", 0]]} +{"id": 55999, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robert_Palmer_-LRB-writer-RRB-", 1], ["Deep_Blues-COLON-_A_Musical_Pilgrimage_to_the_Crossroads", 0], ["Palmer_-LRB-surname-RRB-", 255], ["Clues_-LRB-Robert_Palmer_album-RRB-", 9], ["Robert_Palmer_-LRB-writer-RRB-", 0]]} +{"id": 104820, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gifted_education", 0], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 61], ["List_of_high_schools_for_the_gifted_in_Vietnam", 0], ["Michelle_Ronksley-Pavia", 28], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 0]]} +{"id": 87405, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vivek_Mushran", 2], ["Vivek_Mushran", 3], ["Vivek_Mushran", 0], ["Henry_VIII_-LRB-TV_serial-RRB-", 5], ["The_Six_Wives_of_Henry_VIII", 4]]} +{"id": 181211, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hymn_to_the_Nile", 1], ["Hymn_to_the_Nile", 3], ["Nile,_Washington", 3], ["Nile_boat", 1], ["Military_of_ancient_Egypt", 10]]} +{"id": 189447, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yandex_Browser", 12], ["Yandex.Direct", 15], ["Yandex.Translate", 0], ["Yandex.Money", 13], ["Yandex.Money", 25]]} +{"id": 12844, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 0], ["R_v_Penguin_Books_Ltd", 0], ["N._J._Dawood", 22], ["Laurence_Byrne", 1], ["Penguin_Modern_Poets", 0]]} +{"id": 203160, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tutong", 12], ["Tutong", 10], ["Niuean_language", 0], ["Wallisian_language", 4], ["Tuvaluan_language", 0]]} +{"id": 65498, "predicted_label": "REFUTES", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["American_Psycho_-LRB-Conceptual_Novel-RRB-", 0], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 65462, "predicted_label": "REFUTES", "predicted_evidence": [["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0], ["14th_Dalai_Lama", 10], ["Thubten_Choekyi_Nyima,_9th_Panchen_Lama", 46]]} +{"id": 32968, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Basildon", 13], ["Loco_Motion_-LRB-Youth_Group-RRB-", 17], ["Basildon_Park", 0], ["Borough_of_Basildon", 0], ["Borough_of_Basildon", 1]]} +{"id": 60819, "predicted_label": "REFUTES", "predicted_evidence": [["Andrew_Kevin_Walker", 0], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Andrew_Walker", 19], ["Nerdland", 0], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 115760, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_MAX_Light_Rail_stations", 13], ["List_of_MAX_Light_Rail_stations", 15], ["List_of_MAX_Light_Rail_stations", 9], ["List_of_MAX_Light_Rail_stations", 7], ["Beaverton,_Oregon", 1]]} +{"id": 193886, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Adrienne_Barbeau", 1], ["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22], ["Adrienne_Barbeau", 4], ["Billy_Goldenberg", 19]]} +{"id": 102793, "predicted_label": "REFUTES", "predicted_evidence": [["Emmanuel_Philibert,_Duke_of_Savoy", 11], ["Henry_II_of_France", 13], ["Jean_Cavenac_de_la_Vigne", 20], ["Henry_II_of_France", 0], ["Jean_Cavenac_de_la_Vigne", 11]]} +{"id": 127833, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["The_Killam_Trusts", 0]]} +{"id": 199425, "predicted_label": "REFUTES", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["Ellar_Coltrane", 1], ["Dead_Earth_Politics", 1], ["Boyhood_-LRB-film-RRB-", 2], ["Evans_House", 93]]} +{"id": 67643, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hedda_Gabler", 1], ["Creditors_-LRB-play-RRB-", 8], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Hedda_Gabler", 2]]} +{"id": 149587, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 28], ["Cliche\u0301_-LRB-Hush_Hush-RRB-", 3], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 4], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 12], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 6]]} +{"id": 14019, "predicted_label": "REFUTES", "predicted_evidence": [["Whitall_Tatum_Company", 7], ["Tatum_-LRB-given_name-RRB-", 12], ["Whitall_Tatum_Company", 0], ["Paul_Tatum", 10], ["Neal", 27]]} +{"id": 181624, "predicted_label": "REFUTES", "predicted_evidence": [["Mogadishu", 1], ["Mogadishu_-LRB-disambiguation-RRB-", 18], ["Mogadishu_-LRB-disambiguation-RRB-", 12], ["Mogadishu_-LRB-disambiguation-RRB-", 16], ["Mogadishu_-LRB-disambiguation-RRB-", 24]]} +{"id": 138758, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Trump_Ocean_Resort_Baja_Mexico", 20], ["Donald_Trump_presidential_campaign", 10], ["Donald_Trump_presidential_campaign", 8], ["The_Apprentice_-LRB-U.S._season_5-RRB-", 19], ["Trump_Mortgage", 9]]} +{"id": 60633, "predicted_label": "SUPPORTS", "predicted_evidence": [["Speak_Now_World_Tour", 1], ["Speak_Now_World_Tour", 0], ["Wonder_World_Tour_-LRB-Miley_Cyrus-RRB-", 10], ["List_of_Beyonce\u0301_live_performances", 16], ["List_of_Madonna_live_performances", 17]]} +{"id": 11312, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prescott,_Arizona", 0], ["Yavapai_County_Sheriff's_Office", 3], ["Clark_House", 13], ["Prescott,_Arizona", 11], ["Yavapai_County_Sheriff's_Office", 0]]} +{"id": 40397, "predicted_label": "SUPPORTS", "predicted_evidence": [["Regal_Records_-LRB-1921-RRB-", 2], ["Atlanta_record_labels", 48], ["American_Record_Corporation", 0], ["American_Record_Corporation", 1], ["Atlanta_record_labels", 17]]} +{"id": 223349, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Room_-LRB-film-RRB-", 15], ["The_Disaster_Artist_-LRB-film-RRB-", 0], ["The_Room_-LRB-film-RRB-", 5], ["Principal_photography", 17], ["Alludu_Seenu", 12]]} +{"id": 100836, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Centralia_Coal_Mine", 3], ["Mariner_program", 10], ["Ben_Affleck_filmography", 8], ["Pearl_Harbor_Memorial_Bridge_-LRB-Connecticut-RRB-", 6], ["Cyber_Monday", 10]]} +{"id": 195032, "predicted_label": "SUPPORTS", "predicted_evidence": [["With_the_Beatles", 6], ["With_the_Beatles", 2], ["In_the_Beginning_-LRB-Circa_1960-RRB-", 12], ["Meet_the_Beatles!", 1], ["Jolly_What!", 24]]} +{"id": 158306, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Me_and_Bessie", 0], ["Bessie", 35], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["Me_and_Bessie", 20], ["J._C._Johnson", 23]]} +{"id": 125557, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tourism_in_Chile", 14], ["Tourism_in_Chile", 0], ["Chilean_expansionism", 17], ["Tourism_in_Chile", 11], ["Open_access_in_Chile", 27]]} +{"id": 47942, "predicted_label": "SUPPORTS", "predicted_evidence": [["Knudsen", 40], ["Borgen_-LRB-TV_series-RRB-", 9], ["Jeppe_Gjervig_Gram", 7], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Sidse_Babett_Knudsen", 0]]} +{"id": 86054, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tim_Roth", 0], ["List_of_video_game_crowdfunding_projects", 5303], ["List_of_video_game_crowdfunding_projects", 5757], ["List_of_video_game_crowdfunding_projects", 7204], ["Tim_Roth", 11]]} +{"id": 104729, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_bridges_in_Rome", 42], ["Fuzzy_Wuzzy", 7], ["List_of_bridges_in_Rome", 13], ["List_of_bridges_in_Rome", 34], ["List_of_bridges_in_Rome", 50]]} +{"id": 122465, "predicted_label": "REFUTES", "predicted_evidence": [["Stan_Beeman", 0], ["Noah_Emmerich", 2], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["The_Americans_-LRB-season_1-RRB-", 7], ["Stan_Beeman", 2]]} +{"id": 57810, "predicted_label": "SUPPORTS", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["2014\u201315_CONCACAF_Champions_League", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["CONCACAF_Champions_League", 9]]} +{"id": 56983, "predicted_label": "SUPPORTS", "predicted_evidence": [["Steve_Braunias", 3], ["Trollhunters", 0], ["Arcadia_-LRB-popular_culture-RRB-", 132], ["Degrassi-COLON-_Next_Class", 0], ["Degrassi-COLON-_Next_Class", 2]]} +{"id": 132647, "predicted_label": "REFUTES", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Knudsen", 40], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Borgen_-LRB-TV_series-RRB-", 9], ["Jeppe_Gjervig_Gram", 7]]} +{"id": 10460, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching", 0], ["Kuching", 6], ["Sarawak", 2], ["Kuching", 5], ["Kuching", 13]]} +{"id": 208440, "predicted_label": "REFUTES", "predicted_evidence": [["Excuse_Me_Miss", 3], ["Jay_Z_albums_discography", 35], ["Ariana_Grande_discography", 9], ["Jay_Z_albums_discography", 0], ["Ariana_Grande_discography", 5]]} +{"id": 116870, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nilahue_River", 7], ["A_River_Runs_Through_It", 3], ["A_River_Runs_Through_It", 5], ["Bagua_Province", 10], ["Strawberry_River_-LRB-Utah-RRB-", 12]]} +{"id": 212321, "predicted_label": "REFUTES", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 86543, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 0], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 2], ["Snow_White_and_the_Huntsman", 8], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 8], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 19]]} +{"id": 227347, "predicted_label": "SUPPORTS", "predicted_evidence": [["Giada_at_Home", 0], ["List_of_programmes_broadcast_by_Astro_Ceria", 48], ["Giada_at_Home", 1], ["List_of_programmes_broadcast_by_Astro_Ceria", 28], ["List_of_programmes_broadcast_by_Astro_Ceria", 54]]} +{"id": 64867, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Jay_Mohr", 2], ["Martin_Bregman", 1], ["Eddie_Murphy", 13], ["List_of_R-rated_films_based_on_comics", 377]]} +{"id": 207538, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["I_Want_You_Back_-LRB-disambiguation-RRB-", 12], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["The_X_Factor_-LRB-UK_series_11-RRB-", 15], ["List_of_The_X_Factor_-LRB-Australia-RRB-_finalists", 11], ["List_of_PlayStation_3_games_released_on_disc", 1025]]} +{"id": 13520, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Randall_and_Hopkirk_-LRB-Deceased-RRB-_cast_members", 400], ["Lois_Maxwell", 0], ["Kill_Me_Tomorrow", 1], ["A_View_to_a_Kill", 6], ["The_Big_Punch_-LRB-1948_film-RRB-", 2]]} +{"id": 129701, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jane_Bryan", 4], ["2HB", 4], ["Bogart_-LRB-surname-RRB-", 12], ["We're_No_Angels", 3], ["The_Desperate_Hours_-LRB-film-RRB-", 0]]} +{"id": 203376, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Princess_Bride", 0], ["Goosebumps", 3], ["List_of_Goosebumps_books", 2], ["The_Princess_Bride", 6], ["BAFTA_Award_for_Best_Screenplay", 100]]} +{"id": 121739, "predicted_label": "SUPPORTS", "predicted_evidence": [["A\u0301sbyrgi", 14], ["A\u0301sbyrgi", 13], ["A\u0301sbyrgi", 16], ["Sleipnir", 6], ["Sleipnir_-LRB-web_browser-RRB-", 5]]} +{"id": 195038, "predicted_label": "REFUTES", "predicted_evidence": [["Charles_Martinet", 2], ["Ronald_Garet", 0], ["Wah_-LRB-disambiguation-RRB-", 26], ["Waluigi", 2], ["Waluigi", 7]]} +{"id": 197379, "predicted_label": "REFUTES", "predicted_evidence": [["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 8], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var_International_Airport", 7], ["Simo\u0301n_Boli\u0301var,_Miranda", 0]]} +{"id": 70, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Packouz", 0], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["Christian_Va\u0301squez", 3], ["Efraim_Diveroli", 0]]} +{"id": 171075, "predicted_label": "REFUTES", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Lalla", 16], ["Princess_Lalla_Meryem_of_Morocco", 20], ["Princess_Lalla_Meryem_of_Morocco", 0]]} +{"id": 63218, "predicted_label": "REFUTES", "predicted_evidence": [["Acayip_Hikayeler", 9], ["Acayip_Hikayeler", 4], ["Rachel_Berry", 24], ["Acayip_Hikayeler", 5], ["The_Last_One_-LRB-Friends-RRB-", 9]]} +{"id": 33955, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chun_Bo-geun", 2], ["Golden_Rule", 10], ["Golden_Rule", 19], ["Golden_Rule", 18], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0]]} +{"id": 59319, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam", 13], ["Pearl_Jam", 8], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 17], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 7], ["Pearl_Jam_discography", 6]]} +{"id": 137956, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Todd_Packer_-LRB-The_Office-RRB-", 8], ["Christening_-LRB-The_Office-RRB-", 6], ["A.A.R.M.", 7], ["Livin'_the_Dream", 7], ["Lotto_-LRB-The_Office-RRB-", 8]]} +{"id": 217221, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Asceticism", 0], ["Asceticism", 10], ["Narayan_Dharap", 27], ["Manmukh", 36], ["Asceticism", 1]]} +{"id": 134097, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Israeli_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["List_of_supersonic_aircraft", 254], ["AN/APG-81", 0]]} +{"id": 69641, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aokigahara_in_popular_culture", 1], ["Rowing_at_the_2008_Summer_Olympics_\u2013_Women's_single_sculls", 29], ["Rowing_at_the_2008_Summer_Olympics_\u2013_Women's_single_sculls", 4], ["Kabir_Akhtar", 6], ["History_of_wikis", 17]]} +{"id": 101716, "predicted_label": "REFUTES", "predicted_evidence": [["Ingushetia", 5], ["Ingushetia.org", 8], ["Ingushetia", 0], ["Rashid_Gaysanov", 5], ["Rashid_Gaysanov", 1]]} +{"id": 158424, "predicted_label": "REFUTES", "predicted_evidence": [["Penibaetic_System", 0], ["El_Fraile_-LRB-Sierra_del_Cabo_de_Gata-RRB-", 9], ["Andalusia", 14], ["Andalusia", 16], ["Andalusia", 11]]} +{"id": 65268, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bloods", 1], ["Crips", 13], ["Ghost_Shadows", 12], ["Gangs_in_Memphis,_Tennessee", 12], ["Bloods", 5]]} +{"id": 84506, "predicted_label": "REFUTES", "predicted_evidence": [["Ziyodullo_Shahidi", 0], ["Yara_-LRB-given_name-RRB-", 45], ["Olivia_Pope", 0], ["Black-ish_-LRB-season_1-RRB-", 6], ["Black-ish_-LRB-season_1-RRB-", 14]]} +{"id": 47542, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ashley_Cole", 0], ["LA_Galaxy", 14], ["Ashley_Cole", 1], ["LA_Galaxy", 0], ["Harut_Karapetyan", 1]]} +{"id": 55444, "predicted_label": "SUPPORTS", "predicted_evidence": [["Forever_21", 4], ["Tilly's", 10], ["Golf_Wang", 1], ["Tilly's", 0], ["Topman", 0]]} +{"id": 108889, "predicted_label": "SUPPORTS", "predicted_evidence": [["Replicant", 0], ["Blade_Runner_2049", 0], ["Blade_Runner", 26], ["Blade_Runner_-LRB-a_movie-RRB-", 0], ["Blade_Runner_-LRB-a_movie-RRB-", 5]]} +{"id": 122457, "predicted_label": "REFUTES", "predicted_evidence": [["Chrysler_Building", 6], ["Chrysler_Building", 7], ["120_Collins_Street", 15], ["Eiffel_Tower", 10], ["Eiffel_Tower", 8]]} +{"id": 148799, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Benjamin_Riegel_House", 105], ["Wall_House", 7], ["White-Pound_House", 97], ["Wall_House", 11], ["Wall_House", 17]]} +{"id": 118509, "predicted_label": "SUPPORTS", "predicted_evidence": [["Speech_recognition", 2], ["Svetha_Venkatesh", 0], ["Svetha_Venkatesh", 5], ["Speech_recognition", 11], ["Svetha_Venkatesh", 4]]} +{"id": 164990, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Polar_Bears_International", 0], ["Polar_Bears_International", 2], ["Agreement_on_the_Conservation_of_Polar_Bears", 13], ["Tundra_Buggy", 27], ["Polar_bear", 11]]} +{"id": 59685, "predicted_label": "SUPPORTS", "predicted_evidence": [["Appropriation_-LRB-music-RRB-", 9], ["Appropriation", 4], ["Appropriation_-LRB-music-RRB-", 0], ["Cultural_appropriation", 3], ["Appropriation_-LRB-music-RRB-", 3]]} +{"id": 14762, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Acetylcholine", 18], ["Muscarinic_antagonist", 0], ["Nicotinic_acetylcholine_receptor", 10]]} +{"id": 219038, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Live_at_Leeds_-LRB-festival-RRB-", 34], ["Live_at_Leeds_-LRB-festival-RRB-", 5], ["Live_at_Leeds_-LRB-festival-RRB-", 4], ["Live_at_Leeds_-LRB-festival-RRB-", 0], ["Cultural_Amnesia", 14]]} +{"id": 141131, "predicted_label": "SUPPORTS", "predicted_evidence": [["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 0], ["List_of_films_set_in_Shanghai", 27], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 1], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 2], ["List_of_films_set_in_Shanghai", 89]]} +{"id": 155413, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_recorded_by_Linkin_Park", 49], ["Numb_-LRB-Linkin_Park_song-RRB-", 12], ["What_I've_Done", 9], ["What_I've_Done", 10], ["List_of_songs_recorded_by_Linkin_Park", 53]]} +{"id": 103319, "predicted_label": "REFUTES", "predicted_evidence": [["Anil_Devgan", 0], ["Ajay_Devgn", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Veeru_Devgan", 0], ["Devgan", 6]]} +{"id": 165890, "predicted_label": "REFUTES", "predicted_evidence": [["Alice_Cooper", 0], ["Neal_Smith_-LRB-drummer-RRB-", 0], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 7], ["Neal_Smith_-LRB-drummer-RRB-", 14], ["Billion_Dollar_Babies_-LRB-song-RRB-", 11]]} +{"id": 175727, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Dreamstone", 1], ["Steal_Like_an_Artist", 5], ["Luljeta_Lleshanaku", 13], ["Luljeta_Lleshanaku", 10], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 3]]} +{"id": 18316, "predicted_label": "REFUTES", "predicted_evidence": [["Pearl_millet", 5], ["Mesopotamian_military_strategy_and_tactics", 6], ["Donkey", 12], ["Pearl_millet", 3], ["Neolithic", 0]]} +{"id": 87337, "predicted_label": "SUPPORTS", "predicted_evidence": [["Juventus_Stadium", 0], ["Juventus_F.C.", 1], ["List_of_Juventus_F.C._managers", 2], ["Juventus_TV", 0], ["List_of_Juventus_F.C._players", 5]]} +{"id": 152616, "predicted_label": "REFUTES", "predicted_evidence": [["Edward_Heath", 0], ["John_Major", 0], ["Edward_Heath", 5], ["The_Iron_Lady_-LRB-film-RRB-", 21], ["Edward_Heath", 29]]} +{"id": 141294, "predicted_label": "REFUTES", "predicted_evidence": [["EA_Black_Box", 0], ["Need_for_Speed-COLON-_The_Run", 0], ["List_of_PlayStation_3_games_released_on_disc", 10029], ["List_of_PlayStation_3_games_released_on_disc", 10015], ["List_of_PlayStation_3_games_released_on_disc", 10043]]} +{"id": 140968, "predicted_label": "REFUTES", "predicted_evidence": [["Dempster", 5], ["Uranium-235", 6], ["Arthur_Jeffrey_Dempster", 0], ["Arthur_Dempster", 3], ["Uranium", 30]]} +{"id": 106039, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Horse", 11], ["Evolution_of_the_horse", 4], ["Pseudoextinction", 21], ["Evolution_of_the_horse", 0], ["Pseudoextinction", 59]]} +{"id": 21146, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching", 0], ["Kuching_-LRB-disambiguation-RRB-", 0], ["Malaysia_Airlines_destinations", 27], ["Malaysia_Airlines_destinations", 5], ["Kuching", 20]]} +{"id": 68443, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Doublefaced", 16], ["Sexify", 1], ["Passion,_Pain_&_Demon_Slayin'", 7], ["Passion,_Pain_&_Demon_Slayin'", 4], ["56th_Annual_Grammy_Awards", 13]]} +{"id": 56481, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Rihanna", 19], ["List_of_awards_and_nominations_received_by_Taylor_Swift", 17], ["Sheryl_Crow_discography", 8], ["List_of_awards_and_nominations_received_by_Adele", 14], ["28th_Annual_Grammy_Awards", 22]]} +{"id": 13394, "predicted_label": "REFUTES", "predicted_evidence": [["Invisible_Woman", 15], ["Mister_Fantastic", 17], ["Human_Torch", 18], ["Alicia_Masters", 8], ["Fantastic_Four_in_film", 9]]} +{"id": 82470, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2009\u201311_detention_of_American_hikers_by_Iran", 0], ["2009\u201311_detention_of_American_hikers_by_Iran", 3], ["Basildon", 13], ["2009\u201311_detention_of_American_hikers_by_Iran", 10], ["Basildon_Park", 0]]} +{"id": 115721, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lexa_-LRB-The_100-RRB-", 3], ["Manuel_Gonzales", 31], ["Circle_of_Friends_of_the_Medallion", 20], ["Lexa_-LRB-The_100-RRB-", 9], ["Manuel_Gonzales", 32]]} +{"id": 219149, "predicted_label": "SUPPORTS", "predicted_evidence": [["Valencia", 0], ["Health_in_Brazil", 6], ["Health_in_Brazil", 8], ["Elections_in_Estonia", 15], ["Elections_in_Estonia", 13]]} +{"id": 12089, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 15], ["Venice_in_Peril_Fund", 30], ["Regional_effects_of_global_warming", 1], ["Global_warming", 12], ["Duncan_Wingham", 5]]} +{"id": 173138, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Macy_-LRB-surname-RRB-", 16], ["Macy_-LRB-surname-RRB-", 8], ["Macy_-LRB-surname-RRB-", 4], ["The_Story_of_My_Life_-LRB-biography-RRB-", 1], ["Ann_Sullivan", 7]]} +{"id": 202925, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold", 6], ["Avenged_Sevenfold", 8], ["Avenged_Sevenfold", 10], ["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["City_of_Evil", 0]]} +{"id": 154542, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["ABS-CBN_-LRB-television_network-RRB-", 2], ["ABS-CBN_-LRB-television_network-RRB-", 9], ["Paramount_Television_Network", 0], ["Paramount_Television_Network", 11]]} +{"id": 174038, "predicted_label": "REFUTES", "predicted_evidence": [["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["The_Endless_River", 0], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 8], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 4]]} +{"id": 59718, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lindi", 1], ["Lindi", 0], ["Lindi", 2], ["Maputaland_coastal_forest_mosaic", 5], ["Maputaland_coastal_forest_mosaic", 6]]} +{"id": 161566, "predicted_label": "SUPPORTS", "predicted_evidence": [["Baz_Luhrmann", 2], ["Baz_Luhrmann", 0], ["Romeo_+_Juliet", 0], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["MoZella", 9]]} +{"id": 172521, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Top_Dance_Hits", 1], ["Jiuyue", 5], ["Jiuyue", 3], ["COMPASS/Sample_Code", 14], ["COMPASS/Sample_Code", 16]]} +{"id": 191424, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Keith_Urban_-LRB-1991_album-RRB-", 0], ["Tinchy_Stryder_videography", 8], ["Jake_Owen", 3], ["Days_Go_By", 4]]} +{"id": 47005, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["List_of_Marvel_Cinematic_Universe_television_series", 13], ["Iron_Fist_-LRB-comics-RRB-", 3], ["Luke_Cage", 6], ["Power_Man", 3]]} +{"id": 135160, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three-finger_toxin", 5], ["Muscarinic_acetylcholine_receptor", 0], ["Acetylcholine", 18], ["Muscarinic_antagonist", 0], ["Nicotinic_acetylcholine_receptor", 10]]} +{"id": 48499, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dress_uniform", 9], ["Dress_uniform", 3], ["Formal_wear", 10], ["Service_dress", 10], ["Dress_uniform", 4]]} +{"id": 194799, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fortunes_of_War_-LRB-TV_series-RRB-", 1], ["Fortunes_of_War_-LRB-TV_series-RRB-", 0], ["Emma_Thompson", 2], ["Fortunes_of_War_-LRB-TV_series-RRB-", 2], ["Dead_Again", 1]]} +{"id": 100366, "predicted_label": "REFUTES", "predicted_evidence": [["Jeff_Wootton", 13], ["Jeff_Wootton", 10], ["Live_at_the_De_De_De_Der", 1], ["Damon_Albarn", 17], ["Jeff_Wootton", 7]]} +{"id": 72913, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_House_episodes", 7], ["House_-LRB-TV_series-RRB-", 10], ["Love_&_Basketball", 0], ["The_Program_-LRB-1993_film-RRB-", 0], ["Aubrey_Epps", 9]]} +{"id": 171635, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gibbons", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["List_of_Jewish_American_cartoonists", 13], ["Ande_Parks", 17], ["List_of_Mormon_cartoonists", 60]]} +{"id": 58397, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bit_part", 0], ["Bit_part", 3], ["Bit_part", 8], ["Bit_part", 11], ["Walt_Nielsen", 21]]} +{"id": 100919, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Inferno_-LRB-2016_film-RRB-", 2], ["The_One_and_Only_-LRB-1999_film-RRB-", 1], ["Knudsen", 40]]} +{"id": 96775, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cochin_Special_Economic_Zone", 0], ["Shenzhen_Special_Economic_Zone", 0], ["Kyaukphyu_Special_Economic_Zone", 0], ["Cagayan_Special_Economic_Zone", 0], ["Cagayan_Special_Economic_Zone", 15]]} +{"id": 47540, "predicted_label": "REFUTES", "predicted_evidence": [["Alana_Blanchard", 8], ["Bear_attack", 0], ["California_Surf_Museum", 9], ["Bear_attack", 5], ["Faith_Fay", 10]]} +{"id": 76575, "predicted_label": "REFUTES", "predicted_evidence": [["Laura_Dahl", 2], ["Matthew_Gray_Gubler", 0], ["Gubler", 6], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray", 3]]} +{"id": 142638, "predicted_label": "REFUTES", "predicted_evidence": [["Scott_Moore", 15], ["Scotty_Cameron", 58], ["I_Forgot_to_Remember_to_Forget", 1], ["Elvis_Presley's_guitars", 6], ["Scotty_Cameron", 0]]} +{"id": 138103, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Replicant", 0], ["Blade_Runner", 26], ["Blade_Runner_2049", 0], ["Blade_Runner_2049", 1], ["Blade_Runner_-LRB-a_movie-RRB-", 12]]} +{"id": 193877, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22], ["Still_Alive_-LRB-disambiguation-RRB-", 10], ["Still_Alive_-LRB-disambiguation-RRB-", 8], ["Still_Alive_-LRB-disambiguation-RRB-", 12]]} +{"id": 200394, "predicted_label": "SUPPORTS", "predicted_evidence": [["Where_You_Want_to_Be", 11], ["List_of_Taking_Back_Sunday_band_members", 0], ["Taking_Back_Sunday_-LRB-album-RRB-", 0], ["Taking_Back_Sunday", 6], ["Tell_All_Your_Friends", 0]]} +{"id": 170397, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Martin_-LRB-lawyer-RRB-", 8], ["Madden_NFL_2004", 1], ["2007_Atlanta_Falcons_season", 4], ["Billy_Martin_-LRB-lawyer-RRB-", 7], ["2007_Atlanta_Falcons_season", 10]]} +{"id": 195822, "predicted_label": "REFUTES", "predicted_evidence": [["Weekly_Idol", 1], ["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Hyeong", 16]]} +{"id": 71725, "predicted_label": "SUPPORTS", "predicted_evidence": [["Canadian_raising", 3], ["Femslash", 18], ["Set_phrase", 8], ["The_Real_Milli_Vanilli", 0], ["List_of_Billboard_200_number-one_albums_of_1989", 22]]} +{"id": 73080, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bloods", 1], ["Ghost_Shadows", 12], ["Crips", 13], ["Gangs_in_Memphis,_Tennessee", 12], ["Gangs_in_the_United_Kingdom", 12]]} +{"id": 205655, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_recorded_by_Metallica", 7], ["St._Anger", 0], ["Metallica_discography", 6], ["Madly_in_Anger_with_the_World_Tour", 3], ["St._Anger", 2]]} +{"id": 73226, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["System_of_a_Down_discography", 25], ["List_of_American_musicians_of_Armenian_descent", 85], ["Elect_the_Dead", 2]]} +{"id": 161568, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Moulin_Rouge!_Music_from_Baz_Luhrmann's_Film", 1], ["MoZella", 9], ["The_Great_Gatsby_-LRB-disambiguation-RRB-", 18], ["The_Great_Gatsby_-LRB-disambiguation-RRB-", 20]]} +{"id": 108003, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tony_Zierra", 11], ["Tony_Zierra", 1], ["Big_Sky_Motion_Pictures", 8], ["Kris_Aquino_filmography", 18], ["Kris_Aquino_filmography", 3]]} +{"id": 126657, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paul_is_dead", 0], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 60], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 51], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 121], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 199]]} +{"id": 146109, "predicted_label": "SUPPORTS", "predicted_evidence": [["Raees_-LRB-film-RRB-", 1], ["Raees_-LRB-film-RRB-", 0], ["Raees_-LRB-film-RRB-", 4], ["Raees_Dynasty", 9], ["Varun", 40]]} +{"id": 63958, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Red_Red_Wine", 5], ["The_Essential_Neil_Diamond", 0], ["Classics-COLON-_The_Early_Years", 3], ["Forever_in_Blue_Jeans", 7], ["Forever_in_Blue_Jeans", 0]]} +{"id": 182440, "predicted_label": "SUPPORTS", "predicted_evidence": [["Epistemology", 3], ["Failure_of_imagination", 3], ["Reformed_epistemology", 0], ["Epistemology", 4], ["Meta-epistemology", 3]]} +{"id": 190170, "predicted_label": "REFUTES", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Daisy_of_Love", 3], ["Golden_Boy_Promotions", 0], ["Oscar_De_La_Hoya", 0], ["Oscar_De_La_Hoya_vs._Manny_Pacquiao", 0]]} +{"id": 5075, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["State_of_Palestine", 1], ["Palestinian_territories", 25], ["Energy_in_the_State_of_Palestine", 5], ["Political_status_of_the_Palestinian_territories", 5], ["Political_status_of_the_Palestinian_territories", 39]]} +{"id": 79639, "predicted_label": "REFUTES", "predicted_evidence": [["Rob_Sheridan", 0], ["Sheridan_-LRB-surname-RRB-", 123], ["Trent_Reznor", 11], ["Nine_Inch_Nails_live_performances", 15], ["Pretty_Eight_Machine_-LRB-album-RRB-", 7]]} +{"id": 79549, "predicted_label": "SUPPORTS", "predicted_evidence": [["Baduizm", 12], ["Baduizm", 13], ["Secret_O'_Life", 28], ["Hourglass_-LRB-James_Taylor_album-RRB-", 0], ["Hourglass_-LRB-James_Taylor_album-RRB-", 11]]} +{"id": 109128, "predicted_label": "REFUTES", "predicted_evidence": [["Dilwale_Dulhania_Le_Jayenge", 15], ["Dilwale_Dulhania_Le_Jayenge", 7], ["Kajol_filmography", 7], ["Kajol_filmography", 6], ["Kajol", 9]]} +{"id": 57452, "predicted_label": "SUPPORTS", "predicted_evidence": [["2016_U.S._national_anthem_protests", 1], ["2014_NFL_quarterbacks_win\u2013loss_records", 0], ["2016_San_Francisco_49ers_season", 0], ["Pistol_offense", 18], ["Colin_Kaepernick", 5]]} +{"id": 66176, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maha_el-Samnah", 11], ["Maha_el-Samnah", 1], ["Canadian_response_to_Omar_Khadr", 0], ["Guantanamo's_Child", 1], ["Canadian_response_to_Omar_Khadr", 6]]} +{"id": 200291, "predicted_label": "SUPPORTS", "predicted_evidence": [["Truman_Capote", 0], ["True_crime", 10], ["True_crime", 3], ["True_crime", 0], ["In_Cold_Blood", 0]]} +{"id": 26675, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_F.C.", 7], ["English_football_clubs_in_international_competitions", 5], ["Tottenham_Hotspur_F.C.", 9], ["English_football_clubs_in_international_competitions", 4], ["History_of_Tottenham_Hotspur_F.C.", 0]]} +{"id": 152864, "predicted_label": "SUPPORTS", "predicted_evidence": [["Empire_Award_for_Best_Supporting_Actress", 1], ["Cate_Blanchett", 3], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["List_of_accolades_received_by_Blue_Jasmine", 2], ["Blue_Jasmine", 1]]} +{"id": 143075, "predicted_label": "SUPPORTS", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["Qui-Gon_and_Obi-Wan-COLON-_Last_Stand_on_Ord_Mantell", 2], ["Count_Dooku", 4], ["Qui-Gon_and_Obi-Wan-COLON-_The_Aurorient_Express", 2], ["Watto", 6]]} +{"id": 166485, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maria_DeLuca", 0], ["Isabel_Evans", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0], ["Roswell_-LRB-TV_series-RRB-", 0], ["Friday_Night_Lights_-LRB-TV_series-RRB-", 17]]} +{"id": 97538, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Portlandia_characters", 0], ["The_8G_Band", 1], ["List_of_Saturday_Night_Live_musical_sketches", 50], ["List_of_Saturday_Night_Live_musical_sketches", 54], ["Saturday_Night_Live_characters_appearing_on_Weekend_Update", 116]]} +{"id": 165248, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Balan_Nambiar", 16], ["Creative_Barcode", 13], ["Creative_Commons", 0], ["Creative_Barcode", 14]]} +{"id": 102352, "predicted_label": "SUPPORTS", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-T-RRB-", 1727], ["Index_of_World_War_II_articles_-LRB-S-RRB-", 692], ["Index_of_World_War_II_articles_-LRB-T-RRB-", 1119], ["Index_of_World_War_II_articles_-LRB-L-RRB-", 429], ["List_of_Second_World_War_Victoria_Cross_recipients", 7]]} +{"id": 216387, "predicted_label": "SUPPORTS", "predicted_evidence": [["Historical_fiction", 1], ["Gail_Morgan_Hickman", 7], ["Historical_fiction", 14], ["Leo_Hickman", 9], ["Historical_fiction", 4]]} +{"id": 75957, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Demonlover", 1], ["Return_to_Sender_-LRB-2004_film-RRB-", 4], ["Hippolyta_-LRB-DC_Comics-RRB-", 6], ["Caldecot_Chubb", 19], ["Demonlover", 11]]} +{"id": 147056, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_companies_of_Poland", 3], ["List_of_companies_of_Mexico", 3], ["Mexico", 3], ["Indonesia", 3], ["Vietnam", 1]]} +{"id": 89814, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["Wilbur_Mack", 4], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Miranda_Otto", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 1]]} +{"id": 30186, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Blue_Jasmine", 5], ["List_of_accolades_received_by_Blue_Jasmine", 0], ["Blue_Jasmine", 0], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["List_of_accolades_received_by_Blue_Jasmine", 10]]} +{"id": 106417, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Weekend_-LRB-Homeland-RRB-", 6], ["Carrie_Mathison", 0], ["Homeland_-LRB-TV_series-RRB-", 3], ["Pilot_-LRB-Homeland-RRB-", 4], ["Carrie_Mathison", 2]]} +{"id": 198012, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Pyramid_Club", 20], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 179741, "predicted_label": "REFUTES", "predicted_evidence": [["Wentworth_Miller", 2], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Daniel_Miller_-LRB-cricketer-RRB-", 6], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 45565, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sprechgesang", 0], ["Don't_Say_No", 4], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 2], ["Spoken_For_-LRB-song-RRB-", 0], ["Spoken_language", 3]]} +{"id": 198011, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Pyramid_Club", 20], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 42412, "predicted_label": "SUPPORTS", "predicted_evidence": [["Martin_Landau", 6], ["List_of_frequent_Tim_Burton_collaborators", 10], ["Ed_Wood_-LRB-film-RRB-", 1], ["Landau_-LRB-surname-RRB-", 54], ["Martin_Landau", 0]]} +{"id": 171603, "predicted_label": "SUPPORTS", "predicted_evidence": [["Syracuse,_New_York", 2], ["Syracuse,_New_York", 1], ["Hamilton_White_House", 16], ["Hamilton_White_House", 77], ["Hamilton_White_House", 0]]} +{"id": 14408, "predicted_label": "REFUTES", "predicted_evidence": [["Make_Your_Move_-LRB-film-RRB-", 0], ["Derek_Hough", 6], ["Ballas_Hough_Band", 0], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 8]]} +{"id": 164991, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polar_bear", 7], ["Polar_bear", 5], ["Polar_bear", 0], ["Agreement_on_the_Conservation_of_Polar_Bears", 4], ["Mitchell_Taylor", 0]]} +{"id": 159695, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 25], ["Nira_Park", 4], ["Nira_Park", 19], ["List_of_Ace_SF_numeric-series_single_titles", 477]]} +{"id": 74231, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Astrology_and_science", 6], ["Shawn_Carlson", 0], ["JB_Carlson", 2], ["JB_Carlson", 1], ["Jesse_Carlson", 24]]} +{"id": 74604, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Blue_Moon_Boys", 0], ["Glacier_Gardens", 10], ["Elvis_Presley", 6], ["Scott_Moore", 15], ["Scotty_Cameron", 47]]} +{"id": 159594, "predicted_label": "SUPPORTS", "predicted_evidence": [["Science_fiction_magazine", 0], ["O'Bannon_-LRB-surname-RRB-", 6], ["List_of_video_game_crowdfunding_projects", 2426], ["Science_fiction_magazine", 3], ["List_of_video_game_crowdfunding_projects", 5222]]} +{"id": 170419, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marcus_Vick", 8], ["Marcus_Vick", 9], ["Billy_Martin_-LRB-lawyer-RRB-", 8], ["Madden_NFL_2004", 11], ["2007_Atlanta_Falcons_season", 4]]} +{"id": 81519, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 1], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0]]} +{"id": 10496, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rachel_Green", 0], ["Monica_Geller", 0], ["List_of_Friends_characters", 1], ["Jennifer_Aniston", 2], ["List_of_Friends_episodes", 6]]} +{"id": 170401, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Madden_NFL_2004", 1], ["Marcus_Vick", 1], ["Billy_Martin_-LRB-lawyer-RRB-", 8], ["2007_Atlanta_Falcons_season", 10], ["2007_Atlanta_Falcons_season", 4]]} +{"id": 161862, "predicted_label": "REFUTES", "predicted_evidence": [["Kristen_Anderson-Lopez", 4], ["Kristen_Anderson-Lopez", 1], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["The_Book_of_Mormon_-LRB-musical-RRB-", 2], ["The_Book_of_Mormon_-LRB-musical-RRB-", 19]]} +{"id": 48390, "predicted_label": "SUPPORTS", "predicted_evidence": [["San_Diego_Comic-Con", 1], ["Comic_book_convention", 26], ["Jackie_Estrada", 3], ["San_Diego_Comic-Con", 2], ["Mike_Towry", 1]]} +{"id": 155920, "predicted_label": "SUPPORTS", "predicted_evidence": [["Taylor_Lautner", 0], ["The_Bernie_Mac_Show", 0], ["Bernie_Mac", 7], ["Reginald_Ballard", 7], ["Taylor_Lautner", 4]]} +{"id": 41265, "predicted_label": "SUPPORTS", "predicted_evidence": [["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Carlos_Santana_-LRB-disambiguation-RRB-", 0], ["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0]]} +{"id": 63527, "predicted_label": "REFUTES", "predicted_evidence": [["G.R.L._discography", 15], ["Spring_Songs_-LRB-EP-RRB-", 1], ["A_Gunshot_to_the_Head_of_Trepidation", 2], ["Olivia_Newton-John_videography", 0], ["Olivia_Newton-John_videography", 13]]} +{"id": 10312, "predicted_label": "REFUTES", "predicted_evidence": [["Kundun", 1], ["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0], ["8th_Arjia_Rinpoche", 2]]} +{"id": 174032, "predicted_label": "SUPPORTS", "predicted_evidence": [["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["Pink_Floyd", 17], ["The_Endless_River", 5], ["The_Division_Bell", 10], ["The_Endless_River", 0]]} +{"id": 40205, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Canyons_-LRB-film-RRB-", 0], ["Camden_College_-LRB-fictional_college-RRB-", 11], ["Bret", 19], ["Brat_Pack_-LRB-literary-RRB-", 16], ["American_Psycho_-LRB-Conceptual_Novel-RRB-", 0]]} +{"id": 10635, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_trafficking_in_Mexico", 11], ["The_A21_Campaign", 0], ["The_A21_Campaign", 15], ["Human_trafficking_in_Mexico", 0], ["Human_trafficking_in_Mexico", 4]]} +{"id": 163990, "predicted_label": "SUPPORTS", "predicted_evidence": [["Academy_Award_for_Best_Foreign_Language_Film", 11], ["Academy_Award_for_Best_Foreign_Language_Film", 6], ["Academy_Award_for_Best_Foreign_Language_Film", 13], ["Academy_Award_for_Best_Foreign_Language_Film", 15], ["Academy_Award_for_Best_Foreign_Language_Film", 7]]} +{"id": 223350, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Room_-LRB-film-RRB-", 15], ["The_Disaster_Artist_-LRB-film-RRB-", 0], ["The_Room_-LRB-film-RRB-", 5], ["The_Disaster_Artist_-LRB-film-RRB-", 5], ["Night_at_the_Museum-COLON-_Secret_of_the_Tomb", 8]]} +{"id": 181614, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["WGBX-TV", 1], ["WGBH_-LRB-FM-RRB-", 0], ["Nathaniel_Johnson_-LRB-broadcaster-RRB-", 8], ["WCAI", 11], ["WNCK", 0]]} +{"id": 144602, "predicted_label": "REFUTES", "predicted_evidence": [["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1], ["Alexander_Stuart_-LRB-writer-RRB-", 5], ["Tim_Smith", 39], ["Simon_Target", 24], ["Simon_Target", 5]]} +{"id": 163989, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vijayalakshmi_-LRB-Tamil_actress-RRB-", 1], ["Veeram", 3], ["Ajith_Kumar_filmography", 25], ["Ajith_Kumar_filmography", 19], ["Rajinikanth_filmography", 14]]} +{"id": 161551, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 0], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Moulin_Rouge!", 1], ["Moulin_Rouge!", 6], ["Nicole_Kidman_filmography", 0]]} +{"id": 126100, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sean_Tuohy", 4], ["Blindside", 0], ["The_Blind_Side_-LRB-film-RRB-", 0], ["The_Blind_Side_-LRB-film-RRB-", 1], ["Blindside", 5]]} +{"id": 154494, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_Aeronautics", 0], ["Lockheed_Martin", 0], ["Lockheed_Martin_Aeronautics", 8], ["Lockheed", 5], ["Lockheed_Martin", 14]]} +{"id": 93624, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Israeli_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II", 10], ["List_of_supersonic_aircraft", 254]]} +{"id": 179310, "predicted_label": "SUPPORTS", "predicted_evidence": [["Franchising", 8], ["Environmental_Performance_Index", 19], ["Environmental_Performance_Index", 16], ["Environmental_Performance_Index", 17], ["Environmental_Performance_Index", 13]]} +{"id": 149251, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Columbia_River_Estuary", 3], ["Coast_Guard_Station_Cape_Disappointment", 23], ["Columbia_River_Highway", 2], ["Coast_Guard_Station_Cape_Disappointment", 13], ["Columbia_River_Highway", 4]]} +{"id": 185430, "predicted_label": "REFUTES", "predicted_evidence": [["CHiPs_-LRB-film-RRB-", 0], ["Hit_and_Run_-LRB-2012_film-RRB-", 0], ["The_Midnight_Show", 1], ["Brother's_Justice", 0], ["The_Midnight_Show", 3]]} +{"id": 109768, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Adrian_Vanson", 18], ["Adrian_Vanson", 3], ["Adrian_Vanson", 20], ["Royal_Court_of_Scotland", 1], ["Royal_Court_of_Scotland", 24]]} +{"id": 493, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nuuk", 4], ["Nuuk", 1], ["Agnethe_Davidsen", 0], ["Nuuk_Airport", 0], ["Aqqusinersuaq", 5]]} +{"id": 161841, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Book_of_Mormon_-LRB-musical-RRB-", 2], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["Any_Man_in_America", 21], ["Any_Man_in_America", 20], ["Snoop_Dogg_discography", 45]]} +{"id": 226885, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jenna_Jameson", 3], ["Alina_Plugaru", 1], ["Jenna_Jameson", 0], ["ClubJenna", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 88907, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 13], ["Global_warming_hiatus", 23], ["Climate_change_denial", 19], ["Global_warming", 28], ["Global_warming_hiatus", 0]]} +{"id": 40833, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Easy_to_Assemble", 7], ["Right_to_Kill?", 10], ["Right_to_Kill?", 6]]} +{"id": 24264, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heart", 19], ["Reflex_bradycardia", 0], ["Exercise_and_music", 10], ["Transcutaneous_pacing", 6], ["Heart_rate", 3]]} +{"id": 131295, "predicted_label": "REFUTES", "predicted_evidence": [["Dan_Neal", 4], ["Whitall_Tatum_Company", 7], ["Whitall_Tatum_Company", 0], ["Tatum_-LRB-given_name-RRB-", 12], ["Whitall_Tatum_Company", 20]]} +{"id": 194477, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda", 12], ["Swinton_-LRB-surname-RRB-", 19], ["I_Am_Love_-LRB-film-RRB-", 2], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Tilda_Swinton", 5]]} +{"id": 5421, "predicted_label": "REFUTES", "predicted_evidence": [["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-season_4-RRB-", 0], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 146332, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Times_Square", 8], ["Jameson_-LRB-surname-RRB-", 29], ["ClubJenna", 0], ["Jenna_Jameson", 0], ["ClubJenna", 4]]} +{"id": 202760, "predicted_label": "SUPPORTS", "predicted_evidence": [["Universal's_Superstar_Parade", 3], ["Minions_-LRB-film-RRB-", 1], ["Despicable_Me_2", 1], ["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me", 0]]} +{"id": 119679, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Beauty_and_the_Beast_-LRB-1991_film-RRB-", 2], ["Beauty_and_the_Beast_-LRB-1991_film-RRB-", 20], ["Monster_Nationals", 7], ["Beauty_and_the_Beast_-LRB-1991_film-RRB-", 3], ["Stronsay_Beast", 21]]} +{"id": 173135, "predicted_label": "SUPPORTS", "predicted_evidence": [["Macy_-LRB-surname-RRB-", 4], ["List_of_teachers_portrayed_in_films", 88], ["Ann_Sullivan", 3], ["Anne_Sullivan_Communication_Center", 9], ["Ann_Sullivan", 7]]} +{"id": 40251, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dead_Body_-LRB-disambiguation-RRB-", 0], ["Over_my_dead_body", 22], ["Over_my_dead_body", 18], ["Over_my_dead_body", 20], ["Dead_Body_-LRB-disambiguation-RRB-", 3]]} +{"id": 83758, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soul_Food", 7], ["DreamWorks_Animation", 2], ["Soul_Food", 9], ["Soul_Food", 13], ["Soul_Food", 0]]} +{"id": 39605, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Red_Red_Wine", 5], ["The_Essential_Neil_Diamond", 0], ["Classics-COLON-_The_Early_Years", 3], ["Diamond_-LRB-surname-RRB-", 64], ["Diamond_-LRB-surname-RRB-", 58]]} +{"id": 41683, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tiber_Oil_Field", 0], ["Tiber_-LRB-disambiguation-RRB-", 20], ["Summerland_Oil_Field", 3], ["Summerland_Oil_Field", 0], ["Summerland_Oil_Field", 1]]} +{"id": 182289, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_-LRB-store-RRB-", 0], ["Unregistered_trademark", 29], ["SafeCast", 5], ["SafeCast", 1]]} +{"id": 93273, "predicted_label": "SUPPORTS", "predicted_evidence": [["Underdog_-LRB-film-RRB-", 1], ["Junebug_-LRB-film-RRB-", 3], ["Amy_Adams_-LRB-disambiguation-RRB-", 10], ["Amy_Adams_-LRB-disambiguation-RRB-", 12], ["Amy_Adams_-LRB-disambiguation-RRB-", 8]]} +{"id": 169036, "predicted_label": "REFUTES", "predicted_evidence": [["Indian_general_election,_2009", 17], ["Manmohan_Singh", 1], ["First_Manmohan_Singh_ministry", 2], ["First_Manmohan_Singh_ministry", 1], ["Manmohan_Singh", 10]]} +{"id": 149173, "predicted_label": "SUPPORTS", "predicted_evidence": [["Psych", 0], ["List_of_awards_and_nominations_received_by_Psych", 0], ["List_of_Psych_episodes", 0], ["The_Linus_Pauling_Quartet", 26], ["List_of_Psych_episodes", 6]]} +{"id": 181118, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["So_You_Think_You_Can_Dance_-LRB-UK_series_1-RRB-", 0], ["So_You_Think_You_Can_Dance_-LRB-UK_series_1-RRB-", 5], ["List_of_compositions_by_Charles_Wuorinen", 443], ["College_of_Veterinary_and_Animal_Sciences,_Jhang", 0], ["List_of_compositions_by_Charles_Wuorinen", 79]]} +{"id": 200262, "predicted_label": "SUPPORTS", "predicted_evidence": [["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["List_of_Natural_Born_Killers_characters", 0], ["Natural_Born_Killers", 0], ["Natural_Born_Killers", 5], ["List_of_Natural_Born_Killers_characters", 1]]} +{"id": 192833, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ian_Brennan", 8], ["Ian_Brennan", 2], ["Ian_Brennan", 4], ["Kyp_Malone", 11], ["Ian_Brennan", 0]]} +{"id": 140589, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2002_CONCACAF_Champions'_Cup", 0]]} +{"id": 26444, "predicted_label": "REFUTES", "predicted_evidence": [["Paramore_-LRB-album-RRB-", 17], ["Paramore_-LRB-album-RRB-", 0], ["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 0], ["List_of_songs_recorded_by_Paramore", 0], ["Zac_Farro", 2]]} +{"id": 83092, "predicted_label": "REFUTES", "predicted_evidence": [["William_W._Davies", 21], ["List_of_White_Collar_episodes", 13], ["List_of_White_Collar_episodes", 11], ["William_W._Davies", 0], ["William_W._Davies", 9]]} +{"id": 159080, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cross-Strait_relations", 10], ["Cold_War", 4], ["List_of_journalists_killed_in_Guatemala", 13], ["Efrai\u0301n_Ri\u0301os_Montt", 24], ["List_of_journalists_killed_in_Guatemala", 12]]} +{"id": 132541, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_Nesbitt", 14], ["James_Nesbitt", 8], ["James_Nesbitt", 20], ["Darkman", 2], ["Darkman", 7]]} +{"id": 108567, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mel_Spillman", 0], ["Dead_People", 3], ["Mel_Spillman", 16], ["Dead_People", 5], ["Dead_People", 0]]} +{"id": 33949, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombian_short-tailed_bat", 1], ["A._colombiana", 3], ["A._colombiana", 5], ["Colombian_short-tailed_bat", 0], ["C._colombiana", 5]]} +{"id": 213934, "predicted_label": "REFUTES", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Howard_Jachter", 3], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 49000, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mining_industry_of_Chad", 13], ["Mining_industry_of_Chad", 20], ["Timeline_of_alcohol_fuel", 151], ["Abiogenic_petroleum_origin", 11], ["Deepwater_drilling", 13]]} +{"id": 192837, "predicted_label": "REFUTES", "predicted_evidence": [["Ian_Brennan", 8], ["Ian_Brennan", 2], ["Ian_Brennan", 6], ["List_of_artists_who_have_performed_at_the_Colston_Hall", 414], ["Ian_Brennan", 0]]} +{"id": 177143, "predicted_label": "SUPPORTS", "predicted_evidence": [["Latin_America\u2013United_States_relations", 21], ["The_Myth_of_the_Eastern_Front", 10], ["Invasion_literature", 3], ["Alien_invasion", 22], ["Invasion_literature", 0]]} +{"id": 60080, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stephen_Hillenburg", 4], ["SpongeBob_SquarePants_-LRB-season_4-RRB-", 0], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 216599, "predicted_label": "REFUTES", "predicted_evidence": [["Calcaneal_spur", 1], ["Calcaneal_spur", 7], ["Calcaneal_spur", 0], ["Calcaneal_spur", 11], ["Calcaneal_spur", 6]]} +{"id": 107134, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["David_Bierk", 3], ["Henry_Garfield_Pardy", 15], ["Henry_Garfield_Pardy", 22]]} +{"id": 185727, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dil_Se..", 0], ["R._Madhavan", 13], ["Mani_Ratnam", 6], ["Mani_Ratnam", 0], ["Mani_Ratnam", 1]]} +{"id": 207388, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["David_Packouz", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Ephraim_-LRB-given_name-RRB-", 30], ["AEY", 9], ["Efraim_Diveroli", 0]]} +{"id": 92895, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cyrus_-LRB-surname-RRB-", 18], ["Mike_Schmid", 11], ["Start_All_Over", 1], ["Ready,_Set,_Don't_Go", 0], ["Start_All_Over", 7]]} +{"id": 187104, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mariano_Vivanco", 8], ["Last_Night_-LRB-2010_film-RRB-", 1], ["Last_Night_-LRB-2010_film-RRB-", 5], ["2_Fast_2_Furious", 2], ["My_Brother_the_Pig", 0]]} +{"id": 180733, "predicted_label": "REFUTES", "predicted_evidence": [["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Live_at_Mainstreet", 3], ["Something_Beginning_with_C", 2], ["Rohini_Bhate", 0], ["Vidyagauri_Adkar", 0]]} +{"id": 90348, "predicted_label": "REFUTES", "predicted_evidence": [["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Thomas_Duane", 24], ["Thomas_Duane", 29], ["Thomas_Duane", 17], ["Thomas_Duane", 21]]} +{"id": 196992, "predicted_label": "REFUTES", "predicted_evidence": [["Diwali", 19], ["Sal_Mubarak", 11], ["Sal_Mubarak", 0], ["Divali_Nagar", 13], ["Diwali", 4]]} +{"id": 185395, "predicted_label": "SUPPORTS", "predicted_evidence": [["Just_Men!", 5], ["Richard_Rosner", 5], ["Rosner", 16], ["Naked_Ambition", 17], ["Naked_Ambition", 15]]} +{"id": 196740, "predicted_label": "SUPPORTS", "predicted_evidence": [["April_Showers", 7], ["April_Showers", 15], ["April_Showers", 9], ["April_Showers", 11], ["Marnie_-LRB-disambiguation-RRB-", 8]]} +{"id": 226096, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Box_of_Bongwater", 0], ["Too_Much_Sleep", 2], ["Breaking_No_New_Ground!", 1], ["Double_Bummer", 2], ["Double_Bummer", 0]]} +{"id": 222034, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Brubaker", 0], ["Israel_Rosenberg", 70], ["Israel_Rosenberg", 50], ["Israel_Rosenberg", 86], ["James_D._Brubaker", 3]]} +{"id": 189468, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yandex", 1], ["Yandex", 9], ["Yandex.Direct", 9], ["Yandex.Translate", 0], ["Yandex_Browser", 12]]} +{"id": 13076, "predicted_label": "REFUTES", "predicted_evidence": [["White_House_Press_Secretary", 0], ["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3], ["West_Wing", 4]]} +{"id": 175480, "predicted_label": "SUPPORTS", "predicted_evidence": [["Christian_Gottlob_Neefe", 0], ["Ludwig_van_Beethoven", 5], ["Masonic_music", 5], ["List_of_composers_who_studied_law", 45], ["Gottlob", 35]]} +{"id": 202928, "predicted_label": "REFUTES", "predicted_evidence": [["Avenged_Sevenfold", 17], ["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Unholy_Confessions", 6], ["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8]]} +{"id": 193422, "predicted_label": "REFUTES", "predicted_evidence": [["Izzy_Sinclair", 42], ["Psycho_-LRB-franchise-RRB-", 9], ["Bates_Motel_-LRB-film-RRB-", 5], ["Psycho_-LRB-franchise-RRB-", 0], ["Bates_Motel_-LRB-TV_series-RRB-", 16]]} +{"id": 119047, "predicted_label": "SUPPORTS", "predicted_evidence": [["Microbiologist", 14], ["Molecular_pathology", 1], ["Molecular_Infection_Medicine_Sweden", 5], ["Molecular_Infection_Medicine_Sweden", 0], ["Molecular_pathology", 0]]} +{"id": 165874, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2], ["Becoming_-LRB-Buffy_the_Vampire_Slayer-RRB-", 5], ["Dawn_Summers", 2], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 13], ["Xander_Harris", 2]]} +{"id": 139317, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Estimated_date_of_confinement", 0], ["Library_card", 12], ["Tax_return_-LRB-Canada-RRB-", 20], ["Late_fee", 0], ["Comm_South_Companies", 18]]} +{"id": 172473, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matteo_Renzi", 3], ["Matteo_Renzi", 0], ["Renzi_-LRB-surname-RRB-", 22], ["Remake_Italy", 2], ["Democratic_Party_-LRB-Italy-RRB-", 14]]} +{"id": 74276, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hindu_Kush", 2], ["Kushan_Pass", 7], ["Kuh-e_Bandaka", 10], ["Kuh-e_Bandaka", 9], ["Hindu_Kush", 5]]} +{"id": 49268, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hedda_Gabler", 1], ["Creditors_-LRB-play-RRB-", 8], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Hedda_Gabler", 2]]} +{"id": 18523, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_fictional_nurses", 279], ["List_of_fictional_nurses", 277], ["Anton_Yelchin", 6], ["Trollhunters", 0], ["List_of_fictional_nurses", 275]]} +{"id": 37546, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 15], ["John_Deighton", 0], ["Deighton", 18], ["Derek_Deighton", 1], ["Derek_Deighton", 0]]} +{"id": 88875, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Luis_Fonsi", 0], ["Aqui\u0301_Estoy_Yo", 0], ["List_of_Uruguayan_politicians", 1005], ["List_of_Ministers_of_Interior_and_Justice_of_Venezuela", 88], ["Alfonso_Rodriguez", 7]]} +{"id": 73444, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_gothic_metal_bands", 3], ["Heavy_metal_lyrics", 0], ["List_of_gothic_metal_bands", 4], ["Andrew_Haug", 5], ["List_of_gothic_metal_bands", 9]]} +{"id": 70386, "predicted_label": "SUPPORTS", "predicted_evidence": [["Off_the_Wall", 14], ["Todd_Haynes", 15], ["Franz_Ferdinand_-LRB-band-RRB-", 17], ["Franz_Ferdinand_-LRB-band-RRB-", 23], ["Franz_Ferdinand_-LRB-band-RRB-", 8]]} +{"id": 107017, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_Ford_Coppola", 4], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234], ["Edmund_Pendleton_-LRB-disambiguation-RRB-", 6], ["Edmund_Garrett", 3], ["Edmund_H._Deas_House", 4]]} +{"id": 227370, "predicted_label": "REFUTES", "predicted_evidence": [["The_Sonny_Kendis_Show", 5], ["Giada_at_Home", 0], ["Giada's_Weekend_Getaways", 6], ["The_Sonny_Kendis_Show", 1], ["The_Sonny_Kendis_Show", 0]]} +{"id": 32940, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joe_Dirt_2-COLON-_Beautiful_Loser", 0], ["Zack_Kahn", 4], ["David_Spade", 2], ["Joe_Dirt", 9], ["Dallas_Taylor_-LRB-vocalist-RRB-", 39]]} +{"id": 98875, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["No_Way_Out_-LRB-2009-RRB-", 18], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Judgment_Day_-LRB-2007-RRB-", 10]]} +{"id": 130146, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joe_Rogan", 7], ["Bert_Kreischer", 22], ["The_Joe_Rogan_Experience", 0], ["Junior_Simpson", 15], ["Joe_Rogan", 13]]} +{"id": 201383, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Varsity_Blues", 3], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 22], ["Varsity", 24], ["Varsity", 20]]} +{"id": 96289, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alternative_facts", 0], ["Make_America_Number_1", 12], ["Conway_-LRB-surname-RRB-", 66], ["Bowling_Green_massacre", 0], ["Kellyanne_Conway", 4]]} +{"id": 50438, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Diamond_-LRB-surname-RRB-", 40], ["Red_Red_Wine", 5], ["Classics-COLON-_The_Early_Years", 3], ["The_Essential_Neil_Diamond", 0], ["Red_Red_Wine", 0]]} +{"id": 47993, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soul_Surfer_-LRB-film-RRB-", 0], ["Alana_Blanchard", 8], ["Faith_Fay", 10], ["California_Surf_Museum", 9], ["California_Surf_Museum", 10]]} +{"id": 192839, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 8], ["Ian_Brennan", 6], ["Ian_Brennan", 4], ["Ian_Brennan", 0], ["Ian_Brennan", 2]]} +{"id": 134498, "predicted_label": "SUPPORTS", "predicted_evidence": [["Umkhonto_we_Sizwe", 4], ["Umkhonto_we_Sizwe", 5], ["Umkhonto_we_Sizwe", 1], ["List_of_foreign_delegations_at_the_9th_SED_Congress", 214], ["1960_International_Meeting_of_Communist_and_Workers_Parties", 138]]} +{"id": 27399, "predicted_label": "REFUTES", "predicted_evidence": [["Terry_Crews", 9], ["Carl_Mauck", 16], ["Make_a_Smellmitment", 2], ["Terry_Crews", 3], ["Make_a_Smellmitment", 8]]} +{"id": 44334, "predicted_label": "REFUTES", "predicted_evidence": [["Prosenjit_Chatterjee", 15], ["List_of_accolades_received_by_Jackie_-LRB-2016_film-RRB-", 0], ["The_Take", 13], ["Paula_-LRB-1915_film-RRB-", 1], ["Delusion_-LRB-disambiguation-RRB-", 22]]} +{"id": 226146, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Internet_meme", 9], ["Out_Campaign", 27], ["Dawkins", 38], ["Over_Norton_Park", 2], ["Over_Norton_Park", 5]]} +{"id": 5579, "predicted_label": "SUPPORTS", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 4], ["List_of_films_set_in_Detroit", 64], ["List_of_films_set_in_Detroit", 108], ["List_of_films_set_in_Detroit", 98], ["Australia_-LRB-2008_film-RRB-", 5]]} +{"id": 154348, "predicted_label": "REFUTES", "predicted_evidence": [["Santana_-LRB-band-RRB-", 0], ["Santana_discography", 0], ["You_Know_That_I_Love_You_-LRB-Santana_song-RRB-", 0], ["Santana_discography", 6], ["Santana_discography", 18]]} +{"id": 165137, "predicted_label": "REFUTES", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Marvel_Cinematic_Universe_tie-in_comics", 12], ["Iron_Man_3", 0], ["Marvel_Cinematic_Universe_tie-in_comics", 7], ["Iron_Man_2", 17]]} +{"id": 114145, "predicted_label": "SUPPORTS", "predicted_evidence": [["What_Happens_in_Vegas", 0], ["List_of_Creative_Artists_Agency_clients", 57], ["Ashton_-LRB-given_name-RRB-", 20], ["List_of_Creative_Artists_Agency_clients", 131], ["Ashton_Kutcher", 0]]} +{"id": 151253, "predicted_label": "SUPPORTS", "predicted_evidence": [["Viola_Davis", 6], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 7], ["Richard_Penn_-LRB-actor-RRB-", 6], ["Richard_Penn_-LRB-actor-RRB-", 0], ["Richard_Penn_-LRB-actor-RRB-", 3]]} +{"id": 175736, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cry_of_the_Owl_-LRB-1987_film-RRB-", 0], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 0], ["Highsmith", 14], ["Robert_Weil_-LRB-editor-RRB-", 176], ["The_Two_Faces_of_January", 0]]} +{"id": 94605, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["No_Way_Out_-LRB-2009-RRB-", 18], ["Stephanie_McMahon", 5], ["Stephanie_McMahon", 12], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Judgment_Day_-LRB-2007-RRB-", 2]]} +{"id": 39606, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Red_Red_Wine", 5], ["The_Essential_Neil_Diamond", 0], ["Classics-COLON-_The_Early_Years", 3], ["Diamond_-LRB-surname-RRB-", 64], ["Diamond_-LRB-surname-RRB-", 58]]} +{"id": 47061, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_horror_films_of_the_1980s", 8], ["List_of_horror_films_of_the_1980s", 12], ["List_of_horror_films_of_the_1980s", 4], ["List_of_horror_films_of_the_1980s", 10], ["List_of_horror_films_of_the_1980s", 2]]} +{"id": 157002, "predicted_label": "SUPPORTS", "predicted_evidence": [["History_of_the_floppy_disk", 0], ["Floppy_disk", 0], ["Zip_drive", 7], ["Zip_drive", 0], ["Floppy_disk", 9]]} +{"id": 138319, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Velvet_Revolver", 0], ["Loaded_discography", 0], ["List_of_Guns_N'_Roses_members", 32], ["List_of_Guns_N'_Roses_members", 1]]} +{"id": 216371, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chagatai_people", 7], ["Chagatai", 9], ["Creole_language", 2], ["Creole_language", 0], ["French_creole", 11]]} +{"id": 172491, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Lives_of_a_Bengal_Lancer_-LRB-film-RRB-", 15], ["Entourage_-LRB-film-RRB-", 3], ["Ip_Man_2", 18], ["Stanley_M._Chesley", 7], ["Dark_Horse_Tour", 26]]} +{"id": 215206, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sports_film", 0], ["Sports_film", 1], ["Sports_film", 2], ["American_Dreamer", 3], ["Davis_Miller", 11]]} +{"id": 137438, "predicted_label": "SUPPORTS", "predicted_evidence": [["Julianne_Moore_filmography", 0], ["Julianne_Moore", 0], ["Knife_Edge_Two_Piece_1962\u201365", 4], ["Knife_Edge_Two_Piece_1962\u201365", 3], ["As_the_World_Turns", 1]]} +{"id": 202754, "predicted_label": "SUPPORTS", "predicted_evidence": [["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me_3", 0], ["Despicable_Me_2", 1], ["Illumination_Entertainment", 4], ["List_of_R-rated_films_based_on_comics", 478]]} +{"id": 209879, "predicted_label": "SUPPORTS", "predicted_evidence": [["In_a_Lonely_Place_-LRB-novel-RRB-", 0], ["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["In_a_Lonely_Place", 1], ["Art_Smith_-LRB-actor-RRB-", 8], ["Dorothy_B._Hughes", 22]]} +{"id": 142043, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kesha_v._Dr._Luke", 9], ["Kesha", 17], ["Kesha_v._Dr._Luke", 0], ["Kesha_v._Dr._Luke", 15], ["Take_It_Off_-LRB-Kesha_song-RRB-", 3]]} +{"id": 229317, "predicted_label": "REFUTES", "predicted_evidence": [["Pet", 0], ["Pack_animal", 0], ["Working_animal", 0], ["Working_dog", 0], ["Working_animal", 21]]} +{"id": 20112, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Belong_-LRB-Kathy_Kirby_song-RRB-", 14], ["I_Belong_-LRB-Kathy_Kirby_song-RRB-", 0], ["Where_I_Belong", 13], ["Where_I_Belong", 17], ["Where_I_Belong", 21]]} +{"id": 212320, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 63252, "predicted_label": "REFUTES", "predicted_evidence": [["Ava_Lazar", 2], ["Ridgemont", 9], ["Sean_Penn", 5], ["Fast_Times_at_Ridgemont_High", 0], ["The_Ravyns", 0]]} +{"id": 141551, "predicted_label": "REFUTES", "predicted_evidence": [["1940\u201346_in_the_Vietnam_War", 17], ["Siam_Nakhon_Province", 20], ["Siam_Nakhon_Province", 19], ["Ernest_He\u0301brard", 11], ["Ernest_He\u0301brard", 0]]} +{"id": 119680, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 7], ["Edmund_H._Deas_House", 0], ["Edmund_H._Deas_House", 4], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234]]} +{"id": 191252, "predicted_label": "REFUTES", "predicted_evidence": [["Jean-Michel_Basquiat", 11], ["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Jean-Michel", 168], ["Michael_Holman_-LRB-filmmaker-RRB-", 4]]} +{"id": 107968, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_recorded_by_Paramore", 10], ["Paramore_discography", 8], ["Zac_Farro", 2], ["Paramore_discography", 1], ["List_of_songs_recorded_by_Paramore", 2]]} +{"id": 148661, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Music_and_Aerobic_Exercise_Performance", 3], ["Aerobic_exercise", 5], ["Aerobic_exercise", 0], ["Exercise_and_androgen_levels", 10], ["Aerobic", 5]]} +{"id": 185422, "predicted_label": "REFUTES", "predicted_evidence": [["Cop_Out_-LRB-2010_film-RRB-", 0], ["Cop_and_a_Half", 0], ["Red_Heat", 0], ["Alien_Nation_-LRB-film-RRB-", 0], ["Buddy_cop_film", 23]]} +{"id": 132124, "predicted_label": "SUPPORTS", "predicted_evidence": [["Utilitarian_genocide", 10], ["British_colonization_of_the_Americas", 0], ["James_VI_and_I", 11], ["James_VI_and_I", 0], ["Utilitarian_genocide", 9]]} +{"id": 29993, "predicted_label": "REFUTES", "predicted_evidence": [["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Mirny", 36], ["Act_for_the_Better_Regulation_and_Government_of_Seamen_in_the_Merchants_Service", 44], ["Act_for_the_Better_Regulation_and_Government_of_Seamen_in_the_Merchants_Service", 45], ["Carlos_Maia_Pinto", 0]]} +{"id": 215479, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hani_-LRB-singer-RRB-", 2], ["Weekly_Idol", 1], ["Jung_Il-hoon", 2], ["Weekly_Idol", 0], ["Gwiyomi", 2]]} +{"id": 78480, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frances_Fisher", 6], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0], ["Noel_Fisher_-LRB-disambiguation-RRB-", 3]]} +{"id": 202792, "predicted_label": "SUPPORTS", "predicted_evidence": [["Illumination_Mac_Guff", 0], ["Mac_Guff", 4], ["Despicable_Me_2", 1], ["Pat_&_Stan", 1], ["Illumination_Mac_Guff", 1]]} +{"id": 214258, "predicted_label": "REFUTES", "predicted_evidence": [["DJ_Quik", 0], ["Born_and_Raised_in_Compton", 0], ["The_Fixxers", 5], ["DJ_Quik", 1], ["The_Way_It's_Goin'_Down", 1]]} +{"id": 125437, "predicted_label": "REFUTES", "predicted_evidence": [["Dakota_Fanning", 0], ["Hannah_-LRB-name-RRB-", 33], ["Fanning_-LRB-surname-RRB-", 10], ["I_Am_Sam", 0], ["I_Am_Sam", 11]]} +{"id": 201833, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dakota_Fanning", 6], ["I_Am_Sam", 11], ["I_Am_Sam", 0], ["Dakota_Fanning", 0], ["Fanning_-LRB-surname-RRB-", 10]]} +{"id": 106114, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Scouts_Lao", 4], ["Indochina_Wars", 15], ["Indochina_Wars", 0]]} +{"id": 223339, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Room_-LRB-film-RRB-", 15], ["The_Room_-LRB-film-RRB-", 5], ["The_Disaster_Artist_-LRB-film-RRB-", 0], ["The_Disaster_Artist_-LRB-film-RRB-", 5], ["Kanche", 13]]} +{"id": 179314, "predicted_label": "REFUTES", "predicted_evidence": [["Franchising", 8], ["Burger_King_franchises", 14], ["America's_Best_Franchising", 8], ["Franchise_Times", 1], ["Essex_Thameside", 7]]} +{"id": 78859, "predicted_label": "SUPPORTS", "predicted_evidence": [["Born_to_Raise_Hell_-LRB-Moto\u0308rhead_song-RRB-", 1], ["Lemmy", 14], ["Lemmy", 0], ["Lemmy", 6], ["Headgirl", 12]]} +{"id": 11451, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Croatian_War_of_Independence", 28], ["Croatia\u2013Hungary_relations", 11], ["Geography_of_Croatia", 10], ["Croatia\u2013Hungary_relations", 0], ["Croatia", 0]]} +{"id": 74540, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cause_and_Effect_-LRB-Numbers-RRB-", 3], ["My_Finale", 3], ["The_Last_One_-LRB-Friends-RRB-", 3], ["Cause_and_Effect_-LRB-Numbers-RRB-", 0], ["My_Finale", 2]]} +{"id": 16506, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["David_Packouz", 0], ["Bibliography_of_Duwamish_-LRB-tribe-RRB-", 139], ["Bibliography_of_Duwamish_-LRB-tribe-RRB-", 40]]} +{"id": 32942, "predicted_label": "SUPPORTS", "predicted_evidence": [["Morse_code", 8], ["QSK_operation_-LRB-full_break-in-RRB-", 10], ["Morse_code", 0], ["Morse_code_abbreviations", 3], ["QSK_operation_-LRB-full_break-in-RRB-", 14]]} +{"id": 195006, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dear_Girl_Tour", 0], ["Tranky_Doo", 23], ["Tranky_Doo", 59], ["Dear_Girl_Tour", 1], ["List_of_Ace_titles_in_second_G_series", 100]]} +{"id": 22042, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Huckabee", 7], ["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 1], ["Huckabee_-LRB-disambiguation-RRB-", 9], ["David_Huckabee", 2]]} +{"id": 64561, "predicted_label": "REFUTES", "predicted_evidence": [["Ichabod_Crane_Central_School_District", 3], ["Ichabod_Crane_Central_School_District", 13], ["Martin_Van_Buren", 0], ["Presidency_of_Martin_Van_Buren", 0], ["1835_Democratic_National_Convention", 16]]} +{"id": 215477, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Leonard_Termo", 23], ["The_Wrestler_-LRB-2008_film-RRB-", 11], ["Leonard_Termo", 11], ["Mickey_Rourke_filmography", 3]]} +{"id": 152302, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["Siam_Nakhon_Province", 20], ["Indochina_Wars", 9], ["First_Indochina_War", 0], ["1940\u201346_in_the_Vietnam_War", 17]]} +{"id": 151591, "predicted_label": "SUPPORTS", "predicted_evidence": [["TV_Choice", 1], ["Broadcast_programming", 0], ["TV_Guide_-LRB-Canada-RRB-", 4], ["TV_Choice", 0], ["TV_Quick", 4]]} +{"id": 61795, "predicted_label": "REFUTES", "predicted_evidence": [["Cotter", 4], ["Sedlak", 0], ["Nad_Niemnem_-LRB-film-RRB-", 18], ["David_Wang_-LRB-Australia-RRB-", 3], ["Cotter_-LRB-farmer-RRB-", 0]]} +{"id": 47322, "predicted_label": "REFUTES", "predicted_evidence": [["2014_Much_Music_Video_Awards", 1], ["Rebels-COLON-_City_of_Indra", 0], ["Kendall_-LRB-given_name-RRB-", 5], ["Brody_Jenner", 13], ["Caitlyn_Jenner", 10]]} +{"id": 78998, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewen_Bremner", 1], ["Ewan_McGregor", 2], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 202780, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yahoo!", 6], ["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me_2", 1], ["Yahoo!", 13], ["Yahoo!", 1]]} +{"id": 18665, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tenacious_D", 0], ["Tenacious_D_discography", 3], ["Tenacious_D_-LRB-TV_series-RRB-", 0], ["Tenacious_D_discography", 0], ["Tenacious_D_-LRB-disambiguation-RRB-", 9]]} +{"id": 11497, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_That_'70s_Show_home_video_releases", 20], ["Ashton_Kutcher", 8], ["List_of_That_'70s_Show_home_video_releases", 9], ["Kutcher", 3], ["Ashton_Kutcher", 0]]} +{"id": 72220, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 87691, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_American_Horror_Story_cast_members", 6], ["American_Horror_Story", 6], ["American_Horror_Story", 10], ["List_of_American_Horror_Story_cast_members", 5], ["American_Horror_Story", 8]]} +{"id": 114443, "predicted_label": "REFUTES", "predicted_evidence": [["Washington_Wizards", 12], ["AFC_East", 15], ["AFC_East", 19], ["Midwest_Division_-LRB-NBA-RRB-", 18], ["Washington_Wizards", 0]]} +{"id": 207528, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["The_X_Factor_-LRB-Australian_TV_series-RRB-", 11], ["Matthijs_Kleyn", 3], ["Matthijs_Kleyn", 4], ["List_of_The_X_Factor_-LRB-Australia-RRB-_finalists", 12]]} +{"id": 29146, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marshall_Jewell", 9], ["Marshall_Jewell", 10], ["Dr._Dre_discography", 10], ["Kuruption!", 27], ["Kuruption!", 44]]} +{"id": 208431, "predicted_label": "SUPPORTS", "predicted_evidence": [["Excuse_My_French", 9], ["Excuse_My_French", 3], ["Excuse_Me_Miss", 4], ["Excuse_My_French", 5], ["Excuse_My_French", 0]]} +{"id": 81060, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_recorded_by_Lorde", 4], ["Team_-LRB-Lorde_song-RRB-", 2], ["List_of_songs_recorded_by_Lorde", 9], ["Lorde", 2], ["Yellow_Flicker_Beat", 1]]} +{"id": 193879, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bea_Arthur", 0], ["Billy_Goldenberg", 22], ["Billy_Goldenberg", 18], ["Bea_Arthur", 4], ["Bea_-LRB-given_name-RRB-", 6]]} +{"id": 23741, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["List_of_songs_recorded_by_Katy_Perry", 9], ["Katy_Perry_videography", 19], ["Katy_Perry", 18], ["Katy_Perry", 7]]} +{"id": 201748, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_Vietnam", 0], ["North_Vietnam", 1], ["Operation_Rolling_Thunder", 3], ["1965_in_the_Vietnam_War", 27], ["North_Korea\u2013Vietnam_relations", 16]]} +{"id": 124400, "predicted_label": "REFUTES", "predicted_evidence": [["The_Sparticle_Mystery", 11], ["Annette_Badland", 1], ["Imitation_Game", 3], ["Imitation_Game", 0], ["Imitation_Game", 7]]} +{"id": 226140, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Dawkins", 16], ["Out_Campaign", 27], ["God's_utility_function", 39], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2]]} +{"id": 185392, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alien_Nation_-LRB-film-RRB-", 11], ["Buddy_cop_film", 23], ["Buddy_cop_film", 20], ["Bon_Cop,_Bad_Cop", 0], ["Buddy_cop_film", 0]]} +{"id": 182270, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_MP_transmission", 0], ["Saturn_Cycling_Team", 1], ["Saturn_-LRB-store-RRB-", 0], ["Saturn_Corporation", 4]]} +{"id": 96616, "predicted_label": "REFUTES", "predicted_evidence": [["Saw_-LRB-franchise-RRB-", 0], ["Feng_shui_-LRB-disambiguation-RRB-", 8], ["Feng_shui_-LRB-disambiguation-RRB-", 10], ["List_of_teachers_portrayed_in_films", 16], ["List_of_baseball_parks_used_in_film_and_television", 156]]} +{"id": 69739, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Martin_Feveyear", 3], ["Behind_the_Player-COLON-_Duff_McKagan", 0], ["List_of_Guns_N'_Roses_members", 32], ["Velvet_Revolver", 13], ["Loaded_-LRB-band-RRB-", 0]]} +{"id": 142947, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Cate_Blanchett_on_screen_and_stage", 7], ["Hedda_Gabler", 2]]} +{"id": 172519, "predicted_label": "REFUTES", "predicted_evidence": [["Untouched_-LRB-song-RRB-", 5], ["Tina_in_the_Sky_with_Diamonds", 13], ["Tina_in_the_Sky_with_Diamonds", 7], ["Untouched_-LRB-song-RRB-", 13], ["Titan_Quest", 16]]} +{"id": 94030, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Estimated_date_of_confinement", 0], ["Library_card", 12], ["Tax_return_-LRB-Canada-RRB-", 20], ["Late_fee", 0], ["Comm_South_Companies", 18]]} +{"id": 3923, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 8], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Main_Street_Electrical_Parade", 3]]} +{"id": 40124, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Val_Meets_The_VIPs", 7], ["Dear_Bill", 0], ["The_Iron_Lady_-LRB-film-RRB-", 0], ["The_Iron_Lady_-LRB-film-RRB-", 13], ["The_Iron_Lady_-LRB-album-RRB-", 0]]} +{"id": 21875, "predicted_label": "REFUTES", "predicted_evidence": [["Prescott,_Massachusetts", 0], ["Prescott,_Massachusetts", 6], ["Prescott,_Massachusetts", 34], ["Prescott,_Massachusetts", 5], ["Prescott,_Massachusetts", 27]]} +{"id": 12747, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 6], ["English_people", 12], ["English_people", 2], ["American_English_-LRB-disambiguation-RRB-", 10], ["English_nationalism", 0]]} +{"id": 19719, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Diversity_scheme", 11], ["Diversity_scheme", 3], ["International_Bruckner_Society", 20], ["Pro/DESKTOP", 18], ["Diversity_scheme", 31]]} +{"id": 181850, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Hall", 19], ["Richard_Hall", 17], ["List_of_people_from_Christchurch", 151], ["List_of_people_from_Christchurch", 135], ["List_of_people_from_Christchurch", 95]]} +{"id": 139484, "predicted_label": "REFUTES", "predicted_evidence": [["Henry_II_style", 4], ["War_of_the_Three_Henries_-LRB-977\u2013978-RRB-", 27], ["Bertram_de_Verdun", 67], ["Henry_II_style", 0], ["War_of_the_Three_Henries_-LRB-977\u2013978-RRB-", 3]]} +{"id": 130703, "predicted_label": "REFUTES", "predicted_evidence": [["Troian_Bellisario", 5], ["Billboard_Dad", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 27]]} +{"id": 85452, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Global_warming_controversy", 12], ["Climate_change_denial", 1], ["Economics_of_global_warming", 5], ["Climate_change_denial", 3], ["Global_warming_hiatus", 0]]} +{"id": 56742, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 2], ["Claudia_Brant", 1], ["Nada_Es_Para_Siempre", 1]]} +{"id": 120442, "predicted_label": "SUPPORTS", "predicted_evidence": [["Grinding_-LRB-dance-RRB-", 8], ["Daggering", 0], ["Pon_de_Floor", 5], ["Dagga", 8], ["Theaterconcert", 56]]} +{"id": 77869, "predicted_label": "REFUTES", "predicted_evidence": [["Academy_Film_Archive", 3], ["Philippe_Rousselot", 10], ["A_River_Runs_Through_It", 5], ["Brad_Pitt_filmography", 7], ["A_River_Runs_Through_It", 3]]} +{"id": 72181, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Palace", 0], ["London_Victoria_station", 0], ["Euston_railway_station", 1], ["Vauxhall_station_-LRB-London-RRB-", 2], ["History_of_the_London_Underground", 4]]} +{"id": 20926, "predicted_label": "REFUTES", "predicted_evidence": [["Trevor_Griffiths", 0], ["Griffiths", 123], ["Arfon_Griffiths", 0], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 137741, "predicted_label": "REFUTES", "predicted_evidence": [["Manson_Family", 0], ["Charles_Manson", 0], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Marilyn_Manson_-LRB-band-RRB-", 3], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 0]]} +{"id": 85172, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Dad", 0], ["Troian_Bellisario", 5], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 121283, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Timeline_of_Class_I_railroads_-LRB-1910\u201329-RRB-", 176], ["Timeline_of_Class_I_railroads_-LRB-1910\u201329-RRB-", 220], ["Timeline_of_Western_Saharan_history", 108], ["List_of_British_Army_full_generals", 14505], ["Timeline_of_Class_I_railroads_-LRB-1910\u201329-RRB-", 153]]} +{"id": 53421, "predicted_label": "REFUTES", "predicted_evidence": [["Territory_of_Papua", 0], ["Amur_pike", 17], ["Papua_New_Guinea", 0], ["Territory_of_Papua", 15], ["Papua_New_Guinea", 19]]} +{"id": 32815, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Eric_Church", 0], ["Luke_Laird", 1], ["2012_Country_Music_Association_Awards", 7], ["2012_Country_Music_Association_Awards", 5], ["Luke_Laird", 2]]} +{"id": 132865, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pistol_offense", 18], ["2016_U.S._national_anthem_protests", 1], ["Pistol_offense", 22], ["2016_San_Francisco_49ers_season", 11], ["2008_Humanitarian_Bowl", 14]]} +{"id": 170404, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marcus_Vick", 0], ["Madden_NFL_2004", 0], ["Billy_Martin_-LRB-lawyer-RRB-", 8], ["2002_Atlanta_Falcons_season", 11], ["Madden_NFL_2004", 1]]} +{"id": 181870, "predicted_label": "REFUTES", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Princess_Mononoke", 4], ["Hayao_Miyazaki", 16]]} +{"id": 126399, "predicted_label": "SUPPORTS", "predicted_evidence": [["Grandma_Prisbrey's_Bottle_Village", 12], ["Malden,_Pennsylvania", 22], ["Grandma_Prisbrey's_Bottle_Village", 7], ["Malden,_Pennsylvania", 25], ["LSL", 37]]} +{"id": 52753, "predicted_label": "SUPPORTS", "predicted_evidence": [["Touchscreen", 9], ["Voter-verified_paper_audit_trail", 29], ["Douglas_W._Jones", 7], ["Electronic_voting_in_Brazil", 36], ["Touchscreen", 19]]} +{"id": 63938, "predicted_label": "SUPPORTS", "predicted_evidence": [["Canadian_music_genres", 6], ["Dead_Silence_-LRB-album-RRB-", 0], ["Dead_Silence_-LRB-album-RRB-", 8], ["Dead_Silence_-LRB-album-RRB-", 9], ["Canadian_music_genres", 26]]} +{"id": 201075, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["American_Crime_-LRB-TV_series-RRB-", 6], ["Huey_Freeman", 4], ["Huey_Freeman", 7], ["Reina_King", 5], ["Emery_N._Brown", 1]]} +{"id": 163987, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeram", 3], ["Veeram", 5], ["Veeram_-LRB-2014_film-RRB-", 5], ["Veeram_-LRB-2014_film-RRB-", 0], ["Veeram_-LRB-2016_film-RRB-", 0]]} +{"id": 68022, "predicted_label": "SUPPORTS", "predicted_evidence": [["Charles_Manson", 0], ["Manson", 13], ["Marilyn_Manson", 2], ["Dary_Matera", 18], ["Nothing_for_Us_Here", 11]]} +{"id": 221071, "predicted_label": "REFUTES", "predicted_evidence": [["Cable_television", 10], ["C-SPAN", 10], ["Juan_S.P._Hidalgo,_Jr.", 6], ["Juan_S.P._Hidalgo,_Jr.", 7], ["C-SPAN", 0]]} +{"id": 192976, "predicted_label": "REFUTES", "predicted_evidence": [["Stargate", 0], ["Stargate_-LRB-film-RRB-", 2], ["Independence_Day_-LRB-1996_film-RRB-", 0], ["The_Noah's_Ark_Principle", 0], ["Stargate", 12]]} +{"id": 214259, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Fixxers", 3], ["Born_and_Raised_in_Compton", 0], ["DJ_Quixotic", 11], ["DJ_Quixotic", 12], ["DJ_Quixotic", 10]]} +{"id": 200383, "predicted_label": "SUPPORTS", "predicted_evidence": [["Blink-182", 2], ["Mark_Hoppus", 5], ["Blink-182_discography", 4], ["Buddha_-LRB-album-RRB-", 3], ["List_of_songs_recorded_by_Blink-182", 3]]} +{"id": 142792, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rabies", 22], ["Rabies_in_Haiti", 15], ["Rabies_in_Haiti", 10], ["Rabies_vaccine", 0], ["Rabies", 8]]} +{"id": 181132, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robert_Muraine", 4], ["The_Secret_Life_of_the_American_Teenager", 8], ["The_Secret_Life_of_the_American_Teenager", 9], ["The_Secret_Life_of_the_American_Teenager_-LRB-season_2-RRB-", 17], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0]]} +{"id": 89719, "predicted_label": "REFUTES", "predicted_evidence": [["Hedda_Gabler", 1], ["Creditors_-LRB-play-RRB-", 8], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Hedda_Gabler", 2]]} +{"id": 101322, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Max_T._Malone", 6], ["Patrick_Connick", 14], ["Patrick_Connick", 13], ["Timothy_Burns_-LRB-Louisiana_politician-RRB-", 33], ["Nicholas_Lorusso", 28]]} +{"id": 118810, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dante_-LRB-TV_series-RRB-", 15], ["Jane_Bryan", 4], ["2HB", 4], ["Paul_Bogart", 1], ["Bogart_-LRB-surname-RRB-", 12]]} +{"id": 133840, "predicted_label": "SUPPORTS", "predicted_evidence": [["No_Strings_Attached_-LRB-film-RRB-", 0], ["Reitman", 14], ["Reitman", 12], ["Ashton_-LRB-given_name-RRB-", 20], ["Ashton_Kutcher", 0]]} +{"id": 136719, "predicted_label": "REFUTES", "predicted_evidence": [["Imagine_That_-LRB-film-RRB-", 1], ["Butter_-LRB-2011_film-RRB-", 0], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 119940, "predicted_label": "SUPPORTS", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["1993\u201394_Mighty_Ducks_of_Anaheim_season", 2], ["Dan_Trebil", 12], ["Chris_O'Sullivan", 25], ["D2-COLON-_The_Mighty_Ducks", 2]]} +{"id": 169010, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manmohan_Singh", 1], ["The_Accidental_Prime_Minister", 0], ["Manmohan", 23], ["Manmohan_Singh", 0], ["List_of_Prime_Ministers_of_India", 24]]} +{"id": 109368, "predicted_label": "REFUTES", "predicted_evidence": [["68th_British_Academy_Film_Awards", 4], ["Snow_White_and_the_Huntsman", 8], ["68th_British_Academy_Film_Awards", 11], ["William_Henry_Claflin,_Jr.", 5], ["Horace_Brigham_Claflin", 6]]} +{"id": 70373, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_Milli", 0], ["List_of_Billboard_200_number-one_albums_of_1989", 29], ["The_Real_Milli_Vanilli", 18], ["Milli_-LRB-disambiguation-RRB-", 10], ["The_Real_Milli_Vanilli", 21]]} +{"id": 185404, "predicted_label": "REFUTES", "predicted_evidence": [["Hard_Target_2", 1], ["Hard_Target_2", 0], ["Die_Hard", 0], ["Die_Hard", 10], ["American_Action_Network", 4]]} +{"id": 54679, "predicted_label": "SUPPORTS", "predicted_evidence": [["Progress,_Oregon", 1], ["Beaverton,_Oregon", 0], ["Beaverton,_Oregon", 4], ["Edwards_Center_Inc.", 21], ["Beaverton,_Oregon", 1]]} +{"id": 172279, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prussian_Nights", 9], ["Davidson_Garrett", 54], ["Glymdra\u0301pa", 9], ["Hygelac", 0], ["Glymdra\u0301pa", 5]]} +{"id": 132990, "predicted_label": "SUPPORTS", "predicted_evidence": [["Macedonia_naming_dispute", 6], ["Northern_Europe", 1], ["Macedonia_naming_dispute", 0], ["Republic_of_Macedonia", 3], ["Northern_Europe", 0]]} +{"id": 125836, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kellyanne_Conway", 12], ["Ivanka", 13], ["Make_America_Number_1", 12], ["Rebekah_Mercer_-LRB-donor-RRB-", 20], ["Conway_-LRB-surname-RRB-", 66]]} +{"id": 97, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Got_You_Babe_/_Soda_Pop", 0], ["I_Got_You_Babe_/_Soda_Pop", 2], ["All_the_Way_-LRB-Craig_David_song-RRB-", 5], ["List_of_awards_and_nominations_received_by_Craig_David", 225], ["Todd_and_the_Book_of_Pure_Evil", 2]]} +{"id": 128204, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 0], ["Aarhus", 14], ["Aarhus", 10], ["Aarhus", 1], ["Aarhus", 19]]} +{"id": 154719, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["David_Packouz", 0], ["Operation_Nougat", 253], ["Operation_Nougat", 391]]} +{"id": 185400, "predicted_label": "REFUTES", "predicted_evidence": [["The_Midnight_Show", 14], ["CHiPs_-LRB-film-RRB-", 0], ["Hit_and_Run_-LRB-2012_film-RRB-", 0], ["The_Midnight_Show", 1], ["Brother's_Justice", 0]]} +{"id": 68613, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good,_the_Bad_&_the_Queen_-LRB-song-RRB-", 0], ["Damon_Albarn", 4], ["Damon_Albarn", 12], ["Damon_Albarn", 17], ["Jeff_Wootton", 13]]} +{"id": 143028, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Manson_Family_Album", 1], ["Manson", 13], ["The_Manson_Family_Album", 4], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Helter_Skelter_-LRB-1976_film-RRB-", 5]]} +{"id": 66697, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Annette_Badland", 1], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5], ["Babe_Smith", 0], ["Annette_Badland", 0], ["Babe_Smith", 8]]} +{"id": 120119, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rowan_Atkinson", 9], ["Togo_Igawa", 6], ["English_-LRB-surname-RRB-", 59], ["Rupert_Vansittart", 9], ["Johnny_English_Reborn", 0]]} +{"id": 116174, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sora_-LRB-Kingdom_Hearts-RRB-", 0], ["Roxas_-LRB-Kingdom_Hearts-RRB-", 0], ["Sora_-LRB-Kingdom_Hearts-RRB-", 12], ["Sora_-LRB-Kingdom_Hearts-RRB-", 10], ["Roxas_-LRB-Kingdom_Hearts-RRB-", 1]]} +{"id": 65217, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 3], ["Ira_Trivedi", 4], ["R_v_Penguin_Books_Ltd", 0], ["Laurence_Byrne", 1], ["Penguin_Modern_Poets", 0]]} +{"id": 139259, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Plymouth_Howler", 2], ["Plymouth_Howler", 14], ["Plymouth_Prowler", 0], ["PROWLER", 0], ["Plymouth_Howler", 10]]} +{"id": 102346, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ladder_Whist", 18], ["Devon_RFU_Junior_Cup", 4], ["Devon_RFU_Junior_Cup", 10], ["Tiger_Jack_Fox", 37], ["Kcho", 201]]} +{"id": 126009, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon", 0], ["M._Night_Shyamalan", 1], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5]]} +{"id": 71204, "predicted_label": "REFUTES", "predicted_evidence": [["James_Murdoch", 0], ["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3], ["Rupert_Murdoch", 13], ["Bill_Jenkings", 21]]} +{"id": 86133, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rabies", 22], ["Rabies_in_Haiti", 0], ["Prevalence_of_rabies", 8], ["Rabies", 0], ["Rabies", 12]]} +{"id": 204440, "predicted_label": "REFUTES", "predicted_evidence": [["Lock_Up_-LRB-American_band-RRB-", 25], ["Rage_Against_the_Machine_discography", 1], ["Political_views_and_activism_of_Rage_Against_the_Machine", 1], ["Rage_Against_the_Machine", 1], ["Tom_Morello_discography", 5]]} +{"id": 170420, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mike_Kafka", 0], ["Marcus_Vick", 1], ["Kevin_Kolb", 0], ["Madden_NFL_2004", 1], ["2007_Atlanta_Falcons_season", 4]]} +{"id": 218233, "predicted_label": "SUPPORTS", "predicted_evidence": [["Libyan_Civil_War_-LRB-2011\u2013present-RRB-", 3], ["Libyan_Civil_War_-LRB-2011-RRB-", 0], ["John_Mwakangale", 30], ["John_Mwakangale", 35], ["John_Mwakangale", 34]]} +{"id": 92557, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sex_Factor", 0], ["XHamster", 6], ["2014_European_Curling_Championships", 5], ["Northern_Sun_Intercollegiate_Conference", 9], ["Robert_Thomas_-LRB-director-RRB-", 14]]} +{"id": 217218, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Idiorrhythmic_monasticism", 3], ["Huyen_Khong_Son_Thuong_Monastery", 14], ["Working_Cats_Program", 14], ["Cat", 16], ["Working_Cats_Program", 0]]} +{"id": 75152, "predicted_label": "REFUTES", "predicted_evidence": [["Tool_-LRB-band-RRB-", 3], ["Ro\u0308yksopp", 18], ["Number_Ones,_Up_Close_and_Personal", 20], ["Number_Ones,_Up_Close_and_Personal", 19], ["Wrecking_Ball_World_Tour", 20]]} +{"id": 59504, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-O-RRB-", 1164], ["Index_of_World_War_II_articles_-LRB-B-RRB-", 290], ["Index_of_World_War_II_articles_-LRB-O-RRB-", 400], ["Biham\u2013Middleton\u2013Levine_traffic_model", 5], ["Systems_ecology", 2]]} +{"id": 193400, "predicted_label": "SUPPORTS", "predicted_evidence": [["Past_Doctor_Adventures", 4], ["Izzy_Sinclair", 42], ["Eighth_Doctor_comic_stories", 0], ["Eighth_Doctor", 0], ["Miranda_-LRB-Doctor_Who-RRB-", 0]]} +{"id": 175464, "predicted_label": "REFUTES", "predicted_evidence": [["Christian_Gottlob_Neefe", 0], ["Gustav_Friedrich_Wilhelm_Gro\u00dfmann", 1], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45], ["Ludwig_van_Beethoven", 5]]} +{"id": 121444, "predicted_label": "REFUTES", "predicted_evidence": [["RCA/Jive_Label_Group", 0], ["Columbia/Epic_Label_Group", 0], ["RCA/Jive_Label_Group", 1], ["Mascot_Label_Group", 0], ["Columbia/Epic_Label_Group", 8]]} +{"id": 94759, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lou_Gehrig", 15], ["Mike_Mowrey", 60], ["The_Pride_of_the_Yankees", 1], ["Lou_Gehrig_Memorial_Award", 0], ["The_Pride_of_the_Yankees", 12]]} +{"id": 117409, "predicted_label": "REFUTES", "predicted_evidence": [["Starrcade", 0], ["The_Big_Event", 4], ["SummerSlam", 2], ["The_Great_American_Bash_-LRB-1991-RRB-", 1], ["Starrcade", 16]]} +{"id": 47725, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Annette_Badland", 1], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5], ["Babe_Smith", 0], ["Annette_Badland", 0], ["Lizzie_Hopley", 18]]} +{"id": 132218, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Radio_Radio_Radio", 7], ["The_Influents", 11], ["Billie_Joe", 2], ["Pinhead_Gunpowder", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 170415, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Martin_-LRB-lawyer-RRB-", 8], ["Madden_NFL_2004", 1], ["2007_Atlanta_Falcons_season", 4], ["Billy_Martin_-LRB-lawyer-RRB-", 7], ["2007_Atlanta_Falcons_season", 10]]} +{"id": 89991, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["One_Night_-LRB-2016_film-RRB-", 1], ["No_Stranger_Than_Love", 1], ["Justin_Chatwin", 0], ["Chatwin", 8], ["Chatwin", 10]]} +{"id": 138047, "predicted_label": "REFUTES", "predicted_evidence": [["Ross_Geller", 3], ["Joey_Tribbiani", 1], ["The_One_with_the_Rumor", 2], ["Jennifer_Aniston", 2], ["Rachel_Green", 0]]} +{"id": 44389, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Burying_the_Ex", 1], ["Kenny_Woods", 18], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Pilot_-LRB-White_Collar-RRB-", 2], ["When_We_First_Met", 1]]} +{"id": 101049, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_frequent_Coen_Brothers_collaborators", 8], ["Uwe_Lulis", 3], ["The_Grave_Digger", 0], ["List_of_frequent_Coen_Brothers_collaborators", 62], ["List_of_frequent_Coen_Brothers_collaborators", 77]]} +{"id": 175645, "predicted_label": "REFUTES", "predicted_evidence": [["General_-LRB-DC_Comics-RRB-", 10], ["Quantum_and_Woody", 1], ["Quantum_and_Woody", 3], ["Publication_history_of_Anarky", 0], ["Rictor", 0]]} +{"id": 200285, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers", 5], ["Popcorn_-LRB-novel-RRB-", 1], ["Natural_Born_Killers", 0], ["List_of_Natural_Born_Killers_characters", 0], ["Quentin_Tarantino_Film_Festival", 0]]} +{"id": 123416, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_trafficking_in_Israel", 8], ["Human_trafficking_in_India", 9], ["Human_trafficking_in_Bangladesh", 2], ["Human_trafficking_in_Guinea", 2], ["Human_trafficking_in_Indonesia", 0]]} +{"id": 34677, "predicted_label": "SUPPORTS", "predicted_evidence": [["Apple_II_series", 0], ["Steve_Jobs", 2], ["Woz\u0301niak", 31], ["WOZ", 5], ["WOZ", 3]]} +{"id": 112461, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Guantanamo's_Child", 1], ["Canadian_response_to_Omar_Khadr", 24], ["Guantanamo's_Child", 5], ["Canadian_response_to_Omar_Khadr", 0], ["Canadian_response_to_Omar_Khadr", 23]]} +{"id": 105724, "predicted_label": "REFUTES", "predicted_evidence": [["Chrysler_Building", 5], ["Architecture_of_New_York_City", 20], ["Eiffel_Tower", 10], ["Chrysler_Building", 6], ["Architecture_of_New_York_City", 7]]} +{"id": 4958, "predicted_label": "REFUTES", "predicted_evidence": [["John_Dolmayan", 0], ["John_Tempesta", 21], ["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["System_of_a_Down_discography", 0]]} +{"id": 202043, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 13], ["2011_Waltham_triple_murder", 14]]} +{"id": 221090, "predicted_label": "REFUTES", "predicted_evidence": [["Man_Finds_Food", 10], ["Rural_Health_Channel", 0], ["The_Day_My_Bum_Went_Psycho", 10], ["Charlie_Buckton", 0], ["Fatso_the_Fat-Arsed_Wombat", 0]]} +{"id": 118490, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Monahan", 10], ["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 11], ["David_Monahan", 2], ["David_Monahan", 1]]} +{"id": 213931, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Call_of_Duty_-LRB-video_game-RRB-", 11], ["Call_of_Duty-COLON-_United_Offensive", 1], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 6]]} +{"id": 211276, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Razvor", 0], ["Mysore-Bangalore_Rajyarani_express", 1], ["Journey_to_the_West_-LRB-1986_TV_series-RRB-", 3], ["Airframe_-LRB-novel-RRB-", 4], ["Ero_e_Leandro", 9]]} +{"id": 38944, "predicted_label": "SUPPORTS", "predicted_evidence": [["Starrcade", 0], ["Starrcade_-LRB-1983-RRB-", 2], ["Starrcade_-LRB-1984-RRB-", 0], ["Starrcade_-LRB-1985-RRB-", 2], ["Starrcade_-LRB-1987-RRB-", 3]]} +{"id": 49171, "predicted_label": "REFUTES", "predicted_evidence": [["Macedonia_-LRB-region-RRB-", 0], ["Macedonia_-LRB-region-RRB-", 7], ["Balkan_Wars", 0], ["Balkan_League", 0], ["Balkan_Mountains", 0]]} +{"id": 153900, "predicted_label": "REFUTES", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["Qui-Gon_and_Obi-Wan-COLON-_Last_Stand_on_Ord_Mantell", 2], ["Watto", 6], ["Qui-Gon_and_Obi-Wan-COLON-_The_Aurorient_Express", 2], ["Count_Dooku", 4]]} +{"id": 187325, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Diana,_Princess_of_Wales", 0], ["Diana,_Princess_of_Wales", 12], ["Diana,_Princess_of_Wales", 10], ["Diana_\u2013_The_People's_Princess", 31], ["Diana_\u2013_The_People's_Princess", 3]]} +{"id": 35708, "predicted_label": "REFUTES", "predicted_evidence": [["Henrietta_-LRB-given_name-RRB-", 2], ["Sprechgesang", 0], ["Spoken_For_-LRB-song-RRB-", 1], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 0], ["Spoken_For_-LRB-song-RRB-", 0]]} +{"id": 78351, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rabies_virus", 1], ["Rabies", 10], ["Rabies_testing", 14], ["Rabies", 22], ["Rabies_in_Haiti", 10]]} +{"id": 205636, "predicted_label": "REFUTES", "predicted_evidence": [["Restless_Records", 10], ["Never_Mind_the_Molluscs", 0], ["Give_Up", 0], ["Blitzen_Trapper", 0], ["Give_Up", 7]]} +{"id": 218361, "predicted_label": "REFUTES", "predicted_evidence": [["French_Resistance", 6], ["German_resistance_to_Nazism", 7], ["Harold_Cole", 18], ["Noyautage_des_administrations_publiques", 11], ["German_resistance_to_Nazism", 4]]} +{"id": 132133, "predicted_label": "REFUTES", "predicted_evidence": [["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 10], ["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 0], ["Paramore_-LRB-album-RRB-", 0], ["Paramore_-LRB-album-RRB-", 9], ["James_M._Paramore", 14]]} +{"id": 92430, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Say_You_Do_-LRB-Janet_Jackson_song-RRB-", 0], ["Janet_Jackson_-LRB-album-RRB-", 0], ["Music_of_Indiana", 11], ["Travis_Payne", 7], ["Say_You_Do_-LRB-Janet_Jackson_song-RRB-", 1]]} +{"id": 89777, "predicted_label": "REFUTES", "predicted_evidence": [["Kevin_Lacz", 0], ["Chris_Kyle", 0], ["Brandon_Webb_-LRB-author-RRB-", 1], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["Kyle_-LRB-surname-RRB-", 22]]} +{"id": 174594, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guy_Hain", 42], ["Guy_Hain", 37], ["ArtRave-COLON-_The_Artpop_Ball", 18], ["Artpop", 13], ["Sexxx_Dreams", 7]]} +{"id": 127114, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3], ["News_International_phone_hacking_scandal", 14], ["Rupert_Murdoch", 0], ["Rupert_Murdoch", 3]]} +{"id": 168999, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manmohan_Singh", 1], ["The_Accidental_Prime_Minister", 0], ["Manmohan", 23], ["Manmohan_Singh", 0], ["List_of_Prime_Ministers_of_India", 24]]} +{"id": 199743, "predicted_label": "SUPPORTS", "predicted_evidence": [["San_Diego_County,_California", 3], ["San_Diego_County,_California", 8], ["Tijuana", 0], ["San_Diego_County,_California", 10], ["San_Diego_County,_California", 2]]} +{"id": 185228, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chang_&_Eng", 1], ["Joshua_Steinberg", 0], ["Burundi_at_the_2012_Summer_Olympics", 4], ["Chang_&_Eng", 3], ["Public_holidays_in_Sweden", 7]]} +{"id": 174584, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Venus_-LRB-Lady_Gaga_song-RRB-", 11], ["ArtRave-COLON-_The_Artpop_Ball", 3], ["Artpop", 13], ["Venus_-LRB-Lady_Gaga_song-RRB-", 10], ["Venus_-LRB-Lady_Gaga_song-RRB-", 14]]} +{"id": 7683, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robertson_-LRB-surname-RRB-", 47], ["Robertson_-LRB-surname-RRB-", 29], ["The_First_Time_-LRB-2012_film-RRB-", 0], ["Life_Unexpected", 3], ["Avalon_High_-LRB-film-RRB-", 0]]} +{"id": 109162, "predicted_label": "SUPPORTS", "predicted_evidence": [["University_of_Mississippi", 4], ["University_of_Mississippi", 0], ["Max_T._Malone", 6], ["University_of_Mississippi", 1], ["Timothy_Burns_-LRB-Louisiana_politician-RRB-", 33]]} +{"id": 201738, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2003_Southeast_Asian_Games", 1], ["2003_Southeast_Asian_Games", 0], ["North_Vietnam_national_football_team", 10], ["2003_Southeast_Asian_Games", 5], ["Gulf_of_Tonkin_incident", 15]]} +{"id": 148195, "predicted_label": "REFUTES", "predicted_evidence": [["The_Hit_Factory_Volume_3", 1], ["7th_Heaven_-LRB-1927_film-RRB-", 9], ["The_Hit_Factory_Volume_3", 13], ["The_Hit_Factory_Volume_3", 9], ["The_Hit_Factory_Volume_3", 0]]} +{"id": 38574, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Choice", 1], ["TV_Guide_-LRB-Canada-RRB-", 4], ["TV_Choice", 0], ["Single_cable_distribution", 0], ["Listings_magazine", 0]]} +{"id": 213951, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 130561, "predicted_label": "SUPPORTS", "predicted_evidence": [["History_of_Macedonia_-LRB-ancient_kingdom-RRB-", 20], ["History_of_Macedonia_-LRB-ancient_kingdom-RRB-", 18], ["Macedonia_naming_dispute", 6], ["Macedonia_naming_dispute", 0], ["Macedonia_naming_dispute", 13]]} +{"id": 101359, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lamar_Hunt_Pioneer_Cup", 2], ["Fenway_Sports_Management", 2], ["Fenway_Sports_Management", 32], ["Fenway_Sports_Management", 0], ["Lamar_Hunt_Pioneer_Cup", 3]]} +{"id": 27640, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Harriman-Jewell_Series", 27], ["John_Jewell_-LRB-Worcestershire_cricketer-RRB-", 19], ["Harvey_Jewell", 1], ["Guy_Jewell", 16], ["Marshall_Jewell", 4]]} +{"id": 165110, "predicted_label": "REFUTES", "predicted_evidence": [["Mickey_Rourke", 13], ["Mickey_Rourke_filmography", 1], ["Bullet_-LRB-1996_film-RRB-", 5], ["Mickey_Rourke_filmography", 6], ["The_Wrestler_-LRB-2008_film-RRB-", 0]]} +{"id": 185224, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joshua_Steinberg", 0], ["School_holidays_in_the_United_States", 23], ["Public_holidays_in_Finland", 13], ["Chang_&_Eng", 3], ["Chang_&_Eng", 1]]} +{"id": 101771, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sam_&_Dave", 5], ["Sam_&_Dave", 4], ["Joe_Walsh", 24], ["Sam_&_Dave", 9], ["Malina_Moye", 33]]} +{"id": 194925, "predicted_label": "SUPPORTS", "predicted_evidence": [["Reinhold", 16], ["Mark_Meer", 1], ["Mark_Meer", 23], ["Commander_Shepard", 0], ["Mass_Effect", 4]]} +{"id": 168961, "predicted_label": "REFUTES", "predicted_evidence": [["0-41*", 0], ["Place_Saint-Paul", 3], ["Tribes_with_Flags", 4], ["Disneyfication", 9], ["Disneyfication", 24]]} +{"id": 41419, "predicted_label": "SUPPORTS", "predicted_evidence": [["British_Academy_Games_Award_for_Multiplayer", 0], ["James_Nesbitt", 14], ["Los_Cabos_International_Film_Festival", 31], ["British_Academy_Games_Award_for_Multiplayer", 2], ["British_Academy_Games_Award_for_Multiplayer", 3]]} +{"id": 156698, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bert_Kreischer", 22], ["Junior_Simpson", 15], ["The_Joe_Rogan_Experience", 0], ["Joe_Rogan", 7], ["Joe_Rogan", 13]]} +{"id": 101708, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Trevor_Griffiths", 0], ["Griffiths", 123], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Stella_Richman", 19], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 68573, "predicted_label": "SUPPORTS", "predicted_evidence": [["Even_Bigger,_Even_Better_Power_Ballads_III", 11], ["Even_Bigger,_Even_Better_Power_Ballads_III", 8], ["Same_Old_Love", 0], ["Same_Old_Love", 9], ["Same_Old_Love", 6]]} +{"id": 199416, "predicted_label": "REFUTES", "predicted_evidence": [["Richard_Linklater", 3], ["Boyhood_-LRB-film-RRB-", 1], ["Boyhood_-LRB-film-RRB-", 5], ["Richard_Linklater", 2], ["T.C._Steele_Boyhood_Home", 3]]} +{"id": 196762, "predicted_label": "REFUTES", "predicted_evidence": [["Renzo", 32], ["Renzo", 38], ["Renzo", 54], ["Renzo", 7], ["Marnie_-LRB-disambiguation-RRB-", 8]]} +{"id": 13758, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["More_Life", 5], ["GTTM-COLON-_Goin_Thru_the_Motions", 4], ["The_Return_of_East_Atlanta_Santa", 3], ["Dabbin_Fever", 3]]} +{"id": 59963, "predicted_label": "SUPPORTS", "predicted_evidence": [["Todd_Haynes", 26], ["Todd_Haynes", 20], ["Civilization_IV", 12], ["Todd_Haynes", 15], ["Civilization_IV", 14]]} +{"id": 57910, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coast_Guard_Station_Cape_Disappointment", 13], ["Rocky_Mountain_Trench", 15], ["Rocky_Mountain_Trench", 18], ["Rocky_Mountain_Trench", 16], ["Pearson_Yachts", 0]]} +{"id": 21314, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Hollars", 0], ["Last_Day_in_Florida", 7], ["Promised_Land_-LRB-2012_film-RRB-", 0], ["Lotto_-LRB-The_Office-RRB-", 2], ["Lotto_-LRB-The_Office-RRB-", 8]]} +{"id": 193849, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["The_Van_Dyke_Show", 0], ["Dick_Van_Dyke", 3], ["Van_Dyke", 18]]} +{"id": 224379, "predicted_label": "REFUTES", "predicted_evidence": [["2016\u201317_Southampton_F.C._season", 26], ["2015\u201316_Southampton_F.C._season", 23], ["2016\u201317_Southampton_F.C._season", 0], ["2015\u201316_Southampton_F.C._season", 0], ["Pablo_de_Escando\u0301n", 10]]} +{"id": 14977, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sara_Lance", 1], ["Black_Canary", 13], ["Green_Arrow", 15], ["Larry_Lance", 0], ["Larry_Lance", 2]]} +{"id": 20203, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["H.E.R.", 11], ["Rebels-COLON-_City_of_Indra", 0], ["Kendall_-LRB-given_name-RRB-", 5], ["Brody_Jenner", 13], ["Caitlyn_Jenner", 10]]} +{"id": 185303, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Fuller", 1], ["Jeanine_Basinger", 11], ["Michael_Bay_filmography", 12], ["Michael_Bay_filmography", 0]]} +{"id": 153341, "predicted_label": "REFUTES", "predicted_evidence": [["Omar_Khadr", 3], ["Canadian_response_to_Omar_Khadr", 16], ["Canadian_response_to_Omar_Khadr", 24], ["William_C._Kuebler", 10], ["Canadian_response_to_Omar_Khadr", 23]]} +{"id": 194347, "predicted_label": "SUPPORTS", "predicted_evidence": [["World_Happiness_Report", 10], ["World_Happiness_Report", 17], ["World_Happiness_Report", 0], ["World_Happiness_Report", 5], ["Happiness_in_Slavery", 0]]} +{"id": 23063, "predicted_label": "REFUTES", "predicted_evidence": [["Mount_Rushmore", 0], ["Gutzon_Borglum", 1], ["Mount_Rushmore", 2], ["Archibald_Williams_-LRB-judge-RRB-", 9], ["Charles_E._Rushmore", 0]]} +{"id": 207389, "predicted_label": "REFUTES", "predicted_evidence": [["Efraim_Diveroli", 6], ["Larry_Jay_Levine", 13], ["Larry_Jay_Levine", 12], ["Larry_Jay_Levine", 1], ["David_Packouz", 3]]} +{"id": 101839, "predicted_label": "REFUTES", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["The_Mighty_Ducks", 1], ["The_Mighty_Ducks", 7], ["D2-COLON-_The_Mighty_Ducks", 2], ["D2-COLON-_The_Mighty_Ducks", 0]]} +{"id": 155128, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Justin_Bieber_videography", 0], ["Justin_Bieber-COLON-_Believe", 5], ["Sasha_Sirota", 7], ["Robert_Caplin", 2], ["Justin_Bieber_videography", 9]]} +{"id": 179759, "predicted_label": "REFUTES", "predicted_evidence": [["Wentworth_Miller", 2], ["Stoker_-LRB-film-RRB-", 0], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 200290, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 3], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["Natural_Born_Killers", 0], ["Natural_Born_Killers", 5]]} +{"id": 191258, "predicted_label": "REFUTES", "predicted_evidence": [["Jean-Michel_Basquiat", 11], ["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Jean-Michel", 168], ["Michael_Holman_-LRB-filmmaker-RRB-", 4]]} +{"id": 148356, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Carol_-LRB-film-RRB-", 33], ["AACTA_Award_for_Best_Screenplay_in_Television", 7], ["List_of_accolades_received_by_Up_in_the_Air", 1], ["List_of_accolades_received_by_Carol_-LRB-film-RRB-", 25], ["List_of_accolades_received_by_Up_in_the_Air", 11]]} +{"id": 117043, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Confessions_of_Aleister_Crowley", 0], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 1]]} +{"id": 220201, "predicted_label": "SUPPORTS", "predicted_evidence": [["Raabta_-LRB-song-RRB-", 0], ["Raabta_-LRB-song-RRB-", 5], ["Kabhi_Jo_Baadal_Barse", 0], ["Kuchh_Na_Kaho", 0], ["Mast_Magan", 0]]} +{"id": 57100, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_people_with_surname_Preston", 120], ["Old_Dogs_-LRB-film-RRB-", 11], ["Old_Dogs_-LRB-film-RRB-", 0], ["John_G._Preston", 3], ["Christian_Bale_filmography", 6]]} +{"id": 154339, "predicted_label": "SUPPORTS", "predicted_evidence": [["Santana_discography", 3], ["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9]]} +{"id": 202793, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me_2", 1], ["List_of_2010_box_office_number-one_films_in_Australia", 12], ["List_of_2010_box_office_number-one_films_in_Australia", 20], ["Despicable_Me_-LRB-franchise-RRB-", 3]]} +{"id": 106010, "predicted_label": "SUPPORTS", "predicted_evidence": [["Liverpool", 13], ["Tourism_in_Slovenia", 52], ["Tourism_in_Colombia", 7], ["Tourism_in_Slovenia", 15], ["Tourism_in_Colombia", 5]]} +{"id": 94471, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["List_of_songs_recorded_by_Katy_Perry", 0], ["List_of_songs_recorded_by_Katy_Perry", 16], ["I_Kissed_a_Girl", 17], ["List_of_Billboard_Hot_100_number-one_singles_of_2008", 18]]} +{"id": 194474, "predicted_label": "REFUTES", "predicted_evidence": [["Tilda", 12], ["Snowpiercer", 5], ["Swinton_-LRB-surname-RRB-", 19], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["I_Am_Love_-LRB-film-RRB-", 2]]} +{"id": 195829, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 2], ["FNC_Entertainment", 0], ["FNC_Entertainment", 7], ["Weekly_Idol", 1]]} +{"id": 180580, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hill_Head", 29], ["Hill_Head", 22], ["Hill_Head", 23], ["Fairey_Swordfish", 6], ["Swordfish_Studios", 5]]} +{"id": 173730, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Randy_Scruggs", 3], ["Earl_Scruggs", 6], ["Scruggs_style", 14], ["Scruggs_style", 7], ["Scruggs_style", 3]]} +{"id": 97150, "predicted_label": "SUPPORTS", "predicted_evidence": [["Apple_I", 1], ["Apple_II", 0], ["Apple_II_series", 0], ["SWEET16", 0], ["Apple_II_series", 19]]} +{"id": 110604, "predicted_label": "SUPPORTS", "predicted_evidence": [["La_Misma_Gran_Sen\u0303ora", 9], ["List_of_awards_and_nominations_received_by_Lorde", 3], ["List_of_awards_and_nominations_received_by_Adele", 16], ["List_of_awards_and_nominations_received_by_Lorde", 5], ["List_of_awards_and_nominations_received_by_Rihanna", 27]]} +{"id": 3450, "predicted_label": "SUPPORTS", "predicted_evidence": [["Faith_Fay", 10], ["Christian_Wiman", 8], ["Styles_of_Radical_Will", 3], ["Crossing_Borders-COLON-_Personal_Essays", 1], ["Styles_of_Radical_Will", 1]]} +{"id": 84223, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jens_Stoltenberg", 4], ["36.9_ultimatum", 5], ["2011_Norway_attacks", 16], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 9]]} +{"id": 73114, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cate_Blanchett", 4], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Blue_Jasmine", 0], ["List_of_accolades_received_by_Blue_Jasmine", 0], ["Blue_Jasmine", 5]]} +{"id": 116653, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alternative_facts", 0], ["Rebekah_Mercer_-LRB-donor-RRB-", 20], ["Conway_-LRB-surname-RRB-", 66], ["Bowling_Green_massacre", 0], ["Kellyanne_Conway", 4]]} +{"id": 85350, "predicted_label": "REFUTES", "predicted_evidence": [["Andrew_Kevin_Walker", 0], ["Andrew_Walker", 19], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Seven_-LRB-1995_film-RRB-", 1], ["The_Hire-COLON-_The_Follow", 0]]} +{"id": 203995, "predicted_label": "SUPPORTS", "predicted_evidence": [["MiGente.com", 9], ["MiGente.com", 1], ["MiGente.com", 10], ["Glee.com", 1], ["Glee.com", 4]]} +{"id": 132093, "predicted_label": "REFUTES", "predicted_evidence": [["Prescott,_Arizona", 0], ["List_of_people_from_Prescott,_Arizona", 39], ["List_of_people_from_Prescott,_Arizona", 61], ["Prescott_Valley_Event_Center", 0], ["Arizona_Airways", 0]]} +{"id": 180734, "predicted_label": "REFUTES", "predicted_evidence": [["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Live_at_Mainstreet", 3], ["Something_Beginning_with_C", 2], ["Live_at_Mainstreet", 0], ["Mutable_sign", 13]]} +{"id": 177175, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 3], ["A_General_History_of_the_Pyrates", 0], ["Ikutaro_Kakehashi", 3], ["The_Myth_of_the_Eastern_Front", 10], ["Alien_invasion", 22]]} +{"id": 223664, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Van_Beethoven_-LRB-train-RRB-", 1], ["Beethoven_Gesamtausgabe", 1], ["Franz_Gerhard_Wegeler", 0], ["Franz_Gerhard_Wegeler", 17], ["Beethoven_in_film", 14]]} +{"id": 107179, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greek_language", 14], ["Greek_language", 0], ["Greek_language", 13], ["Medieval_Greek", 10], ["Medieval_Greek", 0]]} +{"id": 166490, "predicted_label": "REFUTES", "predicted_evidence": [["Universal_Channel_-LRB-Turkey-RRB-", 2], ["Filiz_Ahmet", 1], ["Turkish_television_drama", 1], ["Meryem_Uzerli", 0], ["Turkish_television_drama", 19]]} +{"id": 3059, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["WDJZ", 10], ["Pilot_-LRB-White_Collar-RRB-", 2], ["Kenny_Woods", 18], ["Anthony_Meindl", 20], ["Pilot_-LRB-White_Collar-RRB-", 8]]} +{"id": 64500, "predicted_label": "SUPPORTS", "predicted_evidence": [["Irreligion_in_Germany", 1], ["Heilbronn_League", 17], ["Dahlem", 7], ["Heilbronn_League", 0], ["Irreligion_in_Germany", 15]]} +{"id": 108917, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_frequent_Coen_Brothers_collaborators", 5], ["Gransito_Movie_Awards_2008", 22], ["List_of_accolades_received_by_No_Country_for_Old_Men", 8], ["List_of_accolades_received_by_No_Country_for_Old_Men", 12], ["List_of_accolades_received_by_No_Country_for_Old_Men", 20]]} +{"id": 26163, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Times_Square", 8], ["Jenna_Jameson", 12], ["Times_Square", 2], ["ClubJenna", 0], ["Jenna_Jameson", 0]]} +{"id": 204016, "predicted_label": "REFUTES", "predicted_evidence": [["Glee.com", 1], ["MiGente.com", 9], ["Console_Connect_Inc.", 0], ["MiGente.com", 1], ["Glee_albums_discography", 6]]} +{"id": 138206, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brazzers", 0], ["Pink_and_White_Productions", 0], ["Mofos", 0], ["Lee_Roy_Myers", 4], ["Insex", 0]]} +{"id": 60351, "predicted_label": "SUPPORTS", "predicted_evidence": [["P.N.03", 0], ["Clover_Studio", 13], ["Dino_Crisis_-LRB-video_game-RRB-", 1], ["God_Hand", 1], ["P.N.03", 2]]} +{"id": 42974, "predicted_label": "SUPPORTS", "predicted_evidence": [["Age_of_Apocalypse", 5], ["Age_of_Apocalypse", 6], ["Consolidated_Film_Industries", 9], ["Age_of_Apocalypse", 0], ["Waldorf_Statement", 4]]} +{"id": 119045, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gilles_-LRB-given_name-RRB-", 102], ["List_of_people_involved_with_the_French_Resistance", 103], ["Kyot", 2], ["List_of_people_involved_with_the_French_Resistance", 227], ["Jean-Claude", 228]]} +{"id": 123285, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cyrus_-LRB-surname-RRB-", 18], ["Jenna_Andrews", 1], ["Ron_Cyrus", 1], ["Make_Me_-LRB-Cry-RRB-", 0], ["Stay_Together_-LRB-Noah_Cyrus_song-RRB-", 0]]} +{"id": 195075, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ruddy-breasted_crake", 0], ["Joe_Ruddy", 5], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 3], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 2]]} +{"id": 97091, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombian_short-tailed_bat", 1], ["A._colombiana", 0], ["Colombian_short-tailed_bat", 0], ["C._colombiana", 3], ["A._colombiana", 3]]} +{"id": 172090, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 1], ["Stars_Dance", 2], ["Whiplash_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 12], ["Antonina_Armato", 29], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 18]]} +{"id": 183629, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ellen_DeGeneres", 5], ["Andrew_Stanton", 7], ["Pixar", 10], ["Finding_Nemo", 1], ["Finding_Dory", 1]]} +{"id": 196735, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sister_Act_-LRB-disambiguation-RRB-", 4], ["Sister_Act_-LRB-disambiguation-RRB-", 2], ["Whoopi_-LRB-disambiguation-RRB-", 5], ["Whoopi_-LRB-disambiguation-RRB-", 7], ["Cubby_Bryant", 0]]} +{"id": 32958, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_Knicks", 1], ["List_of_New_York_Knicks_seasons", 0], ["Em_Bryant", 9], ["1968\u201369_New_York_Knicks_season", 0], ["Em_Bryant", 44]]} +{"id": 103863, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ron_Cyrus", 1], ["Jenna_Andrews", 1], ["Brother_Clyde_-LRB-album-RRB-", 2], ["Noah_Cyrus", 4], ["Cyrus_-LRB-surname-RRB-", 12]]} +{"id": 101458, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tuvan_National_Orchestra", 9], ["Nathan_Rogers", 17], ["Khoomei", 3], ["Tuvan_throat_singing", 0], ["Throat_singing", 4]]} +{"id": 141012, "predicted_label": "REFUTES", "predicted_evidence": [["Qaafiyaa", 2], ["Radif", 5], ["Dagshai", 9], ["Qaafiyaa", 32], ["Amiya_Chakravarty_-LRB-director-RRB-", 1]]} +{"id": 45683, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Emma_Watson", 2], ["List_of_Harry_Potter_cast_members", 1], ["Ron_Weasley", 1], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7]]} +{"id": 179757, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wentworth_Miller", 2], ["Stoker_-LRB-film-RRB-", 0], ["Juhi_Chawla", 8], ["Juhi_Chawla", 6], ["Martin_Miller_-LRB-cricketer-RRB-", 4]]} +{"id": 369, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["State_of_Palestine", 1], ["Political_status_of_the_Palestinian_territories", 50], ["List_of_World_Heritage_Sites_in_Western_Asia", 0], ["Political_status_of_the_Palestinian_territories", 53], ["State_of_Palestine", 0]]} +{"id": 207520, "predicted_label": "REFUTES", "predicted_evidence": [["B.o.B_discography", 1], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["I_Want_You_Back_-LRB-disambiguation-RRB-", 12], ["B.o.B_discography", 10], ["B.o.B_discography", 15]]} +{"id": 157015, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Trait_activation_theory", 4], ["State-Trait_Anxiety_Inventory", 16], ["Trait_activation_theory", 0], ["Sooty_-LRB-gene-RRB-", 15], ["Trait_activation_theory", 18]]} +{"id": 103745, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michelin_Guide", 0], ["Jean-Luc_Naret", 8], ["E\u0301douard_Michelin_-LRB-industrialist-RRB-", 16], ["Michelin", 3], ["Andre\u0301_Michelin", 3]]} +{"id": 226100, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soul_On_Ice_-LRB-book-RRB-", 3], ["Pineapple_Express_-LRB-film-RRB-", 1], ["Bongwater_-LRB-film-RRB-", 1], ["Too_Much_Sleep", 0], ["Too_Much_Sleep", 2]]} +{"id": 47843, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Thomas_Jefferson_Medal_in_Architecture", 2], ["Thomas_Jefferson_Medal", 0], ["Thomas_Jefferson_Medal", 15], ["Thomas_Jefferson_Medal", 11], ["Thomas_Jefferson_Medal", 13]]} +{"id": 119435, "predicted_label": "SUPPORTS", "predicted_evidence": [["Laura_Dahl", 2], ["Gubler", 6], ["DNA_Model_Management", 4], ["Matthew_Gray_Gubler", 0], ["Morgan_Lily", 2]]} +{"id": 74795, "predicted_label": "SUPPORTS", "predicted_evidence": [["Starrcade", 0], ["Peter_Bennett_-LRB-music_promoter-RRB-", 9], ["Starrcade", 16], ["Starrcade", 14], ["Starrcade", 15]]} +{"id": 70602, "predicted_label": "SUPPORTS", "predicted_evidence": [["History_of_Tottenham_Hotspur_F.C.", 6], ["History_of_Tottenham_Hotspur_F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["History_of_Tottenham_Hotspur_F.C.", 5], ["List_of_Tottenham_Hotspur_F.C._players", 14]]} +{"id": 70221, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fort_Caroline", 6], ["Moving_block", 5], ["Fort_Caroline", 8], ["Moving_block", 1], ["Moving_block", 6]]} +{"id": 185287, "predicted_label": "REFUTES", "predicted_evidence": [["Bradley_Automotive", 0], ["Jeanine_Basinger", 11], ["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Automotive", 8], ["Bradley_Automotive", 20]]} +{"id": 107667, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abukhadzhi_Idrisov", 0], ["Mountain_Autonomous_Soviet_Socialist_Republic", 11], ["Vainakhia", 6], ["Sulom-Beck_Oskanov", 1], ["Sulom-Beck_Oskanov", 3]]} +{"id": 93756, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_The_Daily_Show_episodes", 12], ["The_Daily_Show", 2], ["Albasheer_Show", 9], ["Next_Animation_Studio", 0], ["List_of_The_Daily_Show_recurring_segments", 6]]} +{"id": 111121, "predicted_label": "SUPPORTS", "predicted_evidence": [["Donga_Ramudu", 1], ["Akkineni", 14], ["Bangaru_Kutumbam", 1], ["Akkineni", 12], ["Nageswara_Rao", 2]]} +{"id": 6680, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gold_to_Go", 0], ["Gold_to_Go", 1], ["PacSun", 1], ["King_of_the_Wends", 5], ["PacSun", 0]]} +{"id": 152564, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombian_short-tailed_bat", 1], ["A._colombiana", 5], ["A._colombiana", 0], ["C._colombiana", 3], ["A._colombiana", 3]]} +{"id": 104591, "predicted_label": "REFUTES", "predicted_evidence": [["Rupert_Murdoch", 13], ["James_Murdoch", 0], ["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3], ["Bruce_Hundertmark", 2]]} +{"id": 76989, "predicted_label": "REFUTES", "predicted_evidence": [["Leonard_Hofstadter", 0], ["Sheldon_Cooper", 0], ["The_Little_Dog_Laughed", 23], ["The_Little_Dog_Laughed", 9], ["Sheldon_Cooper", 4]]} +{"id": 32700, "predicted_label": "SUPPORTS", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 1], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 0], ["2014\u201315_CONCACAF_Champions_League", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 8]]} +{"id": 145624, "predicted_label": "REFUTES", "predicted_evidence": [["Gin", 0], ["Brinjevec", 1], ["Borovic\u030cka", 0], ["Bombay_Sapphire", 6], ["Juniper_-LRB-given_name-RRB-", 12]]} +{"id": 37112, "predicted_label": "SUPPORTS", "predicted_evidence": [["TakePart", 0], ["TakePart", 1], ["Participant_Media", 1], ["Jeffrey_Skoll", 1], ["Cineflix", 18]]} +{"id": 185217, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_singing_actors_and_actresses_in_Indian_cinema", 7], ["Improvised_situation_comedy", 4], ["Chang_&_Eng", 3], ["Chang_&_Eng", 1], ["Improvised_situation_comedy", 1]]} +{"id": 76552, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Forgot_to_Remember_to_Forget", 1], ["Scott_Moore", 15], ["Elvis_Presley's_guitars", 6], ["List_of_moths_of_India_-LRB-Geometridae-RRB-", 1199], ["Scotty_Cameron", 47]]} +{"id": 14449, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coalition_to_Abolish_Slavery_and_Trafficking", 11], ["The_A21_Campaign", 12], ["Human_trafficking_in_India", 1], ["Human_trafficking_in_India", 15], ["Human_trafficking_in_New_Zealand", 14]]} +{"id": 63885, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Playlist.com", 4], ["Playlist.com", 0], ["Playlist.com", 3], ["Playlist", 4], ["Playlist", 0]]} +{"id": 186600, "predicted_label": "REFUTES", "predicted_evidence": [["Asylum_Records", 0], ["Rap-A-Lot_Records", 0], ["Centerfield_-LRB-album-RRB-", 2], ["Live_with_the_Possum", 0], ["Asylum_Records", 1]]} +{"id": 71043, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 24], ["Deighton", 18], ["Derek_Deighton", 1], ["Derek_Deighton", 0], ["John_Deighton", 0]]} +{"id": 82838, "predicted_label": "SUPPORTS", "predicted_evidence": [["Psych", 0], ["List_of_awards_and_nominations_received_by_Psych", 0], ["List_of_Psych_episodes", 0], ["Doctor_of_Psychology", 0], ["The_Linus_Pauling_Quartet", 23]]} +{"id": 217219, "predicted_label": "SUPPORTS", "predicted_evidence": [["Huyen_Khong_Son_Thuong_Monastery", 14], ["Idiorrhythmic_monasticism", 3], ["Jo\u0301msvi\u0301kinga_saga", 16], ["List_of_people_known_as_the_Monk", 13], ["List_of_people_known_as_the_Monk", 5]]} +{"id": 165240, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sasquatched!_The_Musical", 57], ["Musical_theatre", 7], ["Development_of_musical_theatre", 5], ["Theatre_Works", 0], ["Theatre_Works", 3]]} +{"id": 51126, "predicted_label": "REFUTES", "predicted_evidence": [["National_Register_of_Historic_Places_listings_in_Yavapai_County,_Arizona", 10], ["Yavapai_County_Sheriff's_Office", 0], ["Prescott,_Arizona", 0], ["Yavapai_County_Sheriff's_Office", 3], ["Prescott,_Arizona", 11]]} +{"id": 78514, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kleshas_-LRB-Buddhism-RRB-", 5], ["Kleshas_-LRB-Buddhism-RRB-", 9], ["Raga_-LRB-Buddhism-RRB-", 7], ["Kleshas", 5], ["Kleshas", 0]]} +{"id": 94068, "predicted_label": "SUPPORTS", "predicted_evidence": [["Faroe_Islands", 9], ["History_of_the_Faroe_Islands", 5], ["History_of_the_Faroe_Islands", 4], ["History_of_the_Faroe_Islands", 8], ["Faroe_Islands", 14]]} +{"id": 214245, "predicted_label": "SUPPORTS", "predicted_evidence": [["Born_and_Raised_in_Compton", 0], ["Balance_&_Options", 0], ["The_Fixxers", 5], ["DJ_Quixotic", 10], ["The_Fixxers", 13]]} +{"id": 78666, "predicted_label": "REFUTES", "predicted_evidence": [["Civilization_IV", 14], ["Civilization_III", 6], ["Civilization_IV", 9], ["Civilization_IV-COLON-_Colonization", 0], ["Civilization_IV-COLON-_Colonization", 7]]} +{"id": 29145, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marshall_Jewell", 9], ["Marshall_Jewell", 10], ["Dr._Dre_discography", 10], ["Kuruption!", 27], ["Kuruption!", 44]]} +{"id": 17536, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Frances_Fisher", 6], ["In_the_Hands_of_the_Gods", 15], ["Ice_-LRB-Kelly_Rowland_song-RRB-", 3], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5]]} +{"id": 151393, "predicted_label": "SUPPORTS", "predicted_evidence": [["Busselskabet_Aarhus_Sporveje", 1], ["Administrative_divisions_of_Aarhus_Municipality", 3], ["New_Forests_of_Aarhus", 34], ["Aarhus", 0], ["Administrative_divisions_of_Aarhus_Municipality", 16]]} +{"id": 156949, "predicted_label": "REFUTES", "predicted_evidence": [["Tiber_Oil_Field", 0], ["Tiber_-LRB-disambiguation-RRB-", 20], ["Summerland_Oil_Field", 3], ["Summerland_Oil_Field", 0], ["Summerland_Oil_Field", 1]]} +{"id": 80338, "predicted_label": "REFUTES", "predicted_evidence": [["David_Packouz", 0], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["Chuck_Versus_the_Cliffhanger", 13], ["Efraim_Diveroli", 0]]} +{"id": 148735, "predicted_label": "SUPPORTS", "predicted_evidence": [["Replicant", 0], ["Blade_Runner", 26], ["Blade_Runner_2049", 0], ["Blade_Runner_2049", 1], ["Blade_Runner_-LRB-a_movie-RRB-", 12]]} +{"id": 32679, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Thomas_Duane", 24], ["Thomas_Duane", 29], ["Thomas_Duane", 17], ["Thomas_Duane", 21]]} +{"id": 26818, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Leamy_-LRB-musician-RRB-", 5], ["Todd_and_the_Book_of_Pure_Evil", 2], ["List_of_awards_and_nominations_received_by_Craig_David", 311], ["List_of_awards_and_nominations_received_by_Craig_David", 442], ["All_the_Way_-LRB-Craig_David_song-RRB-", 0]]} +{"id": 227121, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_New_Orleans_Pelicans_head_coaches", 1], ["New_Orleans_Pelicans_draft_history", 1], ["New_Orleans_Pelicans", 1], ["List_of_New_Orleans_Pelicans_seasons", 1], ["List_of_New_Orleans_Pelicans_seasons", 2]]} +{"id": 136059, "predicted_label": "REFUTES", "predicted_evidence": [["Ajay_Devgn", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Veeru_Devgan", 0], ["Devgan", 6], ["Anil_Devgan", 0]]} +{"id": 159697, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 134420, "predicted_label": "REFUTES", "predicted_evidence": [["Romeo_and_Juliet_Windmill", 27], ["Romeo_and_Juliet_Windmill", 16], ["Romeo_and_Juliet_Windmill", 4], ["Romeo_and_Juliet_Windmill", 5], ["Romeo_and_Juliet_Windmill", 0]]} +{"id": 207390, "predicted_label": "SUPPORTS", "predicted_evidence": [["Efraim_Diveroli", 6], ["David_Packouz", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Ephraim_-LRB-given_name-RRB-", 30], ["AEY", 9]]} +{"id": 120315, "predicted_label": "REFUTES", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Lina_Wolff", 5], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 115388, "predicted_label": "REFUTES", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Loaded_-LRB-band-RRB-", 0], ["Martin_Feveyear", 3], ["List_of_Guns_N'_Roses_members", 1], ["Loaded_-LRB-band-RRB-", 1]]} +{"id": 103336, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Star_Trek_III-COLON-_The_Search_for_Spock", 0], ["Music_to_Watch_Girls_By", 15], ["Development_of_Spock", 16], ["Nimoy", 5], ["The_Ballad_of_Bilbo_Baggins", 1]]} +{"id": 12967, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good_Wife", 9], ["The_Good_Wife", 12], ["The_Good_Wife", 4], ["The_Good_Wife", 0], ["The_Good_Wife", 1]]} +{"id": 21853, "predicted_label": "SUPPORTS", "predicted_evidence": [["Never_So_Good", 9], ["Never_So_Good", 4], ["Edward_Pilgrim", 2], ["Night_of_the_Long_Knives_-LRB-1962-RRB-", 0], ["Edward_Pilgrim", 1]]} +{"id": 159580, "predicted_label": "SUPPORTS", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 29], ["Frank_O'Bannon", 22], ["Henry_T._Bannon", 7], ["Henry_T._Bannon", 3]]} +{"id": 141973, "predicted_label": "REFUTES", "predicted_evidence": [["Penguin_Books", 4], ["R_v_Penguin_Books_Ltd", 0], ["Laurence_Byrne", 11], ["Laurence_Byrne", 1], ["Penguin_Modern_Poets", 0]]} +{"id": 204026, "predicted_label": "REFUTES", "predicted_evidence": [["Love_on_the_Rocks", 10], ["Feng_shui_-LRB-disambiguation-RRB-", 8], ["List_of_teachers_portrayed_in_films", 16], ["Feng_shui_-LRB-disambiguation-RRB-", 10], ["List_of_teachers_portrayed_in_films", 46]]} +{"id": 203621, "predicted_label": "REFUTES", "predicted_evidence": [["The_Sugarland_Express", 3], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Rocky_Balboa_-LRB-film-RRB-", 0], ["The_Sugarland_Express", 12], ["Stallone", 6]]} +{"id": 7244, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revival", 0], ["Pre-Creedence", 0], ["The_Golliwogs", 33], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 0]]} +{"id": 177158, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 3], ["Ian_Munro_Ross", 14], ["European_Banking_Federation", 25], ["The_Myth_of_the_Eastern_Front", 10], ["Alien_invasion", 22]]} +{"id": 45439, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rabies_testing", 4], ["Rabies_in_Haiti", 0], ["Rabies", 0], ["Rabies", 15], ["Rabies", 22]]} +{"id": 46795, "predicted_label": "SUPPORTS", "predicted_evidence": [["Raees_Dynasty", 9], ["Chopra", 47], ["Pallavi_-LRB-given_name-RRB-", 2], ["Raees_Dynasty", 3], ["Raees_Dynasty", 0]]} +{"id": 198227, "predicted_label": "REFUTES", "predicted_evidence": [["4450_Pan", 0], ["List_of_Solar_System_objects", 40], ["4450_Pan", 5], ["4450_Pan", 7], ["List_of_Solar_System_objects", 53]]} +{"id": 192910, "predicted_label": "SUPPORTS", "predicted_evidence": [["Love_the_Way_You_Lie", 0], ["List_of_awards_and_nominations_received_by_Rihanna", 18], ["Love_the_Way_You_Lie", 21], ["Love_the_Way_You_Lie", 15], ["List_of_awards_and_nominations_received_by_Missy_Elliott", 30]]} +{"id": 142871, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Blind_Side_-LRB-film-RRB-", 0], ["Christian_Bale_filmography", 38], ["Sean_Patrick_McGraw", 2], ["Christian_Bale_filmography", 44], ["McGraw_-LRB-surname-RRB-", 65]]} +{"id": 161571, "predicted_label": "REFUTES", "predicted_evidence": [["Baz_Luhrmann", 2], ["Baz_Luhrmann", 0], ["Strictly_Ballroom", 0], ["Strictly_Ballroom", 7], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0]]} +{"id": 48276, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Raghu_-LRB-given_name-RRB-", 43], ["Sekhar", 39], ["Raghu_-LRB-given_name-RRB-", 5], ["Raja_-LRB-name-RRB-", 9], ["Chopra", 53]]} +{"id": 172472, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_Cabinet", 3], ["Matteo_Renzi", 1], ["Matteo_Renzi", 3], ["Renzi_-LRB-surname-RRB-", 22]]} +{"id": 159884, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Scouts_Lao", 4], ["Indochina_Wars", 15], ["Indochina_Wars", 0]]} +{"id": 23742, "predicted_label": "REFUTES", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["List_of_songs_recorded_by_Katy_Perry", 9], ["Katy_Perry_videography", 19], ["Katy_Perry", 18], ["Katy_Perry", 7]]} +{"id": 132091, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cybercrime", 2], ["Mock_execution", 5], ["Green_Monster_-LRB-disambiguation-RRB-", 3], ["Green-Eyed_Monster_-LRB-disambiguation-RRB-", 0], ["Self-harm", 14]]} +{"id": 197386, "predicted_label": "REFUTES", "predicted_evidence": [["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["General_Simo\u0301n_Boli\u0301var_Municipality", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 1]]} +{"id": 173719, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Scruggs_style", 14], ["Scruggs", 0], ["Scruggs_style", 10], ["Scruggs", 15], ["Jim_Shumate", 9]]} +{"id": 154086, "predicted_label": "SUPPORTS", "predicted_evidence": [["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], ["Sonny_Digital", 1], ["I'm_Different", 3], ["White_Friday_-LRB-CM9-RRB-", 2], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0]]} +{"id": 102393, "predicted_label": "REFUTES", "predicted_evidence": [["AMGTV", 0], ["Hispanic_Television_Network", 0], ["LFN", 2], ["CNBC_Ticker", 0], ["KHPK-LD", 10]]} +{"id": 115234, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Estonian_folklore", 19], ["Cuento", 1], ["Google_Books", 0], ["Google_Books", 5], ["Cuento", 30]]} +{"id": 185384, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three_of_a_kind", 12], ["Three_of_a_kind", 10], ["Three_of_a_kind", 14], ["Three_of_a_kind", 8], ["Chips_and_dip", 8]]} +{"id": 36828, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_anthropologists", 59], ["Inside_Opinion", 24], ["Reel_to_Real_-LRB-U.S._TV_series-RRB-", 14], ["Reel_to_Real_-LRB-U.S._TV_series-RRB-", 0], ["Reel_to_Real_-LRB-U.S._TV_series-RRB-", 16]]} +{"id": 26224, "predicted_label": "SUPPORTS", "predicted_evidence": [["Efraim_Diveroli", 0], ["David_Packouz", 0], ["Ephraim_-LRB-given_name-RRB-", 30], ["AEY", 9], ["David_Packouz", 3]]} +{"id": 216390, "predicted_label": "REFUTES", "predicted_evidence": [["Homer_Hickam", 2], ["The_Far_Reaches", 0], ["The_Far_Reaches", 1], ["The_Far_Reaches", 2], ["Homer_Hickam", 0]]} +{"id": 181994, "predicted_label": "SUPPORTS", "predicted_evidence": [["Forceps", 0], ["Electrosurgery", 38], ["Forceps_in_childbirth", 0], ["Electrosurgery", 46], ["Electrosurgery", 34]]} +{"id": 184060, "predicted_label": "REFUTES", "predicted_evidence": [["Lonergan_-LRB-surname-RRB-", 22], ["Margaret_-LRB-2011_film-RRB-", 0], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Sam_Lonergan", 14], ["Sam_Lonergan", 21]]} +{"id": 180577, "predicted_label": "REFUTES", "predicted_evidence": [["Complicity", 1], ["Complicity", 10], ["Complicity", 4], ["Complicity", 5], ["Complicity", 0]]} +{"id": 86116, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ben_Affleck_filmography", 20], ["Saw_-LRB-franchise-RRB-", 8], ["Juanacatla\u0301n_Falls", 32], ["Saw_VI", 1], ["Saw_III", 1]]} +{"id": 112990, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["A_Hologram_for_the_King_-LRB-film-RRB-", 3], ["After_the_Wedding", 0], ["Knudsen", 40]]} +{"id": 131244, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kleshas_-LRB-Buddhism-RRB-", 5], ["Kleshas_-LRB-Buddhism-RRB-", 9], ["Kleshas_-LRB-Buddhism-RRB-", 0], ["Kleshas_-LRB-Buddhism-RRB-", 2], ["Kleshas_-LRB-Buddhism-RRB-", 1]]} +{"id": 187213, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_The_Hurt_Locker", 23], ["Kathryn_Bigelow", 0], ["The_Hurt_Locker", 0], ["List_of_awards_and_nominations_received_by_Jeremy_Renner", 1], ["List_of_awards_and_nominations_received_by_Jeremy_Renner", 3]]} +{"id": 150307, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Punta_Mita", 11], ["2014_Much_Music_Video_Awards", 1], ["Kendall_-LRB-given_name-RRB-", 5], ["Brody_Jenner", 13], ["Caitlyn_Jenner", 10]]} +{"id": 226095, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bongwater_-LRB-film-RRB-", 1], ["Pineapple_Express_-LRB-film-RRB-", 1], ["Soul_On_Ice_-LRB-book-RRB-", 3], ["Pineapple_Express_-LRB-film-RRB-", 2], ["Bongwater", 6]]} +{"id": 165113, "predicted_label": "REFUTES", "predicted_evidence": [["Marvel_Cinematic_Universe_tie-in_comics", 7], ["Mickey_Rourke_filmography", 1], ["Mickey_Rourke_filmography", 3], ["Iron_Man", 16], ["Mickey_Rourke_filmography", 6]]} +{"id": 195079, "predicted_label": "REFUTES", "predicted_evidence": [["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0], ["List_of_non-native_birds_of_Great_Britain", 46], ["Ruddy_kingfisher", 0], ["List_of_non-native_birds_of_Great_Britain", 67]]} +{"id": 1180, "predicted_label": "REFUTES", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 6], ["Renato_Balestra", 8], ["Renato_Balestra", 30], ["Renato_Balestra", 60]]} +{"id": 57965, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harold_Macmillan", 0], ["1961_Commonwealth_Prime_Ministers'_Conference", 1], ["Never_So_Good", 0], ["Harold_Macmillan", 4], ["Alec_Douglas-Home", 10]]} +{"id": 97774, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Disasterpieces", 4], ["List_of_Slipknot_band_members", 8], ["Sam_Thomson_-LRB-rugby_union-RRB-", 22], ["Kristen_Thomson", 5], ["Michael_Thomson", 9]]} +{"id": 98475, "predicted_label": "SUPPORTS", "predicted_evidence": [["Parody_religion", 1], ["Parody_religion", 0], ["Quran", 0], ["Anglo-Saxon_paganism", 10], ["Anglo-Saxon_paganism", 4]]} +{"id": 97087, "predicted_label": "REFUTES", "predicted_evidence": [["Sayyeshaa", 0], ["Vanamagan", 1], ["Karuppu_Raja_Vellai_Raja", 1], ["Shivaay", 1], ["List_of_ballets_by_August_Bournonville", 313]]} +{"id": 139030, "predicted_label": "REFUTES", "predicted_evidence": [["Peking_University", 1], ["Beijing_International_MBA_at_Peking_University", 1], ["Affiliated_High_School_of_Peking_University", 0], ["Beijing_International_MBA_at_Peking_University", 11], ["Beijing_International_MBA_at_Peking_University", 0]]} +{"id": 161842, "predicted_label": "SUPPORTS", "predicted_evidence": [["Anne_Hamburger", 16], ["Anne_Hamburger", 15], ["Matt_Stone", 1], ["Trey_Parker", 1], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10]]} +{"id": 123833, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Late_Show_with_Stephen_Colbert", 1], ["Stephen_Colbert_-LRB-character-RRB-", 0], ["Stephen_Colbert's_AmeriCone_Dream", 0], ["Final_episode_of_The_Colbert_Report", 6], ["The_Late_Show_with_Stephen_Colbert", 0]]} +{"id": 156412, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Return_to_Sender_-LRB-2004_film-RRB-", 4], ["Heracleia_-LRB-festival-RRB-", 3], ["Connie_Maxwell_Children's_Home", 57], ["Return_to_Sender_-LRB-2004_film-RRB-", 10], ["Heracleia_-LRB-festival-RRB-", 2]]} +{"id": 32740, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shararat", 12], ["Shararat", 8], ["Pehchaan", 4], ["Shararat", 10], ["Pehchaan", 6]]} +{"id": 131006, "predicted_label": "REFUTES", "predicted_evidence": [["Original_21", 3], ["The_Official_International_Queen_Fan_Club", 0], ["Original_21", 0], ["The_Official_International_Queen_Fan_Club", 7], ["Georgiann_Makropoulos", 6]]} +{"id": 172767, "predicted_label": "REFUTES", "predicted_evidence": [["John_Daly_-LRB-drink-RRB-", 0], ["John_Daly_-LRB-Irish_TV_presenter-RRB-", 1], ["Daly_Gang", 1], ["John_Daly_-LRB-Irish_TV_presenter-RRB-", 0], ["Anthony_Daly_-LRB-hurler-RRB-", 19]]} +{"id": 123058, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Lost_World-COLON-_Jurassic_Park_-LRB-video_game-RRB-", 9], ["The_Lost_World-COLON-_Jurassic_Park_-LRB-video_game-RRB-", 12], ["The_Lost_World-COLON-_Jurassic_Park_-LRB-video_game-RRB-", 4], ["The_Lost_World-COLON-_Jurassic_Park_-LRB-video_game-RRB-", 13], ["The_Lost_World-COLON-_Jurassic_Park_-LRB-video_game-RRB-", 21]]} +{"id": 131756, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Green_Line_\"D\"_Branch", 1], ["Tremont_Street_Subway", 0], ["Canal_Street_Incline", 16], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 1]]} +{"id": 49097, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_Earth", 13], ["History_of_Earth", 0], ["Porcupine_Gorge", 83], ["Porcupine_Gorge", 110], ["String_Quartet_No._15_-LRB-Simpson-RRB-", 13]]} +{"id": 202050, "predicted_label": "REFUTES", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 13], ["2011_Waltham_triple_murder", 14]]} +{"id": 215480, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hani_-LRB-singer-RRB-", 2], ["Weekly_Idol", 1], ["Weekly_Idol", 0], ["Jung_Il-hoon", 2], ["Sorn_-LRB-singer-RRB-", 2]]} +{"id": 181610, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["WGBX-TV", 1], ["WGBH_-LRB-FM-RRB-", 0], ["Nathaniel_Johnson_-LRB-broadcaster-RRB-", 8], ["WCAI", 11], ["WNCK", 0]]} +{"id": 209869, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Art_Smith_-LRB-actor-RRB-", 10], ["Art_Smith_-LRB-actor-RRB-", 8], ["Eh,_Eh_-LRB-Nothing_Else_I_Can_Say-RRB-", 3], ["Monotonicity_criterion", 11], ["Kabaka_Yekka", 213]]} +{"id": 208159, "predicted_label": "SUPPORTS", "predicted_evidence": [["Neelambari", 5], ["Tickle_Me", 4], ["Theodore_Pratt", 33], ["Theodore_Pratt", 37], ["Theodore_Pratt", 35]]} +{"id": 90354, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["WWF_Prime_Time_Wrestling", 3], ["1955\u201356_United_States_network_television_schedule", 29], ["1953\u201354_United_States_network_television_schedule", 22], ["1953\u201354_United_States_network_television_schedule", 16], ["WWF_Prime_Time_Wrestling", 4]]} +{"id": 142951, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Death_of_Hope", 1], ["Qui-Gon_and_Obi-Wan-COLON-_The_Aurorient_Express", 2], ["The_Defenders_of_the_Dead", 1], ["The_Deadly_Hunter", 1], ["Qui-Gon_and_Obi-Wan-COLON-_Last_Stand_on_Ord_Mantell", 2]]} +{"id": 174600, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kitten_Rescue", 3], ["Artpop", 13], ["Lifestyle_Pets", 8], ["Lifestyle_Pets", 26], ["ArtRave-COLON-_The_Artpop_Ball", 18]]} +{"id": 139848, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Go_to_Hell_-LRB-American_Horror_Story-RRB-", 4], ["Head_-LRB-American_Horror_Story-RRB-", 4], ["Protect_the_Coven", 4], ["Go_to_Hell_-LRB-American_Horror_Story-RRB-", 5], ["Boy_Parts", 4]]} +{"id": 219130, "predicted_label": "REFUTES", "predicted_evidence": [["Valencia", 0], ["Valencia", 10], ["Valencia", 16], ["Valencia", 8], ["Jose\u0301_Ramos_Costa", 77]]} +{"id": 207265, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Endometrial_cancer", 11], ["Uterine_serous_carcinoma", 7], ["Tao_brush", 0], ["Endometrial_cancer", 13], ["Endometrial_cancer", 0]]} +{"id": 190168, "predicted_label": "REFUTES", "predicted_evidence": [["Daisy_of_Love", 3], ["Oscar_De_La_Hoya", 0], ["Golden_Boy_Promotions", 5], ["Oscar_De_La_Hoya_vs._Manny_Pacquiao", 0], ["Golden_Boy_Promotions", 0]]} +{"id": 200289, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers", 5], ["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["The_Natural_Born_Thrillers", 1], ["Oliver_Stone", 13], ["Natural_Born_Killers", 0]]} +{"id": 74764, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Wallace_-LRB-poem-RRB-", 2], ["The_Lion's_Game", 3], ["Epilogue_For_W._H._Auden", 3], ["Merry_Christmas_Baby", 20], ["What_If_Punk_Never_Happened", 11]]} +{"id": 226107, "predicted_label": "REFUTES", "predicted_evidence": [["The_Power_of_Pussy", 2], ["Too_Much_Sleep", 2], ["The_Big_Sell-Out", 2], ["Breaking_No_New_Ground!", 2], ["The_Power_of_Pussy", 0]]} +{"id": 53021, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Martian_-LRB-film-RRB-", 17], ["The_Martian_-LRB-film-RRB-", 16], ["List_of_people_from_Constant\u0326a", 35], ["Stan_-LRB-surname-RRB-", 22], ["The_Martian_-LRB-film-RRB-", 3]]} +{"id": 208443, "predicted_label": "SUPPORTS", "predicted_evidence": [["Excuse_My_French", 3], ["Excuse_My_French", 9], ["Excuse_Me_Miss", 13], ["Excuse_Me_Miss", 16], ["Excuse_Me_Miss", 14]]} +{"id": 141801, "predicted_label": "SUPPORTS", "predicted_evidence": [["TakePart", 0], ["Samuel_Goldwyn_-LRB-disambiguation-RRB-", 12], ["Shaw_Brothers_Studio", 1], ["Samuel_Goldwyn_-LRB-disambiguation-RRB-", 14], ["Samuel_Goldwyn_-LRB-disambiguation-RRB-", 10]]} +{"id": 95105, "predicted_label": "REFUTES", "predicted_evidence": [["San_Diego_Comic-Con", 1], ["Ken_Krueger", 1], ["Mike_Towry", 1], ["Comic_book_convention", 0], ["Jackie_Estrada", 3]]} +{"id": 224377, "predicted_label": "SUPPORTS", "predicted_evidence": [["2016\u201317_Southampton_F.C._season", 26], ["2016\u201317_Southampton_F.C._season", 0], ["2017_EFL_Cup_Final", 0], ["2016\u201317_EFL_Cup", 0], ["List_of_Football_League_Cup_broadcasters", 0]]} +{"id": 153851, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["List_of_songs_recorded_by_Bombay_Jayashri", 6], ["List_of_songs_recorded_by_Bombay_Jayashri", 2], ["Krishna_Iyer", 9], ["Aalap_Raju", 1]]} +{"id": 202765, "predicted_label": "REFUTES", "predicted_evidence": [["Bubble_Boy_-LRB-musical-RRB-", 0], ["Despicable_Me_3", 2], ["Despicable_Me_2", 1], ["Bubble_Boy_-LRB-film-RRB-", 0], ["Cinco_Paul_and_Ken_Daurio", 0]]} +{"id": 92090, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good,_the_Bad_&_the_Queen_-LRB-song-RRB-", 0], ["Jeff_Wootton", 13], ["Damon_Albarn", 4], ["Damon_Albarn", 12], ["Damon_Albarn", 17]]} +{"id": 68032, "predicted_label": "SUPPORTS", "predicted_evidence": [["DJ_Fresh", 8], ["Hot_Right_Now", 0], ["So_Hot_Right_Now", 3], ["Nextlevelism", 2], ["So_Hot_Right_Now", 5]]} +{"id": 197351, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 2], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["List_of_Marvel_Cinematic_Universe_television_series", 13], ["Luke_Cage_-LRB-season_1-RRB-", 6], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10]]} +{"id": 94920, "predicted_label": "SUPPORTS", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 0], ["The_Mighty_Ducks", 0], ["The_Mighty_Ducks", 1], ["The_Mighty_Ducks", 7]]} +{"id": 193461, "predicted_label": "REFUTES", "predicted_evidence": [["Captain_America's_shield", 4], ["Captain_America", 7], ["Captain_America's_shield", 3], ["Captain_America's_shield", 0], ["Captain_America", 14]]} +{"id": 222046, "predicted_label": "REFUTES", "predicted_evidence": [["Brubaker_-LRB-disambiguation-RRB-", 0], ["Brubaker", 0], ["Brubaker", 2], ["Brubaker", 1], ["James_D._Brubaker", 3]]} +{"id": 131830, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Restaurant_Gordon_Ramsay", 0], ["Gordon_Ramsay_at_Claridge's", 0], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 32], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 2], ["Gordon_Ramsay_at_Claridge's", 1]]} +{"id": 202054, "predicted_label": "REFUTES", "predicted_evidence": [["2011_Waltham_triple_murder", 13], ["Dzhokhar_Tsarnaev", 18], ["Boston_Marathon_bombing", 8], ["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3]]} +{"id": 47551, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bob_Shand", 4], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Camilla,_Duchess_of_Cornwall", 6], ["Shand", 16], ["Rosalind_Shand", 1]]} +{"id": 66005, "predicted_label": "REFUTES", "predicted_evidence": [["Backbone_-LRB-magazine-RRB-", 0], ["Wayne_Sales", 11], ["Backbone_-LRB-magazine-RRB-", 12], ["Wayne_Sales", 0], ["Backbone_-LRB-magazine-RRB-", 15]]} +{"id": 135290, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["A_Hologram_for_the_King_-LRB-film-RRB-", 3], ["Jeppe_Gjervig_Gram", 7], ["Knudsen", 40]]} +{"id": 208416, "predicted_label": "SUPPORTS", "predicted_evidence": [["Excuse_My_French", 3], ["Excuse_My_French", 9], ["Excuse_My_French", 5], ["Excuse_My_French", 7], ["Excuse_My_French", 11]]} +{"id": 106996, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_Nesbitt", 14], ["James_Nesbitt", 8], ["James_Nesbitt", 20], ["Darkman", 2], ["Darkman", 7]]} +{"id": 105933, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bloods", 0], ["Spanish_Gangster_Disciples", 2], ["Compton_Menace", 6], ["Quality_Street_Gang", 9], ["Quality_Street_Gang", 5]]} +{"id": 154698, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jeff_Wootton", 13], ["Jeff_Wootton", 10], ["Live_at_the_De_De_De_Der", 1], ["Damon_Albarn", 17], ["Jeff_Wootton", 7]]} +{"id": 201063, "predicted_label": "SUPPORTS", "predicted_evidence": [["Outstanding_Drama_Series", 19], ["Critics'_Choice_Television_Award_for_Best_Supporting_Actress_in_a_Movie/Miniseries", 0], ["List_of_awards_and_nominations_received_by_Parks_and_Recreation", 10], ["Sarah_Paulson", 17], ["Critic's_Choice", 7]]} +{"id": 55199, "predicted_label": "REFUTES", "predicted_evidence": [["Brazzers", 0], ["Lee_Roy_Myers", 0], ["Daybreak_-LRB-2008_film-RRB-", 0], ["Lee_Roy_Myers", 4], ["Daybreak_-LRB-2008_film-RRB-", 1]]} +{"id": 28379, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sandra_Choi", 8], ["Sandra_Choi", 20], ["Sandra_Bullock_filmography", 0], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["Sandra_Choi", 21]]} +{"id": 196755, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marnie_-LRB-film-RRB-", 0], ["Black_Swan_-LRB-film-RRB-", 0], ["Black_Swan_-LRB-film-RRB-", 6], ["Alfred_Hitchcock_filmography", 14], ["Alfred_Hitchcock_filmography", 25]]} +{"id": 110770, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nematode", 8], ["List_of_books_by_Jacob_Neusner", 1034], ["Marine_counterparts_of_land_creatures", 7], ["Nematode", 10], ["List_of_books_by_Jacob_Neusner", 1318]]} +{"id": 172467, "predicted_label": "REFUTES", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_-LRB-surname-RRB-", 22], ["Remake_Italy", 6], ["Log_cabin_-LRB-disambiguation-RRB-", 17], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 140]]} +{"id": 214257, "predicted_label": "SUPPORTS", "predicted_evidence": [["DJ_Quixotic", 1], ["Penicillin_on_Wax", 8], ["The_Way_It's_Goin'_Down", 1], ["The_Fixxers", 3], ["Born_and_Raised_in_Compton", 0]]} +{"id": 127266, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["United_States_presidential_election_in_Massachusetts,_1964", 21], ["Charles_A._Pascal_Jr.", 25], ["Charles_A._Pascal_Jr.", 27], ["Charles_A._Pascal_Jr.", 24], ["United_States_presidential_election_in_Massachusetts,_1964", 8]]} +{"id": 86242, "predicted_label": "REFUTES", "predicted_evidence": [["Meteora_-LRB-album-RRB-", 0], ["Meteora_-LRB-disambiguation-RRB-", 3], ["List_of_awards_and_nominations_received_by_Linkin_Park", 8], ["List_of_awards_and_nominations_received_by_Linkin_Park", 0], ["Meteora_-LRB-album-RRB-", 16]]} +{"id": 66075, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saw_II", 0], ["Saw_3D", 1], ["Billy_the_Puppet", 15], ["Saw_V", 1], ["Saw_VI", 1]]} +{"id": 174026, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Endless_River", 0], ["The_Endless_River", 5], ["The_Endless_River", 11], ["List_of_people_named_Daniel", 345], ["List_of_films_set_in_Detroit", 139]]} +{"id": 135468, "predicted_label": "REFUTES", "predicted_evidence": [["Rajinikanth_filmography", 23], ["Sayyeshaa", 1], ["Anarchist_Communist_Federation", 5], ["Zabalaza_Anarchist_Communist_Front", 0], ["Harshvardhan_Rane", 10]]} +{"id": 98008, "predicted_label": "REFUTES", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["USS_Carlson_-LRB-DE-9-RRB-", 5], ["Jesse_Carlson", 13], ["USS_Carlson_-LRB-DE-9-RRB-", 10]]} +{"id": 157492, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Flag_of_Arizona", 24], ["List_of_hospitals_in_Arizona", 17], ["Flag_of_Arizona", 6], ["Flag_of_Arizona", 10], ["Flag_of_Arizona", 17]]} +{"id": 39114, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Dad", 0], ["Mary-Kate_and_Ashley_Olsen", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_Olsen", 0], ["List_of_Charlie's_Angels_characters", 37]]} +{"id": 202950, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold_discography", 11], ["Avenged_Sevenfold", 13], ["Avenged_Sevenfold_-LRB-album-RRB-", 2], ["Avenged_Sevenfold", 10]]} +{"id": 175485, "predicted_label": "REFUTES", "predicted_evidence": [["Christian_Gottlob_Neefe", 0], ["List_of_composers_who_studied_law", 45], ["Ludwig_van_Beethoven", 5], ["Masonic_music", 5], ["Gottlob", 35]]} +{"id": 88847, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mo\u0323\u0302t_phu\u0301t_\u0111e\u0302\u0309_chie\u0302\u0301n_tha\u0306\u0301ng", 7], ["Mo\u0323\u0302t_phu\u0301t_\u0111e\u0302\u0309_chie\u0302\u0301n_tha\u0306\u0301ng", 6], ["Pakistani_general_election,_2008", 4], ["Tom_and_Jerry_Golden_Collection", 5], ["Tom_and_Jerry_Golden_Collection", 1]]} +{"id": 67011, "predicted_label": "SUPPORTS", "predicted_evidence": [["Krishna_Iyer", 9], ["Aalap_Raju", 0], ["Krishna_Iyer", 0], ["List_of_songs_recorded_by_Bombay_Jayashri", 6], ["Aalap_Raju", 2]]} +{"id": 191425, "predicted_label": "REFUTES", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Days_Go_By", 4], ["Martha_Bass", 11], ["Keith_Urban_-LRB-1999_album-RRB-", 8], ["Days_Go_By", 6]]} +{"id": 96174, "predicted_label": "SUPPORTS", "predicted_evidence": [["Intel_Mobile_Communications", 7], ["Intel_Mobile_Communications", 6], ["Speech-to-text_reporter", 13], ["Speech_recognition", 1], ["Speech_Recognition_Grammar_Specification", 0]]} +{"id": 199737, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bibliography_of_Western_Sahara", 275], ["Tijuana", 0], ["United_Nations_Honour_Flag", 0], ["United_Nations_resolutions_on_Abkhazia", 0], ["United_Nations_Honour_Flag", 22]]} +{"id": 192971, "predicted_label": "REFUTES", "predicted_evidence": [["Stargate", 0], ["Stargate_-LRB-film-RRB-", 1], ["Godzilla_-LRB-1998_film-RRB-", 0], ["Roland_Emmerich", 0], ["Stargate", 12]]} +{"id": 10947, "predicted_label": "SUPPORTS", "predicted_evidence": [["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 0], ["List_of_films_set_in_Shanghai", 27], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 1], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 2], ["List_of_films_set_in_Shanghai", 89]]} +{"id": 135572, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Estimated_date_of_confinement", 0], ["Library_card", 12], ["Tax_return_-LRB-Canada-RRB-", 20], ["Library_card", 4], ["Library_card", 11]]} +{"id": 49310, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["University_of_Mississippi", 4], ["Howard_C._Reiche_Community_School", 27], ["Yale-NUS_College", 14], ["Yale-NUS_College", 22], ["Howard_C._Reiche_Community_School", 12]]} +{"id": 60937, "predicted_label": "SUPPORTS", "predicted_evidence": [["Macedonia_naming_dispute", 6], ["Macedonia_naming_dispute", 0], ["Macedonia_naming_dispute", 13], ["The_Eight_Cold_Hells", 33], ["The_Eight_Cold_Hells", 41]]} +{"id": 126709, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greig_Pickhaver", 1], ["Tenacious_D_-LRB-disambiguation-RRB-", 11], ["Tenacious_D", 0], ["Tenacious_D_-LRB-disambiguation-RRB-", 7], ["Tenacious_D_-LRB-disambiguation-RRB-", 0]]} +{"id": 63084, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Used_Car_Roadshow", 18], ["Used_Car_Roadshow", 19], ["Henry_II_style", 4], ["Used_Car_Roadshow", 5], ["Jean_Cavenac_de_la_Vigne", 4]]} +{"id": 77222, "predicted_label": "REFUTES", "predicted_evidence": [["The_Wallace_-LRB-poem-RRB-", 2], ["The_Wallace_-LRB-poem-RRB-", 0], ["George_Wallace_-LRB-disambiguation-RRB-", 26], ["Wallace_-LRB-given_name-RRB-", 17], ["George_Wallace_-LRB-disambiguation-RRB-", 8]]} +{"id": 194798, "predicted_label": "REFUTES", "predicted_evidence": [["Max_Tetley", 18], ["Varian's_War", 2], ["Leandro_Despouy", 0], ["Fortunes_of_War", 11], ["Fortunes_of_War", 0]]} +{"id": 61095, "predicted_label": "REFUTES", "predicted_evidence": [["Milton_Graham", 2], ["Lehman_family", 158], ["Miss_USA_2017", 3], ["Ashley_Graham", 5], ["Ashley_Graham", 7]]} +{"id": 66425, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cause_and_Effect_-LRB-Numbers-RRB-", 3], ["List_of_Weeds_episodes", 16], ["Desperate_Housewives_-LRB-season_8-RRB-", 11], ["Desperate_Housewives_-LRB-season_8-RRB-", 2], ["Desperate_Housewives_-LRB-season_8-RRB-", 14]]} +{"id": 141474, "predicted_label": "REFUTES", "predicted_evidence": [["U.S._state", 0], ["Bangsamoro", 8], ["Principality_of_Catalonia", 5], ["Principality_of_Catalonia", 10], ["Exclusive_federal_powers", 5]]} +{"id": 67799, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Heart", 19], ["Vagal_tone", 7], ["Exercise_and_music", 8], ["Exercise_and_music", 15], ["Heart", 24]]} +{"id": 186596, "predicted_label": "REFUTES", "predicted_evidence": [["Asylum_Records", 0], ["TK_Records", 0], ["Planet_Records", 0], ["Oriole_Records_-LRB-U.S.-RRB-", 0], ["Jamison_Ernest", 15]]} +{"id": 107163, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Papua_-LRB-province-RRB-", 3], ["Morelia_amethistina", 5], ["West_Papua_-LRB-province-RRB-", 5], ["Tembagapura", 17], ["Arnold_Ap", 14]]} +{"id": 194016, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["O_Jin-u", 27], ["Kim_Jong-chul", 9], ["O_Jin-u", 9], ["Kim_Jong-chul", 0], ["O_Jin-u", 2]]} +{"id": 205643, "predicted_label": "REFUTES", "predicted_evidence": [["St._Anger", 18], ["St._Anger", 14], ["St._Anger", 0], ["St._Anger", 3], ["St._Anger", 16]]} +{"id": 106044, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lincoln\u2013Douglas_debates", 0], ["Archibald_Williams_-LRB-judge-RRB-", 296], ["Robert_Smith_-LRB-Illinois_politician-RRB-", 28], ["Archibald_Williams_-LRB-judge-RRB-", 309], ["Freeport_Doctrine", 0]]} +{"id": 219151, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Valencia,_California_residential_villages", 132], ["List_of_registered_political_parties_in_Vale\u0300ncia", 24], ["List_of_registered_political_parties_in_Vale\u0300ncia", 36], ["List_of_registered_political_parties_in_Vale\u0300ncia", 50], ["List_of_registered_political_parties_in_Vale\u0300ncia", 26]]} +{"id": 6807, "predicted_label": "SUPPORTS", "predicted_evidence": [["Camden,_New_Jersey", 40], ["Rutgers_Law_School", 3], ["Rutgers_University\u2013Camden", 2], ["Rutgers_Law_School", 5], ["Rutgers_University\u2013Newark", 3]]} +{"id": 167986, "predicted_label": "SUPPORTS", "predicted_evidence": [["Don_Bradman", 20], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 8], ["Jack_Fingleton", 46], ["Don_Bradman", 19], ["List_of_international_cricket_centuries_by_Don_Bradman", 19]]} +{"id": 165262, "predicted_label": "SUPPORTS", "predicted_evidence": [["Machiavelli_and_the_Four_Seasons", 22], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Berry_paradox", 0], ["Elevenie", 1], ["Jamil_Ahmed_Nizamani", 1]]} +{"id": 68746, "predicted_label": "SUPPORTS", "predicted_evidence": [["Riddick_-LRB-character-RRB-", 1], ["The_Chronicles_of_Riddick_-LRB-franchise-RRB-", 3], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 2], ["The_Chronicles_of_Riddick", 1], ["Pitch_Black_-LRB-film-RRB-", 2]]} +{"id": 173126, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Still_Alive_-LRB-disambiguation-RRB-", 10], ["Macy_-LRB-surname-RRB-", 4], ["Still_Alive_-LRB-disambiguation-RRB-", 6], ["Still_Alive_-LRB-disambiguation-RRB-", 14], ["Still_Alive_-LRB-disambiguation-RRB-", 12]]} +{"id": 177138, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 3], ["Invasion_literature", 0], ["Alien_invasion", 22], ["Alien_invasion", 4], ["Alien_invasion", 0]]} +{"id": 163969, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Latin_legal_terms", 3689], ["Veeram_-LRB-2016_film-RRB-", 5], ["List_of_Latin_legal_terms", 2619], ["List_of_Latin_legal_terms", 1947], ["Tamannaah_filmography", 2]]} +{"id": 191255, "predicted_label": "REFUTES", "predicted_evidence": [["Jean-Michel_Basquiat", 11], ["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Jean-Michel", 168], ["Jean-Michel_Basquiat", 0]]} +{"id": 156917, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gifted_education", 0], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 61], ["List_of_high_schools_for_the_gifted_in_Vietnam", 0], ["Michelle_Ronksley-Pavia", 28], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 0]]} +{"id": 96135, "predicted_label": "REFUTES", "predicted_evidence": [["Jamais_Je_Ne_T'oublierai", 0], ["Gifted_education", 0], ["Gifted_education", 14], ["Michelle_Ronksley-Pavia", 28], ["Michelle_Ronksley-Pavia", 31]]} +{"id": 200395, "predicted_label": "REFUTES", "predicted_evidence": [["Ryan_Sinn", 17], ["Blink-182_discography", 36], ["After_Midnight_-LRB-Blink-182_song-RRB-", 19], ["Box_Car_Racer", 1], ["After_Midnight_-LRB-Blink-182_song-RRB-", 6]]} +{"id": 108481, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Proposed_Indian_Round_Table_Conference_1922", 25], ["Gandhi_Heritage_Portal", 3], ["Rahul_Gandhi", 7], ["Gandhi_Heritage_Portal", 0], ["Gandhi_Heritage_Portal", 6]]} +{"id": 72975, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek-COLON-_The_Animated_Series", 0], ["Janice_Rand", 0], ["Denise_Okuda", 3], ["Star_Trek", 0], ["Sci-Fest_LA", 0]]} +{"id": 3305, "predicted_label": "REFUTES", "predicted_evidence": [["Julianne_Moore_filmography", 0], ["The_Hunger_Games-COLON-_Mockingjay_\u2013_Part_2", 8], ["The_Hunger_Games-COLON-_Mockingjay_\u2013_Part_2", 2], ["Julianne_Moore", 0], ["Julianne_Moore", 4]]} +{"id": 6810, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sir_Nigel", 1], ["Hundred_Years'_War", 21], ["Battle_of_Poitiers", 0], ["Sir_Nigel", 0], ["Edwardian_era", 0]]} +{"id": 83871, "predicted_label": "SUPPORTS", "predicted_evidence": [["Architecture_of_New_York_City", 6], ["Chrysler_Building", 5], ["Architecture_of_New_York_City", 7], ["Chrysler_Building", 6], ["Chrysler_Building", 10]]} +{"id": 53135, "predicted_label": "SUPPORTS", "predicted_evidence": [["Geography_of_North_America", 0], ["Geography_of_North_America", 23], ["List_of_North_American_dinosaurs", 5], ["Geography_of_North_America", 18], ["List_of_cities_by_GDP", 2140]]} +{"id": 2416, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Trafford", 10], ["Stepwise_mutation_model", 6], ["HMS_Scotia_-LRB-shore_establishment-RRB-", 7], ["HMS_Scotia_-LRB-shore_establishment-RRB-", 2], ["S\u0327ile", 7]]} +{"id": 94357, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["One_Direction", 11], ["Bar_Refaeli", 4], ["One_Direction", 9], ["One_Direction", 10]]} +{"id": 2371, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guillermo_del_Toro", 4], ["Pan's_Labyrinth", 0], ["Del_Toro_-LRB-surname-RRB-", 12], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 1]]} +{"id": 200278, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["The_Natural_Born_Thrillers", 1], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 3], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["Edward_Aswell", 10]]} +{"id": 124088, "predicted_label": "REFUTES", "predicted_evidence": [["It's_All_About_Dancing-COLON-_A_Jamaican_Dance-U-Mentary", 0], ["Dagga", 8], ["Grinding_-LRB-dance-RRB-", 8], ["Boyz_-LRB-song-RRB-", 14], ["Reggae", 3]]} +{"id": 78880, "predicted_label": "REFUTES", "predicted_evidence": [["Bessie", 35], ["Me_and_Bessie", 4], ["J._C._Johnson", 36], ["Bessie", 23], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5]]} +{"id": 158030, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bahamas", 0], ["Timothy_Donaldson", 17], ["The_Bahamas", 16], ["The_Bahamas", 22], ["The_Bahamas", 21]]} +{"id": 126814, "predicted_label": "SUPPORTS", "predicted_evidence": [["Theater_of_War_-LRB-film-RRB-", 10], ["Sir_Nigel", 0], ["Hundred_Years'_War_-LRB-1415\u201353-RRB-", 0], ["Sir_Nigel", 1], ["Truce_of_Leulinghem", 0]]} +{"id": 166915, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Unreal_episodes", 5], ["List_of_The_Grudge_characters", 5], ["The_Grudge_3", 2], ["Run_the_Tide", 0], ["Quantico_-LRB-TV_series-RRB-", 6]]} +{"id": 9718, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lionel_Nimrod's_Inexplicable_World", 0], ["Mind_Meld", 8], ["Nimoy", 5], ["The_Ballad_of_Bilbo_Baggins", 1], ["Nimoy", 7]]} +{"id": 14922, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jamie_Murray", 0], ["Andy_Murray", 1], ["Jamie_Murray", 15], ["Andy_Murray", 10], ["Kyle_Edmund", 8]]} +{"id": 180732, "predicted_label": "REFUTES", "predicted_evidence": [["Something_Beginning_with_C", 2], ["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Vidyagauri_Adkar", 0], ["Rohini_Bhate", 0], ["Live_at_Mainstreet", 0]]} +{"id": 36281, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Miranda_Otto", 0], ["Gracie_Gallegos", 8], ["In_the_Winter_Dark_-LRB-film-RRB-", 1]]} +{"id": 129876, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Deighton", 15], ["Debout_la_France", 0], ["Derek_Deighton", 1], ["Deighton", 18], ["Derek_Deighton", 0]]} +{"id": 164986, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mitchell_Taylor", 7], ["Polar_bear", 7], ["Polar_bear", 10], ["Agreement_on_the_Conservation_of_Polar_Bears", 4], ["Mitchell_Taylor", 0]]} +{"id": 171078, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_stage_names", 36], ["William_Ward_-LRB-mayor-RRB-", 4], ["Sarah_Ward", 4], ["Sarah_Ward", 0], ["Sarah_Ward", 2]]} +{"id": 134213, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chapter_V_-LRB-Staind_album-RRB-", 20], ["Alexandra_Denisova", 14], ["Djevara", 25], ["Alexandra_Denisova", 48], ["Djevara", 18]]} +{"id": 87305, "predicted_label": "REFUTES", "predicted_evidence": [["Alyssa_Wong", 7], ["Alyssa_Wong", 8], ["Alyssa_Wong", 6], ["Short_story", 9], ["Spur_Award_for_Best_Short_Fiction", 22]]} +{"id": 216366, "predicted_label": "SUPPORTS", "predicted_evidence": [["Turkvision_Song_Contest_2015", 1], ["Chagatai", 9], ["Chagatai_people", 7], ["Karluk_languages", 3], ["Karluk_languages", 0]]} +{"id": 95239, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gifted_education", 0], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 61], ["List_of_high_schools_for_the_gifted_in_Vietnam", 0], ["Michelle_Ronksley-Pavia", 28], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 0]]} +{"id": 70125, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Mask_-LRB-disambiguation-RRB-", 22], ["John_R._Dilworth", 7], ["John_R._Dilworth", 1], ["Luke_Cage", 1], ["Luke_Cage_-LRB-TV_series-RRB-", 0]]} +{"id": 185726, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mani_Ratnam_filmography", 0], ["Dil_Se..", 0], ["Mani_Ratnam_filmography", 9], ["Mani_Ratnam", 10], ["Mani_Ratnam", 15]]} +{"id": 45585, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["List_of_songs_recorded_by_Bombay_Jayashri", 6], ["List_of_songs_recorded_by_Bombay_Jayashri", 2], ["Krishna_Iyer", 9], ["Aalap_Raju", 1]]} +{"id": 58765, "predicted_label": "REFUTES", "predicted_evidence": [["Spirit_of_Troy", 4], ["John_Tempesta", 12], ["List_of_American_musicians_of_Armenian_descent", 85], ["System_of_a_Down_discography", 25], ["System_of_a_Down", 1]]} +{"id": 212772, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_ANAGPIC_meetings", 185], ["List_of_ANAGPIC_meetings", 123], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 501], ["List_of_ANAGPIC_meetings", 73], ["List_of_ANAGPIC_meetings", 157]]} +{"id": 165641, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_Baker_-LRB-English_actor-RRB-", 15], ["Tom_Baker_-LRB-English_actor-RRB-", 10], ["Jane_Slavin", 18], ["Help_She_Can't_Swim", 5], ["Jane_Slavin", 6]]} +{"id": 175638, "predicted_label": "REFUTES", "predicted_evidence": [["Fabian_Nicieza", 0], ["Publication_history_of_Anarky", 20], ["Anarky", 19], ["General_-LRB-DC_Comics-RRB-", 10], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 160]]} +{"id": 60093, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Efraim_Diveroli", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["David_Packouz", 0], ["Christian_Va\u0301squez", 46], ["Socie\u0301te\u0301_des_transports_de_Tunis", 1]]} +{"id": 168064, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["Nightly", 8], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2015-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1]]} +{"id": 95779, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Palace", 0], ["Palace_Theatre,_Westcliff-on-Sea", 12], ["London_boroughs", 0], ["Victoria_Theatre", 31], ["London_boroughs", 11]]} +{"id": 56361, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wish_Upon", 0], ["Wish_I_Was_Here", 1], ["Golden_Rule", 10], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["When_You_Wish_Upon_a_Weinstein", 0]]} +{"id": 212195, "predicted_label": "REFUTES", "predicted_evidence": [["Monsters_of_Rock-COLON-_Platinum_Edition", 1], ["List_of_people_from_Portsmouth", 8], ["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 14], ["Miracle_at_St._Anna", 16]]} +{"id": 156903, "predicted_label": "SUPPORTS", "predicted_evidence": [["Faroe_Islands", 9], ["History_of_the_Faroe_Islands", 5], ["History_of_the_Faroe_Islands", 4], ["History_of_the_Faroe_Islands", 8], ["Faroe_Islands", 14]]} +{"id": 144589, "predicted_label": "REFUTES", "predicted_evidence": [["The_Daily_Show", 6], ["The_Daily_Show-COLON-_Indecision_2004", 20], ["Jon_Stewart", 19], ["The_Daily_Show", 9], ["List_of_The_Daily_Show_episodes_-LRB-2015-RRB-", 10]]} +{"id": 226860, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jenna_Jameson", 3], ["Jenna_Jameson", 0], ["My_Plaything", 6], ["ClubJenna", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 185301, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bradley_Automotive", 0], ["Jeanine_Basinger", 11], ["Ouija_-LRB-2014_film-RRB-", 0], ["Fuller_-LRB-surname-RRB-", 15], ["Fuller_-LRB-surname-RRB-", 173]]} +{"id": 156525, "predicted_label": "REFUTES", "predicted_evidence": [["Guy_Hain", 42], ["Guy_Hain", 37], ["Bad_Romance", 11], ["Bad_Romance", 2], ["Bad_Romance", 21]]} +{"id": 185736, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mani_Ratnam", 1], ["Mani_Ratnam_filmography", 15], ["List_of_awards_and_nominations_received_by_Aishwarya_Rai", 27], ["Mani_Ratnam", 15], ["Raavanan_-LRB-soundtrack-RRB-", 10]]} +{"id": 174018, "predicted_label": "SUPPORTS", "predicted_evidence": [["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 5], ["The_Endless_River", 0], ["Pink_Floyd", 17], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 10]]} +{"id": 206157, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cubberley_Community_Center", 0], ["East_Palo_Alto,_California", 0], ["Palo_Alto_Weekly", 0], ["East_Palo_Alto,_California", 3], ["Cubberley_Community_Center", 17]]} +{"id": 33213, "predicted_label": "REFUTES", "predicted_evidence": [["Fairy_Tail", 7], ["The_Brothers_Garci\u0301a", 6], ["Circumbaikal_Highway", 0], ["Ford_Torino_Talladega", 8], ["Circumbaikal_Highway", 3]]} +{"id": 33374, "predicted_label": "SUPPORTS", "predicted_evidence": [["Queen_-LRB-band-RRB-", 0], ["Mark_Cross_-LRB-musician-RRB-", 21], ["Mark_Cross_-LRB-musician-RRB-", 5], ["Melodica_in_music", 163], ["Melodica_in_music", 165]]} +{"id": 148534, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Funky_Squad", 0], ["Jo_Ann_Harris", 7], ["Squad_Five-O", 1], ["Squad_Five-O", 0], ["Squad_Five-O", 2]]} +{"id": 72905, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hush_-LRB-2016_film-RRB-", 2], ["Intrepid_Pictures", 0], ["Hush_-LRB-2016_film-RRB-", 0], ["Hush_-LRB-2016_film-RRB-", 5], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 6]]} +{"id": 204025, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_songs_about_Paris", 2733], ["List_of_songs_about_Paris", 2162], ["Love_Thy_Neighbor", 22], ["Love_Thy_Neighbor", 0], ["Robert_Marcelonis", 54]]} +{"id": 159702, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 140660, "predicted_label": "SUPPORTS", "predicted_evidence": [["Magic_Johnson_-LRB-disambiguation-RRB-", 0], ["Magic_Johnson", 1], ["1992_NBA_Playoffs", 36], ["1980_NBA_Finals", 11], ["Magic_Johnson_Enterprises", 2]]} +{"id": 186326, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_songs_about_Paris", 257], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 6], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 8], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 10], ["Mai\u0302trise_Notre_Dame_de_Paris", 14]]} +{"id": 10838, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_Saxony-Anhalt", 0], ["Frederick_of_Saxony", 15], ["Anna_of_Saxony_-LRB-disambiguation-RRB-", 13], ["Frederick_of_Saxony", 11], ["Frederick_of_Saxony", 13]]} +{"id": 116113, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lou_Gehrig", 15], ["The_Pride_of_the_Yankees", 1], ["Adelaide_Gehrig", 7], ["Lou_Gehrig", 0], ["Wally_Pipp", 1]]} +{"id": 49919, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dakota_Fanning", 0], ["Hannah_-LRB-name-RRB-", 33], ["Fanning_-LRB-surname-RRB-", 10], ["I_Am_Sam", 11], ["I_Am_Sam", 0]]} +{"id": 204456, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Wilk", 17], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6], ["Brad_Wilk", 4]]} +{"id": 166483, "predicted_label": "SUPPORTS", "predicted_evidence": [["For_the_People", 7], ["For_the_People", 5], ["For_the_People", 3], ["In_Treatment", 3], ["Damned_If_You_Do", 3]]} +{"id": 66599, "predicted_label": "SUPPORTS", "predicted_evidence": [["NRG_Recording_Studios", 0], ["NRG", 27], ["Matt_Hyde", 0], ["NRG", 29], ["Matt_Hyde", 7]]} +{"id": 5765, "predicted_label": "SUPPORTS", "predicted_evidence": [["DJ_Fresh_discography", 9], ["Hot_Right_Now", 0], ["DJ_Fresh", 8], ["So_Hot_Right_Now", 3], ["Nextlevelism", 2]]} +{"id": 166635, "predicted_label": "REFUTES", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Prince_Lestat", 0]]} +{"id": 205742, "predicted_label": "REFUTES", "predicted_evidence": [["First_Motion_Picture_Unit", 0], ["Wings_for_This_Man", 0], ["Television_and_film_in_New_Jersey", 7], ["First_Motion_Picture_Unit", 8], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10]]} +{"id": 165666, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Tom_-LRB-given_name-RRB-", 11], ["Destination_Nerva", 4], ["Help_She_Can't_Swim", 5], ["Help_She_Can't_Swim", 20]]} +{"id": 101604, "predicted_label": "SUPPORTS", "predicted_evidence": [["XXX_-LRB-Danny_Brown_album-RRB-", 0], ["Danny_Brown", 3], ["The_Hybrid_-LRB-album-RRB-", 0], ["Oakland_Ballet", 25], ["Oakland_Ballet", 20]]} +{"id": 140517, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michelin_Guide", 0], ["Jean-Luc_Naret", 8], ["Michelin_Guide", 1], ["Michelin_Guide", 3], ["Lucas_-LRB-surname-RRB-", 127]]} +{"id": 125010, "predicted_label": "SUPPORTS", "predicted_evidence": [["Numb_-LRB-Linkin_Park_song-RRB-", 12], ["What_I've_Done", 10], ["List_of_awards_and_nominations_received_by_Linkin_Park", 22], ["List_of_songs_recorded_by_Linkin_Park", 47], ["Numb_-LRB-Linkin_Park_song-RRB-", 2]]} +{"id": 40742, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pharrell_Williams", 4], ["I_Just_Wanna_Love_U_-LRB-Give_It_2_Me-RRB-", 1], ["Seeing_Sounds", 0], ["Shay_Haley", 1], ["Shay_Haley", 0]]} +{"id": 132818, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Doublefaced", 16], ["Sexify", 1], ["56th_Annual_Grammy_Awards", 13], ["56th_Annual_Grammy_Awards", 9], ["Passion,_Pain_&_Demon_Slayin'", 7]]} +{"id": 109877, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pontic_Greek", 0], ["Pontic_Greek", 8], ["Greek_language", 13], ["Greek_language", 14], ["Greek_language", 0]]} +{"id": 13056, "predicted_label": "REFUTES", "predicted_evidence": [["The_Concert_for_Bangladesh", 12], ["List_of_TVXQ_concert_tours_in_Japan", 11], ["List_of_TVXQ_concert_tours_in_Japan", 16], ["List_of_TVXQ_concert_tours_in_Japan", 14], ["The_Concert_for_Bangladesh", 14]]} +{"id": 23296, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["David_Packouz", 3], ["Efraim_Diveroli", 0], ["Ephraim_-LRB-given_name-RRB-", 30], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["AEY", 9]]} +{"id": 129365, "predicted_label": "SUPPORTS", "predicted_evidence": [["EA_Black_Box", 0], ["Need_for_Speed-COLON-_The_Run", 0], ["List_of_Need_for_Speed_video_games", 2], ["List_of_PlayStation_3_games_released_on_disc", 10043], ["List_of_PlayStation_3_games_released_on_disc", 10015]]} +{"id": 91551, "predicted_label": "SUPPORTS", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 0], ["The_Mighty_Ducks", 0], ["Chris_O'Sullivan", 25]]} +{"id": 181629, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mogadishu", 1], ["Embassy_of_the_United_States,_Mogadishu", 3], ["Mogadishu_-LRB-disambiguation-RRB-", 18], ["Mogadishu_-LRB-disambiguation-RRB-", 12], ["Mogadishu_-LRB-disambiguation-RRB-", 16]]} +{"id": 134387, "predicted_label": "REFUTES", "predicted_evidence": [["Didi_Senft", 40], ["2016_Tour_de_France", 0], ["List_of_British_cyclists_who_have_led_the_Tour_de_France_general_classification", 0], ["List_of_teams_and_cyclists_in_the_2016_Tour_de_France", 0], ["List_of_teams_and_cyclists_in_the_2016_Tour_de_France", 9]]} +{"id": 110681, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hush_-LRB-2016_film-RRB-", 0], ["Hush_-LRB-2016_film-RRB-", 2], ["Kicking_and_Screaming_-LRB-1995_film-RRB-", 5], ["Deepsky", 1], ["Hush_-LRB-2016_film-RRB-", 5]]} +{"id": 72446, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_Hood", 20], ["James_Hood", 7], ["James_Hood", 6], ["George_Wallace_-LRB-disambiguation-RRB-", 26], ["George_Wallace_-LRB-disambiguation-RRB-", 8]]} +{"id": 145572, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["John_F._Kennedy_High_School", 0], ["Kennedy_Middle_School", 0]]} +{"id": 787, "predicted_label": "REFUTES", "predicted_evidence": [["Astrology_and_science", 6], ["Shawn_Carlson", 0], ["JB_Carlson", 2], ["JB_Carlson", 1], ["Jesse_Carlson", 24]]} +{"id": 23605, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Self-determination", 2], ["Self-determination", 13], ["United_Nations_Security_Council_Resolution_1091", 3], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1], ["Timeline_of_Western_Saharan_history", 83]]} +{"id": 24258, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 330], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 106], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 122], ["Chicago_Bulls_draft_history", 1507], ["Chicago_Bulls_draft_history", 1097]]} +{"id": 140083, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bruno_Echagaray", 11], ["Social_media_and_television", 14], ["Neuberg_formula", 16], ["Social_media_and_television", 10], ["Social_media_and_television", 17]]} +{"id": 143176, "predicted_label": "REFUTES", "predicted_evidence": [["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["St._Louis_Blues_-LRB-1929_film-RRB-", 2], ["St._Louis_Blues_-LRB-1929_film-RRB-", 12], ["St._Louis_Blues_-LRB-1929_film-RRB-", 0], ["Roy_Castle_Lung_Cancer_Foundation", 3]]} +{"id": 60720, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Norse_mythology", 0], ["Sleipnir", 11], ["Odin", 25], ["Odin", 30], ["Germanic_mythology", 2]]} +{"id": 183127, "predicted_label": "REFUTES", "predicted_evidence": [["Tata_Motors", 13], ["BSE_SENSEX", 0], ["Bombay_Stock_Exchange", 0], ["Madras_Stock_Exchange", 2], ["Tata_Motors", 7]]} +{"id": 121517, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["Halsey_-LRB-singer-RRB-", 2], ["Halsey_House_-LRB-Southampton,_New_York-RRB-", 10], ["Nicholas_Guy_Halsey", 3], ["Nicholas_Guy_Halsey", 6]]} +{"id": 179026, "predicted_label": "SUPPORTS", "predicted_evidence": [["Steve_Ditko", 3], ["In_Search_of_Steve_Ditko", 0], ["Charlton_Neo", 0], ["Captain_Glory", 3], ["Charlton_Neo", 2]]} +{"id": 37557, "predicted_label": "SUPPORTS", "predicted_evidence": [["Catherine_de'_Medici's_patronage_of_the_arts", 1], ["Francis_I", 9], ["Catherine_de'_Medici's_patronage_of_the_arts", 7], ["Concordat_of_Bologna", 0], ["Catherine_de'_Medici's_patronage_of_the_arts", 17]]} +{"id": 89875, "predicted_label": "REFUTES", "predicted_evidence": [["The_Return_of_Doctor_Mysterio", 6], ["Chatwin", 8], ["Funkytown_-LRB-film-RRB-", 1], ["Justin_Chatwin", 0], ["Justin_Chatwin", 7]]} +{"id": 92641, "predicted_label": "REFUTES", "predicted_evidence": [["David_Packouz", 0], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["Efraim_Diveroli", 0], ["Christian_Va\u0301squez", 3]]} +{"id": 106787, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ruth_Bader_Ginsburg", 0], ["List_of_Cornell_University_alumni", 0], ["United_States_Court_of_Appeals_for_the_District_of_Columbia_Circuit", 14], ["Paul_Schiff_Berman", 16], ["List_of_Cornell_University_alumni", 9]]} +{"id": 12683, "predicted_label": "SUPPORTS", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 3]]} +{"id": 117447, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_extreme_points_of_U.S._states", 282], ["List_of_mountains_of_the_Alleghenies", 0], ["List_of_mountains_of_the_Alleghenies", 66], ["List_of_mountains_of_the_Alleghenies", 41], ["List_of_mountains_of_the_Alleghenies", 72]]} +{"id": 124736, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heart", 19], ["Transcutaneous_pacing", 6], ["Exercise_and_music", 10], ["Cardiac_output", 8], ["Heart", 24]]} +{"id": 31187, "predicted_label": "SUPPORTS", "predicted_evidence": [["PacSun", 3], ["PacSun", 0], ["Callaway_Golf_Company", 0], ["PacSun", 1], ["Callaway_Golf_Company", 4]]} +{"id": 204651, "predicted_label": "REFUTES", "predicted_evidence": [["Chloe_Pirrie", 2], ["This_Will_Destroy_You_-LRB-album-RRB-", 24], ["Intruders", 25], ["Intruders", 27], ["Chloe_Pirrie", 1]]} +{"id": 129015, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_discography", 3], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9]]} +{"id": 186998, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bermuda_Triangle", 0], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 0], ["The_Bermuda_Triangle_-LRB-book-RRB-", 0], ["CSS_Chickamauga", 55], ["The_Bermuda_Triangle_-LRB-book-RRB-", 9]]} +{"id": 73436, "predicted_label": "SUPPORTS", "predicted_evidence": [["Grown_Ups_2", 2], ["Grown_Ups_-LRB-film-RRB-", 1], ["David_Spade", 2], ["Jake_Goldberg", 0], ["David_Spade", 0]]} +{"id": 80054, "predicted_label": "REFUTES", "predicted_evidence": [["Lower_Saxony", 0], ["Outline_of_Liechtenstein", 8], ["Saarland_Police", 0], ["German_training_cruiser_Deutschland_-LRB-A59-RRB-", 10], ["Lower_Saxony", 26]]} +{"id": 208149, "predicted_label": "REFUTES", "predicted_evidence": [["Garnish_-LRB-food-RRB-", 8], ["Salchipapas", 0], ["Succotash", 3], ["Garnish_-LRB-food-RRB-", 0], ["Chicken_and_dumplings", 5]]} +{"id": 157546, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fyre_Festival", 3], ["H.E.R.", 11], ["Kendall_-LRB-given_name-RRB-", 5], ["H.E.R.", 9], ["Kylie_Jenner", 7]]} +{"id": 202449, "predicted_label": "SUPPORTS", "predicted_evidence": [["TTSS", 7], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["Connie_Sachs", 12], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0]]} +{"id": 1621, "predicted_label": "REFUTES", "predicted_evidence": [["Whitewater_Lake_-LRB-Wisconsin-RRB-", 28], ["Whitewater_Lake_-LRB-Wisconsin-RRB-", 41], ["Angelsberg", 0], ["Fischbach,_Mersch", 5], ["Whitewater_Lake_-LRB-Wisconsin-RRB-", 18]]} +{"id": 54959, "predicted_label": "REFUTES", "predicted_evidence": [["Northern_grey-headed_sparrow", 19], ["Eurasian_tree_sparrow", 2], ["Italian_sparrow", 0], ["Italian_sparrow", 1], ["Northern_grey-headed_sparrow", 0]]} +{"id": 93018, "predicted_label": "REFUTES", "predicted_evidence": [["Match_Point", 0], ["Match_point", 5], ["Woody_Allen_filmography", 17], ["Woody_Allen", 13], ["Match_point", 0]]} +{"id": 96266, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_Ford_Coppola", 4], ["Banjo_on_My_Knee_-LRB-film-RRB-", 1], ["Francis_Ford_Coppola", 8], ["Edmund_H._Deas_House", 0], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234]]} +{"id": 78731, "predicted_label": "REFUTES", "predicted_evidence": [["Victoria_Palace", 0], ["Tonight's_the_Night_-LRB-2003_musical-RRB-", 1], ["Victoria_Theatre", 31], ["Victoria_Palace", 3], ["Palace_Theatre,_Westcliff-on-Sea", 12]]} +{"id": 23967, "predicted_label": "REFUTES", "predicted_evidence": [["Legend_of_the_Guardians-COLON-_The_Owls_of_Ga'Hoole", 5], ["The_Dressmaker_-LRB-2015_film-RRB-", 7], ["List_of_films_set_in_Detroit", 98], ["Australia_-LRB-2008_film-RRB-", 4], ["List_of_films_set_in_Detroit", 64]]} +{"id": 17847, "predicted_label": "SUPPORTS", "predicted_evidence": [["El_Dorado_Arts_Council", 6], ["El_Dorado_High_School", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_AVA", 0], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9]]} +{"id": 159591, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 7], ["Henry_T._Bannon", 6], ["Frank_O'Bannon", 10], ["Henry_T._Bannon", 3]]} +{"id": 161575, "predicted_label": "REFUTES", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 0], ["Baz_Luhrmann", 2], ["Cinema_of_Australia", 15], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Strictly_Ballroom", 7]]} +{"id": 129533, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Joe_Rogan_Experience", 0], ["Bryan_Callen", 3], ["Duncan_Trussell", 0], ["Joe_Rogan", 13], ["Joe_Rogan_Questions_Everything", 5]]} +{"id": 52731, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Velvet_Revolver", 0], ["Loaded_discography", 0], ["List_of_Guns_N'_Roses_members", 1], ["Velvet_Revolver", 13]]} +{"id": 75309, "predicted_label": "REFUTES", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["Ron_Klimko", 38], ["Wind_quartet", 10], ["List_of_compositions_by_Alan_Hovhaness", 160]]} +{"id": 101012, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Darkman", 2], ["Neeson", 9], ["Across_the_Bridge_of_Hope", 2], ["Across_the_Bridge_of_Hope", 6], ["Les_Mise\u0301rables_-LRB-1998_film-RRB-", 1]]} +{"id": 201816, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1]]} +{"id": 172744, "predicted_label": "REFUTES", "predicted_evidence": [["The_Beach_-LRB-film-RRB-", 0], ["Sandy_Hodge", 4], ["The_Beach_-LRB-film-RRB-", 1], ["John_Hodge", 7], ["John_Hodge", 9]]} +{"id": 14223, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guantanamo's_Child", 1], ["Maha_el-Samnah", 11], ["Canadian_response_to_Omar_Khadr", 24], ["Rebecca_S._Snyder", 2], ["Canadian_response_to_Omar_Khadr", 0]]} +{"id": 96954, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cultural_impact_of_The_Colbert_Report", 1], ["The_Colbert_Report", 0], ["Stephen_Colbert_-LRB-character-RRB-", 0], ["Stephen_Colbert's_AmeriCone_Dream", 0], ["Cultural_impact_of_The_Colbert_Report", 0]]} +{"id": 109288, "predicted_label": "REFUTES", "predicted_evidence": [["Kundun", 1], ["14th_Dalai_Lama", 5], ["Thubten_Choekyi_Nyima,_9th_Panchen_Lama", 11], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0]]} +{"id": 100938, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Iron_Lady_-LRB-album-RRB-", 33], ["Dear_Bill", 5], ["Val_Meets_The_VIPs", 5], ["There_Is_No_Alternative-COLON-_Why_Margaret_Thatcher_Matters", 0], ["Val_Meets_The_VIPs", 15]]} +{"id": 194019, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kim_Jong-chul", 0], ["Kim_Jong-un", 0], ["Kim_Jong-un", 4], ["Kim_Jong-un", 15], ["Kim_Jong-chul", 9]]} +{"id": 147610, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robertson_-LRB-surname-RRB-", 29], ["The_First_Time_-LRB-2012_film-RRB-", 4], ["Mother's_Day_-LRB-2016_film-RRB-", 1], ["Ask_Me_Anything_-LRB-film-RRB-", 1], ["Mr._Church", 1]]} +{"id": 7682, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robertson_-LRB-surname-RRB-", 29], ["The_First_Time_-LRB-2012_film-RRB-", 4], ["Lux_Cassidy", 1], ["White_Rabbit_-LRB-film-RRB-", 1], ["Mr._Church", 1]]} +{"id": 154364, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["1895\u201396_Thames_Ironworks_F.C._season", 9], ["Thames_Ironworks_F.C.", 0], ["Arnold_Hills", 29], ["Dave_Taylor_-LRB-Thames_Ironworks_F.C._founder-RRB-", 0], ["1896\u201397_Thames_Ironworks_F.C._season", 28]]} +{"id": 202773, "predicted_label": "REFUTES", "predicted_evidence": [["Universal's_Superstar_Parade", 3], ["Minions_-LRB-film-RRB-", 1], ["Despicable_Me_2", 1], ["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me", 0]]} +{"id": 91479, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_-LRB-surname-RRB-", 3], ["Terry_-LRB-surname-RRB-", 39], ["Terry_Crews_filmography", 0], ["Make_a_Smellmitment", 6], ["Make_a_Smellmitment", 2]]} +{"id": 11928, "predicted_label": "REFUTES", "predicted_evidence": [["Pan's_Labyrinth", 0], ["Del_Toro_-LRB-surname-RRB-", 12], ["Guillermo_del_Toro", 0], ["Sundown_-LRB-video_game-RRB-", 1], ["Mimic_-LRB-film-RRB-", 0]]} +{"id": 227081, "predicted_label": "SUPPORTS", "predicted_evidence": [["Katy_Perry_videography", 12], ["Unconditionally", 1], ["Katy_Perry_discography", 23], ["Unconditionally", 7], ["Katy_Perry_discography", 26]]} +{"id": 132151, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_women_with_ovarian_cancer", 127], ["Marjorie_Gross", 0], ["Marjorie", 136], ["Seinfeld", 8], ["Marjorie_Gross", 1]]} +{"id": 177165, "predicted_label": "REFUTES", "predicted_evidence": [["Invasion_literature", 3], ["Belgium_in_the_long_nineteenth_century", 20], ["Invasion_literature", 0], ["Belgium_in_the_long_nineteenth_century", 3], ["Alien_invasion", 4]]} +{"id": 45757, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Daggering", 0], ["Pon_de_Floor", 5], ["Grinding_-LRB-dance-RRB-", 8], ["Dagga", 8], ["List_of_Jamaican_actors", 25]]} +{"id": 46271, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prescott,_Arizona", 0], ["Yavapai_County_Sheriff's_Office", 3], ["Clark_House", 13], ["Prescott,_Arizona", 11], ["Yavapai_County_Sheriff's_Office", 0]]} +{"id": 20279, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Indigenous_peoples_of_South_America", 16], ["Chilean_expansionism", 0], ["Chilean_expansionism", 1], ["Indigenous_peoples_of_South_America", 0], ["Bibliography_of_South_America", 0]]} +{"id": 182271, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_MP_transmission", 0], ["Saturn_Cycling_Team", 1], ["Saturn_-LRB-store-RRB-", 0], ["Saturn_Corporation", 4]]} +{"id": 15425, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frank_Jenner", 11], ["Rebels-COLON-_City_of_Indra", 0], ["Kendall_-LRB-given_name-RRB-", 5], ["Brody_Jenner", 13], ["Caitlyn_Jenner", 10]]} +{"id": 21028, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Star_Trek", 8], ["Annette_Badland", 0], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5], ["Babe_Smith", 0], ["List_of_Star_Trek-COLON-_Deep_Space_Nine_cast_members", 4]]} +{"id": 100521, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Loomis_&_the_Lust", 51], ["Loomis_&_the_Lust", 2], ["Marshall_Jewell", 1], ["KWJC", 15], ["KWJC", 23]]} +{"id": 49152, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["Migos", 8], ["Dabbin_Fever", 3], ["Lindstro\u0308m", 74], ["Freddie_Lindstrom", 10]]} +{"id": 108421, "predicted_label": "SUPPORTS", "predicted_evidence": [["Iron_Fist_-LRB-comics-RRB-", 3], ["Luke_Cage", 6], ["Power_Man_and_Iron_Fist", 0], ["Luke_Cage", 1], ["Iron_Fist_-LRB-comics-RRB-", 4]]} +{"id": 3106, "predicted_label": "SUPPORTS", "predicted_evidence": [["Armenian_Genocide", 0], ["Armenian_Genocide_denial", 0], ["White_Genocide", 5], ["White_Genocide", 3], ["Armenian_Genocide", 5]]} +{"id": 86077, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Microbiologist", 14], ["Microbiologist", 7], ["Microorganism", 10], ["Marine_microorganism", 7], ["Microbiologist", 4]]} +{"id": 165128, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Leonard_Termo", 14], ["The_Wrestler_-LRB-2008_film-RRB-", 12], ["Bullet_-LRB-1996_film-RRB-", 0], ["Rourke", 12]]} +{"id": 63257, "predicted_label": "SUPPORTS", "predicted_evidence": [["Internal_waters", 7], ["List_of_companies_of_the_Bahamas", 0], ["The_Bahamas", 0], ["Archipelagic_state", 0], ["Eleuthera", 0]]} +{"id": 37520, "predicted_label": "REFUTES", "predicted_evidence": [["Laura_Dahl", 2], ["Matthew_Gray_Gubler", 0], ["Gubler", 6], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray", 3]]} +{"id": 111408, "predicted_label": "REFUTES", "predicted_evidence": [["Barry_R._Schaller", 36], ["Barry_R._Schaller", 3], ["Barry_R._Schaller", 13], ["Barry_R._Schaller", 38], ["Judiciary_Act_of_1793", 9]]} +{"id": 108956, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Paravastu_Chinnayasuri", 46], ["Paravastu_Chinnayasuri", 32], ["Paravastu_Chinnayasuri", 45], ["Pullella_Srirama_Chandrudu", 227], ["Paravastu_Chinnayasuri", 9]]} +{"id": 153803, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_extreme_points_of_U.S._states", 282], ["List_of_mountains_of_the_Alleghenies", 0], ["List_of_mountains_of_the_Alleghenies", 70], ["List_of_mountains_of_the_Alleghenies", 68]]} +{"id": 40396, "predicted_label": "SUPPORTS", "predicted_evidence": [["Columbia_Records", 0], ["Columbia/Epic_Label_Group", 0], ["Columbia/Epic_Label_Group", 9], ["Sony_Music", 1], ["Sony_Music", 0]]} +{"id": 194350, "predicted_label": "SUPPORTS", "predicted_evidence": [["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 2], ["Happiness_in_Slavery", 9], ["Happiness_in_Slavery", 6], ["World_Happiness_Report", 10]]} +{"id": 193421, "predicted_label": "REFUTES", "predicted_evidence": [["Eighth_Doctor_comic_stories", 16], ["Past_Doctor_Adventures", 4], ["Izzy_Sinclair", 42], ["Doctor_Who-COLON-_The_Monthly_Range", 1], ["Eighth_Doctor_comic_stories", 0]]} +{"id": 199753, "predicted_label": "REFUTES", "predicted_evidence": [["Tijuana", 0], ["San_Diego\u2013Tijuana", 3], ["Tijuana", 7], ["San_Diego\u2013Tijuana", 0], ["Tijuana_Municipality", 0]]} +{"id": 25080, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Best_of_Decade_I-COLON-_1995\u20132005", 5], ["Love_Rain_-LRB-Jill_Scott_song-RRB-", 4], ["The_Ecstatic", 10], ["The_Ecstatic", 15], ["The_Ecstatic", 8]]} +{"id": 21078, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Filson_-LRB-company-RRB-", 1], ["Bonobos_-LRB-apparel-RRB-", 0], ["Filson_-LRB-company-RRB-", 2], ["Topman", 0], ["Craig_Green_-LRB-designer-RRB-", 6]]} +{"id": 121562, "predicted_label": "REFUTES", "predicted_evidence": [["Pop-Up_Magazine", 11], ["Lex_Land", 39], ["Shake_It_Off_-LRB-Mariah_Carey_song-RRB-", 7], ["Lex_Land", 21], ["You_Enjoy_Myself", 2]]} +{"id": 43458, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Walking_My_Baby_Back_Home_-LRB-film-RRB-", 0], ["Janet_Leigh", 0], ["The_Black_Shield_of_Falworth", 1], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 179029, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Steve_Ditko", 3], ["In_Search_of_Steve_Ditko", 0], ["Charlton_Neo", 0], ["Captain_Glory", 3], ["Charlton_Neo", 2]]} +{"id": 133797, "predicted_label": "REFUTES", "predicted_evidence": [["The_Sex_Factor", 0], ["XHamster", 6], ["IRobot_Seaglider", 7], ["Waggonfabrik_Talbot", 4], ["IRobot_Seaglider", 5]]} +{"id": 92524, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vichitra_Jeevitham", 2], ["Vani_Rani_-LRB-film-RRB-", 1], ["Daag_-LRB-1973_film-RRB-", 5], ["Daag_-LRB-1973_film-RRB-", 0], ["Rangula_Ratnam", 3]]} +{"id": 5504, "predicted_label": "REFUTES", "predicted_evidence": [["Centre_for_Mental_Health", 1], ["Adam's_Song", 18], ["Imagine_This", 1], ["Seeds_of_hope", 1], ["List_of_Sesame_Street_puppeteers", 136]]} +{"id": 192961, "predicted_label": "SUPPORTS", "predicted_evidence": [["Roland_Emmerich", 3], ["Roland_Emmerich", 4], ["Hollywood-Monster", 0], ["Stargate", 12], ["Stargate_-LRB-film-RRB-", 1]]} +{"id": 36428, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tim_Patten", 0], ["National_Roller_Derby_League", 0], ["Tim_Patten", 7], ["Roller_derby", 7], ["Jim_Fitzpatrick_-LRB-athlete-RRB-", 72]]} +{"id": 167984, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_international_cricket_centuries_by_Jacques_Kallis", 11], ["Lindsay_Hassett", 10], ["Don_Bradman", 20], ["List_of_international_cricket_centuries_by_Jacques_Kallis", 9], ["Jack_Fingleton", 36]]} +{"id": 189774, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthias_Corvinus", 31], ["Hunyadi_family", 0], ["Martius_Galeotti", 3], ["Martius_Galeotti", 60], ["Corvin", 16]]} +{"id": 161244, "predicted_label": "REFUTES", "predicted_evidence": [["Gal_Gadot", 4], ["One_Direction", 10], ["Bar_Refaeli", 4], ["One_Direction", 11], ["One_Direction", 9]]} +{"id": 174606, "predicted_label": "SUPPORTS", "predicted_evidence": [["Artpop", 13], ["Jolin_Tsai_discography", 22], ["Jolin_Tsai_discography", 27], ["Jolin_Tsai_discography", 15], ["Jolin_Tsai_discography", 11]]} +{"id": 51645, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee_Ralph", 5], ["Sandra_Bullock_filmography", 14], ["Sandra_Bullock_filmography", 7]]} +{"id": 124268, "predicted_label": "REFUTES", "predicted_evidence": [["Griffiths", 123], ["Arfon_Griffiths", 0], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2], ["Stella_Richman", 19]]} +{"id": 226147, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Dawkins", 16], ["Internet_meme", 9], ["Out_Campaign", 27], ["Over_Norton_Park", 2], ["Over_Norton_Park", 5]]} +{"id": 83533, "predicted_label": "REFUTES", "predicted_evidence": [["Vivek_Mushran", 2], ["Henry_VIII_-LRB-TV_serial-RRB-", 0], ["The_Six_Wives_of_Henry_VIII", 8], ["The_Six_Wives_of_Henry_VIII", 4], ["Vivek_Mushran", 3]]} +{"id": 186871, "predicted_label": "SUPPORTS", "predicted_evidence": [["Celine_Dion_singles_discography", 32], ["Whitney_Houston_discography", 26], ["Whitney_Houston_discography", 15], ["Norah_Jones_discography", 6], ["Celine_Dion_singles_discography", 37]]} +{"id": 108203, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nefarious-COLON-_Merchant_of_Souls", 3], ["End_Human_Trafficking_Now", 4], ["Nefarious-COLON-_Merchant_of_Souls", 0], ["The_A21_Campaign", 0], ["Nefarious-COLON-_Merchant_of_Souls", 15]]} +{"id": 181835, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fiona_Cumming", 0], ["Roger_Hodgman", 4], ["Herbert_Gehr", 24], ["Roger_Hodgman", 0], ["Bruce_Kessler", 33]]} +{"id": 73745, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Atisha_Pratap_Singh", 3], ["Atisha_Pratap_Singh", 2], ["Dance_move", 0], ["Dance_move", 36], ["Dutch_folk_dance", 3]]} +{"id": 202762, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despicable_Me_-LRB-franchise-RRB-", 3], ["List_of_2010_box_office_number-one_films_in_Australia", 12], ["List_of_2010_box_office_number-one_films_in_Australia", 20], ["List_of_2010_box_office_number-one_films_in_Australia", 8], ["List_of_2010_box_office_number-one_films_in_Australia", 16]]} +{"id": 47726, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boom_Town_-LRB-Doctor_Who-RRB-", 5], ["Annette_Badland", 1], ["Babe_Smith", 0], ["Trevor_Baxter", 18], ["Lizzie_Hopley", 18]]} +{"id": 155174, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["British_Army", 1], ["Indian_Army", 3], ["Indian_Staff_Corps", 0], ["Indian_Staff_Corps", 10], ["Indian_Army", 1]]} +{"id": 7336, "predicted_label": "REFUTES", "predicted_evidence": [["Lizzy_Caplan", 2], ["Scott_Hackwith", 1], ["Domitilla_D'Amico", 4], ["Caplan", 20], ["Scott_Hackwith", 8]]} +{"id": 165664, "predicted_label": "REFUTES", "predicted_evidence": [["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Destination_Nerva", 4], ["Tom_Baker_-LRB-American_actor-RRB-", 0], ["Destination_Nerva", 5], ["Tom_-LRB-given_name-RRB-", 11]]} +{"id": 134851, "predicted_label": "SUPPORTS", "predicted_evidence": [["Folkestone_White_Horse", 17], ["Snowman_-LRB-horse-RRB-", 13], ["Folkestone_White_Horse", 6], ["Horse", 3], ["History_of_agriculture", 8]]} +{"id": 48275, "predicted_label": "SUPPORTS", "predicted_evidence": [["Raghu_-LRB-given_name-RRB-", 43], ["Sekhar", 39], ["Raghu_-LRB-given_name-RRB-", 5], ["Raja_-LRB-name-RRB-", 9], ["Chopra", 53]]} +{"id": 178148, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], ["Collapse_of_the_World_Trade_Center", 0], ["Collapse_of_the_World_Trade_Center", 2], ["Collapse_of_the_World_Trade_Center", 5], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 0]]} +{"id": 194917, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Humanities_New_York", 5], ["James_Nesbitt", 9], ["James_Nesbitt", 8], ["Divided_infringement", 4], ["Quad_-LRB-play-RRB-", 6]]} +{"id": 51535, "predicted_label": "SUPPORTS", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 1], ["2014\u201315_CONCACAF_Champions_League", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0]]} +{"id": 36882, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_accolades_received_by_No_Country_for_Old_Men", 1], ["Tommy_Lee_Jones", 4], ["List_of_accolades_received_by_No_Country_for_Old_Men", 2], ["No_Country_for_Old_Men_-LRB-film-RRB-", 1], ["Tommy_Jones", 18]]} +{"id": 201066, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sarah_Paulson", 17], ["List_of_awards_and_nominations_received_by_Amy_Adams", 11], ["Sarah_Paulson", 15], ["List_of_awards_and_nominations_received_by_Netflix", 42], ["List_of_awards_and_nominations_received_by_House_of_Cards", 17]]} +{"id": 155328, "predicted_label": "SUPPORTS", "predicted_evidence": [["Men_in_Black_II", 0], ["Men_in_Black_-LRB-film-RRB-", 0], ["Men_in_Black_-LRB-film-RRB-", 8], ["Men_in_Black_II-COLON-_Alien_Escape", 0], ["Colin_Brady", 2]]} +{"id": 202040, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 13], ["2011_Waltham_triple_murder", 14]]} +{"id": 128415, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_View_to_a_Kill", 6], ["Licence_to_Kill", 1], ["Licence_to_Kill", 13], ["A_View_to_a_Kill", 0], ["Licence_to_Kill", 2]]} +{"id": 65927, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Biographical_film", 9], ["Based_on_a_True_Story", 28], ["Bibliography_of_Greece", 125], ["A_Genius_in_the_Family_-LRB-book-RRB-", 8], ["A_Genius_in_the_Family_-LRB-book-RRB-", 4]]} +{"id": 108698, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Hunger_Games-COLON-_Mockingjay_\u2013_Part_2", 2], ["Hannibal_-LRB-film-RRB-", 8], ["The_Hunger_Games-COLON-_Mockingjay_\u2013_Part_2", 8], ["Julianne_Moore_filmography", 0], ["Julianne_Moore", 0]]} +{"id": 227083, "predicted_label": "SUPPORTS", "predicted_evidence": [["Katy_Perry_videography", 12], ["Unconditionally", 0], ["Unconditionally", 7], ["Prism_-LRB-Katy_Perry_album-RRB-", 0], ["Unconditionally", 1]]} +{"id": 9292, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Vostok_-LRB-sloop-of-war-RRB-", 0], ["Mirny", 36], ["Fabian_Gottlieb_von_Bellingshausen", 10], ["Fabian_Gottlieb_von_Bellingshausen", 12]]} +{"id": 202979, "predicted_label": "SUPPORTS", "predicted_evidence": [["Daniel_Michael_Tellep", 1], ["Daniel_Michael_Tellep", 0], ["Lockheed_Martin_Aeronautics", 9], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 6], ["Lockheed_Martin_Aeronautics", 0]]} +{"id": 119048, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sweet_Thing_-LRB-Rufus_song-RRB-", 1], ["Echoes_of_an_Era", 8], ["Dance_Classics_of_Chaka_Khan", 7], ["Never_Miss_the_Water", 0], ["Never_Miss_the_Water", 3]]} +{"id": 112708, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sunshine_Molly", 1], ["The_Big_Punch_-LRB-1948_film-RRB-", 2], ["Kill_Me_Tomorrow", 1], ["Lois_Maxwell", 0], ["A_View_to_a_Kill", 6]]} +{"id": 133461, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Claudia_Brant", 0], ["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Nada_Es_Para_Siempre", 0], ["Nada_Es_Para_Siempre", 1]]} +{"id": 204646, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rio_-LRB-2011_film-RRB-", 20], ["Rio_2", 1], ["Rio_2", 2], ["Red_Hot_+_Rio_2", 3], ["Rio_2", 0]]} +{"id": 133527, "predicted_label": "SUPPORTS", "predicted_evidence": [["Catherine_de'_Medici", 1], ["Catherine_de'_Medici", 14], ["Henry_II_style", 4], ["List_of_Carolingians_descended_from_Charles_Martel", 114], ["List_of_Carolingians_descended_from_Charles_Martel", 286]]} +{"id": 28862, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prescott_Valley_Event_Center", 0], ["Arizona_Airways", 0], ["Arizona_Airways", 3], ["List_of_hospitals_in_Arizona", 151], ["Prescott,_Arizona", 14]]} +{"id": 17947, "predicted_label": "SUPPORTS", "predicted_evidence": [["Peripheral", 9], ["Touchscreen", 9], ["Sony_Tablet", 0], ["Microsoft_Tablet_PC", 0], ["Peripheral", 4]]} +{"id": 199428, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 2], ["Kumu_Kahua_Theatre", 1], ["Boyhood_-LRB-film-RRB-", 0], ["A_Scanner_Darkly_-LRB-film-RRB-", 0], ["Bob_Sabiston", 13]]} +{"id": 172765, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chesil_Beach", 6], ["Chesil_Beach", 24], ["Po\u0301voa_de_Varzim_beaches", 21], ["Po\u0301voa_de_Varzim_beaches", 19], ["Po\u0301voa_de_Varzim_beaches", 37]]} +{"id": 171609, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary_Immaculate_College", 2], ["Winston_Chow", 5], ["Victoria_University_Student_Union", 1], ["Mary_Immaculate_College", 172], ["Todd_Williams", 0]]} +{"id": 20590, "predicted_label": "SUPPORTS", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 3]]} +{"id": 181882, "predicted_label": "SUPPORTS", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Princess_Mononoke", 4], ["Hayao_Miyazaki", 16]]} +{"id": 98305, "predicted_label": "SUPPORTS", "predicted_evidence": [["Good_Girl_Gone_Bad_Live", 2], ["Roc_Me_Out", 5], ["Right_Now_-LRB-Rihanna_song-RRB-", 5], ["This_Is_What_You_Came_For", 15], ["You_da_One", 19]]} +{"id": 27897, "predicted_label": "REFUTES", "predicted_evidence": [["Alias_-LRB-comics-RRB-", 0], ["Torso_-LRB-Image_Comics-RRB-", 0], ["Secret_War_-LRB-comics-RRB-", 1], ["Brian_Michael_Bendis", 0], ["Ultimate_Spider-Man", 16]]} +{"id": 87098, "predicted_label": "REFUTES", "predicted_evidence": [["Harold_Macmillan", 0], ["1961_Commonwealth_Prime_Ministers'_Conference", 1], ["Harold_Macmillan", 23], ["1961_Commonwealth_Prime_Ministers'_Conference", 19], ["1961_Commonwealth_Prime_Ministers'_Conference", 15]]} +{"id": 68298, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_mountain_ranges_of_Pakistan", 15], ["Hindu_Kush", 5], ["Kush_-LRB-cannabis-RRB-", 1], ["Kushan_Pass", 1], ["Kushan_Pass", 2]]} +{"id": 226879, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jenna_Jameson", 3], ["My_Plaything", 6], ["ClubJenna", 0], ["Jenna_Jameson", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 187323, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales", 0], ["Diana_\u2013_The_People's_Princess", 31], ["Diana,_Princess_of_Wales", 10], ["Diana,_Princess_of_Wales", 12], ["Ruth_Roche,_Baroness_Fermoy", 0]]} +{"id": 207259, "predicted_label": "REFUTES", "predicted_evidence": [["Obesity_and_cancer", 3], ["Endometrial_cancer", 11], ["Endometrial_cancer", 13], ["Uterine_serous_carcinoma", 7], ["Endometrial_hyperplasia", 5]]} +{"id": 161573, "predicted_label": "REFUTES", "predicted_evidence": [["Strictly_Ballroom", 7], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 1], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 2], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["MoZella", 9]]} +{"id": 27427, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Reflex_bradycardia", 0], ["Actinide", 16], ["Exercise_and_music", 10], ["Transcutaneous_pacing", 6], ["Exercise_and_music", 15]]} +{"id": 135341, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amyotrophic_lateral_sclerosis", 15], ["Sclerosis_-LRB-medicine-RRB-", 6], ["List_of_OMIM_disorder_codes", 303], ["List_of_OMIM_disorder_codes", 305], ["List_of_OMIM_disorder_codes", 309]]} +{"id": 110717, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_best_things_come_to_those_who_wait_-LRB-Heinz-RRB-", 0], ["Good_things_come_to_those_who_wait_-LRB-Guinness-RRB-", 0], ["Advertising", 1], ["Advertising", 0], ["Cordillera_Real_-LRB-Ecuador-RRB-", 0]]} +{"id": 228432, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rewards_and_Fairies", 8], ["Still_White_Danube_Undulates", 2], ["James_Mann_-LRB-curator-RRB-", 6], ["Rewards_and_Fairies", 14], ["Staker_Wallace", 59]]} +{"id": 195921, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_highest-grossing_films", 2], ["Skyfall", 24], ["Frozen_-LRB-2013_film-RRB-", 13], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 8], ["List_of_accolades_received_by_Frozen_-LRB-2013_film-RRB-", 8]]} +{"id": 147493, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewen_Bremner", 1], ["Ewan_McGregor", 2], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 81505, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Giselle_Loren", 4], ["Buffy_Summers", 1], ["Willow_Rosenberg", 16], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 21], ["Willow_Rosenberg", 15]]} +{"id": 83021, "predicted_label": "REFUTES", "predicted_evidence": [["Reid", 40], ["Ogden_R._Reid", 13], ["Ogden_R._Reid", 17], ["Neel_Reid", 0], ["William_Reid", 12]]} +{"id": 13934, "predicted_label": "SUPPORTS", "predicted_evidence": [["Macedonia_-LRB-region-RRB-", 0], ["Macedonia_-LRB-region-RRB-", 7], ["Balkan_Wars", 0], ["Balkan_League", 0], ["Balkan_Mountains", 0]]} +{"id": 74416, "predicted_label": "SUPPORTS", "predicted_evidence": [["Noticiero_Telemundo", 0], ["Noticias_Telemundo", 0], ["Telemundo", 0], ["WKTB-CD", 4], ["WKTB-CD", 1]]} +{"id": 7836, "predicted_label": "SUPPORTS", "predicted_evidence": [["Meteora_-LRB-disambiguation-RRB-", 7], ["List_of_awards_and_nominations_received_by_Linkin_Park", 9], ["Meteora_-LRB-album-RRB-", 13], ["Meteora_-LRB-album-RRB-", 0], ["Meteora_-LRB-album-RRB-", 7]]} +{"id": 49707, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sally_Hawkins", 0], ["Cate_Blanchett", 4], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Cate_Blanchett_on_screen_and_stage", 25], ["Sally_Hawkins", 6]]} +{"id": 7059, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Road_to_El_Dorado", 2], ["Cummings_-LRB-surname-RRB-", 76], ["The_Road_to_El_Dorado", 8], ["The_Road_to_El_Dorado", 0], ["El_Dorado_AVA", 7]]} +{"id": 129932, "predicted_label": "SUPPORTS", "predicted_evidence": [["TakePart", 0], ["TakePart", 1], ["Participant_Media", 1], ["Jeffrey_Skoll", 1], ["Cineflix", 18]]} +{"id": 94603, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Esti_Ginzburg", 3], ["Bar_Refaeli", 4], ["Gal_Gadot", 0], ["Gadot_-LRB-surname-RRB-", 4]]} +{"id": 93981, "predicted_label": "REFUTES", "predicted_evidence": [["Ashley_Graham", 5], ["Ashley_Graham_-LRB-model-RRB-", 0], ["Ashley_Graham", 0], ["Ashley_Graham", 3], ["Ashley_Graham", 7]]} +{"id": 123479, "predicted_label": "REFUTES", "predicted_evidence": [["Hundred_Years'_War_-LRB-1415\u201353-RRB-", 0], ["Hundred_Years'_War_-LRB-1415\u201353-RRB-", 7], ["Hundred_Years'_War", 23], ["Battle_of_Worksop", 22], ["Hundred_Years'_War", 0]]} +{"id": 195370, "predicted_label": "SUPPORTS", "predicted_evidence": [["Digital_graffiti", 12], ["Rash_-LRB-film-RRB-", 0], ["Mook_-LRB-graffiti_artist-RRB-", 6], ["Digital_graffiti", 0], ["Graffiti", 8]]} +{"id": 79601, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sea_Ice_Physics_and_Ecosystem_eXperiment", 1], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 9], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 8], ["Global_warming", 13], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 4]]} +{"id": 159563, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frank_O'Bannon", 8], ["O'Bannon_-LRB-surname-RRB-", 6], ["Bannon", 12], ["Bannon", 32], ["Tauseef_Ahmed", 0]]} +{"id": 52781, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Wars", 14], ["Star_Wars", 12], ["Spock", 1], ["Star_Trek", 13], ["Star_Trek_-LRB-film_series-RRB-", 0]]} +{"id": 227131, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["List_of_New_Orleans_Pelicans_seasons", 1], ["List_of_New_Orleans_Pelicans_head_coaches", 1], ["Gillette_Stadium", 0], ["Gillette_Stadium", 24]]} +{"id": 92342, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_people_from_Potomac,_Maryland", 102], ["2016\u201317_Washington_Wizards_season", 0], ["List_of_Washington_Wizards_head_coaches", 0], ["Washington_Wizards", 0], ["2016\u201317_Washington_Wizards_season", 4]]} +{"id": 121790, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Randy_Savage", 0], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15], ["World_War_3_-LRB-1995-RRB-", 7], ["WrestleMania_X", 15], ["World_War_3_-LRB-1995-RRB-", 6]]} +{"id": 202930, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold_discography", 0], ["Hail_to_the_King_-LRB-Avenged_Sevenfold_album-RRB-", 0], ["Avenged_Sevenfold", 0], ["The_Confession_-LRB-band-RRB-", 0]]} +{"id": 168966, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nuremberg_Trials_bibliography", 422], ["List_of_books_by_Jacob_Neusner", 1034], ["List_of_Catholic_schools_in_New_York", 310], ["List_of_Catholic_schools_in_New_York", 63], ["List_of_Catholic_schools_in_New_York", 97]]} +{"id": 194472, "predicted_label": "REFUTES", "predicted_evidence": [["Tilda_Swinton", 16], ["Swinton_-LRB-surname-RRB-", 19], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Tilda", 12], ["I_Am_Love_-LRB-film-RRB-", 2]]} +{"id": 187788, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sterile_Cuckoo", 0], ["Wendell_Burton", 10], ["Wendell_Burton", 1], ["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["Julia_-LRB-1977_film-RRB-", 0]]} +{"id": 22945, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Guantanamo's_Child", 1], ["Canadian_response_to_Omar_Khadr", 24], ["Rebecca_S._Snyder", 2], ["Rebecca_S._Snyder", 12], ["William_C._Kuebler", 8]]} +{"id": 130181, "predicted_label": "REFUTES", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["Palmer_-LRB-surname-RRB-", 111], ["Palmer_-LRB-surname-RRB-", 21], ["Clues_-LRB-Robert_Palmer_album-RRB-", 0], ["Robert_Palmer_-LRB-MP-RRB-", 5]]} +{"id": 199759, "predicted_label": "REFUTES", "predicted_evidence": [["2007_Pacific_hurricane_season", 13], ["2007_Pacific_hurricane_season", 15], ["2007_Pacific_hurricane_season", 11], ["Hurricane_Odile", 16], ["Hurricane_Odile", 10]]} +{"id": 149577, "predicted_label": "REFUTES", "predicted_evidence": [["Starrcade", 0], ["The_Big_Event", 4], ["SummerSlam", 2], ["The_Great_American_Bash_-LRB-1991-RRB-", 1], ["Starrcade", 16]]} +{"id": 144018, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Grim", 32], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 200], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 314], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 536], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 256]]} +{"id": 154642, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Problem_of_multiple_generality", 7], ["Jeff_Wootton", 13], ["Problem_of_multiple_generality", 11], ["Problem_of_multiple_generality", 46], ["Problem_of_multiple_generality", 12]]} +{"id": 118127, "predicted_label": "REFUTES", "predicted_evidence": [["Scott_Moore", 15], ["Elvis_Presley's_guitars", 6], ["I_Forgot_to_Remember_to_Forget", 1], ["Scotty_Cameron", 0], ["List_of_moths_of_India_-LRB-Geometridae-RRB-", 1199]]} +{"id": 52279, "predicted_label": "SUPPORTS", "predicted_evidence": [["Slapstick_film", 0], ["Folklore_of_Finland", 6], ["German_folklore", 10], ["Gadzarts", 5], ["German_folklore", 13]]} +{"id": 75467, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 125197, "predicted_label": "REFUTES", "predicted_evidence": [["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["Jack_Falahee", 0], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 2738], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 3040]]} +{"id": 51953, "predicted_label": "SUPPORTS", "predicted_evidence": [["Noel_Fisher_-LRB-disambiguation-RRB-", 5], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0], ["Noel_Fisher_-LRB-disambiguation-RRB-", 3], ["Noel_Fisher", 1]]} +{"id": 90930, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_-LRB-surname-RRB-", 3], ["Santana_discography", 3]]} +{"id": 172475, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_-LRB-surname-RRB-", 22], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Stefano_Fassina", 12], ["Stefano_Fassina", 9]]} +{"id": 156664, "predicted_label": "REFUTES", "predicted_evidence": [["Santana_-LRB-band-RRB-", 0], ["You_Know_That_I_Love_You_-LRB-Santana_song-RRB-", 0], ["Santana_discography", 6], ["Santana_discography", 0], ["Santana_discography", 18]]} +{"id": 16425, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vedam_-LRB-film-RRB-", 0], ["Uu_Kodathara?_Ulikki_Padathara?", 7], ["Nippu", 0], ["Deeksha_Seth", 0], ["Vedam", 12]]} +{"id": 99877, "predicted_label": "SUPPORTS", "predicted_evidence": [["You_Say_Party", 8], ["Daniel_Brown", 0], ["Daniel_Brown", 3], ["Daniel_Brown", 12], ["Daniel_Brown", 14]]} +{"id": 181124, "predicted_label": "REFUTES", "predicted_evidence": [["Broadminded_-LRB-radio_program-RRB-", 10], ["Broadminded_-LRB-radio_program-RRB-", 11], ["Broadminded_-LRB-radio_program-RRB-", 21], ["2NUR", 48], ["2NUR", 16]]} +{"id": 52451, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jewell_-LRB-singer-RRB-", 3], ["Deep_Cover_-LRB-soundtrack-RRB-", 2], ["Deep_Cover_-LRB-soundtrack-RRB-", 0], ["Deep_Cover_-LRB-song-RRB-", 0], ["Deep_Cover_-LRB-song-RRB-", 1]]} +{"id": 65180, "predicted_label": "SUPPORTS", "predicted_evidence": [["Men_in_Black_-LRB-film-RRB-", 7], ["Will_Smith_filmography", 8], ["Men_in_Black_-LRB-film-RRB-", 8], ["Men_in_Black_II", 0], ["Men_in_Black_II", 3]]} +{"id": 90158, "predicted_label": "SUPPORTS", "predicted_evidence": [["Conrad_Brooks", 3], ["Conrad_Brooks", 24], ["Ed_Wood_-LRB-film-RRB-", 0], ["Dr._Acula", 22], ["Edward_Wood", 0]]} +{"id": 132716, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Choice", 1], ["TV_Guide_-LRB-Canada-RRB-", 4], ["TV_Choice", 0], ["Single_cable_distribution", 0], ["Listings_magazine", 0]]} +{"id": 150083, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michelin_Guide", 0], ["The_Lovers'_Guide", 7], ["Jean-Luc_Naret", 8], ["Michelin_Guide", 3], ["Michelin", 3]]} +{"id": 152021, "predicted_label": "REFUTES", "predicted_evidence": [["R_v_Penguin_Books_Ltd", 0], ["Laurence_Byrne", 1], ["Penguin_Books", 0], ["Penguin_Books", 2], ["Penguin_Modern_Poets", 0]]} +{"id": 228342, "predicted_label": "REFUTES", "predicted_evidence": [["Island_Records_-LRB-disambiguation-RRB-", 2], ["Island_Records", 1], ["Island_Records", 12], ["Ron_Rogers", 7], ["Island_Records_Australia", 1]]} +{"id": 124033, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_love_stories", 167], ["Noel_Fisher", 1], ["Miles_Fisher", 10], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0]]} +{"id": 69664, "predicted_label": "SUPPORTS", "predicted_evidence": [["Replicant", 0], ["Blade_Runner", 26], ["Blade_Runner_2049", 0], ["Blade_Runner_-LRB-a_movie-RRB-", 12], ["Blade_Runner_-LRB-a_movie-RRB-", 14]]} +{"id": 97686, "predicted_label": "SUPPORTS", "predicted_evidence": [["No_Country_for_Old_Men_-LRB-film-RRB-", 8], ["Tom_Cruise", 22], ["List_of_frequent_Coen_Brothers_collaborators", 8], ["Gransito_Movie_Awards_2008", 22], ["Gransito_Movie_Awards_2008", 80]]} +{"id": 73213, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2016_U.S._national_anthem_protests", 1], ["2016_San_Francisco_49ers_season", 11], ["2008_Humanitarian_Bowl", 14], ["Pistol_offense", 22], ["Pistol_offense", 18]]} +{"id": 206718, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samwell_Tarly", 0], ["Rebecca_Benson", 5], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8], ["Samwell", 9], ["Blood_of_My_Blood", 5]]} +{"id": 203154, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sunda\u2013Sulawesi_languages", 1], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0]]} +{"id": 77690, "predicted_label": "REFUTES", "predicted_evidence": [["Lincoln\u2013Douglas_debates", 0], ["Lincoln\u2013Douglas_debate", 2], ["Archibald_Williams_-LRB-judge-RRB-", 309], ["Archibald_Williams_-LRB-judge-RRB-", 296], ["Freeport_Doctrine", 0]]} +{"id": 23628, "predicted_label": "SUPPORTS", "predicted_evidence": [["Associated_Recording_Studios", 20], ["NRG_Recording_Studios", 0], ["A_Thousand_Suns", 4], ["NRG", 27], ["Associated_Recording_Studios", 0]]} +{"id": 15851, "predicted_label": "REFUTES", "predicted_evidence": [["Rhythm_Nation", 23], ["Escapade_-LRB-song-RRB-", 3], ["Rhythm_Nation", 0], ["Rhythm_Nation", 9], ["Escapade_-LRB-song-RRB-", 0]]} +{"id": 172482, "predicted_label": "REFUTES", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_-LRB-surname-RRB-", 22], ["Stefano_Fassina", 9], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Democratic_Party_-LRB-Italy-RRB-", 3]]} +{"id": 171087, "predicted_label": "REFUTES", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Princess_Lalla_Meryem_of_Morocco", 0], ["Lalla_-LRB-disambiguation-RRB-", 12], ["Princess_Lalla_Meryem_of_Morocco", 10]]} +{"id": 130317, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_video_game_crowdfunding_projects", 3750], ["List_of_fictional_U.S._Marshals", 140], ["Jo_Ann_Harris", 7], ["Rita_Lakin", 6], ["List_of_fictional_U.S._Marshals", 96]]} +{"id": 216585, "predicted_label": "SUPPORTS", "predicted_evidence": [["Calcaneal_spur", 1], ["Fluorescence-lifetime_imaging_microscopy", 0], ["Magnetic_resonance_imaging", 0], ["Biological_imaging", 0], ["Whole-body_nuclear_scanning", 7]]} +{"id": 159713, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 25], ["Nira_Park", 19], ["Nira_Park", 4], ["Arthur_E._Wright", 0]]} +{"id": 204445, "predicted_label": "REFUTES", "predicted_evidence": [["Brad_Wilk", 4], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 1], ["Greta_-LRB-band-RRB-", 3], ["Greta_-LRB-band-RRB-", 0]]} +{"id": 127663, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["Katy_Perry", 4], ["List_of_songs_recorded_by_Katy_Perry", 0], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 0], ["List_of_songs_recorded_by_Katy_Perry", 6]]} +{"id": 208147, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_18th-century_chaconnes", 325], ["List_of_18th-century_chaconnes", 355], ["List_of_18th-century_chaconnes", 365], ["List_of_18th-century_chaconnes", 81], ["List_of_18th-century_chaconnes", 271]]} +{"id": 181616, "predicted_label": "REFUTES", "predicted_evidence": [["WGBH-TV", 4], ["WGBX-TV", 2], ["WGBH-TV", 0], ["WGBX-TV", 0], ["WGBH_-LRB-FM-RRB-", 0]]} +{"id": 190163, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Floyd_Mayweather_Jr.", 3], ["Golden_Boy_Promotions", 15], ["Floyd_Mayweather_Jr.", 16], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 3]]} +{"id": 212187, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 14], ["Miracle_at_St._Anna", 16], ["Miracle_at_St._Anna", 0], ["Miracle_at_St._Anna", 2]]} +{"id": 227356, "predicted_label": "REFUTES", "predicted_evidence": [["RTP_Internacional", 9], ["Balitang_America", 14], ["Giada_-LRB-disambiguation-RRB-", 6], ["List_of_IEEE_milestones", 292], ["List_of_IEEE_milestones", 228]]} +{"id": 184068, "predicted_label": "SUPPORTS", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Lonergan_-LRB-surname-RRB-", 12], ["Leech_River_Fault", 4], ["Leech_River_Fault", 29]]} +{"id": 30451, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_Murdoch", 0], ["Fox_News", 4], ["Fox_News", 9], ["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3]]} +{"id": 20461, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ernani_Cuenco", 1], ["Click_Music_Philippines", 0], ["San_Miguel_Foundation_for_the_Performing_Arts", 1], ["Mabuhay_Singers", 7], ["San_Miguel_Foundation_for_the_Performing_Arts", 6]]} +{"id": 221081, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_movie_television_channels", 99], ["List_of_movie_television_channels", 132], ["Bibliography_of_Guernsey", 37], ["Muhlenbergia", 330], ["Bibliography_of_Guernsey", 81]]} +{"id": 119630, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_Jackson's_Vision", 8], ["Travis_Payne", 52], ["Michael_Jackson's_This_Is_It_-LRB-album-RRB-", 0], ["Michael_Jackson's_This_Is_It_-LRB-album-RRB-", 2], ["Michael_Jackson's_Vision", 0]]} +{"id": 184072, "predicted_label": "REFUTES", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Walter_Lonergan", 10], ["Walter_Lonergan", 5]]} +{"id": 181206, "predicted_label": "REFUTES", "predicted_evidence": [["Great_American_Novel_-LRB-disambiguation-RRB-", 0], ["The_Great_Gatsby", 15], ["Great_American_Novel_-LRB-disambiguation-RRB-", 7], ["Great_American_Novel_-LRB-disambiguation-RRB-", 5], ["Wilkes_-LRB-surname-RRB-", 13]]} +{"id": 33075, "predicted_label": "REFUTES", "predicted_evidence": [["Soul_Food", 7], ["Soul_food", 3], ["Soul_Food_-LRB-film-RRB-", 0], ["Soul_Food_Taqueria", 7], ["Soul_Food_Taqueria", 11]]} +{"id": 198216, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn", 18], ["Outer_planets", 5], ["Saturn", 0], ["Neptune", 1], ["Outer_planets", 2]]} +{"id": 53895, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angelsberg", 0], ["Fischbach,_Mersch", 5], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 152], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 155], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 169]]} +{"id": 198231, "predicted_label": "SUPPORTS", "predicted_evidence": [["Neptune", 1], ["Saturn", 18], ["Outer_planets", 7], ["Outer_planets", 10], ["Outer_planets", 2]]} +{"id": 141932, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gagne", 29], ["List_of_oldest_surviving_professional_wrestlers", 3], ["List_of_oldest_surviving_professional_wrestlers", 2], ["Gagne", 27], ["Bullet_Club", 4]]} +{"id": 143171, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Frances_Fisher", 6], ["In_the_Hands_of_the_Gods", 15], ["Isla_Fisher", 6], ["Ice_-LRB-Kelly_Rowland_song-RRB-", 3], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0]]} +{"id": 33277, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["List_of_accolades_received_by_Gravity_-LRB-film-RRB-", 2], ["30th_Golden_Raspberry_Awards", 6], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["Sandra_Bullock_filmography", 0]]} +{"id": 110598, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Road_to_El_Dorado", 2], ["Gosling_-LRB-surname-RRB-", 36], ["The_Road_to_El_Dorado", 8], ["The_Road_to_El_Dorado", 0], ["El_Dorado_AVA", 7]]} +{"id": 2699, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philippe_Rousselot", 10], ["A_River_Runs_Through_It", 5], ["Brad_Pitt", 6], ["Brad_Pitt_filmography", 7], ["A_River_Runs_Through_It", 3]]} +{"id": 172493, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Harrisburg_in_film_and_television", 24], ["Microsoft_Entourage", 0], ["Microsoft_Entourage", 2], ["Microsoft_Entourage", 3], ["Microsoft_Entourage", 1]]} +{"id": 2466, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Batman_in_film", 2], ["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["Dick_Grayson", 16], ["Batman_Beyond", 6]]} +{"id": 115775, "predicted_label": "SUPPORTS", "predicted_evidence": [["Car_model", 0], ["Car_model", 1], ["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["501_-LRB-disambiguation-RRB-", 57], ["Car_model", 9]]} +{"id": 179327, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2], ["Osamu_Tezuka's_Star_System", 2], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 25705, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joe_Rogan", 7], ["Joe_Rogan", 4], ["The_Joe_Rogan_Experience", 0], ["Brendan_Schaub", 3], ["Joe_Rogan", 13]]} +{"id": 119219, "predicted_label": "REFUTES", "predicted_evidence": [["The_Bahamas", 0], ["The_Bahamas", 21], ["Bibliography_of_the_Bahamas", 3], ["Scouting_and_Guiding_in_the_Bahamas", 4], ["The_Scout_Association_of_the_Bahamas", 5]]} +{"id": 219052, "predicted_label": "SUPPORTS", "predicted_evidence": [["Savages_-LRB-2012_film-RRB-", 3], ["Platoon_-LRB-disambiguation-RRB-", 7], ["Wall_Street_-LRB-disambiguation-RRB-", 32], ["Wall_Street_-LRB-disambiguation-RRB-", 30], ["Platoon_-LRB-film-RRB-", 0]]} +{"id": 65685, "predicted_label": "REFUTES", "predicted_evidence": [["SuperValu_-LRB-United_States-RRB-", 0], ["SuperValu_-LRB-United_States-RRB-", 2], ["Snowy_Hydro", 0], ["Arcadia_Group", 0], ["Craig_Green_-LRB-designer-RRB-", 6]]} +{"id": 198016, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 6], ["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Dorothy_Miner", 9], ["Pyramid_Club", 20]]} +{"id": 41523, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pistol_offense", 18], ["2016_U.S._national_anthem_protests", 1], ["2008_Humanitarian_Bowl", 14], ["Pistol_offense", 22], ["2016_San_Francisco_49ers_season", 11]]} +{"id": 16039, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tipping_point_-LRB-climatology-RRB-", 0], ["Stochastically_stable_equilibrium", 1], ["Stochastically_stable_equilibrium", 0], ["Alternative_stable_state", 2], ["Multivibrator", 14]]} +{"id": 100572, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 142359, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeru_Devgan", 0], ["Phool_Aur_Kaante", 2], ["Devgan", 6], ["Anil_Devgan", 0], ["Ajay_Devgn", 0]]} +{"id": 91336, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Walt_Disney_Pictures", 10], ["Animation_studios_owned_by_The_Walt_Disney_Company", 7], ["Walt_Disney_Pictures", 1], ["Walt_Disney_Animation_Studios", 8], ["Walt_Disney_Pictures", 0]]} +{"id": 79911, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dark_Shadows_-LRB-film-RRB-", 1], ["300-COLON-_Rise_of_an_Empire", 6], ["List_of_frequent_Tim_Burton_collaborators", 10], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["300-COLON-_Rise_of_an_Empire", 11]]} +{"id": 9504, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation", 23], ["Black_Cat_-LRB-song-RRB-", 20], ["Rhythm_Nation", 0], ["Escapade_-LRB-song-RRB-", 3], ["Rhythm_Nation", 9]]} +{"id": 174025, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2015", 10], ["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 5], ["The_Endless_River", 0], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10]]} +{"id": 201813, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Am_Sam", 11], ["I_Am_Sam", 0], ["Fanning_-LRB-surname-RRB-", 10], ["Dakota_Fanning", 0], ["Coraline_-LRB-disambiguation-RRB-", 6]]} +{"id": 104495, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek-COLON-_Discovery", 1], ["Star_Trek", 8], ["Star_Trek-COLON-_Discovery", 6], ["Star_Trek-COLON-_Discovery", 2], ["Star_Trek_-LRB-film-RRB-", 9]]} +{"id": 225301, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michaela_von_Habsburg", 0], ["Watkins_-LRB-surname-RRB-", 18], ["Watkins_-LRB-surname-RRB-", 98], ["Michaela_von_Habsburg", 5], ["Richland_Farm_-LRB-Clarksville,_Maryland-RRB-", 26]]} +{"id": 201106, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marcus_Bentley", 0], ["Bentley_-LRB-surname-RRB-", 52], ["Bentley", 6], ["Bentley", 3], ["Robert_J._Bentley", 18]]} +{"id": 46297, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Emma_Watson", 2], ["List_of_Harry_Potter_cast_members", 1], ["Ron_Weasley", 1], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7]]} +{"id": 138593, "predicted_label": "REFUTES", "predicted_evidence": [["Sean_Spencer_-LRB-disambiguation-RRB-", 3], ["List_of_Psych_episodes", 1], ["Sean_Spencer_-LRB-disambiguation-RRB-", 10], ["A_Mind_Is_a_Terrible_Thing_to_Read", 2], ["Psych", 2]]} +{"id": 217210, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tapas_-LRB-Sanskrit-RRB-", 2], ["Synod_of_Gangra", 5], ["Monk", 0], ["Asceticism", 5], ["Asceticism", 9]]} +{"id": 139522, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_high_schools_for_the_gifted_in_Vietnam", 3], ["Rationale_for_gifted_programs", 0], ["Gifted_education", 0], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 61], ["Michelle_Ronksley-Pavia", 23]]} +{"id": 104847, "predicted_label": "SUPPORTS", "predicted_evidence": [["1994_NBA_Finals", 0], ["List_of_New_York_Knicks_seasons", 0], ["1968\u201369_New_York_Knicks_season", 0], ["Em_Bryant", 9], ["Em_Bryant", 44]]} +{"id": 79857, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tim_Smith", 39], ["Tim_Roth_-LRB-musician-RRB-", 0], ["Tim_Smith", 21], ["Tim_Smith", 13], ["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1]]} +{"id": 127363, "predicted_label": "SUPPORTS", "predicted_evidence": [["2016_U.S._national_anthem_protests", 1], ["Pistol_offense", 22], ["Pistol_offense", 18], ["2014_San_Francisco_49ers_season", 13], ["2016_San_Francisco_49ers_season", 11]]} +{"id": 105432, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_River_Runs_Through_It", 5], ["Nilahue_River", 7], ["A_River_Runs_Through_It", 3], ["Rivers_of_Jammu_and_Kashmir", 234], ["Rivers_of_Jammu_and_Kashmir", 143]]} +{"id": 33634, "predicted_label": "REFUTES", "predicted_evidence": [["Frank_Reynolds_-LRB-disambiguation-RRB-", 14], ["Bird_law", 7], ["Boldly_Going_Nowhere", 1], ["Dan_Dunn_-LRB-writer-RRB-", 8], ["Dan_Dunn_-LRB-writer-RRB-", 9]]} +{"id": 74205, "predicted_label": "SUPPORTS", "predicted_evidence": [["Consolidated_Film_Industries", 9], ["Waldorf_Statement", 23], ["Waldorf_Statement", 0], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 16], ["Waldorf_Statement", 4]]} +{"id": 189773, "predicted_label": "SUPPORTS", "predicted_evidence": [["Corvin", 18], ["Vladislaus_II_of_Hungary", 15], ["Corvin", 35], ["Corvin", 16], ["Hunyadi_family", 18]]} +{"id": 125673, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sam_Claflin", 1], ["The_Hunger_Games-COLON-_Catching_Fire", 3], ["The_Hunger_Games-COLON-_Catching_Fire", 1], ["List_of_accolades_received_by_The_Hunger_Games_film_series", 0], ["The_Hunger_Games-COLON-_Mockingjay_\u2013_Part_1", 1]]} +{"id": 183606, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pixar", 10], ["Jerome_Ranft", 6], ["Pixar_universe", 13], ["Pixar", 6], ["Finding_Dory", 0]]} +{"id": 100083, "predicted_label": "REFUTES", "predicted_evidence": [["Kesha", 0], ["Kesha_discography", 2], ["We_R_Who_We_R", 16], ["Kesha_v._Dr._Luke", 9], ["Kesha", 17]]} +{"id": 222038, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_women_with_ovarian_cancer", 25], ["List_of_women_with_ovarian_cancer", 81], ["List_of_women_with_ovarian_cancer", 329], ["James_D._Brubaker", 7], ["James_D._Brubaker", 0]]} +{"id": 134349, "predicted_label": "SUPPORTS", "predicted_evidence": [["Snow_White_and_the_Huntsman", 8], ["William_Henry_Claflin,_Jr.", 5], ["Adams_Claflin_House", 2], ["Horace_Brigham_Claflin", 9], ["Horace_Brigham_Claflin", 6]]} +{"id": 104988, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ted_Humphrey", 2], ["The_Good_Wife", 12], ["The_Good_Wife", 0], ["The_Good_Wife", 9], ["The_Good_Wife_-LRB-disambiguation-RRB-", 0]]} +{"id": 67679, "predicted_label": "REFUTES", "predicted_evidence": [["Italians_in_the_United_Kingdom", 1], ["Adar", 12], ["Adar", 11], ["Milli_-LRB-disambiguation-RRB-", 10], ["The_Real_Milli_Vanilli", 18]]} +{"id": 134948, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-White_Collar-RRB-", 2], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Percy_Jackson-COLON-_Sea_of_Monsters", 6], ["Percy_Jackson_&_the_Olympians-COLON-_The_Lightning_Thief", 2], ["Baywatch_-LRB-film-RRB-", 1]]} +{"id": 38288, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["You_Belong_with_Me", 20], ["You_Belong_with_Me", 0], ["The_Taylor_Swift_Holiday_Collection", 0], ["Taylor_Swift_-LRB-album-RRB-", 14], ["Taylor_Swift_discography", 3]]} +{"id": 178341, "predicted_label": "REFUTES", "predicted_evidence": [["Jardine", 4], ["Ten_Years_of_Harmony", 7], ["Ten_Years_of_Harmony", 16], ["Beach_Boys_Historic_Landmark", 10], ["Beach_Boys_Historic_Landmark", 19]]} +{"id": 219297, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Capsicum_chinense", 0], ["Bhut_jolokia", 1], ["Barbara_Pickersgill", 1], ["Capsicum_baccatum", 9], ["List_of_plants_of_Burkina_Faso", 791]]} +{"id": 223667, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ludwig_van_Beethoven", 5], ["Count_Moritz_von_Fries", 3], ["Beethoven_Gesamtausgabe", 1], ["Beethoven_in_film", 14], ["Beethoven_Gesamtausgabe", 0]]} +{"id": 28552, "predicted_label": "SUPPORTS", "predicted_evidence": [["Match_point", 5], ["Match_Point", 0], ["A_Midsummer_Night's_Sex_Comedy", 10], ["A_Midsummer_Night's_Sex_Comedy", 5], ["Gareth_Wiley", 5]]} +{"id": 89027, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Eric_Church", 11], ["2012_Country_Music_Association_Awards", 7], ["Luke_Laird", 1], ["Haley_Georgia", 6], ["Haley_Georgia", 0]]} +{"id": 208140, "predicted_label": "SUPPORTS", "predicted_evidence": [["This_Bleeding_City", 0], ["Vertical_-LRB-novel-RRB-", 0], ["Space_Odyssey", 33], ["Freedom_-LRB-Franzen_novel-RRB-", 0], ["So_Much_for_That", 0]]} +{"id": 171614, "predicted_label": "SUPPORTS", "predicted_evidence": [["Phoenix_metropolitan_area", 6], ["Rochester,_New_York", 13], ["Tampa,_Florida", 20], ["Rochester,_New_York", 5], ["Rochester,_New_York", 3]]} +{"id": 201119, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Celebrity_Big_Brother_16", 0], ["Big_Brother_16_-LRB-UK-RRB-", 0], ["Big_Brother_16_-LRB-UK-RRB-", 9], ["Celebrity_Big_Brother_16", 5]]} +{"id": 91459, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chapman_House", 45], ["Chapman_House", 47], ["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Thomas_Duane", 32], ["Thomas_Duane", 24]]} +{"id": 165255, "predicted_label": "SUPPORTS", "predicted_evidence": [["Moneta", 1], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Machiavelli_and_the_Four_Seasons", 22], ["Central_Atlas_Tamazight", 9], ["O\u0308stra_Go\u0308inge_Municipality", 0]]} +{"id": 208429, "predicted_label": "SUPPORTS", "predicted_evidence": [["Excuse_My_French", 9], ["John_Warren", 35], ["Excuse_My_French", 3], ["John_Warren", 45], ["Post_-LRB-surname-RRB-", 218]]} +{"id": 159595, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_people_named_Daniel", 45], ["O'Bannon_-LRB-surname-RRB-", 6], ["List_of_people_named_Daniel", 69], ["Henry_T._Bannon", 29], ["Frank_O'Bannon", 22]]} +{"id": 66262, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 1], ["Aalborg", 27], ["Aalborg", 4], ["Aalborg", 26], ["Aalborg", 3]]} +{"id": 177154, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 0], ["Alien_invasion", 22], ["Alien_invasion", 4], ["Invasion_literature", 3], ["Public_policy_school", 0]]} +{"id": 149622, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bootleg_Series_Vol._5-COLON-_Bob_Dylan_Live_1975,_The_Rolling_Thunder_Revue", 10], ["Advertising_management", 6], ["Doyle_Peak", 7], ["Doyle_Peak", 37], ["Eddie_Bell_-LRB-wide_receiver-RRB-", 24]]} +{"id": 166901, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Unreal_episodes", 0], ["Quantico_-LRB-TV_series-RRB-", 6], ["List_of_Unreal_episodes", 5], ["List_of_The_Grudge_characters", 5], ["The_Grudge_3", 2]]} +{"id": 22862, "predicted_label": "SUPPORTS", "predicted_evidence": [["Early_mainframe_games", 9], ["Touchscreen", 9], ["Usage_share_of_operating_systems", 21], ["Digital_electronic_computer", 6], ["Digital_electronic_computer", 13]]} +{"id": 201086, "predicted_label": "REFUTES", "predicted_evidence": [["Huey_Freeman", 4], ["Huey_Freeman", 7], ["Regina_King", 4], ["Regina_King", 0], ["Critics'_Choice_Television_Award_for_Best_Supporting_Actress_in_a_Movie/Miniseries", 0]]} +{"id": 102714, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Political_status_of_the_Palestinian_territories", 66], ["West_Bank_and_Gaza_Strip", 15], ["West_Bank_and_Gaza_Strip", 0], ["History_of_Palestine", 84], ["Political_status_of_the_Palestinian_territories", 5]]} +{"id": 58534, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Human_rights_in_the_Philippines", 10], ["United_Nations_Security_Council_Resolution_1091", 3], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1], ["Human_rights_in_the_Philippines", 8], ["United_Nations_Security_Council_Resolution_1091", 8]]} +{"id": 165127, "predicted_label": "REFUTES", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Ellen_Chenoweth", 9], ["Leonard_Termo", 14], ["Mickey_Rourke_filmography", 3], ["Leonard_Termo", 11]]} +{"id": 94616, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["Clues_-LRB-Robert_Palmer_album-RRB-", 9], ["Robert_Palmer_-LRB-MP-RRB-", 0], ["Clues_-LRB-Robert_Palmer_album-RRB-", 4], ["Drive_-LRB-Robert_Palmer_album-RRB-", 0]]} +{"id": 179320, "predicted_label": "SUPPORTS", "predicted_evidence": [["Osamu_Tezuka", 6], ["List_of_Osamu_Tezuka_manga", 5], ["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2]]} +{"id": 215497, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hani_-LRB-singer-RRB-", 2], ["Weekly_Idol", 0], ["American_Idol", 5], ["Singapore_Idol", 8], ["Singapore_Idol", 11]]} +{"id": 155195, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gold_-LRB-album_series-RRB-", 210], ["Lionel_Richie_-LRB-album-RRB-", 7], ["Lionel_Richie_-LRB-album-RRB-", 0], ["Endless_Love_-LRB-soundtrack-RRB-", 16], ["Endless_Love_-LRB-soundtrack-RRB-", 14]]} +{"id": 205741, "predicted_label": "REFUTES", "predicted_evidence": [["Wings_for_This_Man", 0], ["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10], ["Richard_L._Bare", 12]]} +{"id": 194365, "predicted_label": "SUPPORTS", "predicted_evidence": [["Happiness_in_Slavery", 0], ["Bruce_Elliott-Smith", 11], ["Tsvety", 14], ["Happiness_in_Slavery", 2], ["Christian_Abolitionism", 40]]} +{"id": 186603, "predicted_label": "SUPPORTS", "predicted_evidence": [["Asylum_Records", 0], ["Geffen", 13], ["Elliot_Roberts", 4], ["Elliot_Roberts", 0], ["Jamison_Ernest", 15]]} +{"id": 5737, "predicted_label": "SUPPORTS", "predicted_evidence": [["Melancholia_-LRB-2011_film-RRB-", 0], ["The_Five_Obstructions", 0], ["Nymphomaniac_-LRB-film-RRB-", 0], ["Melancholia_-LRB-disambiguation-RRB-", 14], ["Zentropa", 0]]} +{"id": 223334, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Room_-LRB-film-RRB-", 15], ["The_Disaster_Artist_-LRB-film-RRB-", 0], ["The_Room_-LRB-film-RRB-", 5], ["The_Disaster_Artist_-LRB-film-RRB-", 5], ["Night_at_the_Museum-COLON-_Secret_of_the_Tomb", 8]]} +{"id": 201793, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greatest_Hits_Live", 55], ["Live_in_Tokyo", 15], ["Live_in_Tokyo", 19], ["Live_in_Tokyo", 17], ["Live_in_Tokyo", 13]]} +{"id": 137733, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["GO_TEXAN", 16], ["USS_Texan_-LRB-ID-1354-RRB-", 3], ["USS_Texan_-LRB-ID-1354-RRB-", 23], ["Paramore_-LRB-album-RRB-", 0], ["USS_Texan_-LRB-ID-1354-RRB-", 14]]} +{"id": 138301, "predicted_label": "SUPPORTS", "predicted_evidence": [["I'm_Different", 3], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["Ja,_ma\u030a_han_-LRB-hon-RRB-_leva", 5], ["Sonny_Digital", 6]]} +{"id": 138161, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15], ["Natural_uranium", 11]]} +{"id": 228332, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Island_Records_-LRB-disambiguation-RRB-", 2], ["Island_Records", 1], ["Island_Records", 12], ["Ron_Rogers", 7], ["Island_Records_Australia", 1]]} +{"id": 212183, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 2], ["Miracle_at_St._Anna", 0], ["Miracle_at_St._Anna", 14], ["Miracle_at_St._Anna", 16]]} +{"id": 91304, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Across_the_Bridge_of_Hope", 2], ["Neeson", 9], ["Les_Mise\u0301rables_-LRB-1998_film-RRB-", 1], ["Les_Mise\u0301rables_-LRB-1998_film-RRB-", 4], ["Family_Guy_-LRB-season_13-RRB-", 7]]} +{"id": 100515, "predicted_label": "REFUTES", "predicted_evidence": [["Bret_Easton_Ellis", 20], ["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Bret", 19], ["Brat_Pack_-LRB-literary-RRB-", 16]]} +{"id": 104650, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_legendary_creatures_-LRB-S-RRB-", 152], ["List_of_legendary_creatures_-LRB-S-RRB-", 118], ["List_of_legendary_creatures_-LRB-S-RRB-", 134], ["List_of_legendary_creatures_-LRB-S-RRB-", 106], ["Sleipnir", 6]]} +{"id": 15913, "predicted_label": "REFUTES", "predicted_evidence": [["Episode_14_-LRB-Twin_Peaks-RRB-", 5], ["Episode_8_-LRB-Twin_Peaks-RRB-", 5], ["The_Secret_Diary_of_Laura_Palmer", 22], ["Laura_Palmer", 1], ["Sheryl_Lee", 7]]} +{"id": 26454, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eminem_discography", 45], ["Trauma_Records", 1], ["Eminem_discography", 0], ["Year_Zero_-LRB-album-RRB-", 0], ["Eminem_discography", 11]]} +{"id": 63066, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michigan", 13], ["Michigan", 25], ["Boating_Western_Australia", 0], ["California_Division_of_Boating_and_Waterways", 1], ["National_Safe_Boating_Council", 1]]} +{"id": 194780, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fortunes_of_War_-LRB-TV_series-RRB-", 1], ["Fortunes_of_War_-LRB-TV_series-RRB-", 0], ["The_Magic_Flute_-LRB-2006_film-RRB-", 4], ["Henry_V_-LRB-1989_film-RRB-", 1], ["As_You_Like_It_-LRB-2006_film-RRB-", 1]]} +{"id": 28716, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Trump_Ocean_Resort_Baja_Mexico", 20], ["Donald_Trump_presidential_campaign", 10], ["Donald_Trump_presidential_campaign", 8], ["The_Apprentice_-LRB-U.S._season_5-RRB-", 19], ["Trump_Mortgage", 9]]} +{"id": 65132, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Loaded_-LRB-band-RRB-", 0], ["Loaded_discography", 0], ["Velvet_Revolver", 0], ["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Velvet_Revolver", 13]]} +{"id": 31916, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["English_language_in_Europe", 13], ["English_people", 6], ["English_people", 15], ["English_language_in_Europe", 26]]} +{"id": 132705, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arfon_Griffiths", 0], ["Stella_Richman", 19], ["Griffiths", 123], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 112315, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 1], ["Chris_O'Sullivan", 25], ["D2-COLON-_The_Mighty_Ducks", 0], ["The_Mighty_Ducks", 6]]} +{"id": 56449, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_New_York_Knicks_seasons", 0], ["1994_NBA_Finals", 0], ["1975\u201376_New_York_Knicks_season", 0], ["Em_Bryant", 44], ["Em_Bryant", 9]]} +{"id": 57524, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Stella_-LRB-UK_TV_series-RRB-_episodes", 4], ["Strike_Back_-LRB-TV_series-RRB-", 5], ["List_of_Stella_-LRB-UK_TV_series-RRB-_episodes", 5], ["Poldark_-LRB-2015_TV_series-RRB-", 6], ["List_of_Stella_-LRB-UK_TV_series-RRB-_episodes", 3]]} +{"id": 193904, "predicted_label": "REFUTES", "predicted_evidence": [["German_minority_in_Poland", 0], ["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22], ["Bea_-LRB-given_name-RRB-", 6], ["Billy_Goldenberg", 19]]} +{"id": 42390, "predicted_label": "REFUTES", "predicted_evidence": [["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["Southern_Mongolian", 5], ["Long_song", 31], ["Southern_Mongolian", 0]]} +{"id": 204643, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Wicked_Will_Rise", 0], ["List_of_media_related_to_Mount_Everest", 5], ["Ghost_soldier", 10], ["List_of_video_game_crowdfunding_projects", 1950], ["Ghost_soldier", 8]]} +{"id": 194028, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["O_Jin-u", 27], ["Kim_Jong-chul", 9], ["O_Jin-u", 9], ["Kim_Jong-chul", 0], ["O_Jin-u", 2]]} +{"id": 61400, "predicted_label": "REFUTES", "predicted_evidence": [["Ahmed_Khadr", 21], ["Maha_el-Samnah", 11], ["Canadian_response_to_Omar_Khadr", 24], ["Canadian_response_to_Omar_Khadr", 0], ["William_C._Kuebler", 8]]} +{"id": 192838, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 6], ["Ian_Brennan", 2], ["Ian_Brennan", 8], ["Ian_Brennan", 4], ["Ian_Brennan", 0]]} +{"id": 59138, "predicted_label": "SUPPORTS", "predicted_evidence": [["Flaked", 2], ["Lithic_stage", 1], ["Pauma_Complex", 30], ["Pauma_Complex", 20], ["Lithic_stage", 15]]} +{"id": 194905, "predicted_label": "REFUTES", "predicted_evidence": [["Serapis_flag", 25], ["Accounting_History_Review", 5], ["Serapis_flag", 29], ["Consumer_Affairs_Victoria", 1], ["List_of_Scottish_country_dances", 28]]} +{"id": 181871, "predicted_label": "SUPPORTS", "predicted_evidence": [["Youmi_Kimura", 5], ["Hayao_Miyazaki", 17], ["Princess_Mononoke", 4], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Hayao_Miyazaki", 16]]} +{"id": 175471, "predicted_label": "SUPPORTS", "predicted_evidence": [["Masonic_music", 5], ["Gustav_Friedrich_Wilhelm_Gro\u00dfmann", 1], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45], ["Christian_Gottlob_Neefe", 0]]} +{"id": 156493, "predicted_label": "REFUTES", "predicted_evidence": [["Grinding_-LRB-dance-RRB-", 0], ["Paul_Taylor_Dance_Company", 80], ["Grinding_-LRB-dance-RRB-", 8], ["Dagga", 8], ["Daggering", 0]]} +{"id": 115257, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Neoteric_evolutionary_theory", 81], ["Homo", 10], ["Homo_sapiens", 2], ["Homo_heidelbergensis", 3], ["Anatomically_modern_human", 0]]} +{"id": 98693, "predicted_label": "REFUTES", "predicted_evidence": [["Kesha", 0], ["Kesha_discography", 2], ["We_R_Who_We_R", 16], ["Kesha_v._Dr._Luke", 9], ["Kesha", 17]]} +{"id": 110544, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Easy_to_Assemble", 7], ["Right_to_Kill?", 10], ["Right_to_Kill?", 6]]} +{"id": 163978, "predicted_label": "SUPPORTS", "predicted_evidence": [["Suresh", 38], ["Suresh", 18], ["Ajith_Kumar_filmography", 25], ["Veeram", 3], ["Ajith_Kumar_filmography", 19]]} +{"id": 106902, "predicted_label": "SUPPORTS", "predicted_evidence": [["ODVA_-LRB-company-RRB-", 7], ["Esco_-LRB-Singaporean_company-RRB-", 0], ["Esco_-LRB-Singaporean_company-RRB-", 3], ["TomTom", 5], ["ODVA_-LRB-company-RRB-", 1]]} +{"id": 192715, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Millers", 4], ["List_of_Undercover_Boss_-LRB-U.S._TV_series-RRB-_episodes", 3], ["List_of_The_Millers_episodes", 12], ["List_of_The_Millers_episodes", 9], ["List_of_Undercover_Boss_-LRB-U.S._TV_series-RRB-_episodes", 2]]} +{"id": 3016, "predicted_label": "SUPPORTS", "predicted_evidence": [["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["God_Hand", 1], ["P.N.03", 2], ["Clover_Studio", 13], ["Dino_Crisis_-LRB-video_game-RRB-", 1]]} +{"id": 107605, "predicted_label": "REFUTES", "predicted_evidence": [["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 0], ["Chris_Eubank_Jr.", 3], ["James_R._Eubank", 9], ["Juan_Carlos_Gime\u0301nez_Ferreyra", 1]]} +{"id": 145926, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Acetylcholine", 18], ["Muscarinic_antagonist", 1], ["Muscarinic_antagonist", 0]]} +{"id": 94231, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sebastian_Stan", 0], ["Stan_-LRB-surname-RRB-", 22], ["The_Jacksons-COLON-_An_American_Dream", 0], ["Masada_-LRB-miniseries-RRB-", 18], ["Masada_-LRB-miniseries-RRB-", 12]]} +{"id": 224368, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Southampton_F.C._Under-23s", 0], ["List_of_Southampton_F.C._players", 12], ["2015\u201316_Southampton_F.C._season", 23], ["2016\u201317_Southampton_F.C._season", 0], ["2015\u201316_Southampton_F.C._season", 0]]} +{"id": 194025, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chairman_of_the_State_Affairs_Commission", 11], ["Kim_Jong-il", 16], ["O_Jin-u", 16], ["Kim_Jong-il", 3], ["O_Jin-u", 12]]} +{"id": 87603, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bravo_Johnson", 5], ["The_Last_Emperor_-LRB-rapper-RRB-", 1], ["Luna_-LRB-1980s_Serbian_band-RRB-", 4], ["Gabriella_Cristiani", 7], ["Gabriella_Cristiani", 4]]} +{"id": 64628, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation", 23], ["Black_Cat_-LRB-song-RRB-", 15], ["Rhythm_Nation_World_Tour_1990", 8], ["Escapade_-LRB-song-RRB-", 8], ["Rhythm_Nation", 0]]} +{"id": 197349, "predicted_label": "REFUTES", "predicted_evidence": [["Luke_Cage", 2], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage", 0], ["Black_Mariah_-LRB-comics-RRB-", 0], ["Luke_Cage_-LRB-TV_series-RRB-", 0]]} +{"id": 90040, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cloud_atlas_-LRB-disambiguation-RRB-", 10], ["Phillauri_-LRB-film-RRB-", 2], ["Phillauri_-LRB-film-RRB-", 0], ["The_Ring_-LRB-2017_film-RRB-", 1], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1]]} +{"id": 201377, "predicted_label": "REFUTES", "predicted_evidence": [["Varsity_Blues_-LRB-film-RRB-", 5], ["Varsity_Blues", 3], ["Varsity_Blues_-LRB-film-RRB-", 0], ["List_of_Hamilton_Tigers_-LRB-football-RRB-_seasons", 257], ["Toronto_Varsity_Blues_men's_ice_hockey", 0]]} +{"id": 112819, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 11], ["List_of_awards_and_nominations_received_by_Woody_Allen", 36], ["Vince_O'Brien", 0], ["Vince_O'Brien", 12]]} +{"id": 146643, "predicted_label": "SUPPORTS", "predicted_evidence": [["T2_Trainspotting", 0], ["Hogmanay_Live", 1], ["Hogmanay_Live", 5], ["Hogmanay_Live", 4], ["Hogmanay_Live", 0]]} +{"id": 14078, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chrysler_Building", 1], ["Chrysler_Building", 5], ["List_of_tallest_buildings_in_New_York_City", 1], ["List_of_tallest_buildings_in_New_York_City", 11], ["List_of_tallest_buildings_in_New_York_City", 3]]} +{"id": 35282, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maattrraan_-LRB-soundtrack-RRB-", 10], ["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["List_of_songs_recorded_by_Bombay_Jayashri", 2], ["Krishna_Iyer", 9], ["List_of_songs_recorded_by_Bombay_Jayashri", 6]]} +{"id": 31794, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yes_Comedy", 0], ["Comedy_Club", 7], ["One-pound_Gospel", 2], ["Colombiana_-LRB-disambiguation-RRB-", 0], ["Time_hierarchy_theorem", 7]]} +{"id": 29353, "predicted_label": "SUPPORTS", "predicted_evidence": [["DJ_Fresh", 8], ["Hot_Right_Now", 0], ["DJ_Fresh_discography", 12], ["Hot_Right_Now", 4], ["DJ_Fresh", 3]]} +{"id": 172089, "predicted_label": "SUPPORTS", "predicted_evidence": [["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 1], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Antonina_Armato", 26]]} +{"id": 99053, "predicted_label": "SUPPORTS", "predicted_evidence": [["Advertising", 0], ["Structural_information_theory", 1], ["Visual_anthropology", 4], ["History_of_art", 0], ["Fashion_illustration", 0]]} +{"id": 194342, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nine_Inch_Nails", 16], ["List_of_awards_and_nominations_received_by_Nine_Inch_Nails", 2], ["Nine_Inch_Nails_discography", 8], ["List_of_Nine_Inch_Nails_band_members", 1], ["Nine_Inch_Nails_discography", 4]]} +{"id": 13630, "predicted_label": "SUPPORTS", "predicted_evidence": [["Svend", 67], ["Anders_August", 0], ["Mogens", 59], ["Anders_August", 9], ["Anders_August", 15]]} +{"id": 40755, "predicted_label": "REFUTES", "predicted_evidence": [["Peripheral", 4], ["Touchscreen", 19], ["Touchscreen", 9], ["Peripheral", 9], ["Digital_electronic_computer", 6]]} +{"id": 63698, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_fictional_nurses", 279], ["List_of_fictional_nurses", 277], ["List_of_fictional_nurses", 275], ["List_of_fictional_anthropologists", 21], ["Bones_-LRB-TV_series-RRB-", 0]]} +{"id": 124984, "predicted_label": "REFUTES", "predicted_evidence": [["Nathan_Greno", 10], ["Doug_Howard", 14], ["Jennie_Howard", 20], ["Mother_Gothel", 8], ["Yuri_Cunza", 58]]} +{"id": 193449, "predicted_label": "REFUTES", "predicted_evidence": [["Captain_America's_shield", 1], ["Diamondback_-LRB-comics-RRB-", 5], ["Captain_America's_shield", 0], ["Captain_America's_shield", 4], ["Captain_America", 7]]} +{"id": 72072, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cotylelobium", 0], ["Cotylelobium", 1], ["Mud_Lake_-LRB-Wisconsin-RRB-", 87], ["Mud_Lake_-LRB-Washington-RRB-", 71], ["Mud_Lake_-LRB-Minnesota-RRB-", 162]]} +{"id": 125260, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fodder", 9], ["Meeting_at_the_Milestone", 6], ["Confession", 7], ["Meeting_at_the_Milestone", 15], ["Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 200377, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ryan_Sinn", 17], ["David_Kennedy_-LRB-musician-RRB-", 8], ["David_Kennedy_-LRB-musician-RRB-", 4], ["Angels_&_Airwaves", 0], ["After_Midnight_-LRB-Blink-182_song-RRB-", 6]]} +{"id": 217197, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cranchiidae", 0], ["List_of_squid-faced_humanoids", 52], ["Squid_cocktail", 6], ["Cranchiidae", 15], ["Squid_giant_axon", 0]]} +{"id": 65053, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_books_by_Jacob_Neusner", 2402], ["Rahman_Abbas", 4], ["Matty_Simmons", 1], ["Matty_Simmons", 4], ["Cafe\u0301_Society_-LRB-disambiguation-RRB-", 16]]} +{"id": 150571, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jeff_Wootton", 13], ["Ravenous_-LRB-soundtrack-RRB-", 1], ["Damon_Albarn", 17], ["Ravenous_-LRB-soundtrack-RRB-", 3], ["Live_at_the_De_De_De_Der", 0]]} +{"id": 180589, "predicted_label": "SUPPORTS", "predicted_evidence": [["Swordfish_-LRB-film-RRB-", 1], ["Swordfish_-LRB-film-RRB-", 0], ["The_Secret_History_of_Hacking", 0], ["The_Secret_History_of_Hacking", 5], ["The_Secret_History_of_Hacking", 7]]} +{"id": 137360, "predicted_label": "SUPPORTS", "predicted_evidence": [["Otto_I,_Holy_Roman_Emperor", 11], ["Otto_I,_Holy_Roman_Emperor", 12], ["Great_Saxon_Revolt", 41], ["Henry,_Holy_Roman_Emperor", 4], ["Otto_I,_Holy_Roman_Emperor", 0]]} +{"id": 41452, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Confessions_of_Aleister_Crowley", 0], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 1]]} +{"id": 41711, "predicted_label": "REFUTES", "predicted_evidence": [["The_Canyons_-LRB-film-RRB-", 0], ["Camden_College_-LRB-fictional_college-RRB-", 11], ["Bret", 19], ["Brat_Pack_-LRB-literary-RRB-", 16], ["Lina_Wolff", 5]]} +{"id": 57868, "predicted_label": "SUPPORTS", "predicted_evidence": [["System_of_a_Down_discography", 0], ["System_of_a_Down_discography", 25], ["List_of_American_musicians_of_Armenian_descent", 85], ["John_Tempesta", 12], ["Spirit_of_Troy", 4]]} +{"id": 91788, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Velvet_Revolver", 0], ["Loaded_discography", 0], ["List_of_Guns_N'_Roses_members", 32], ["List_of_Guns_N'_Roses_members", 1]]} +{"id": 3119, "predicted_label": "REFUTES", "predicted_evidence": [["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 55], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 330], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 106], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 122], ["Timeline_of_Class_I_railroads_-LRB-1910\u201329-RRB-", 275]]} +{"id": 32970, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Canal_Street_Incline", 5], ["Green_Line_\"D\"_Branch", 1], ["Hynes_Convention_Center_-LRB-MBTA_station-RRB-", 1], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 1]]} +{"id": 61989, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_Murdoch", 0], ["News_International_phone_hacking_scandal", 3], ["News_International_phone_hacking_scandal", 14], ["Rupert_Murdoch", 0], ["Huntshaw", 6]]} +{"id": 30479, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2001_world_oil_market_chronology", 186], ["2001_world_oil_market_chronology", 200], ["Self-determination", 13], ["Self-determination", 2], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1]]} +{"id": 183626, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Finding_Dory", 0], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Pixar", 6]]} +{"id": 41700, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sheridan_-LRB-surname-RRB-", 123], ["Pretty_Eight_Machine_-LRB-album-RRB-", 7], ["Pretty_Eight_Machine_-LRB-album-RRB-", 6], ["Trent_Reznor", 11], ["How_to_Destroy_Angels_-LRB-band-RRB-", 0]]} +{"id": 171084, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Princess_Lalla_Meryem_of_Morocco", 20], ["Princess_Lalla_Meryem_of_Morocco", 0], ["Lalla", 1]]} +{"id": 145364, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["30th_Golden_Raspberry_Awards", 7], ["Sandra_Bullock_filmography", 0], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["30th_Golden_Raspberry_Awards", 6]]} +{"id": 87755, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stephanie_McMahon", 5], ["The_Authority_-LRB-professional_wrestling-RRB-", 12], ["Judgment_Day_-LRB-2007-RRB-", 9], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Judgment_Day_-LRB-2007-RRB-", 10]]} +{"id": 92816, "predicted_label": "REFUTES", "predicted_evidence": [["Charles_Manson_Superstar", 0], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Vincent_Bugliosi", 11], ["Vincent_Bugliosi", 2], ["Manson", 13]]} +{"id": 205656, "predicted_label": "REFUTES", "predicted_evidence": [["St._Anger", 16], ["St._Anger", 14], ["St._Anger", 0], ["St._Anger", 3], ["St._Anger", 18]]} +{"id": 38708, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finale_-LRB-Smallville-RRB-", 14], ["The_Finale_-LRB-Will_&_Grace-RRB-", 9], ["The_Finale_-LRB-Will_&_Grace-RRB-", 0], ["The_Last_One_-LRB-Friends-RRB-", 3], ["Cause_and_Effect_-LRB-Numbers-RRB-", 0]]} +{"id": 178348, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rock_'n'_Roll_to_the_Rescue", 3], ["Rock_'n'_Roll_to_the_Rescue", 5], ["Ray_Reyes", 26], ["Ray_Reyes", 22], ["Ray_Reyes", 24]]} +{"id": 66917, "predicted_label": "SUPPORTS", "predicted_evidence": [["Leonard_Hofstadter", 0], ["The_Big_Bang_Theory_-LRB-season_1-RRB-", 8], ["The_Santa_Simulation", 7], ["BBT", 46], ["Big_Bang_Theory_-LRB-disambiguation-RRB-", 12]]} +{"id": 208148, "predicted_label": "REFUTES", "predicted_evidence": [["Easy_A", 0], ["Bart's_Books", 7], ["O.C._and_Stiggs", 0], ["Make_It_or_Break_It", 0], ["List_of_awards_and_nominations_received_by_Emma_Stone", 9]]} +{"id": 25894, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Angelsberg", 1], ["Fischbach,_Mersch", 4], ["Angelsberg", 0], ["Fischbach,_Mersch", 5], ["Snooker_world_rankings_2014/2015", 18]]} +{"id": 179302, "predicted_label": "SUPPORTS", "predicted_evidence": [["Franchising", 8], ["Burger_King_franchises", 13], ["America's_Best_Franchising", 6], ["Burger_King_franchises", 7], ["Burger_King_franchises", 2]]} +{"id": 43906, "predicted_label": "REFUTES", "predicted_evidence": [["Busselskabet_Aarhus_Sporveje", 1], ["Natural_History_Museum,_Aarhus", 5], ["Aarhus", 0], ["New_Forests_of_Aarhus", 34], ["Administrative_divisions_of_Aarhus_Municipality", 3]]} +{"id": 29688, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewen_Bremner", 1], ["Ewan_McGregor", 2], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 72476, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_J._Osborne", 41], ["Ann_Richards_-LRB-disambiguation-RRB-", 8], ["Texas_gubernatorial_election,_1994", 4], ["Ann_Richards_-LRB-disambiguation-RRB-", 0], ["Ann_Richards_-LRB-disambiguation-RRB-", 6]]} +{"id": 199407, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lorelei_Linklater", 1], ["Boyhood_-LRB-film-RRB-", 2], ["Boyhood_-LRB-film-RRB-", 0], ["Boyhood_-LRB-disambiguation-RRB-", 8], ["Linklater", 19]]} +{"id": 165881, "predicted_label": "REFUTES", "predicted_evidence": [["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Joyce_Summers", 1], ["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 13]]} +{"id": 114190, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Red_Red_Wine", 5], ["The_Essential_Neil_Diamond", 0], ["Classics-COLON-_The_Early_Years", 3], ["Forever_in_Blue_Jeans", 7], ["Forever_in_Blue_Jeans", 0]]} +{"id": 172484, "predicted_label": "REFUTES", "predicted_evidence": [["Matteo_Renzi", 0], ["Stefano_Fassina", 12], ["Renzi_-LRB-surname-RRB-", 22], ["Roberto_Giachetti", 12], ["Roberto_Giachetti", 7]]} +{"id": 88473, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1], ["The_Cincinnati_Kid", 7], ["The_Cincinnati_Kid", 0], ["The_Cincinnati_Kid", 6]]} +{"id": 114249, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation", 23], ["Black_Cat_-LRB-song-RRB-", 20], ["Rhythm_Nation", 0], ["Escapade_-LRB-song-RRB-", 3], ["Rhythm_Nation", 9]]} +{"id": 141794, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Peripheral", 4], ["PEDOT-COLON-PSS", 12], ["Stylus", 1], ["Touchscreen", 19], ["Stylus", 8]]} +{"id": 203157, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polynesian_languages", 6], ["Niuean_language", 1], ["Outrigger_canoe", 15], ["Outrigger_canoe", 0], ["List_of_English_words_of_Polynesian_origin", 3]]} +{"id": 208144, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Emma_Stone", 9], ["Nicole_Lyn", 1], ["Naturally,_Sadie", 0], ["Breaker_High", 0], ["Pigs_-LRB-2007_film-RRB-", 0]]} +{"id": 115310, "predicted_label": "REFUTES", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["List_of_compositions_by_Alan_Hovhaness", 553], ["List_of_compositions_by_Alan_Hovhaness", 160], ["Ron_Klimko", 54]]} +{"id": 69053, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kingdom_Hearts_Coded", 1], ["Roxas_-LRB-Kingdom_Hearts-RRB-", 1], ["Roxas_-LRB-Kingdom_Hearts-RRB-", 8], ["Kingdom_Hearts-COLON-_Chain_of_Memories", 3], ["Kingdom_Hearts_Coded", 10]]} +{"id": 132516, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Horse", 2], ["Horse", 5], ["Horse", 21], ["Horse", 6], ["Horse", 11]]} +{"id": 93697, "predicted_label": "SUPPORTS", "predicted_evidence": [["Helen_Anker", 1], ["Palace_Theatre,_London", 0], ["Palace_-LRB-disambiguation-RRB-", 20], ["Helen_Anker", 8], ["Victoria_Palace", 0]]} +{"id": 37265, "predicted_label": "SUPPORTS", "predicted_evidence": [["Landon_Donovan", 12], ["Jason_Kreis", 6], ["Allu_Arjun,_roles_and_awards", 27], ["Elvira_Natali", 1], ["Vedam", 9]]} +{"id": 135364, "predicted_label": "REFUTES", "predicted_evidence": [["Shand", 16], ["Camilla,_Duchess_of_Cornwall", 6], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Rosalind_Shand", 1], ["Donald_Shand", 3]]} +{"id": 64689, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wash_West", 6], ["Daytime_Emmy_Award_for_Outstanding_Digital_Daytime_Drama_Series", 3], ["List_of_awards_and_nominations_received_by_Julianne_Moore", 0], ["Julianne_Moore_filmography", 0], ["Julianne_Moore", 0]]} +{"id": 91321, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dagshai", 9], ["Amiya_Chakravarty_-LRB-director-RRB-", 1], ["Army_Public_School,_Dagshai", 6], ["Dagshai", 10], ["Qaafiyaa", 2]]} +{"id": 90208, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_River_Runs_Through_It", 5], ["Nilahue_River", 7], ["A_River_Runs_Through_It", 3], ["Bagua_Province", 10], ["Strawberry_River_-LRB-Utah-RRB-", 12]]} +{"id": 132653, "predicted_label": "SUPPORTS", "predicted_evidence": [["Henrietta_-LRB-given_name-RRB-", 2], ["Sprechgesang", 0], ["Don't_Say_No", 4], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 2], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 0]]} +{"id": 224378, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Southampton_F.C._Under-23s", 0], ["2015\u201316_Southampton_F.C._season", 0], ["List_of_Southampton_F.C._players_-LRB-25\u201399_appearances-RRB-", 11], ["2015\u201316_Southampton_F.C._season", 23], ["List_of_Southampton_F.C._players", 12]]} +{"id": 191442, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Days_Go_By", 4], ["Keith_Urban_-LRB-1991_album-RRB-", 0], ["Days_Go_By", 6], ["The_Ranch_-LRB-band-RRB-", 0]]} +{"id": 148741, "predicted_label": "REFUTES", "predicted_evidence": [["Beijing", 0], ["Beijing", 1], ["Beijing", 24], ["Beijing", 9], ["Affiliated_High_School_of_Peking_University", 0]]} +{"id": 51708, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jose\u0301_Ferrer", 4], ["Jose\u0301_Ferrer", 0], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 0], ["Al_Morgan", 36], ["Rafael_Ferrer_-LRB-actor-RRB-", 3]]} +{"id": 211278, "predicted_label": "REFUTES", "predicted_evidence": [["Little_People,_Big_World", 14], ["2012\u201313_Big_East_Conference_men's_basketball_season", 14], ["Hormones-COLON-_The_Series", 9], ["Hormones-COLON-_The_Series", 8], ["2012\u201313_Big_East_Conference_men's_basketball_season", 12]]} +{"id": 24659, "predicted_label": "SUPPORTS", "predicted_evidence": [["RampantTV", 10], ["The_Sex_Factor", 0], ["Creative_Control_-LRB-disambiguation-RRB-", 8], ["Creative_Control_-LRB-disambiguation-RRB-", 4], ["XHamster", 6]]} +{"id": 120718, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_I", 9], ["Catherine_de'_Medici's_patronage_of_the_arts", 1], ["Concordat_of_Bologna", 0], ["Louis_XII_of_France", 0], ["Nicholas_West", 16]]} +{"id": 187119, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["My_Brother_the_Pig", 0], ["Mariano_Vivanco", 8], ["Last_Night_-LRB-2010_film-RRB-", 1], ["Last_Night_-LRB-2010_film-RRB-", 5], ["List_of_films_set_in_Detroit", 160]]} +{"id": 93287, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Microbiologist", 14], ["100K_Genome_Project", 1], ["100K_Genome_Project", 5], ["Medical_microbiology", 2], ["Microbiology", 11]]} +{"id": 24744, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ingushetia", 5], ["Ali_Taziev", 2], ["Ingushetia.org", 8], ["Ingushetia", 0], ["Ingushetia", 11]]} +{"id": 211291, "predicted_label": "REFUTES", "predicted_evidence": [["The_Farmer_Wants_a_Wife_-LRB-Australian_TV_series-RRB-", 3], ["Offspring_-LRB-TV_series-RRB-", 11], ["The_Noose_-LRB-TV_series-RRB-", 10], ["List_of_The_Office_-LRB-U.S._TV_series-RRB-_episodes", 13], ["The_Noose_-LRB-TV_series-RRB-", 6]]} +{"id": 62336, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kleshas_-LRB-Buddhism-RRB-", 0], ["Raga_-LRB-Buddhism-RRB-", 5], ["Kleshas_-LRB-Buddhism-RRB-", 6], ["Raga_-LRB-Buddhism-RRB-", 9], ["Kleshas_-LRB-Buddhism-RRB-", 9]]} +{"id": 1398, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bates_Motel_-LRB-TV_series-RRB-", 16], ["Richard_Alpert_-LRB-Lost-RRB-", 0], ["Dr._Linus", 0], ["Bates_Motel_-LRB-TV_series-RRB-", 6], ["Follow_the_Leader_-LRB-Lost-RRB-", 6]]} +{"id": 1702, "predicted_label": "REFUTES", "predicted_evidence": [["Todd_Haynes", 26], ["List_of_accolades_received_by_Orange_Is_the_New_Black", 14], ["Jeff_Daniels", 11], ["Jessica_Lange_filmography", 33], ["Todd_Haynes", 21]]} +{"id": 168548, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fifth_Commandment", 12], ["Rick_Yune", 0], ["Olympus_Has_Fallen", 1], ["Yune", 8], ["Johnny_Yune", 12]]} +{"id": 173501, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Truth_about_Sancho_Panza", 13], ["The_Truth_about_Sancho_Panza", 0], ["Clavilen\u0303o", 4], ["The_Truth_about_Sancho_Panza", 8], ["Clavilen\u0303o", 7]]} +{"id": 22929, "predicted_label": "SUPPORTS", "predicted_evidence": [["High_Off_My_Love", 6], ["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["Paris_Hilton", 18], ["Paris_Hilton's_Dubai_BFF", 0], ["Paris_-LRB-Paris_Hilton_album-RRB-", 0]]} +{"id": 12537, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Gifted_-LRB-TV_series-RRB-", 0], ["Burn_Notice", 0], ["Burn_Notice_-LRB-season_2-RRB-", 0], ["The_Gifted_-LRB-TV_series-RRB-", 7], ["The_Gifted_-LRB-TV_series-RRB-", 10]]} +{"id": 65269, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Archibald_Williams_-LRB-judge-RRB-", 16], ["Archibald_Williams_-LRB-judge-RRB-", 113], ["Real_Soon", 7], ["Barbara_Becnel", 1], ["Walter_Williams_-LRB-painter-RRB-", 6]]} +{"id": 172483, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Standing_rib_roast", 0], ["Standing_rib_roast", 11], ["Renzi_-LRB-surname-RRB-", 22], ["Matteo_Renzi", 0], ["Democratic_Party_-LRB-Italy-RRB-", 14]]} +{"id": 108727, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Radio_Radio_Radio", 7], ["The_Influents", 11], ["Billie_Joe", 2], ["Pinhead_Gunpowder", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 50357, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Email_filtering", 5], ["Microsoft_Exchange_Hosted_Services", 0], ["Email_filtering", 4], ["Mailwasher", 0], ["Email_filtering", 0]]} +{"id": 175652, "predicted_label": "REFUTES", "predicted_evidence": [["Fabian_Nicieza", 0], ["Anarky", 19], ["Publication_history_of_Anarky", 20], ["General_-LRB-DC_Comics-RRB-", 10], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 160]]} +{"id": 192825, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 8], ["Ian_Brennan", 2], ["Ian_Brennan", 0], ["Ian_Brennan", 4], ["Ian_Brennan", 6]]} +{"id": 5076, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["State_of_Palestine", 1], ["Political_status_of_the_Palestinian_territories", 53], ["State_of_Palestine", 0], ["Political_status_of_the_Palestinian_territories", 58], ["Political_status_of_the_Palestinian_territories", 50]]} +{"id": 192848, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 8], ["Ian_Brennan", 0], ["Ian_Brennan", 4], ["Ian_Brennan", 6], ["Ian_Brennan", 2]]} +{"id": 122828, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_Food_-LRB-film-RRB-", 0], ["Wake_Up_Everybody_-LRB-2004_album-RRB-", 2], ["Pleasures_U_Like", 0], ["Cool_Relax", 1], ["Soul_Food", 7]]} +{"id": 168047, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2016-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 12]]} +{"id": 89458, "predicted_label": "SUPPORTS", "predicted_evidence": [["Speech_recognition", 2], ["Mehryar_Mohri", 0], ["Nelson_Morgan", 0], ["Mehryar_Mohri", 3], ["Cache_language_model", 1]]} +{"id": 189453, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yandex.Money", 45], ["Yandex_Browser", 12], ["Yandex.Direct", 15], ["Yandex.Translate", 0], ["Yandex.Money", 14]]} +{"id": 88624, "predicted_label": "SUPPORTS", "predicted_evidence": [["Magazine_cover_indicator", 0], ["Ashley_Graham", 7], ["Magazine_cover_indicator", 7], ["Milton_Graham", 2], ["Ashley_Graham", 5]]} +{"id": 86056, "predicted_label": "SUPPORTS", "predicted_evidence": [["American_Academy_of_Periodontology_Foundation", 0], ["International_Campaign_to_Ban_Landmines", 14], ["Institute_of_Scrap_Recycling_Industries", 13], ["National_Public_Gardens_Day", 5], ["National_Public_Gardens_Day", 1]]} +{"id": 165658, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Destination_Nerva", 5], ["Tom_Baker_-LRB-American_actor-RRB-", 0], ["Help_She_Can't_Swim", 20], ["Tom_-LRB-given_name-RRB-", 11]]} +{"id": 150599, "predicted_label": "REFUTES", "predicted_evidence": [["Ballas_Hough_Band", 0], ["BHB", 3], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 8], ["Julianne_Hough", 5]]} +{"id": 135557, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Black_Reel_Awards_of_2016", 4], ["Black_Reel_Awards_of_2016", 8], ["One_Nation_Under_God_-LRB-film-RRB-", 1], ["Jared_Hedges", 7], ["Caramba_-LRB-band-RRB-", 8]]} +{"id": 175932, "predicted_label": "REFUTES", "predicted_evidence": [["Aunt_May", 0], ["Boardman_Books", 15], ["Spider-Man", 2], ["Boardman_Books", 16], ["Spider-Man-COLON-_Back_in_Black", 3]]} +{"id": 78578, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Billboard_Top_Latin_Songs_Year-End_Chart", 24], ["Despacito", 0], ["Despacito", 2], ["Morales", 42]]} +{"id": 205638, "predicted_label": "REFUTES", "predicted_evidence": [["St._Anger", 18], ["St._Anger", 14], ["St._Anger", 0], ["St._Anger", 3], ["St._Anger", 16]]} +{"id": 53263, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vivek_Mushran", 2], ["Anthimos_Ananiadis", 11], ["Anthimos_Ananiadis", 7], ["Anthimos_Ananiadis", 0], ["List_of_people_with_surname_Carey", 449]]} +{"id": 225300, "predicted_label": "REFUTES", "predicted_evidence": [["Michaela_Watkins", 0], ["Casual_-LRB-TV_series-RRB-", 1], ["Watkins_-LRB-surname-RRB-", 98], ["Watkins_-LRB-surname-RRB-", 0], ["Richland_Farm_-LRB-Clarksville,_Maryland-RRB-", 76]]} +{"id": 115125, "predicted_label": "REFUTES", "predicted_evidence": [["William_W._Davies", 21], ["The_Farmer_Wants_a_Wife_-LRB-Australian_TV_series-RRB-", 3], ["William_W._Davies", 9], ["William_W._Davies", 0], ["William_W._Davies", 11]]} +{"id": 89063, "predicted_label": "REFUTES", "predicted_evidence": [["Curly_Neal", 23], ["Whitall_Tatum_Company", 7], ["Whitall_Tatum_Company", 0], ["Tatum_-LRB-given_name-RRB-", 12], ["Curly_Neal", 17]]} +{"id": 194795, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_actors_nominated_for_Academy_Awards_for_foreign_language_performances", 13], ["National_Film_Award_for_Best_Actor", 12], ["List_of_EastEnders_two-hander_episodes", 10], ["National_Film_Award_for_Best_Actor", 13], ["The_Two_of_Us_-LRB-play-RRB-", 20]]} +{"id": 93228, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Renato_Balestra", 3], ["Rome", 16], ["Rome", 21], ["Renato_Balestra", 8], ["Renato_Balestra", 60]]} +{"id": 201116, "predicted_label": "REFUTES", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Middle_name", 25], ["Middle_name", 13], ["List_of_stage_names", 34], ["Arkorful", 5]]} +{"id": 107285, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nabisco", 9], ["Nabisco", 5], ["Nabisco", 11], ["List_of_Sesame_Street_puppeteers", 136], ["List_of_Sesame_Street_puppeteers", 154]]} +{"id": 69994, "predicted_label": "SUPPORTS", "predicted_evidence": [["2012_FA_Community_Shield", 0], ["Villa_Park", 14], ["2015_FA_Community_Shield", 0], ["2010_FA_Community_Shield", 0], ["2012_FA_Community_Shield", 4]]} +{"id": 50245, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ice_-LRB-Kelly_Rowland_song-RRB-", 3], ["Zebras_-LRB-Law_&_Order-COLON-_Special_Victims_Unit-RRB-", 0], ["Element_-LRB-production_team-RRB-", 21], ["Zebras_-LRB-Law_&_Order-COLON-_Special_Victims_Unit-RRB-", 7], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7]]} +{"id": 73413, "predicted_label": "REFUTES", "predicted_evidence": [["Jackpot_Bowling", 3], ["Mega_Millions", 18], ["Richie_Wraggs", 15], ["Jackpot_Bowling", 0], ["Jackpot_-LRB-game_show-RRB-", 17]]} +{"id": 26359, "predicted_label": "SUPPORTS", "predicted_evidence": [["Moonlight_-LRB-2016_film-RRB-", 6], ["Professional_American_football_championship_games", 354], ["Professional_American_football_championship_games", 368], ["Professional_American_football_championship_games", 152], ["Professional_American_football_championship_games", 150]]} +{"id": 21033, "predicted_label": "REFUTES", "predicted_evidence": [["Victoria_Palace_Theatre", 0], ["Victoria_Station_-LRB-restaurant-RRB-", 17], ["Victoria_Station_-LRB-restaurant-RRB-", 19], ["Palace_Theatre,_Westcliff-on-Sea", 12], ["Victoria_Palace", 0]]} +{"id": 174024, "predicted_label": "SUPPORTS", "predicted_evidence": [["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["The_Endless_River", 0], ["Pink_Floyd", 17], ["The_Endless_River", 5], ["Pink_Floyd_discography", 10]]} +{"id": 114929, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Pene\u0301lope_Cruz", 0], ["Ralph_Lauren_Corporation", 2], ["Polo_Ralph_Lauren_vs_U.S._Polo_Association", 1], ["Pene\u0301lope_Cruz", 13]]} +{"id": 77700, "predicted_label": "REFUTES", "predicted_evidence": [["Andrew_Kevin_Walker", 0], ["Andrew_Walker", 19], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Seven_-LRB-1995_film-RRB-", 1], ["Andrew_Walker", 5]]} +{"id": 138632, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Esti_Ginzburg", 3], ["Bar_Refaeli", 4], ["Shlomit_Malka", 4], ["Bar_Refaeli", 0]]} +{"id": 189445, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yandex", 1], ["Yandex", 9], ["Yandex.Direct", 9], ["Yandex.Translate", 0], ["Yandex_Browser", 12]]} +{"id": 41123, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Walt_Disney_Pictures", 10], ["Animation_studios_owned_by_The_Walt_Disney_Company", 7], ["Walt_Disney_Pictures", 1], ["Walt_Disney_Animation_Studios", 8], ["Walt_Disney_Pictures", 0]]} +{"id": 172523, "predicted_label": "REFUTES", "predicted_evidence": [["I'm_Going_to_Tell_You_a_Secret", 19], ["I'm_Going_to_Tell_You_a_Secret", 1], ["Pocket_eDGe", 1], ["Microsoft_Entourage", 2], ["Microsoft_Entourage", 1]]} +{"id": 202782, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me_2", 1], ["List_of_2010_box_office_number-one_films_in_Australia", 12], ["List_of_2010_box_office_number-one_films_in_Australia", 20], ["Despicable_Me_-LRB-franchise-RRB-", 3]]} +{"id": 175931, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aunt_May", 0], ["Aunt_May", 9], ["Spider-Man", 2], ["Melodica_in_music", 143], ["Melodica_in_music", 94]]} +{"id": 73456, "predicted_label": "REFUTES", "predicted_evidence": [["Pacific_Data_Images", 5], ["DreamWorks_Animation", 15], ["DreamWorks", 2], ["DreamWorks_Animation", 0], ["DreamWorks_Animation", 16]]} +{"id": 71559, "predicted_label": "REFUTES", "predicted_evidence": [["The_Man_in_the_Fallout_Shelter", 1], ["The_Finder_-LRB-U.S._TV_series-RRB-", 0], ["Bones_-LRB-TV_series-RRB-", 5], ["Bones_-LRB-TV_series-RRB-", 0], ["Hart_-LRB-given_name-RRB-", 12]]} +{"id": 116668, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lil_Wayne_singles_discography", 14], ["Lil_Wayne", 14], ["Go_D.J.", 8], ["Go_D.J.", 11], ["Go_D.J.", 3]]} +{"id": 183633, "predicted_label": "REFUTES", "predicted_evidence": [["Finding_Dory", 1], ["Angus_MacLane", 0], ["Angus_MacLane", 6], ["Pixar", 10], ["Pixar", 6]]} +{"id": 218373, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cybercrime", 2], ["French_Resistance", 6], ["Noyautage_des_administrations_publiques", 11], ["Cybercrime", 6], ["Global_Telecommunications_System", 14]]} +{"id": 178150, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["World_Trade_Center_-LRB-2001\u2013present-RRB-", 5], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 2], ["Collapse_of_the_World_Trade_Center", 1], ["One_World_Trade_Center", 19]]} +{"id": 4179, "predicted_label": "SUPPORTS", "predicted_evidence": [["Potala_Palace", 0], ["14th_Dalai_Lama", 10], ["Zhao_Erfeng", 32], ["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0]]} +{"id": 8048, "predicted_label": "SUPPORTS", "predicted_evidence": [["History_of_unfree_labor_in_the_United_States", 12], ["History_of_unfree_labor_in_the_United_States", 8], ["History_of_unfree_labor_in_the_United_States", 0], ["History_of_unfree_labor_in_the_United_States", 1], ["History_of_unfree_labor_in_the_United_States", 6]]} +{"id": 140522, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Armenian_Genocide", 0], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Press_coverage_during_the_Armenian_Genocide", 23], ["Armenian_Genocide", 5], ["Press_coverage_during_the_Armenian_Genocide", 26]]} +{"id": 84409, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_Taylor_discography", 16], ["Hourglass_-LRB-James_Taylor_album-RRB-", 2], ["Hourglass_-LRB-James_Taylor_album-RRB-", 11], ["Hourglass_-LRB-James_Taylor_album-RRB-", 5], ["Hourglass_-LRB-James_Taylor_album-RRB-", 1]]} +{"id": 97927, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mickey_Bones", 10], ["Mickey_Bones", 9], ["List_of_fictional_anthropologists", 116], ["List_of_fictional_anthropologists", 12], ["List_of_fictional_anthropologists", 10]]} +{"id": 186938, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Lion_and_the_Witch", 6], ["Love_Hurts_-LRB-Cher_album-RRB-", 2], ["Geffen", 13], ["Cher_albums_discography", 25], ["Cher_albums_discography", 4]]} +{"id": 59067, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dan_Neal", 4], ["Whole_life_insurance", 0], ["Variable_universal_life_insurance", 9], ["Variable_universal_life_insurance", 5], ["Whole_life_insurance", 5]]} +{"id": 201079, "predicted_label": "SUPPORTS", "predicted_evidence": [["Huey_Freeman", 4], ["Huey_Freeman", 7], ["Toni-Leslie_James", 5], ["List_of_awards_and_nominations_received_by_Jolin_Tsai", 11], ["List_of_awards_and_nominations_received_by_Jolin_Tsai", 24]]} +{"id": 159711, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 4819, "predicted_label": "SUPPORTS", "predicted_evidence": [["Anglo", 0], ["The_English_people", 4], ["Charibert_I", 50], ["English_people", 15], ["Charibert_I", 14]]} +{"id": 32255, "predicted_label": "SUPPORTS", "predicted_evidence": [["Apta_railway_station", 12], ["Kajol_filmography", 7], ["Kajol", 9], ["Dilwale_Dulhania_Le_Jayenge", 15], ["Filmfare_Award_for_Best_Music_Album", 650]]} +{"id": 144275, "predicted_label": "SUPPORTS", "predicted_evidence": [["Golden_Rule", 10], ["When_You_Wish_Upon_a_Weinstein", 7], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["When_You_Wish_Upon_a_Weinstein", 0]]} +{"id": 2704, "predicted_label": "REFUTES", "predicted_evidence": [["Starrcade", 1], ["Sting_-LRB-wrestler-RRB-", 1], ["Ric_Flair", 5], ["Ric_Flair", 10], ["Sting_-LRB-wrestler-RRB-", 2]]} +{"id": 95621, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewan_McGregor", 2], ["Ewen_Bremner", 1], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 207252, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Endometrial_cancer", 26], ["Endometrial_cancer", 27], ["Endometrial_cancer", 11], ["Tao_brush", 0], ["Endometrial_cancer", 13]]} +{"id": 66362, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Charter_fair", 2], ["Charter_fair", 1], ["Columbia_River_Highway", 2], ["Columbia_River_Highway", 4], ["Coast_Guard_Station_Cape_Disappointment", 13]]} +{"id": 131060, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lincoln\u2013Douglas_debates", 0], ["Lincoln\u2013Douglas_debate", 2], ["Archibald_Williams_-LRB-judge-RRB-", 309], ["Robert_Smith_-LRB-Illinois_politician-RRB-", 28], ["Archibald_Williams_-LRB-judge-RRB-", 296]]} +{"id": 124045, "predicted_label": "REFUTES", "predicted_evidence": [["Ron_Weasley", 3], ["A_Very_Potter_Musical", 6], ["Rupert_Grint", 0], ["Harry_Potter_and_the_Prisoner_of_Azkaban_-LRB-film-RRB-", 7], ["Rupert_Grint", 1]]} +{"id": 142286, "predicted_label": "REFUTES", "predicted_evidence": [["Degrassi-COLON-_Next_Class", 21], ["Shadowhunters", 5], ["List_of_Shadowhunters_episodes", 5], ["Clockwork_Prince", 2], ["Degrassi-COLON-_Next_Class", 24]]} +{"id": 136205, "predicted_label": "REFUTES", "predicted_evidence": [["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Harold_Macmillan", 0], ["Never_So_Good", 0]]} +{"id": 82780, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sea_Ice_Physics_and_Ecosystem_eXperiment", 1], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 9], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 8], ["Global_warming", 13], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 4]]} +{"id": 5398, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["Miranda_Otto", 0], ["Matthew_Chapman_-LRB-author-RRB-", 7]]} +{"id": 83040, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fischbach,_Mersch", 5], ["Angelsberg", 0], ["List_of_artists_represented_in_the_National_Museum_of_Western_Art,_Tokyo", 279], ["List_of_artists_represented_in_the_National_Museum_of_Western_Art,_Tokyo", 269], ["List_of_artists_represented_in_the_National_Museum_of_Western_Art,_Tokyo", 293]]} +{"id": 154009, "predicted_label": "REFUTES", "predicted_evidence": [["Chatwin", 8], ["Justin_Chatwin", 0], ["Dragonball_Evolution", 3], ["The_Return_of_Doctor_Mysterio", 6], ["Justin_Chatwin", 3]]} +{"id": 134051, "predicted_label": "SUPPORTS", "predicted_evidence": [["Margaret_Thatcher", 3], ["Thatcherism", 0], ["Val_Meets_The_VIPs", 15], ["The_Iron_Lady_-LRB-album-RRB-", 10], ["Margaret_Thatcher_-LRB-disambiguation-RRB-", 8]]} +{"id": 157485, "predicted_label": "REFUTES", "predicted_evidence": [["Gransito_Movie_Awards_2008", 242], ["Nothing_Personal_-LRB-play-RRB-", 5], ["List_of_awards_and_nominations_received_by_Cate_Blanchett", 0], ["Nothing_Personal_-LRB-play-RRB-", 15], ["Cate_Blanchett_on_screen_and_stage", 0]]} +{"id": 193910, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Susan_Harris", 11], ["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22], ["Susan_Harris", 12], ["Bea_-LRB-given_name-RRB-", 0]]} +{"id": 54742, "predicted_label": "SUPPORTS", "predicted_evidence": [["United_Nations_Charter", 1], ["Louise_M._Davies_Symphony_Hall", 0], ["List_of_theatres_in_San_Francisco", 156], ["War_Memorial_Opera_House", 1], ["United_Nations_Charter", 0]]} +{"id": 165867, "predicted_label": "SUPPORTS", "predicted_evidence": [["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Joyce_Summers", 1], ["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 13]]} +{"id": 189772, "predicted_label": "REFUTES", "predicted_evidence": [["Vladislaus_II_of_Hungary", 23], ["Corvin", 18], ["Vladislaus_II_of_Hungary", 22], ["Sigismund_Ernuszt", 10], ["Vladislaus_II_of_Hungary", 15]]} +{"id": 93823, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_deists", 27], ["Alexander_Hamilton", 0], ["List_of_deists", 83], ["List_of_deists", 150], ["List_of_deists", 65]]} +{"id": 40883, "predicted_label": "SUPPORTS", "predicted_evidence": [["EA_Black_Box", 0], ["List_of_Need_for_Speed_video_games", 2], ["Need_for_Speed-COLON-_The_Run", 0], ["List_of_PlayStation_3_games_released_on_disc", 10029], ["List_of_PlayStation_3_games_released_on_disc", 10043]]} +{"id": 47992, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soul_Surfer_-LRB-film-RRB-", 0], ["Alana_Blanchard", 8], ["Faith_Fay", 10], ["California_Surf_Museum", 9], ["California_Surf_Museum", 10]]} +{"id": 46649, "predicted_label": "REFUTES", "predicted_evidence": [["Peking_University", 1], ["Beijing_International_MBA_at_Peking_University", 1], ["YTHT", 9], ["YTHT", 0], ["YTHT", 29]]} +{"id": 14915, "predicted_label": "SUPPORTS", "predicted_evidence": [["Will_Smith_filmography", 8], ["Men_in_Black_II", 0], ["Will_Smith_filmography", 0], ["Men_in_Black_II-COLON-_Alien_Escape", 0], ["Men_in_Black_II", 3]]} +{"id": 15953, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jim_Bedard_-LRB-ice_hockey,_born_1956-RRB-", 5], ["Jim_Bedard_-LRB-ice_hockey,_born_1956-RRB-", 4], ["Jim_Bedard_-LRB-ice_hockey,_born_1956-RRB-", 10], ["Lithic_stage", 5], ["Jim_Bedard_-LRB-ice_hockey,_born_1956-RRB-", 8]]} +{"id": 179008, "predicted_label": "SUPPORTS", "predicted_evidence": [["Steve_Ditko", 3], ["In_Search_of_Steve_Ditko", 0], ["Charlton_Neo", 0], ["Captain_Glory", 3], ["Charlton_Neo", 2]]} +{"id": 208424, "predicted_label": "SUPPORTS", "predicted_evidence": [["Excuse_My_French", 9], ["French_Montana", 8], ["Harry_Fraud", 3], ["Harry_Fraud", 2], ["Harry_Fraud", 6]]} +{"id": 196967, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 2], ["Hinduism_in_West_Bengal", 8], ["Glossary_of_Indian_culture", 210], ["Glossary_of_Indian_culture", 73], ["Glossary_of_Indian_culture", 112]]} +{"id": 203003, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lockheed_Martin", 4], ["Hewson", 34], ["Robert_J._Stevens", 1], ["List_of_people_from_Potomac,_Maryland", 74], ["Lockheed_Martin_Aeronautics", 9]]} +{"id": 44946, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sikkim", 4], ["Larix_griffithii", 0], ["Picea_spinulosa", 0], ["Zemu_Glacier", 0], ["Mountains_of_Bhutan", 1]]} +{"id": 186873, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philippines\u2013Venezuela_relations", 9], ["Dark_Horse_Tour", 27], ["Hyundai_EP", 15], ["Ashley_Qualls", 7], ["Ashley_Qualls", 12]]} +{"id": 150451, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Melissa_&_Joey", 14], ["List_of_Shadowhunters_episodes", 6], ["Shadowhunters", 6], ["Melissa_&_Joey", 12], ["Schitt's_Creek", 11]]} +{"id": 22519, "predicted_label": "REFUTES", "predicted_evidence": [["Harold_F._Cherniss", 4], ["Harold_F._Cherniss", 18], ["Plato", 0], ["Aristotle", 2], ["Aristotle", 9]]} +{"id": 42459, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Laird", 11], ["Luke_Laird", 3], ["Haley_Georgia", 0], ["Springsteen_-LRB-song-RRB-", 7], ["Springsteen_-LRB-song-RRB-", 9]]} +{"id": 153018, "predicted_label": "REFUTES", "predicted_evidence": [["Prop_comedy", 0], ["Comedy_horror", 2], ["Formula_fiction", 17], ["Comedy_of_remarriage", 11], ["Colombiana_-LRB-disambiguation-RRB-", 3]]} +{"id": 193909, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Goldenberg", 22], ["Susan_Harris", 11], ["Billy_Goldenberg", 18], ["Susan_Harris", 12], ["Bea_-LRB-given_name-RRB-", 6]]} +{"id": 77743, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_accolades_received_by_Hacksaw_Ridge", 12], ["List_of_accolades_received_by_Bajirao_Mastani", 13], ["List_of_accolades_received_by_Manchester_by_the_Sea_-LRB-film-RRB-", 7], ["List_of_accolades_received_by_Bajirao_Mastani", 10], ["List_of_accolades_received_by_Hacksaw_Ridge", 10]]} +{"id": 19382, "predicted_label": "REFUTES", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["JB_Carlson", 2], ["JB_Carlson", 1], ["Jesse_Carlson", 24]]} +{"id": 68061, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Humboldt_Roller_Derby", 6], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 0], ["Judgment_Day_-LRB-2007-RRB-", 2], ["Judgment_Day_-LRB-2007-RRB-", 9]]} +{"id": 122777, "predicted_label": "REFUTES", "predicted_evidence": [["XHamster", 6], ["Amin_Zaoui", 9], ["Hayy_ibn_Yaqdhan", 0], ["Shahla_Ujayli", 15], ["The_Blue_Elephant", 5]]} +{"id": 53793, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Cate_Blanchett", 0], ["Cate_Blanchett_on_screen_and_stage", 0], ["List_of_accolades_received_by_Blue_Jasmine", 0], ["Blue_Jasmine", 0], ["List_of_accolades_received_by_Blue_Jasmine", 1]]} +{"id": 181886, "predicted_label": "REFUTES", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Princess_Mononoke", 4], ["Hayao_Miyazaki", 16]]} +{"id": 130039, "predicted_label": "SUPPORTS", "predicted_evidence": [["British_comics", 5], ["British_comics", 0], ["British_comics", 15], ["Bill_Schelly", 76], ["Bill_Schelly", 12]]} +{"id": 196746, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marnie_-LRB-dog-RRB-", 1], ["Crystal_World", 0], ["Marni", 61], ["Marni", 56], ["Marni", 54]]} +{"id": 87770, "predicted_label": "REFUTES", "predicted_evidence": [["CK_-LRB-album-RRB-", 4], ["CK_-LRB-album-RRB-", 12], ["Dance_Classics_of_Chaka_Khan", 11], ["Dance_Classics_of_Chaka_Khan", 0], ["Never_Miss_the_Water", 0]]} +{"id": 159715, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Arthur_E._Wright", 0], ["Nira_Park", 25], ["Nira_Park", 4], ["Nira_Park", 19]]} +{"id": 160715, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Ernest_He\u0301brard", 11], ["Indochina_Wars", 7], ["Siam_Nakhon_Province", 19], ["Siam_Nakhon_Province", 20]]} +{"id": 143444, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Floyd_Soul_and_the_Wolf", 22], ["Shane_McMahon", 13], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9]]} +{"id": 21009, "predicted_label": "REFUTES", "predicted_evidence": [["Yara_-LRB-given_name-RRB-", 45], ["Olivia_Pope", 0], ["Black-ish_-LRB-season_1-RRB-", 6], ["Ziyodullo_Shahidi", 9], ["Ziyodullo_Shahidi", 4]]} +{"id": 73570, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Brian_McDonough", 53], ["David_Schlaepfer", 6], ["David_Schlaepfer", 5], ["Act_-LRB-drama-RRB-", 1], ["Act_-LRB-drama-RRB-", 5]]} +{"id": 181192, "predicted_label": "SUPPORTS", "predicted_evidence": [["Southpaw_-LRB-film-RRB-", 0], ["Harvey_Fuqua", 8], ["Cle_Shaheed_Sloan", 5], ["Joseph_Fuqua", 27], ["Cle_Shaheed_Sloan", 21]]} +{"id": 123193, "predicted_label": "REFUTES", "predicted_evidence": [["Krishna_Iyer", 0], ["Aalap_Raju", 0], ["Krishna_Iyer", 10], ["Krishna_Iyer", 9], ["List_of_songs_recorded_by_Bombay_Jayashri", 4]]} +{"id": 105097, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Camden,_New_Jersey", 0], ["U.S._Route_30_in_New_Jersey", 8], ["U.S._Route_30_in_New_Jersey", 1], ["U.S._Route_30_in_New_Jersey", 7], ["List_of_New_Jersey_tornadoes", 65]]} +{"id": 112651, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Archie_Panjabi", 0], ["List_of_awards_and_nominations_received_by_Archie_Panjabi", 3], ["Dev_Patel", 6], ["Outstanding_Drama_Series", 11], ["How_to_Get_Away_with_Murder", 12]]} +{"id": 65368, "predicted_label": "SUPPORTS", "predicted_evidence": [["EA_Black_Box", 0], ["Need_for_Speed-COLON-_The_Run", 0], ["List_of_Need_for_Speed_video_games", 2], ["List_of_PlayStation_3_games_released_on_disc", 10043], ["List_of_PlayStation_3_games_released_on_disc", 10015]]} +{"id": 211301, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Closer", 8], ["Grey's_Anatomy", 16], ["How_to_Save_a_Life_-LRB-Grey's_Anatomy-RRB-", 12], ["Eternal_Happiness", 10], ["Eternal_Happiness", 3]]} +{"id": 205660, "predicted_label": "REFUTES", "predicted_evidence": [["Capitol_Records_Building", 3], ["Passion_-LRB-Kreesha_Turner_album-RRB-", 15], ["Capitol_Records_Building", 0], ["One_Taste_of_Honey", 7], ["One_Taste_of_Honey", 13]]} +{"id": 174027, "predicted_label": "REFUTES", "predicted_evidence": [["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["The_Endless_River", 5], ["The_Endless_River", 0], ["Pink_Floyd", 17], ["Richard_Wright_-LRB-musician-RRB-", 9]]} +{"id": 65776, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["The_Killam_Trusts", 0]]} +{"id": 190171, "predicted_label": "REFUTES", "predicted_evidence": [["Oscar_De_La_Hoya_vs._Floyd_Mayweather_Jr.", 0], ["Oscar_De_La_Hoya", 0], ["Golden_Boy_Promotions", 5], ["Oscar_De_La_Hoya_vs._Manny_Pacquiao", 0], ["Golden_Boy_Promotions", 0]]} +{"id": 55460, "predicted_label": "REFUTES", "predicted_evidence": [["Freeform", 0], ["Shadowhunters", 0], ["Shadowhunters", 4], ["List_of_Shadowhunters_episodes", 4], ["List_of_The_Fosters_episodes", 0]]} +{"id": 109026, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Efraim_Diveroli", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["David_Packouz", 0], ["Socie\u0301te\u0301_des_transports_de_Tunis", 1], ["Christian_Va\u0301squez", 46]]} +{"id": 52316, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Palace", 0], ["Palace_Theatre,_Westcliff-on-Sea", 12], ["London_boroughs", 0], ["Victoria_Theatre", 31], ["London_boroughs", 11]]} +{"id": 101751, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Terry_Crews", 9], ["Terry_Crews", 3], ["Make_a_Smellmitment", 2], ["Make_a_Smellmitment", 8], ["Make_a_Smellmitment", 4]]} +{"id": 115283, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Georges_Kopp", 45], ["Inez_Holden", 15], ["George_Orwell_bibliography", 0], ["George_Orwell-COLON-_A_Life_in_Pictures", 0], ["Inez_Holden", 16]]} +{"id": 68611, "predicted_label": "REFUTES", "predicted_evidence": [["No_Country_for_Old_Men_-LRB-film-RRB-", 1], ["List_of_accolades_received_by_No_Country_for_Old_Men", 1], ["West_Texas", 4], ["West_Texas", 8], ["West_Texas", 0]]} +{"id": 198228, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn_Glacier", 7], ["Saturn", 0], ["Sixth_planet_-LRB-disambiguation-RRB-", 2], ["Sixth_planet_-LRB-disambiguation-RRB-", 0], ["Sixth_planet_-LRB-disambiguation-RRB-", 4]]} +{"id": 8847, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ludwig_van_Beethoven_-LRB-1712\u20131773-RRB-", 0], ["Beethoven_Gesamtausgabe", 1], ["Beethoven_Gesamtausgabe", 0], ["Beethoven_in_film", 14], ["List_of_awards_received_by_the_Chicago_Symphony_Orchestra", 98]]} +{"id": 128454, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Insecure_-LRB-TV_series-RRB-", 0], ["Issa_Rae", 1], ["I_Am_Other", 4], ["Issa_Rae", 6]]} +{"id": 70354, "predicted_label": "REFUTES", "predicted_evidence": [["Del_Toro_-LRB-surname-RRB-", 12], ["Guillermo_del_Toro", 0], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 1], ["Sundown_-LRB-video_game-RRB-", 0]]} +{"id": 119428, "predicted_label": "SUPPORTS", "predicted_evidence": [["ODVA_-LRB-company-RRB-", 7], ["PacSun", 1], ["Five_Below", 1], ["Esco_-LRB-Singaporean_company-RRB-", 0], ["Pulmuone", 6]]} +{"id": 193444, "predicted_label": "SUPPORTS", "predicted_evidence": [["Captain_America's_shield", 1], ["Captain_America-COLON-_The_First_Avenger", 0], ["Captain_America_-LRB-disambiguation-RRB-", 0], ["Captain_America's_shield", 3], ["Captain_America's_shield", 4]]} +{"id": 22186, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prince_Vultan", 2], ["Prince_Vultan", 0], ["Trishanku", 40], ["Heaven_worship", 4], ["Heaven_worship", 8]]} +{"id": 216597, "predicted_label": "SUPPORTS", "predicted_evidence": [["Calcaneal_spur", 1], ["Biological_imaging", 0], ["Computed_tomography_laser_mammography", 3], ["Rajendra_Badgaiyan", 3], ["Electrical_impedance_tomography", 37]]} +{"id": 159942, "predicted_label": "SUPPORTS", "predicted_evidence": [["Christa_McAuliffe_Space_Education_Center", 0], ["Christa", 59], ["The_Night_Shift_-LRB-concert-RRB-", 34], ["The_Night_Shift_-LRB-concert-RRB-", 27], ["The_Night_Shift_-LRB-concert-RRB-", 21]]} +{"id": 161577, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Marvin's_Room_-LRB-film-RRB-", 5], ["The_Devil_Wears_Prada_-LRB-film-RRB-", 1], ["Strictly_Ballroom", 7], ["Strictly_Ballroom", 0]]} +{"id": 72453, "predicted_label": "REFUTES", "predicted_evidence": [["The_Act_of_Roger_Murgatroyd", 1], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["David_Packouz", 16], ["David_Packouz", 0]]} +{"id": 147207, "predicted_label": "SUPPORTS", "predicted_evidence": [["South_Indian_Federation_of_Fishermen_Societies", 13], ["Battle_of_Grobnik_Field", 2], ["Chios_massacre", 2], ["1954_Atlantic_hurricane_season", 10], ["Corineus", 5]]} +{"id": 150017, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sebastian_Stan", 0], ["Outstanding_Drama_Series", 19], ["Critics'_Choice_Television_Award_for_Best_Supporting_Actress_in_a_Movie/Miniseries", 0], ["List_of_awards_and_nominations_received_by_Parks_and_Recreation", 10], ["Critic's_Choice", 5]]} +{"id": 200259, "predicted_label": "SUPPORTS", "predicted_evidence": [["Natural_Born_Killers", 5], ["Popcorn_-LRB-novel-RRB-", 1], ["Natural_Born_Killers", 0], ["List_of_Natural_Born_Killers_characters", 0], ["Quentin_Tarantino_Film_Festival", 0]]} +{"id": 201111, "predicted_label": "SUPPORTS", "predicted_evidence": [["Big_Brother_16_-LRB-UK-RRB-", 0], ["List_of_people_from_Gateshead", 9], ["Bentley_-LRB-surname-RRB-", 52], ["Bentley_-LRB-surname-RRB-", 74], ["Bentley_-LRB-surname-RRB-", 46]]} +{"id": 172522, "predicted_label": "SUPPORTS", "predicted_evidence": [["Snow_Job", 15], ["Snow_Job", 7], ["List_of_Entourage_episodes", 1], ["Microsoft_Entourage", 3], ["Pocket_eDGe", 1]]} +{"id": 127359, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gupta\u2013Bleuler_formalism", 40], ["Relationship_between_string_theory_and_quantum_field_theory", 17], ["Representation_theory_of_the_Poincare\u0301_group", 4], ["Relationship_between_string_theory_and_quantum_field_theory", 24], ["Representation_theory_of_the_Poincare\u0301_group", 8]]} +{"id": 422, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Customer_Loyalty_-LRB-The_Office-RRB-", 7], ["Promised_Land_-LRB-2012_film-RRB-", 0], ["The_Hollars", 0], ["Lotto_-LRB-The_Office-RRB-", 2], ["Lotto_-LRB-The_Office-RRB-", 8]]} +{"id": 218367, "predicted_label": "REFUTES", "predicted_evidence": [["French_Resistance", 6], ["German_resistance_to_Nazism", 7], ["Harold_Cole", 18], ["Noyautage_des_administrations_publiques", 11], ["German_resistance_to_Nazism", 4]]} +{"id": 135485, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation_-LRB-music_video-RRB-", 7], ["Rhythm_Nation", 23], ["Rhythm_Nation_World_Tour_1990", 8], ["Escapade_-LRB-song-RRB-", 8], ["Escapade_-LRB-song-RRB-", 3]]} +{"id": 173130, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Sullivan_-LRB-pitcher-RRB-", 42], ["Ann_Sullivan", 3], ["Macy_-LRB-surname-RRB-", 4], ["Joe_Sullivan_-LRB-pitcher-RRB-", 25], ["Joe_Sullivan_-LRB-pitcher-RRB-", 0]]} +{"id": 116717, "predicted_label": "SUPPORTS", "predicted_evidence": [["2006\u20132008_Cuban_transfer_of_presidential_duties", 1], ["2006\u20132008_Cuban_transfer_of_presidential_duties", 0], ["Castro_-LRB-surname-RRB-", 55], ["Religious_views_of_Fidel_Castro", 1], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12]]} +{"id": 60845, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Assyrian_genocide", 7], ["Assyrian_genocide", 6], ["1965_Yerevan_demonstrations", 0], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Timeline_of_the_Mongol_Empire", 0]]} +{"id": 83684, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fran_Quinn", 26], ["Sisterakas", 1], ["Eins_Zwo", 9], ["Alpha_and_Omega_-LRB-film-RRB-", 4], ["Boeing_International_Headquarters", 7]]} +{"id": 130923, "predicted_label": "REFUTES", "predicted_evidence": [["Laura_Dahl", 2], ["Gubler", 6], ["DNA_Model_Management", 4], ["Matthew_Gray_Gubler", 0], ["Morgan_Lily", 2]]} +{"id": 211776, "predicted_label": "REFUTES", "predicted_evidence": [["Hildy_Brooks", 7], ["The_Snoop_Sisters", 0], ["Welcome_Wagon_-LRB-Veronica_Mars-RRB-", 0], ["Murder_in_Space", 3], ["Push,_Nevada", 0]]} +{"id": 12772, "predicted_label": "REFUTES", "predicted_evidence": [["A_Very_Potter_Musical", 6], ["Caio_Ce\u0301sar", 26], ["Harry_Potter_and_the_Prisoner_of_Azkaban_-LRB-film-RRB-", 7], ["Harry_Potter_and_the_Deathly_Hallows_\u2013_Part_2_-LRB-video_game-RRB-", 5], ["Rupert_Grint", 0]]} +{"id": 140233, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bobs_&_LoLo", 5], ["Bobs_&_LoLo", 8], ["Bobs_&_LoLo", 7], ["Bobs_&_LoLo", 6], ["DNA_condensation", 8]]} +{"id": 125204, "predicted_label": "SUPPORTS", "predicted_evidence": [["2016_U.S._national_anthem_protests", 1], ["2014_NFL_quarterbacks_win\u2013loss_records", 0], ["2016_San_Francisco_49ers_season", 0], ["Pistol_offense", 18], ["Colin_Kaepernick", 5]]} +{"id": 226136, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Dawkins", 16], ["Out_Campaign", 27], ["God's_utility_function", 39], ["Over_Norton_Park", 2], ["Dawkins", 38]]} +{"id": 171088, "predicted_label": "REFUTES", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Princess_Lalla_Meryem_of_Morocco", 20], ["Princess_Lalla_Meryem_of_Morocco", 0], ["Lalla", 1]]} +{"id": 201389, "predicted_label": "REFUTES", "predicted_evidence": [["Varsity_Blues", 3], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 22], ["Varsity", 24], ["Varsity", 20]]} +{"id": 195072, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joe_Ruddy", 5], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Ruddy_ground_dove", 0], ["Joe_Ruddy", 0], ["Joe_Ruddy", 1]]} +{"id": 224381, "predicted_label": "SUPPORTS", "predicted_evidence": [["1990_FA_Cup_Final", 27], ["2016\u201317_Southampton_F.C._season", 26], ["2016\u201317_Southampton_F.C._season", 0], ["2015\u201316_Southampton_F.C._season", 0], ["2015\u201316_Southampton_F.C._season", 23]]} +{"id": 226864, "predicted_label": "REFUTES", "predicted_evidence": [["My_Plaything", 6], ["Jenna_Jameson", 0], ["ClubJenna", 0], ["Jameson_-LRB-surname-RRB-", 29], ["ClubJenna", 4]]} +{"id": 29193, "predicted_label": "REFUTES", "predicted_evidence": [["2011_American_Le_Mans_Series", 2], ["Pro_Athle\u0301_Tour", 7], ["Pro_Athle\u0301_Tour", 24], ["Salah_El_Mur", 16], ["2011_American_Le_Mans_Series", 0]]} +{"id": 174028, "predicted_label": "REFUTES", "predicted_evidence": [["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["Pink_Floyd", 17], ["The_Endless_River", 0], ["The_Endless_River", 5], ["Richard_Wright_-LRB-musician-RRB-", 9]]} +{"id": 161864, "predicted_label": "REFUTES", "predicted_evidence": [["Chieli_Minucci", 7], ["List_of_awards_and_nominations_received_by_Lost", 10], ["List_of_awards_and_nominations_received_by_Lost", 1], ["List_of_awards_and_nominations_received_by_Breaking_Bad", 1], ["Chieli_Minucci", 10]]} +{"id": 156693, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Carol_-LRB-film-RRB-", 34], ["List_of_awards_and_nominations_received_by_Arijit_Singh", 2], ["54th_Filmfare_Awards", 9], ["57th_Filmfare_Awards", 7], ["List_of_awards_and_nominations_received_by_Arijit_Singh", 13]]} +{"id": 155839, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching_Declaration", 0], ["Malaysia_Airlines_destinations", 0], ["Kuching_-LRB-disambiguation-RRB-", 0], ["Kuching", 0], ["Kuching_High_School", 0]]} +{"id": 61056, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ashley_Cole", 0], ["Promise_This", 4], ["Chris_Nathaniel", 42], ["Chris_Nathaniel", 29], ["Tuba_-LRB-disambiguation-RRB-", 0]]} +{"id": 165868, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joyce_Summers", 1], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 13]]} +{"id": 65940, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palace_Theatre,_London", 21], ["Victoria_Palace", 0], ["Tonight's_the_Night_-LRB-2003_musical-RRB-", 1], ["Victoria_Theatre", 31], ["Victoria_Palace", 3]]} +{"id": 73443, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heavy_metal_lyrics", 0], ["Andrew_Haug", 5], ["List_of_gothic_metal_bands", 4], ["Christian_metal", 10], ["List_of_gothic_metal_bands", 1]]} +{"id": 227120, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["New_Orleans_Pelicans_draft_history", 1], ["List_of_New_Orleans_Pelicans_seasons", 1], ["List_of_New_Orleans_Pelicans_head_coaches", 1], ["List_of_New_Orleans_Pelicans_head_coaches", 3]]} +{"id": 124809, "predicted_label": "SUPPORTS", "predicted_evidence": [["Emma_Watson_-LRB-disambiguation-RRB-", 5], ["Emma_Watson_-LRB-disambiguation-RRB-", 3], ["Emma_Watson_-LRB-disambiguation-RRB-", 7], ["List_of_Harry_Potter_cast_members", 1], ["Emma_Watson_-LRB-disambiguation-RRB-", 0]]} +{"id": 55976, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ballas_Hough_Band", 0], ["Derek_Hough", 0], ["Derek_Hough", 6], ["BHB", 3], ["Julianne_Hough", 5]]} +{"id": 97008, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["Matthew_Chapman_-LRB-author-RRB-", 25], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Miranda_Otto", 0], ["The_Girl_Who_Came_Late", 0]]} +{"id": 44552, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["More_Life", 5], ["MC4_-LRB-mixtape-RRB-", 12], ["No_Frauds", 1], ["Culture_-LRB-Migos_album-RRB-", 2]]} +{"id": 163962, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeram_-LRB-2016_film-RRB-", 0], ["Tamannaah_filmography", 27], ["Ajith_Kumar_filmography", 14], ["Ajith_Kumar_filmography", 17], ["Ajith_Kumar_filmography", 34]]} +{"id": 216373, "predicted_label": "SUPPORTS", "predicted_evidence": [["Karluk_languages", 3], ["Chagatai_people", 7], ["Chagatai", 9], ["Chagatai_Khan", 2], ["Uyghur_Arabic_alphabet", 5]]} +{"id": 26078, "predicted_label": "REFUTES", "predicted_evidence": [["Rob_Davis_-LRB-musician-RRB-", 17], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 7], ["Rob_Davis_-LRB-musician-RRB-", 16], ["Jackson_Davis", 16], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 2]]} +{"id": 202051, "predicted_label": "SUPPORTS", "predicted_evidence": [["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 13], ["Dzhokhar_Tsarnaev", 1], ["Ibragim_Todashev", 0], ["Boston_Marathon_bombing", 5]]} +{"id": 162881, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mani_Ratnam", 1], ["Dil_Se..", 0], ["Mani_Ratnam_filmography", 20], ["Mani_Ratnam_filmography", 2], ["Mani_Ratnam_filmography", 1]]} +{"id": 36633, "predicted_label": "REFUTES", "predicted_evidence": [["Waterloo_Campaign-COLON-_Waterloo_to_Paris_-LRB-25_June_\u2013_1_July-RRB-", 16], ["Battle_of_Fort_Eben-Emael", 0], ["Battle_of_France", 0], ["Waterloo_Campaign-COLON-_Waterloo_to_Paris_-LRB-25_June_\u2013_1_July-RRB-", 12], ["Battle_of_Dunkirk", 1]]} +{"id": 121238, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heart", 18], ["Cardiac_arrhythmia", 1], ["Cardiac_output", 1], ["Tachycardia", 1], ["Tachycardia", 0]]} +{"id": 203176, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0], ["Sunda\u2013Sulawesi_languages", 4]]} +{"id": 206731, "predicted_label": "REFUTES", "predicted_evidence": [["Rebecca_Benson", 5], ["Samwell_Tarly", 0], ["John_Bradley-West", 0], ["Samwell_Tarly", 3], ["Samwell", 9]]} +{"id": 195922, "predicted_label": "REFUTES", "predicted_evidence": [["Frozen_-LRB-2013_film-RRB-", 13], ["The_Secret_Life_of_Pets", 6], ["List_of_accolades_received_by_Frozen_-LRB-2013_film-RRB-", 8], ["Star_Wars-COLON-_Episode_I_\u2013_The_Phantom_Menace", 18], ["Star_Wars-COLON-_Episode_I_\u2013_The_Phantom_Menace", 17]]} +{"id": 58735, "predicted_label": "REFUTES", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["Palmer_-LRB-surname-RRB-", 129], ["Robert_Palmer_-LRB-MP-RRB-", 5], ["Palmer_-LRB-surname-RRB-", 199], ["Drive_-LRB-Robert_Palmer_album-RRB-", 0]]} +{"id": 174022, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pink_Floyd", 0], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["The_Endless_River", 6], ["The_Endless_River", 0], ["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1]]} +{"id": 132700, "predicted_label": "SUPPORTS", "predicted_evidence": [["Taylor_Lautner", 4], ["Taylor_Lautner", 6], ["Marielle_Jaffe", 10], ["Back_to_December", 3], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 2]]} +{"id": 184065, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Walter_Lonergan", 10], ["Walter_Lonergan", 5]]} +{"id": 133251, "predicted_label": "REFUTES", "predicted_evidence": [["Alexander_Shand_-LRB-barrister-RRB-", 2], ["Shand", 16], ["Rosalind_Shand", 1], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Camilla,_Duchess_of_Cornwall", 6]]} +{"id": 141638, "predicted_label": "REFUTES", "predicted_evidence": [["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Vostok_-LRB-sloop-of-war-RRB-", 0], ["Mirny", 36], ["Fabian_Gottlieb_von_Bellingshausen", 10], ["Fabian_Gottlieb_von_Bellingshausen", 12]]} +{"id": 1077, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Good_Wife_-LRB-disambiguation-RRB-", 6], ["The_Good_Wife", 4], ["The_Good_Wife_-LRB-disambiguation-RRB-", 8], ["List_of_The_Good_Wife_episodes", 6], ["List_of_The_Good_Wife_episodes", 9]]} +{"id": 91197, "predicted_label": "REFUTES", "predicted_evidence": [["William_Richert", 18], ["Ennio_Morricone", 20], ["Midnight_Ramble_-LRB-film-RRB-", 9], ["Karuppu_Raja_Vellai_Raja", 1], ["Kunguma_Poovum_Konjum_Puravum", 0]]} +{"id": 204027, "predicted_label": "REFUTES", "predicted_evidence": [["Tony_Scott", 1], ["Katrina_Kaif_filmography", 23], ["Michael_Bay_filmography", 3], ["Tom_Cruise_filmography", 22], ["Katrina_Kaif_filmography", 10]]} +{"id": 6275, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Addiction_medicine", 10], ["Addiction_recovery_groups", 5], ["Recovery_coaching", 7], ["Recovery_coaching", 2], ["Recovery_coaching", 8]]} +{"id": 195070, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Ruddy", 0], ["Ray_Ruddy", 7], ["Ray_Ruddy", 5], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0]]} +{"id": 53535, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Janelle_Mona\u0301e", 0], ["Atlantic_Records", 10], ["Janelle_Mona\u0301e", 0], ["Atlantic_Records", 1], ["Atlantic_Records", 5]]} +{"id": 95262, "predicted_label": "REFUTES", "predicted_evidence": [["Swedish_National_Board_of_Institutional_Care", 7], ["Swedish_National_Board_of_Institutional_Care", 6], ["Swedish_National_Board_of_Institutional_Care", 1], ["David_McDowell", 3], ["Eddie_Guerrero", 10]]} +{"id": 124598, "predicted_label": "SUPPORTS", "predicted_evidence": [["Martin_Bregman", 1], ["The_Adventures_of_Pluto_Nash", 0], ["The_Adventures_of_Pluto_Nash", 1], ["Steep_Canyon_Rangers", 8], ["Steve_Martin_-LRB-disambiguation-RRB-", 7]]} +{"id": 43435, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bloods", 2], ["Japanese_manual_syllabary", 3], ["Gangs_in_the_United_Kingdom", 16], ["Two_Fingers", 8], ["Two_Fingers", 1]]} +{"id": 179022, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Steve_Ditko", 3], ["Captain_Glory", 3], ["Charlton_Neo", 0], ["In_Search_of_Steve_Ditko", 0], ["Charlton_Neo", 2]]} +{"id": 31693, "predicted_label": "REFUTES", "predicted_evidence": [["The_Canterville_Ghost_-LRB-disambiguation-RRB-", 18], ["Hildy_Brooks", 7], ["The_Canterville_Ghost_-LRB-disambiguation-RRB-", 16], ["ArtHouse_Live", 50], ["Hildy_Brooks", 6]]} +{"id": 166900, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Unreal_episodes", 5], ["Quantico_-LRB-TV_series-RRB-", 6], ["The_Grudge_3", 2], ["Believe_Me_-LRB-film-RRB-", 1], ["List_of_The_Grudge_characters", 5]]} +{"id": 61315, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["The_Killam_Trusts", 0]]} +{"id": 89809, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_River_Runs_Through_It", 3], ["Nilahue_River", 7], ["A_River_Runs_Through_It", 5], ["Bagua_Province", 9], ["A_River_Runs_Through_It", 0]]} +{"id": 110242, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2011-RRB-", 38], ["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 16], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 73], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2009-RRB-", 28], ["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12]]} +{"id": 36910, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation", 23], ["Rhythm_Nation_-LRB-music_video-RRB-", 7], ["Rhythm_Nation", 9], ["Escapade_-LRB-song-RRB-", 3], ["Rhythm_Nation", 0]]} +{"id": 125146, "predicted_label": "REFUTES", "predicted_evidence": [["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0], ["14th_Dalai_Lama", 10], ["Thubten_Choekyi_Nyima,_9th_Panchen_Lama", 46]]} +{"id": 182456, "predicted_label": "SUPPORTS", "predicted_evidence": [["Epistemology", 3], ["Epistemology", 4], ["Reformed_epistemology", 0], ["Reformed_epistemology", 3], ["Philosophical_problems_of_testimony", 15]]} +{"id": 145619, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Miranda_Otto", 0], ["Gracie_Gallegos", 8], ["In_the_Winter_Dark_-LRB-film-RRB-", 1]]} +{"id": 38052, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_-LRB-given_names-RRB-", 42], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 0], ["The_ArchAndroid", 0]]} +{"id": 106722, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ulster_Scots_people", 4], ["Ulster_Scots_people", 0], ["James_VI_and_I", 11], ["Literature_in_early_modern_Scotland", 1], ["James_VI_and_I", 0]]} +{"id": 201065, "predicted_label": "REFUTES", "predicted_evidence": [["Huey_Freeman", 7], ["Reina_King", 5], ["American_Crime_-LRB-TV_series-RRB-", 6], ["Huey_Freeman", 4], ["American_Crime_-LRB-TV_series-RRB-", 13]]} +{"id": 216396, "predicted_label": "SUPPORTS", "predicted_evidence": [["Homer_Hickam", 2], ["Fake_memoirs", 7], ["Fake_memoirs", 2], ["Homer_Hickam", 0], ["Homer_Hickam", 1]]} +{"id": 65457, "predicted_label": "SUPPORTS", "predicted_evidence": [["Same_Old_Love", 3], ["Same_Old_Love", 5], ["Old_Love", 9], ["Same_Old_Love", 0], ["Old_Love", 11]]} +{"id": 102355, "predicted_label": "SUPPORTS", "predicted_evidence": [["Demographics_of_Israel", 2], ["The_Concert_for_Bangladesh", 12], ["South_African_cheetah", 7], ["South_African_cheetah", 13], ["Ring-tailed_lemur", 21]]} +{"id": 73533, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Juventus_F.C._players", 5], ["Juventus_F.C.", 1], ["Juventus_F.C.", 6], ["Juventus_F.C.", 10], ["Juventus_F.C.", 2]]} +{"id": 179018, "predicted_label": "SUPPORTS", "predicted_evidence": [["Adele_Balkan", 11], ["Adele_Balkan", 9], ["In_Search_of_Steve_Ditko", 4], ["The_Thing!", 7], ["Adele_Balkan", 8]]} +{"id": 27409, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_fictional_anthropologists", 89], ["List_of_fictional_anthropologists", 21], ["List_of_fictional_anthropologists", 114], ["Forensic_anthropology", 0], ["List_of_fictional_anthropologists", 4]]} +{"id": 103511, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_the_Faroe_Islands", 5], ["History_of_the_Faroe_Islands", 4], ["History_of_the_Faroe_Islands", 8], ["Island_Command_Faroes", 34], ["Faroe_Islands_national_football_team_results", 0]]} +{"id": 218469, "predicted_label": "REFUTES", "predicted_evidence": [["Columbia_Station_-LRB-disambiguation-RRB-", 12], ["Hanford_Site", 23], ["Anti-nuclear_movement_in_the_United_States", 17], ["Hanford_Site", 0], ["Hanford_Reach", 4]]} +{"id": 217193, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Asceticism", 0], ["Asceticism", 10], ["Asceticism", 1], ["Manmukh", 36], ["Swaminarayan_Sampraday", 16]]} +{"id": 69584, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation", 23], ["Rhythm_Nation_-LRB-music_video-RRB-", 7], ["Rhythm_Nation", 9], ["Escapade_-LRB-song-RRB-", 3], ["Rhythm_Nation", 0]]} +{"id": 144769, "predicted_label": "REFUTES", "predicted_evidence": [["Mister_Fantastic", 17], ["Invisible_Woman", 15], ["Human_Torch", 18], ["Alicia_Masters", 8], ["Fantastic_Four_in_film", 7]]} +{"id": 43964, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Take", 13], ["The_Dictator", 11], ["Police_Story_4-COLON-_First_Strike", 0], ["Wonder_Woman", 27], ["Jai_Courtney", 7]]} +{"id": 215503, "predicted_label": "SUPPORTS", "predicted_evidence": [["Weekly_Idol", 0], ["Hitmaker_-LRB-2014_TV_series-RRB-", 3], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["FNC_Entertainment", 7], ["Weekly_Idol", 1]]} +{"id": 191441, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aniplex", 11], ["Aniplex", 0], ["List_of_Hell_Girl_soundtracks", 1], ["List_of_Hell_Girl_soundtracks", 12], ["List_of_Hell_Girl_soundtracks", 2]]} +{"id": 76771, "predicted_label": "SUPPORTS", "predicted_evidence": [["Speech_recognition", 21], ["Speech_recognition", 18], ["MacSpeech_Dictate", 7], ["Microsoft_Speech_API", 10], ["Auditory_brainstem_implant", 3]]} +{"id": 202461, "predicted_label": "SUPPORTS", "predicted_evidence": [["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 2], ["Control_-LRB-fictional_character-RRB-", 6], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]} +{"id": 164982, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polar_bear", 7], ["Polar_bear", 6], ["Polar_bear", 0], ["Polar_Bear_Marathon", 12], ["Agreement_on_the_Conservation_of_Polar_Bears", 4]]} +{"id": 149871, "predicted_label": "REFUTES", "predicted_evidence": [["Great_Saxon_Revolt", 0], ["Great_Saxon_Revolt", 43], ["Great_Saxon_Revolt", 32], ["Archduke_Ferdinand_of_Austria", 22], ["Great_Saxon_Revolt", 39]]} +{"id": 80001, "predicted_label": "REFUTES", "predicted_evidence": [["Krishna_Iyer", 0], ["Arjun_Menon", 0], ["Krishna_Iyer", 10], ["Krishna_Iyer", 9], ["List_of_songs_recorded_by_Bombay_Jayashri", 4]]} +{"id": 103708, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barbara_Gordon", 0], ["Bill_Schelly", 72], ["Bill_Schelly", 76], ["Prowler", 28], ["Gemeentelijk_Sportpark_Kaalheide", 0]]} +{"id": 20291, "predicted_label": "SUPPORTS", "predicted_evidence": [["Meteora_-LRB-album-RRB-", 0], ["List_of_songs_recorded_by_Linkin_Park", 0], ["List_of_songs_recorded_by_Linkin_Park", 52], ["List_of_awards_and_nominations_received_by_Linkin_Park", 0], ["Meteora_-LRB-disambiguation-RRB-", 9]]} +{"id": 216352, "predicted_label": "SUPPORTS", "predicted_evidence": [["Karluk_languages", 3], ["Chagatai_people", 7], ["Chagatai", 9], ["Chagatai_Khan", 2], ["Uyghur_Arabic_alphabet", 5]]} +{"id": 181216, "predicted_label": "SUPPORTS", "predicted_evidence": [["Southpaw_Entertainment", 3], ["Southpaw_Entertainment", 0], ["Southpaw_Entertainment", 4], ["Southpaw_Entertainment", 7], ["Osmay_Acosta", 17]]} +{"id": 187784, "predicted_label": "REFUTES", "predicted_evidence": [["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["Wendell_Burton", 1], ["Wendell_Burton", 10], ["Margaret_Markov", 1], ["The_Sterile_Cuckoo", 0]]} +{"id": 69699, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Derek_Deighton", 1], ["Derek_Deighton", 0], ["John_Deighton", 0], ["Deighton", 18], ["Deighton,_West_Yorkshire", 5]]} +{"id": 87607, "predicted_label": "REFUTES", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Secret_War_-LRB-comics-RRB-", 1], ["Ultimate_Spider-Man", 11], ["List_of_Marvel_Comics_people", 38], ["Brian_Michael_Bendis", 0]]} +{"id": 51251, "predicted_label": "REFUTES", "predicted_evidence": [["Andhra_Pradesh", 17], ["Andhra_Pradesh", 19], ["Cavalieri's_principle", 7], ["Cavalieri's_principle", 4], ["Cavalieri's_principle", 6]]} +{"id": 108034, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Ajay_Devgn", 0], ["Veeru_Devgan", 0], ["Anil_Devgan", 0], ["Devgan", 6]]} +{"id": 147577, "predicted_label": "REFUTES", "predicted_evidence": [["Dilwale_Dulhania_Le_Jayenge", 15], ["Dilwale_Dulhania_Le_Jayenge", 7], ["Kajol_filmography", 7], ["Shah_Rukh_Khan_filmography", 4], ["Kajol", 9]]} +{"id": 226862, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jenna_Jameson", 3], ["Jenna_Jameson", 0], ["My_Plaything", 6], ["ClubJenna", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 157183, "predicted_label": "SUPPORTS", "predicted_evidence": [["Juventus_F.C.", 1], ["Logos_and_uniforms_of_the_Boston_Red_Sox", 0], ["List_of_Juventus_F.C._players", 5], ["Juventus_TV", 0], ["Logos_and_uniforms_of_the_Boston_Red_Sox", 2]]} +{"id": 203162, "predicted_label": "SUPPORTS", "predicted_evidence": [["Borneo\u2013Philippine_languages", 0], ["Nuclear_Malayo-Polynesian_languages", 6], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0]]} +{"id": 110675, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Pride_of_the_Yankees", 1], ["Adelaide_Gehrig", 7], ["Lou_Gehrig_Memorial_Award", 0], ["Lou_Gehrig", 0], ["Lou_Gehrig", 10]]} +{"id": 110635, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michelin_Guide", 0], ["Michelin_Guide", 3], ["Jean-Luc_Naret", 8], ["E\u0301cole_supe\u0301rieure_de_commerce", 13], ["E\u0301cole_supe\u0301rieure_de_commerce", 12]]} +{"id": 36856, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["War_of_Currents", 2], ["John_White_Howell", 58]]} +{"id": 164639, "predicted_label": "SUPPORTS", "predicted_evidence": [["Celine_Dion_albums_discography", 13], ["Norah_Jones_discography", 6], ["Celine_Dion_albums_discography", 5], ["Eminem_discography", 23], ["Norah_Jones_discography", 12]]} +{"id": 165877, "predicted_label": "REFUTES", "predicted_evidence": [["Joyce_Summers", 1], ["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 13]]} +{"id": 149557, "predicted_label": "SUPPORTS", "predicted_evidence": [["Newspaper_endorsements_in_the_United_States_presidential_election,_2008,_for_John_McCain", 16], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 0], ["Hillary_Clinton_presidential_campaign,_2008", 20], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 833], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 545]]} +{"id": 53792, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_accolades_received_by_Blue_Jasmine", 10], ["Blue_Jasmine", 5], ["Cate_Blanchett_on_screen_and_stage", 25], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Blue_Jasmine", 0]]} +{"id": 110602, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sid_Meier's_Civilization_board_game", 5], ["Civilization_IV", 14], ["Sid_Meier's_Civilization_board_game", 3], ["Rhye's_and_Fall_of_Civilization", 0], ["Civilization_IV", 0]]} +{"id": 73471, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Peak_uranium", 21], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3]]} +{"id": 175636, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rictor", 8], ["Domino_-LRB-comics-RRB-", 2], ["Publication_history_of_Anarky", 20], ["General_-LRB-DC_Comics-RRB-", 10], ["Anarky", 19]]} +{"id": 173508, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sancho_Panza", 0], ["Man_of_La_Mancha_-LRB-film-RRB-", 11], ["Man_of_La_Mancha_-LRB-film-RRB-", 1], ["Don_Quixote_-LRB-1947_film-RRB-", 1], ["Don_Quixote", 0]]} +{"id": 172464, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matteo_Renzi", 3], ["Matteo_Renzi", 0], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Renzi_-LRB-surname-RRB-", 22], ["Democratic_Party_-LRB-Italy-RRB-", 3]]} +{"id": 99800, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Claims_to_a_crown", 0], ["Claims_to_a_crown", 7], ["Political_status_of_the_Palestinian_territories", 5], ["Palestinian_refugees", 19], ["Palestinian_territories", 25]]} +{"id": 61001, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Classical_period_-LRB-music-RRB-", 20], ["Beethoven_Gesamtausgabe", 1], ["First_Viennese_School", 6], ["First_Viennese_School", 0], ["First_Viennese_School", 5]]} +{"id": 89096, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Bachata_Number_1's,_Vol._3", 3], ["Claudia_Brant", 1], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 7]]} +{"id": 125105, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vivek_Mushran", 2], ["Our_Mutual_Friend_-LRB-disambiguation-RRB-", 9], ["Our_Mutual_Friend_-LRB-disambiguation-RRB-", 7], ["List_of_people_with_surname_Carey", 449], ["List_of_people_with_surname_Carey", 345]]} +{"id": 58823, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marvel_vs._Capcom-COLON-_Infinite", 4], ["Marvel_vs._Capcom-COLON-_Infinite", 11], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom-COLON-_Clash_of_Super_Heroes", 1]]} +{"id": 186923, "predicted_label": "REFUTES", "predicted_evidence": [["Cher_albums_discography", 25], ["Cher", 16], ["Cher_-LRB-disambiguation-RRB-", 10], ["Cher_filmography", 36], ["Cher_filmography", 20]]} +{"id": 197343, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 2], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage_-LRB-season_1-RRB-", 6], ["List_of_Marvel_Cinematic_Universe_television_series", 13]]} +{"id": 147486, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 1], ["Sailing_Aarhus", 12], ["Sailing_Aarhus", 6], ["Aarhus_University", 0], ["New_Forests_of_Aarhus", 0]]} +{"id": 43813, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dead_Body_-LRB-disambiguation-RRB-", 0], ["Over_my_dead_body", 22], ["Over_my_dead_body", 18], ["Over_my_dead_body", 20], ["Dead_Body_-LRB-disambiguation-RRB-", 3]]} +{"id": 189437, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yandex.Direct", 9], ["Yandex", 9], ["Yandex_Browser", 12], ["Yandex.Translate", 0], ["Yandex.Direct", 15]]} +{"id": 224376, "predicted_label": "REFUTES", "predicted_evidence": [["Southampton_F.C._Under-23s", 0], ["George_Goss", 0], ["2015\u201316_Southampton_F.C._season", 23], ["2016\u201317_Southampton_F.C._season", 26], ["2016\u201317_Southampton_F.C._season", 0]]} +{"id": 98682, "predicted_label": "SUPPORTS", "predicted_evidence": [["Province_of_Caserta", 3], ["Philippus_de_Caserta", 3], ["Palace_of_Caserta", 0], ["John_Graeffer", 26], ["John_Graeffer", 1]]} +{"id": 13663, "predicted_label": "REFUTES", "predicted_evidence": [["Knocked_Up", 4], ["Illumination_Entertainment", 7], ["Nickelodeon_Movies", 4], ["List_of_accolades_received_by_The_Hunger_Games_film_series", 11], ["The_Divergent_Series", 12]]} +{"id": 62877, "predicted_label": "REFUTES", "predicted_evidence": [["Marjorie_Gross", 0], ["List_of_women_with_ovarian_cancer", 127], ["Marjorie", 136], ["Seinfeld", 8], ["List_of_women_with_ovarian_cancer", 129]]} +{"id": 142717, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 135662, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_Fisher_-LRB-actor-RRB-", 5], ["Zebras_-LRB-Law_&_Order-COLON-_Special_Victims_Unit-RRB-", 7], ["Miles_Fisher", 6], ["James_Fisher_-LRB-actor-RRB-", 15], ["Miles_Fisher", 9]]} +{"id": 107783, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Legend_of_Bhagat_Singh", 0], ["Bhagat_Singh", 0], ["S._Irfan_Habib", 6], ["The_Legend_of_Bhagat_Singh", 5], ["Hussainiwala_National_Martyrs_Memorial", 0]]} +{"id": 23885, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dirty_Sexy_Money", 3], ["Rina_Mimoun", 8], ["Riverdale_-LRB-2017_TV_series-RRB-", 2], ["Rina_Mimoun", 14], ["Rina_Mimoun", 7]]} +{"id": 201083, "predicted_label": "REFUTES", "predicted_evidence": [["Daddy_Day_Care", 0], ["Regina_King", 4], ["Huey_Freeman", 4], ["Huey_Freeman", 7], ["Reina_King", 5]]} +{"id": 160424, "predicted_label": "REFUTES", "predicted_evidence": [["Gal_Gadot", 4], ["Bar_Refaeli", 4], ["Esti_Ginzburg", 3], ["Shlomit_Malka", 4], ["Shlomit_Malka", 0]]} +{"id": 184059, "predicted_label": "REFUTES", "predicted_evidence": [["Kenneth_Lonergan", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Margaret_-LRB-2011_film-RRB-", 0], ["Manchester_by_the_Sea_-LRB-film-RRB-", 5]]} +{"id": 70670, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Floppy_disk", 0], ["History_of_IBM_magnetic_disk_drives", 7], ["Floppy_disk", 5], ["Floppy_disk_format", 0], ["History_of_the_floppy_disk", 0]]} +{"id": 115062, "predicted_label": "REFUTES", "predicted_evidence": [["Sora_-LRB-Kingdom_Hearts-RRB-", 12], ["Sora_-LRB-Kingdom_Hearts-RRB-", 10], ["Roxas_-LRB-Kingdom_Hearts-RRB-", 1], ["Roxas_-LRB-Kingdom_Hearts-RRB-", 8], ["Sora_-LRB-Kingdom_Hearts-RRB-", 11]]} +{"id": 182268, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn_MP_transmission", 0], ["Saturn_Corporation", 0], ["Saturn_-LRB-store-RRB-", 0], ["Ben_Cunningham_-LRB-activist-RRB-", 17], ["Saturn_Cycling_Team", 1]]} +{"id": 203186, "predicted_label": "SUPPORTS", "predicted_evidence": [["Borneo\u2013Philippine_languages", 0], ["Nuclear_Malayo-Polynesian_languages", 6], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0]]} +{"id": 107438, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Walker", 19], ["Andrew_Kevin_Walker", 0], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["The_Hire-COLON-_The_Follow", 0], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 84516, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Epiphany-COLON-_The_Best_of_Chaka_Khan,_Vol._1", 4], ["Sweet_Thing_-LRB-Rufus_song-RRB-", 1], ["Dance_Classics_of_Chaka_Khan", 11], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 11], ["Dance_Classics_of_Chaka_Khan", 7]]} +{"id": 55079, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Roja", 16], ["Sucker_Punch_-LRB-soundtrack-RRB-", 15], ["Roja", 15], ["Santa_Ana_winds_in_popular_culture", 85], ["Santa_Ana_winds_in_popular_culture", 55]]} +{"id": 60057, "predicted_label": "REFUTES", "predicted_evidence": [["Vietnam", 1], ["List_of_companies_of_Mexico", 3], ["Mexico", 3], ["List_of_companies_of_Poland", 3], ["Indonesia", 3]]} +{"id": 226859, "predicted_label": "REFUTES", "predicted_evidence": [["Jenna_Jameson", 0], ["Jameson_-LRB-surname-RRB-", 29], ["My_Plaything", 6], ["ClubJenna", 4], ["Jenna_Jameson", 3]]} +{"id": 202055, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tamerlan_Tsarnaev", 8], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 13], ["Dzhokhar_Tsarnaev", 1], ["Ibragim_Todashev", 0]]} +{"id": 2948, "predicted_label": "SUPPORTS", "predicted_evidence": [["Geoffrey_Deuel", 4], ["Peter_Wooley", 14], ["Chris_Smith_-LRB-filmmaker-RRB-", 10], ["Chris_Smith_-LRB-filmmaker-RRB-", 6], ["Chris_Smith_-LRB-filmmaker-RRB-", 1]]} +{"id": 141894, "predicted_label": "REFUTES", "predicted_evidence": [["The_Ben_Stiller_Show", 1], ["Sultan_Pepper", 5], ["Sultan_Pepper", 0], ["The_Ben_Stiller_Show", 0], ["The_Ben_Stiller_Show", 7]]} +{"id": 148295, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wolfgang_Mieder", 29], ["Filipino_proverbs", 8], ["Matti_Kuusi", 2], ["Matti_Kuusi", 12], ["Matti_Kuusi", 1]]} +{"id": 170413, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Martin_-LRB-lawyer-RRB-", 7], ["Marcus_Vick", 0], ["Billy_Martin_-LRB-lawyer-RRB-", 8], ["2007_Atlanta_Falcons_season", 4], ["Madden_NFL_2004", 1]]} +{"id": 103118, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wonder_Woman_-LRB-2017_film-RRB-", 4], ["Wonder_Woman_-LRB-2017_film-RRB-", 5], ["Benny_Nielsen_-LRB-footballer-RRB-", 2], ["Walt_Nielsen", 5], ["Tim_Nielsen", 8]]} +{"id": 204635, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Evita_-LRB-1996_film-RRB-", 0], ["Evita_-LRB-1996_film-RRB-", 0], ["The_Sound_of_Music_-LRB-film-RRB-", 0], ["Cabaret_-LRB-1972_film-RRB-", 0], ["The_Sound_of_Music_-LRB-film-RRB-", 15]]} +{"id": 200266, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["Oliver_Stone", 13], ["The_Natural_Born_Thrillers", 1], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 3]]} +{"id": 155467, "predicted_label": "REFUTES", "predicted_evidence": [["Jacques_Ferrand", 1], ["Melancholia_-LRB-2011_film-RRB-", 0], ["Melancholia_-LRB-2011_film-RRB-", 9], ["Mourning_and_Melancholia", 6], ["Jacques_Ferrand", 4]]} +{"id": 94949, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sandra_Novack", 4], ["Aaron_Copland_School_of_Music", 8], ["Murders_of_Bernice_and_Ben_Novack,_Jr.", 0], ["Beautiful_&_Twisted", 2], ["Aaron_Copland_School_of_Music", 3]]} +{"id": 102175, "predicted_label": "REFUTES", "predicted_evidence": [["Pompeii", 0], ["Herculaneum", 0], ["Andrea_De_Jorio", 11], ["Temple_of_Apollo_-LRB-Pompeii-RRB-", 0], ["Secret_Museum,_Naples", 5]]} +{"id": 165251, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philip_Glass", 8], ["Nino_Rota", 5], ["Nino_Rota", 6], ["Philip_Glass", 0], ["Philip_Glass", 4]]} +{"id": 111462, "predicted_label": "REFUTES", "predicted_evidence": [["Scott_Moore", 15], ["Scotty_Cameron", 58], ["Scotty_Cameron", 43], ["George_Fletcher_Moore", 85], ["Nonnie_Moore", 25]]} +{"id": 35843, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_people_named_Daniel", 189], ["List_of_people_named_Daniel", 153], ["List_of_people_named_Daniel", 319], ["List_of_people_named_Daniel", 155], ["List_of_people_named_Daniel", 345]]} +{"id": 95090, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edmund_Lewis", 5], ["Edmund_Pendleton_-LRB-disambiguation-RRB-", 6], ["North_-LRB-surname-RRB-", 52], ["Edmund_H._Deas_House", 0], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234]]} +{"id": 68758, "predicted_label": "SUPPORTS", "predicted_evidence": [["Santana_discography", 0], ["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_discography", 6], ["Santana_-LRB-band-RRB-", 9]]} +{"id": 161854, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kristen_Anderson-Lopez", 1], ["The_Book_of_Mormon_-LRB-musical-RRB-", 2], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["Kristen_Anderson-Lopez", 20], ["Kristen_Anderson-Lopez", 7]]} +{"id": 112392, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ice_-LRB-Kelly_Rowland_song-RRB-", 3], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7], ["Teenage_Mutant_Ninja_Turtles-COLON-_Out_of_the_Shadows", 2], ["Element_-LRB-production_team-RRB-", 21], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0]]} +{"id": 149649, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sleipnir_-LRB-disambiguation-RRB-", 0], ["Horses_of_the_\u00c6sir", 32], ["Sleipnir", 0], ["List_of_legendary_creatures_-LRB-S-RRB-", 162], ["Horses_of_the_\u00c6sir", 40]]} +{"id": 172108, "predicted_label": "SUPPORTS", "predicted_evidence": [["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Antonina_Armato", 26], ["Whiplash_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 1]]} +{"id": 5454, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["List_of_stage_names", 36], ["List_of_stage_names", 49], ["Middle_name", 25]]} +{"id": 69245, "predicted_label": "REFUTES", "predicted_evidence": [["Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], ["Love_and...", 0], ["Cheese_in_the_Trap_-LRB-TV_series-RRB-", 5], ["Hae-won", 30], ["Hae-jin", 10]]} +{"id": 195832, "predicted_label": "REFUTES", "predicted_evidence": [["FNC_Entertainment", 7], ["Jeong_Hyeong-don", 0], ["Weekly_Idol", 1], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Hyeong", 16]]} +{"id": 181995, "predicted_label": "REFUTES", "predicted_evidence": [["Forceps", 0], ["Unhinged_-LRB-Magic-COLON-_The_Gathering-RRB-", 6], ["Unhinged", 11], ["Unhinged", 0], ["Unhinged_-LRB-Magic-COLON-_The_Gathering-RRB-", 1]]} +{"id": 59605, "predicted_label": "REFUTES", "predicted_evidence": [["Spirit_of_Troy", 4], ["John_Tempesta", 12], ["List_of_American_musicians_of_Armenian_descent", 85], ["System_of_a_Down_discography", 25], ["System_of_a_Down", 1]]} +{"id": 96726, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["All_the_Way_-LRB-Craig_David_song-RRB-", 5], ["List_of_awards_and_nominations_received_by_Craig_David", 311], ["List_of_awards_and_nominations_received_by_Craig_David", 442], ["List_of_awards_and_nominations_received_by_Craig_David", 287], ["List_of_awards_and_nominations_received_by_Craig_David", 263]]} +{"id": 119215, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shannon_Augare", 16], ["Milton_Graham", 2], ["Shannon_Augare", 17], ["Ashley_Graham", 0], ["Ashley_Graham", 3]]} +{"id": 126937, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tim_Nielsen", 8], ["Tim_Nielsen", 1], ["Tim_Nielsen", 5], ["Abraham_Weinberg", 8], ["John_Kelly_-LRB-NYPD_Blue-RRB-", 7]]} +{"id": 156981, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Easy_to_Assemble", 7], ["Right_to_Kill?", 10], ["Right_to_Kill?", 6]]} +{"id": 208153, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ethan_Stoller", 25], ["Deliver_Us_from_Evil", 11], ["Room_and_board_-LRB-disambiguation-RRB-", 8], ["63rd_Bodil_Awards", 4], ["63rd_Bodil_Awards", 3]]} +{"id": 76047, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Concert_for_Bangladesh", 12], ["The_King_Stays_King", 20], ["The_King_Stays_King", 30], ["List_of_TVXQ_concert_tours_in_Japan", 11], ["List_of_TVXQ_concert_tours_in_Japan", 16]]} +{"id": 28909, "predicted_label": "REFUTES", "predicted_evidence": [["Voting_age_population", 0], ["Exclusive_federal_powers", 0], ["Index_of_politics_articles", 8], ["Exclusive_federal_powers", 5], ["Urban_secession", 0]]} +{"id": 133980, "predicted_label": "REFUTES", "predicted_evidence": [["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Harold_Macmillan", 0], ["Never_So_Good", 0]]} +{"id": 185408, "predicted_label": "REFUTES", "predicted_evidence": [["American_Action_Network", 4], ["Jerry_Ahern", 0], ["In_the_Last_Stride", 0], ["American_Action_Network", 0], ["American_Action_Network", 8]]} +{"id": 179323, "predicted_label": "REFUTES", "predicted_evidence": [["Mushi_Production", 7], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 5], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 217682, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Helms", 15], ["Pelican_files", 3], ["George_L._Little", 15], ["George_L._Little", 6], ["California_Pelican", 23]]} +{"id": 8429, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sunday_Best_-LRB-TV_series-RRB-", 13], ["Sunday_Best_-LRB-TV_series-RRB-", 16], ["Sunday_Best_-LRB-TV_series-RRB-", 14], ["The_Finale_-LRB-Will_&_Grace-RRB-", 9], ["The_Last_One_-LRB-Friends-RRB-", 3]]} +{"id": 172512, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["University_Child_Development_Center", 3], ["Timeline_of_alcohol_fuel", 185], ["Frank's_Nursery_&_Crafts", 19], ["Frank's_Nursery_&_Crafts", 77], ["Timeline_of_alcohol_fuel", 24]]} +{"id": 119405, "predicted_label": "REFUTES", "predicted_evidence": [["Shane_Black", 0], ["Terry_Harknett", 38], ["Shane_Tutmarc", 0], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Shane_Valdez", 0]]} +{"id": 90549, "predicted_label": "REFUTES", "predicted_evidence": [["Good_citizenship", 23], ["Mohammed_Bello_Abubakar", 101], ["Commutation_-LRB-law-RRB-", 16], ["Law_Abiding_Citizen", 0], ["Law_Abiding_Citizen", 2]]} +{"id": 109933, "predicted_label": "REFUTES", "predicted_evidence": [["Tripartite_Alliance", 0], ["South_African_Communist_Party", 2], ["South_African_Communist_Party", 0], ["List_of_foreign_delegations_at_the_9th_SED_Congress", 214], ["1960_International_Meeting_of_Communist_and_Workers_Parties", 138]]} +{"id": 15834, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Harknett", 38], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Iron_Man_3", 2], ["Shane_Valdez", 0], ["Terry_Harknett", 0]]} +{"id": 155613, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Coruscant", 6], ["Palpatine", 2], ["Galactic_Empire_-LRB-Star_Wars-RRB-", 9], ["Galactic_Empire_-LRB-Star_Wars-RRB-", 5], ["List_of_fictional_space_navies", 54]]} +{"id": 123576, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bloods", 2], ["Purple", 6], ["Ishihara_test", 6], ["Glauconite", 4], ["Bloods", 0]]} +{"id": 99197, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["Emma_Watson_-LRB-disambiguation-RRB-", 9], ["List_of_Harry_Potter_cast_members", 19], ["List_of_Creative_Artists_Agency_clients", 233]]} +{"id": 75794, "predicted_label": "SUPPORTS", "predicted_evidence": [["Social_media_and_television", 5], ["Social_media_and_television", 15], ["Social_media_and_television", 2], ["Social_media_and_television", 16], ["Saw_II", 0]]} +{"id": 105813, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kenny_Woods", 0], ["Kenny_Woods", 18], ["Pilot_-LRB-White_Collar-RRB-", 2], ["Baywatch_-LRB-film-RRB-", 1], ["San_Andreas_-LRB-film-RRB-", 1]]} +{"id": 180572, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Latin_legal_terms", 169], ["List_of_Latin_legal_terms", 800], ["Hill_Head", 23], ["Hill_Head", 22], ["List_of_German_U-boat_World_War_II_Raiding_Careers", 9220]]} +{"id": 215211, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Gatins", 0], ["Gilles_-LRB-given_name-RRB-", 309], ["Gilles_-LRB-given_name-RRB-", 112], ["John_Gatins", 4], ["American_Dreamer", 3]]} +{"id": 166503, "predicted_label": "REFUTES", "predicted_evidence": [["Intruders", 27], ["\u0141ukasz_Targosz", 13], ["Chain_of_command_-LRB-disambiguation-RRB-", 8], ["List_of_fictional_U.S._Marshals", 19], ["Emily_Dolvin", 31]]} +{"id": 91674, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rock_Band_3", 0], ["List_of_songs_in_Rock_Band_3", 0], ["List_of_downloadable_songs_for_the_Rock_Band_series", 12], ["List_of_songs_recorded_by_Linkin_Park", 52], ["List_of_songs_recorded_by_Linkin_Park", 49]]} +{"id": 110748, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Faith_Fay", 10], ["California_Surf_Museum", 9], ["List_of_homeschooled_people", 137], ["California_Surf_Museum", 10], ["List_of_homeschooled_people", 156]]} +{"id": 208418, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Underground_hip_hop", 12], ["Bulgarian_hip_hop", 16], ["Underground_hip_hop", 14], ["Bulgarian_hip_hop", 3], ["Hip_hop_-LRB-disambiguation-RRB-", 6]]} +{"id": 60066, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dan_Peters", 10], ["The_Showbiz_Show_with_David_Spade", 0], ["Black_Sheep_-LRB-1996_film-RRB-", 0], ["The_Showbiz_Show_with_David_Spade", 2], ["Black_Sheep_-LRB-rock_band-RRB-", 4]]} +{"id": 159078, "predicted_label": "REFUTES", "predicted_evidence": [["Economy_of_Guatemala", 2], ["Guatemala", 16], ["MINUGUA", 32], ["MINUGUA", 7], ["MINUGUA", 34]]} +{"id": 119549, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shadowhunters", 0], ["List_of_Shadowhunters_episodes", 0], ["Shadowhunters", 4], ["List_of_Shadowhunters_episodes", 4], ["Shadowhunters", 5]]} +{"id": 137328, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lincoln\u2013Douglas_debates", 0], ["Lincoln\u2013Douglas_debate", 2], ["Archibald_Williams_-LRB-judge-RRB-", 309], ["Archibald_Williams_-LRB-judge-RRB-", 296], ["Freeport_Doctrine", 0]]} +{"id": 187312, "predicted_label": "REFUTES", "predicted_evidence": [["Diana,_Princess_of_Wales", 17], ["Diana,_Princess_of_Wales", 0], ["Thyssen_family", 65], ["Thyssen_family", 21], ["Diana,_Princess_of_Wales", 12]]} +{"id": 201388, "predicted_label": "REFUTES", "predicted_evidence": [["Varsity_Blues", 3], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 22], ["Varsity", 24], ["Varsity", 20]]} +{"id": 159567, "predicted_label": "REFUTES", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 16], ["O'Bannon_-LRB-surname-RRB-", 6], ["Frank_O'Bannon", 0], ["Henry_T._Bannon", 0], ["Henry_T._Bannon", 29]]} +{"id": 116812, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_British_cyclists_who_have_led_the_Tour_de_France_general_classification", 0], ["Didi_Senft", 40], ["2016_Tour_de_France", 0], ["2015_Tour_de_France", 2], ["2016_Tour_de_France", 2]]} +{"id": 112668, "predicted_label": "SUPPORTS", "predicted_evidence": [["Archipelagic_state", 0], ["Archipelagic_state", 8], ["Lucayan_Archipelago", 4], ["The_Bahamas", 0], ["Bibliography_of_the_Bahamas", 40]]} +{"id": 103538, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 13], ["Climate_change_denial", 2], ["Effects_of_global_warming", 2], ["Climate_change_denial", 13], ["Climate_change_denial", 0]]} +{"id": 26914, "predicted_label": "REFUTES", "predicted_evidence": [["Umkhonto_we_Sizwe", 4], ["Umkhonto_we_Sizwe", 5], ["Umkhonto_we_Sizwe", 1], ["List_of_foreign_delegations_at_the_9th_SED_Congress", 214], ["1960_International_Meeting_of_Communist_and_Workers_Parties", 138]]} +{"id": 104553, "predicted_label": "REFUTES", "predicted_evidence": [["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["John_Tempesta", 0], ["System_of_a_Down_discography", 25], ["List_of_American_musicians_of_Armenian_descent", 85]]} +{"id": 22002, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Heinkel_He_177", 11], ["British_hydrogen_bomb_programme", 21], ["Cowboy_church", 22], ["Cowboy_church", 9], ["Cowboy_church", 14]]} +{"id": 136275, "predicted_label": "SUPPORTS", "predicted_evidence": [["California_Surf_Museum", 9], ["Faith_Fay", 10], ["California_Surf_Museum", 10], ["Great_white_shark", 0], ["Faith_Fay", 11]]} +{"id": 77731, "predicted_label": "REFUTES", "predicted_evidence": [["Tracey_Kibre", 1], ["Olivia_Benson", 9], ["Tracey_Kibre", 7], ["List_of_awards_and_nominations_received_by_Law_&_Order-COLON-_Special_Victims_Unit", 2], ["Law_&_Order-COLON-_Special_Victims_Unit", 7]]} +{"id": 201369, "predicted_label": "REFUTES", "predicted_evidence": [["Live_Free_or_Die_Hard", 20], ["Jennifer_Lopez_filmography", 35], ["Varsity_Blues_-LRB-film-RRB-", 5], ["Box_office_territory", 0], ["Box_office_territory", 17]]} +{"id": 63201, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Queen_mother", 5], ["Crown_of_Queen_Elizabeth_The_Queen_Mother", 8], ["Mary_of_Teck", 0], ["Crown_of_Queen_Elizabeth_The_Queen_Mother", 0], ["Queen_mother", 0]]} +{"id": 25781, "predicted_label": "REFUTES", "predicted_evidence": [["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2], ["Stella_Richman", 19], ["Griffiths", 123], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Arfon_Griffiths", 0]]} +{"id": 121453, "predicted_label": "SUPPORTS", "predicted_evidence": [["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["Zhang_Zhaozhong", 5], ["Wajid_Ali_Khan_Burki", 0], ["Wajid_Ali_Khan_Burki", 1]]} +{"id": 36453, "predicted_label": "SUPPORTS", "predicted_evidence": [["Omar_Khadr", 3], ["Canadian_response_to_Omar_Khadr", 16], ["Canadian_response_to_Omar_Khadr", 24], ["Canadian_response_to_Omar_Khadr", 23], ["William_C._Kuebler", 8]]} +{"id": 172490, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Democratic_Party_-LRB-Italy-RRB-", 14], ["Democratic_Party_-LRB-Italy-RRB-", 3], ["Remake_Italy", 6], ["Renzi_-LRB-surname-RRB-", 22], ["Stefano_Fassina", 12]]} +{"id": 73715, "predicted_label": "SUPPORTS", "predicted_evidence": [["Queen_-LRB-band-RRB-", 0], ["Queen_-LRB-band-RRB-", 7], ["Queen_City_Kids", 3], ["Queen_City_Kids", 66], ["London_Swing_Orchestra", 52]]} +{"id": 217677, "predicted_label": "REFUTES", "predicted_evidence": [["The_Pelican_Brief_-LRB-film-RRB-", 0], ["Pelican_files", 3], ["Denzel_Washington_on_screen_and_stage", 11], ["George_L._Little", 15], ["George_L._Little", 6]]} +{"id": 218249, "predicted_label": "REFUTES", "predicted_evidence": [["Libya", 2], ["Human_trafficking_in_Libya", 0], ["Libya", 0], ["The_Libyan_Constitutional_Union", 9], ["Libya", 35]]} +{"id": 85745, "predicted_label": "SUPPORTS", "predicted_evidence": [["Men_in_Black_-LRB-film-RRB-", 8], ["Men_in_Black_II", 0], ["Will_Smith_discography", 14], ["Men_in_Black_-LRB-film-RRB-", 1], ["Men_in_Black_II-COLON-_Alien_Escape", 0]]} +{"id": 172753, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sunrisers_Drum_and_Bugle_Corps", 1], ["John_Hodge", 11], ["John_Hodge", 9], ["John_Hodge", 7], ["John_Hodge", 13]]} +{"id": 23906, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_anthropologists", 21], ["List_of_fictional_anthropologists", 96], ["List_of_fictional_anthropologists", 114], ["Bare_Bones", 8], ["Bones_-LRB-TV_series-RRB-", 7]]} +{"id": 42966, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Library_card", 12], ["Library_card", 4], ["Library_card", 11], ["Channel_5_virtual_TV_stations_in_the_United_States", 185], ["Channel_5_virtual_TV_stations_in_the_United_States", 123]]} +{"id": 172101, "predicted_label": "SUPPORTS", "predicted_evidence": [["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Antonina_Armato", 26], ["Come_&_Get_It_-LRB-Selena_Gomez_song-RRB-", 17], ["Come_&_Get_It_-LRB-Selena_Gomez_song-RRB-", 14]]} +{"id": 59048, "predicted_label": "SUPPORTS", "predicted_evidence": [["68th_British_Academy_Film_Awards", 4], ["Snow_White_and_the_Huntsman", 8], ["68th_British_Academy_Film_Awards", 11], ["William_Henry_Claflin,_Jr.", 5], ["Horace_Brigham_Claflin", 6]]} +{"id": 200296, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 3], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["Natural_Born_Killers", 0], ["Natural_Born_Killers", 5]]} +{"id": 72626, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["Clover_Studio", 2], ["God_Hand", 1], ["Goof_Troop_-LRB-video_game-RRB-", 4], ["P.N.03", 2]]} +{"id": 181205, "predicted_label": "REFUTES", "predicted_evidence": [["Soldier_X", 0], ["Nikkan_Sports_Drama_Grand_Prix", 0], ["Southpaw_-LRB-film-RRB-", 0], ["Nikkan_Sports_Drama_Grand_Prix", 3], ["Soldier_X", 1]]} +{"id": 97275, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fred_Allen", 3], ["Censored_regression_model", 2], ["Censored_regression_model", 13], ["Censored_regression_model", 0], ["Censored_regression_model", 8]]} +{"id": 157859, "predicted_label": "REFUTES", "predicted_evidence": [["Bad_Romance", 0], ["List_of_number-one_dance_singles_of_2010_-LRB-U.S.-RRB-", 1], ["List_of_number-one_dance_singles_of_2010_-LRB-U.S.-RRB-", 7], ["List_of_awards_and_nominations_received_by_Lady_Gaga", 21], ["Lady_Gaga_videography", 3]]} +{"id": 15108, "predicted_label": "SUPPORTS", "predicted_evidence": [["Starrcade", 1], ["Ric_Flair", 3], ["Sting_-LRB-wrestler-RRB-", 2], ["Starrcade_-LRB-1990-RRB-", 1], ["Ric_Flair", 9]]} +{"id": 140254, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Portlandia_characters", 0], ["The_8G_Band", 1], ["List_of_Saturday_Night_Live_musical_sketches", 50], ["List_of_Saturday_Night_Live_musical_sketches", 54], ["Saturday_Night_Live_characters_appearing_on_Weekend_Update", 116]]} +{"id": 121634, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 191248, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jean-Michel_Basquiat", 11], ["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 4], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Jean-Michel", 168]]} +{"id": 2406, "predicted_label": "SUPPORTS", "predicted_evidence": [["BHB", 3], ["Ballas_Hough_Band", 0], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 8], ["Julianne_Hough", 5]]} +{"id": 146011, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 159718, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 25], ["Nira_Park", 19], ["Nira_Park", 4], ["Arthur_E._Wright", 0]]} +{"id": 38587, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Concert_for_Bangladesh", 12], ["Michael_Jackson-COLON-_Live_at_the_Apollo_2002", 4], ["The_Concert_for_Bangladesh", 14], ["The_Day_the_World_Gets_'Round", 12], ["The_Concert_for_Bangladesh", 2]]} +{"id": 171604, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_U.S._cities_with_significant_Korean-American_populations", 9], ["List_of_U.S._cities_with_significant_Korean-American_populations", 7], ["New_York_metropolitan_area", 0], ["List_of_U.S._cities_with_significant_Korean-American_populations", 12], ["Dallas", 9]]} +{"id": 121313, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Sweet_Caroline", 13], ["Caroline_Kennedy", 4]]} +{"id": 61823, "predicted_label": "REFUTES", "predicted_evidence": [["Rufus_Hussey", 1], ["Shooter_-LRB-TV_series-RRB-", 1], ["Marksmanship_Medal", 11], ["Marksmanship_Medal", 5], ["Shooter_-LRB-TV_series-RRB-", 7]]} +{"id": 48819, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Freeport_Doctrine", 0], ["Lincoln\u2013Douglas_debates", 0], ["Lincoln\u2013Douglas_debate", 2], ["Freeport_Doctrine", 24], ["Archibald_Williams_-LRB-judge-RRB-", 309]]} +{"id": 139714, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek_expanded_universe", 6], ["Star_Trek", 13], ["Star_Trek_expanded_universe", 14], ["Star_Trek_-LRB-film-RRB-", 7], ["Star_Trek_expanded_universe", 18]]} +{"id": 18574, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thames_Ironworks_F.C.", 10], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["Thames_Ironworks_F.C.", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 6]]} +{"id": 27754, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["SpongeBob_SquarePants_-LRB-season_4-RRB-", 0], ["SpongeBob_SquarePants_-LRB-character-RRB-", 4], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 12943, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["Matthew_Chapman_-LRB-author-RRB-", 12], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Matthew_Chapman_-LRB-author-RRB-", 7]]} +{"id": 226158, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Dawkins-COLON-_How_a_Scientist_Changed_the_Way_We_Think", 0], ["Out_Campaign", 27], ["Richard_Dawkins", 16], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2]]} +{"id": 181628, "predicted_label": "REFUTES", "predicted_evidence": [["Embassy_of_the_United_States,_Mogadishu", 3], ["Mogadishu_-LRB-disambiguation-RRB-", 26], ["Mogadishu_-LRB-disambiguation-RRB-", 24], ["Mogadishu_-LRB-disambiguation-RRB-", 12], ["Mogadishu_-LRB-disambiguation-RRB-", 18]]} +{"id": 214268, "predicted_label": "REFUTES", "predicted_evidence": [["Penicillin_on_Wax", 8], ["The_Fixxers", 3], ["Born_and_Raised_in_Compton", 0], ["DJ_Quixotic", 12], ["DJ_Quixotic", 11]]} +{"id": 78426, "predicted_label": "REFUTES", "predicted_evidence": [["Cyrano_de_Bergerac_-LRB-1950_film-RRB-", 7], ["Paul_Fe\u0301val,_fils", 34], ["Cyrano_de_Bergerac_-LRB-1950_film-RRB-", 0], ["Cyrano_de_Bergerac_-LRB-disambiguation-RRB-", 7], ["Cyrano_de_Bergerac_-LRB-disambiguation-RRB-", 5]]} +{"id": 63444, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lost_-LRB-TV_series-RRB-", 0], ["Lost_-LRB-season_6-RRB-", 3], ["List_of_Hewlett-Packard_executive_leadership", 21], ["Lost_-LRB-season_6-RRB-", 5], ["List_of_Hewlett-Packard_executive_leadership", 25]]} +{"id": 97113, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Esti_Ginzburg", 3], ["Shlomit_Malka", 4], ["Bar_Refaeli", 4], ["Bar_Refaeli", 0]]} +{"id": 124938, "predicted_label": "REFUTES", "predicted_evidence": [["Nomis_-LRB-film-RRB-", 1], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Lefty_O'Doul_Bridge", 18], ["Burying_the_Ex", 1], ["Kenny_Woods", 18]]} +{"id": 77304, "predicted_label": "SUPPORTS", "predicted_evidence": [["Larry_Thurston", 35], ["Larry_Thurston", 13], ["Sheridan_-LRB-surname-RRB-", 123], ["Rob_Sheridan", 0], ["Pretty_Eight_Machine_-LRB-album-RRB-", 6]]} +{"id": 24140, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Harknett", 38], ["Iron_Man_3", 2], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 19], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 21]]} +{"id": 36833, "predicted_label": "SUPPORTS", "predicted_evidence": [["Balkans", 0], ["Treaty_of_Zuhab", 6], ["Republic_of_Macedonia", 6], ["Macedonia_naming_dispute", 6], ["Macedonia_naming_dispute", 0]]} +{"id": 173724, "predicted_label": "SUPPORTS", "predicted_evidence": [["Scruggs", 9], ["Earl_Scruggs", 0], ["Chris_Scruggs", 13], ["Scruggs_style", 14], ["Chris_Scruggs", 3]]} +{"id": 196980, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 2], ["Glossary_of_Indian_culture", 210], ["Glossary_of_Indian_culture", 112], ["Glossary_of_Indian_culture", 143], ["Glossary_of_Indian_culture", 70]]} +{"id": 80703, "predicted_label": "SUPPORTS", "predicted_evidence": [["Temple_Street,_Hong_Kong", 4], ["Bobby_Borchers", 7], ["Kannauj_Perfume", 8], ["Kannauj_Perfume", 0], ["Kannauj_Perfume", 6]]} +{"id": 8221, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ashley_Cole", 0], ["Cheryl-COLON-_My_Story", 2], ["Choc_ice", 8], ["Chris_Nathaniel", 29], ["Promise_This", 4]]} +{"id": 120731, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jeppe_Gjervig_Gram", 7], ["Knudsen", 40], ["Adam_Price_-LRB-screenwriter-RRB-", 6], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Sidse_Babett_Knudsen", 0]]} +{"id": 135089, "predicted_label": "SUPPORTS", "predicted_evidence": [["After_7", 2], ["Soul_Food_-LRB-film-RRB-", 0], ["Still_Standing_-LRB-Goodie_Mob_album-RRB-", 5], ["After_7", 3], ["After_7", 1]]} +{"id": 37386, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 8], ["Renato_Balestra", 19], ["Renato_Balestra", 46], ["Renato_Balestra", 17]]} +{"id": 14036, "predicted_label": "SUPPORTS", "predicted_evidence": [["AFI's_100_Years...100_Stars", 0], ["Jane_Bryan", 4], ["2HB", 4], ["Bogart_-LRB-surname-RRB-", 12], ["AFI's_100_Years...100_Stars", 7]]} +{"id": 126682, "predicted_label": "REFUTES", "predicted_evidence": [["Magic_Johnson_Enterprises", 2], ["Magic_Johnson_Foundation", 0], ["Magic_Johnson_Theatres", 0], ["Magic_Johnson_-LRB-disambiguation-RRB-", 8], ["Magic_Johnson_Enterprises", 0]]} +{"id": 226113, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Box_of_Bongwater", 0], ["Too_Much_Sleep", 2], ["Breaking_No_New_Ground!", 2], ["Double_Bummer", 2], ["Box_of_Bongwater", 2]]} +{"id": 117416, "predicted_label": "REFUTES", "predicted_evidence": [["Anglo", 0], ["English_people", 15], ["The_English_people", 4], ["List_of_monarchs_of_East_Anglia", 17], ["The_English_people", 0]]} +{"id": 137907, "predicted_label": "REFUTES", "predicted_evidence": [["Julie_Klausner", 4], ["Masters_of_Sex_-LRB-book-RRB-", 2], ["Scott_Hackwith", 8], ["Caplan", 20], ["Julie_Klausner", 12]]} +{"id": 107042, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e", 0], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e_discography", 4], ["Janelle_Mona\u0301e", 4], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 0]]} +{"id": 13764, "predicted_label": "SUPPORTS", "predicted_evidence": [["British_Indian_Army", 8], ["Indian_Army", 3], ["British_Indian_Army", 5], ["Indian_Army_during_World_War_II", 12], ["Indian_Army_during_World_War_II", 9]]} +{"id": 133590, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sundance_Institute", 4], ["Sundance_Institute", 0], ["Jason_Michael_Berman", 13], ["Sundance_Institute", 17], ["Sundance_Institute", 13]]} +{"id": 181601, "predicted_label": "SUPPORTS", "predicted_evidence": [["WGBH-TV", 0], ["WETA-TV", 0], ["WGBX-TV", 0], ["List_of_American_Experience_episodes", 3], ["WTTW", 0]]} +{"id": 109898, "predicted_label": "REFUTES", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Nada_Es_Para_Siempre", 0], ["Claudia_Brant", 1], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 7]]} +{"id": 123756, "predicted_label": "SUPPORTS", "predicted_evidence": [["West_Spitsbergen_Current", 0], ["Aramaic_language", 12], ["Papua_-LRB-province-RRB-", 1], ["Assyrian_nationalism", 12], ["Assyrian_nationalism", 0]]} +{"id": 138849, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maattrraan_-LRB-soundtrack-RRB-", 10], ["List_of_songs_recorded_by_Bombay_Jayashri", 2], ["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["Maattrraan_-LRB-soundtrack-RRB-", 4], ["Maattrraan_-LRB-soundtrack-RRB-", 2]]} +{"id": 59056, "predicted_label": "REFUTES", "predicted_evidence": [["Humphrey_Bogart", 11], ["Jane_Bryan", 4], ["Audrey_Hepburn_on_screen_and_stage", 18], ["Humphrey_Bogart", 10], ["Bogart_-LRB-surname-RRB-", 12]]} +{"id": 182438, "predicted_label": "SUPPORTS", "predicted_evidence": [["Justification", 2], ["Theory_of_justification", 0], ["Religious_epistemology", 0], ["Virtue_epistemology", 1], ["Religious_epistemology", 1]]} +{"id": 49249, "predicted_label": "SUPPORTS", "predicted_evidence": [["Umbilical_region", 2], ["Umbilical_region", 4], ["Northern_Vietnam", 0], ["Umbilical_region", 3], ["Chumburu", 1]]} +{"id": 218241, "predicted_label": "REFUTES", "predicted_evidence": [["Libya", 2], ["United_Nations_Security_Council_Resolution_883", 0], ["Human_rights_in_Libya", 17], ["Libya", 3], ["Libya", 0]]} +{"id": 189438, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yandex", 8], ["Yandex.Direct", 18], ["Yandex_Browser", 12], ["Yandex.Translate", 0], ["Yandex.Direct", 15]]} +{"id": 65351, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["William_McMahon", 13], ["No_Way_Out_-LRB-2009-RRB-", 18], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9]]} +{"id": 105308, "predicted_label": "SUPPORTS", "predicted_evidence": [["Denver", 12], ["Kuching", 0], ["List_of_countries_by_westernmost_point", 6], ["List_of_countries_by_easternmost_point", 7], ["List_of_countries_by_westernmost_point", 5]]} +{"id": 157483, "predicted_label": "REFUTES", "predicted_evidence": [["RCA/Jive_Label_Group", 0], ["RCA/Jive_Label_Group", 1], ["Columbia/Epic_Label_Group", 0], ["Mascot_Label_Group", 0], ["Zomba_Group_of_Companies", 14]]} +{"id": 29590, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_Place_for_My_Head", 2], ["Hybrid_Theory_-LRB-EP-RRB-", 0], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2001", 8], ["Hybrid_Theory", 6], ["A_Place_for_My_Head", 0]]} +{"id": 11346, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Train_Your_Dragon_-LRB-franchise-RRB-", 0], ["How_to_Train_Your_Dragon_2", 11], ["Dragon_2", 0], ["How_to_Train_Your_Dragon_2", 0], ["How_to_Train_Your_Dragon_-LRB-film-RRB-", 14]]} +{"id": 185406, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 62], ["List_of_fictional_U.S._Marshals", 96], ["Castles_in_Gers", 83], ["List_of_fictional_U.S._Marshals", 51], ["List_of_fictional_U.S._Marshals", 45]]} +{"id": 159951, "predicted_label": "REFUTES", "predicted_evidence": [["McAuliffe-Shepard_Discovery_Center", 1], ["Concord_High_School", 0], ["Concord_High_School", 8], ["Concord_High_School", 6], ["Concord_High_School", 20]]} +{"id": 71653, "predicted_label": "REFUTES", "predicted_evidence": [["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Andrew_Walker", 19], ["Event_Horizon_-LRB-film-RRB-", 1], ["8mm_-LRB-film-RRB-", 0], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 168009, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jack_Fingleton", 46], ["Bradman_-LRB-disambiguation-RRB-", 16], ["List_of_video_game_crowdfunding_projects", 6655], ["List_of_video_game_crowdfunding_projects", 497], ["List_of_video_game_crowdfunding_projects", 3252]]} +{"id": 154253, "predicted_label": "REFUTES", "predicted_evidence": [["Stefan_Sittig", 28], ["David_Hare_-LRB-playwright-RRB-", 10], ["Todd_Haynes", 26], ["List_of_accolades_received_by_Orange_Is_the_New_Black", 14], ["Jessica_Lange_filmography", 33]]} +{"id": 142984, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ishii", 46], ["Masayuki", 68], ["Ishii", 58], ["Ishii", 12], ["Masayuki", 86]]} +{"id": 42933, "predicted_label": "SUPPORTS", "predicted_evidence": [["Real_Soon", 7], ["Archibald_Williams_-LRB-judge-RRB-", 27], ["Real_Soon", 5], ["Stan_Williams", 5], ["Barbara_Becnel", 11]]} +{"id": 33595, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 6], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1], ["The_Cincinnati_Kid", 0], ["The_Cincinnati_Kid", 7]]} +{"id": 2421, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Norman_Nevills", 36], ["List_of_Colorado_River_rapids_and_features", 14], ["List_of_Colorado_River_rapids_and_features", 179], ["Harvey_Butchart", 32], ["History_of_the_Grand_Canyon_area", 18]]} +{"id": 57359, "predicted_label": "REFUTES", "predicted_evidence": [["Arcadia_-LRB-popular_culture-RRB-", 52], ["The_Voice_Kids", 27], ["Arcadia_-LRB-popular_culture-RRB-", 90], ["Frances_Grey_-LRB-actress-RRB-", 10], ["Frances_Grey_-LRB-actress-RRB-", 13]]} +{"id": 44099, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Concert_for_Bangladesh", 13], ["Red_Bull", 13], ["J._G._Jolly", 3], ["The_Concert_for_Bangladesh", 2], ["The_Concert_for_Bangladesh", 14]]} +{"id": 113488, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_View_to_a_Kill", 6], ["Licence_to_Kill", 1], ["Licence_to_Kill", 13], ["A_View_to_a_Kill", 0], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 12]]} +{"id": 212779, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harvard_University", 8], ["Seven_Sisters_-LRB-colleges-RRB-", 4], ["Seven_Sisters_-LRB-colleges-RRB-", 3], ["Seven_Sisters_-LRB-colleges-RRB-", 5], ["Clayton_Spencer", 6]]} +{"id": 189462, "predicted_label": "SUPPORTS", "predicted_evidence": [["Internet_Resource_Locator", 14], ["Internet_Resource_Locator", 0], ["Internet_Resource_Locator", 15], ["Internet_Resource_Locator", 10], ["Internet_Resource_Locator", 11]]} +{"id": 170400, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mike_Kafka", 0], ["Kevin_Kolb", 0], ["Marcus_Vick", 1], ["Madden_NFL_2004", 1], ["2007_Atlanta_Falcons_season", 4]]} +{"id": 192835, "predicted_label": "SUPPORTS", "predicted_evidence": [["Judge_Rinder", 27], ["Ian_Brennan", 2], ["Ian_Brennan", 6], ["Ian_Brennan", 4], ["Ian_Brennan", 8]]} +{"id": 59630, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Maltby,_Sr.", 17], ["Richard_Maltby,_Sr.", 13], ["Tom_Morello_discography", 23], ["Suomensarja", 7], ["Suomensarja", 15]]} +{"id": 47273, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Iron_Lady_-LRB-film-RRB-", 0], ["Edward_Heath", 0], ["Conservative_Party_-LRB-UK-RRB-", 0], ["The_Iron_Lady_-LRB-album-RRB-", 0], ["United_Kingdom_general_election,_1979", 2]]} +{"id": 202473, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 2], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 12]]} +{"id": 197356, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": []} +{"id": 23634, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Stewart,_Earl_of_Carrick", 12], ["Royal_Court_of_Scotland", 34], ["Royal_Court_of_Scotland", 27], ["Castalian_Band", 10], ["Royal_Court_of_Scotland", 24]]} +{"id": 168015, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bradman_-LRB-disambiguation-RRB-", 8], ["Bradman_-LRB-disambiguation-RRB-", 10], ["Jack_Fingleton", 20], ["Don_Bradman", 22], ["Jack_Fingleton", 4]]} +{"id": 171638, "predicted_label": "SUPPORTS", "predicted_evidence": [["Watchmen", 1], ["Gibbons", 17], ["Watchmensch", 1], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["David_Gibbons_-LRB-disambiguation-RRB-", 12]]} +{"id": 114475, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bones_-LRB-instrument-RRB-", 21], ["Bones_-LRB-instrument-RRB-", 1], ["Epipubic_bone", 0], ["Jimmie_\"Bones\"_Trombly", 3], ["Bones_-LRB-instrument-RRB-", 34]]} +{"id": 201375, "predicted_label": "REFUTES", "predicted_evidence": [["Varsity_Blues", 3], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 22], ["Varsity", 24], ["Varsity", 20]]} +{"id": 134789, "predicted_label": "SUPPORTS", "predicted_evidence": [["Haraamkhor", 1], ["Chanda_Mama_Door_Ke", 2], ["Raees_-LRB-film-RRB-", 1], ["Mister_Come_Tomorrow", 0], ["Raees_-LRB-film-RRB-", 0]]} +{"id": 148605, "predicted_label": "REFUTES", "predicted_evidence": [["Matthew_Gray_Gubler", 0], ["Laura_Dahl", 2], ["Oddities_-LRB-TV_series-RRB-", 9], ["Gubler", 6], ["Gubler", 4]]} +{"id": 153923, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wildfang", 1], ["List_of_songs_about_Portland,_Oregon", 34], ["Wildfang", 0], ["List_of_songs_about_Portland,_Oregon", 54], ["Mike_Burton_-LRB-politician-RRB-", 5]]} +{"id": 159582, "predicted_label": "REFUTES", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 6], ["Bannon", 28], ["Bannon", 30], ["Bannon", 38]]} +{"id": 68202, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ten_Nights_in_a_Barroom", 9], ["Ten_Nights_in_a_Barroom", 13], ["Treasures_from_American_Film_Archives", 0], ["Ten_Nights_in_a_Barroom", 11], ["Ten_Nights_in_a_Barroom", 19]]} +{"id": 196975, "predicted_label": "REFUTES", "predicted_evidence": [["Glossary_of_Indian_culture", 236], ["Diwali", 19], ["Sal_Mubarak", 11], ["Sal_Mubarak", 0], ["Divali_Nagar", 13]]} +{"id": 125031, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_Thomson", 3], ["Slipknot_discography", 9], ["Michael_Thomson", 9], ["List_of_Slipknot_concert_tours", 19], ["Slipknot_-LRB-band-RRB-", 2]]} +{"id": 212192, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 16], ["Miracle_at_St._Anna", 0], ["Miracle_at_St._Anna", 14], ["Miracle_at_St._Anna", 2]]} +{"id": 42720, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jesse_Eisenberg", 2], ["James_Franco_filmography", 10], ["Golmaal", 9], ["Golmaal", 11], ["Jesse_Eisenberg", 12]]} +{"id": 69358, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vivek_Mushran", 2], ["Henry_VIII_-LRB-TV_serial-RRB-", 5], ["Vivek_Mushran", 3], ["The_Six_Wives_of_Henry_VIII", 4], ["Vivek_Mushran", 7]]} +{"id": 111492, "predicted_label": "SUPPORTS", "predicted_evidence": [["Deep_in_My_Heart_-LRB-1954_film-RRB-", 3], ["Lee_Johnson_-LRB-lineman-RRB-", 1], ["Lee_Johnson_-LRB-lineman-RRB-", 10], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 7], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 5]]} +{"id": 175653, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rictor", 8], ["General_-LRB-DC_Comics-RRB-", 10], ["Rictor", 3], ["Anarky", 0], ["Hybrid_-LRB-Scott_Washington-RRB-", 0]]} +{"id": 168535, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rick_Yune", 2], ["Prison_Break_-LRB-season_5-RRB-", 8], ["The_Man_with_the_Iron_Fists", 1], ["Yune", 8], ["Rick_Yune", 0]]} +{"id": 6080, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sydenham_Edwards", 12], ["Soul_Food_-LRB-film-RRB-", 0], ["Kenneth_Edwards", 5], ["Kenneth_Edwards", 3], ["Kenneth_Edwards", 0]]} +{"id": 141675, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam", 13], ["Pearl_Jam", 8], ["Vitalogy", 2], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 17], ["Pearl_Jam_discography", 6]]} +{"id": 174577, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Billboard_200_number-one_albums_of_2002", 15], ["List_of_Billboard_200_number-one_albums_of_2002", 14], ["List_of_Billboard_200_number-one_albums_of_2002", 9], ["Zhu_Shaoliang", 14], ["Zhu_Shaoliang", 6]]} +{"id": 14510, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Snow_White_and_the_Huntsman", 8], ["William_Henry_Claflin,_Jr.", 5], ["Adams_Claflin_House", 2], ["Horace_Brigham_Claflin", 6], ["Horace_Brigham_Claflin", 9]]} +{"id": 201809, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Fanning_-LRB-surname-RRB-", 10], ["Japanese_missions_to_Sui_China", 9], ["Japanese_missions_to_Sui_China", 8]]} +{"id": 92347, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 10], ["Kingdom_of_Great_Britain", 3], ["James_VI_and_I", 0], ["Royal_Court_of_Scotland", 27], ["Kingdom_of_Great_Britain", 4]]} +{"id": 194761, "predicted_label": "SUPPORTS", "predicted_evidence": [["Larry_the_Cable_Guy", 14], ["Blue_Collar_TV", 0], ["Larry_the_Cable_Guy", 12], ["Blue_Collar_TV", 24], ["Larry_the_Cable_Guy", 0]]} +{"id": 57897, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gadzarts", 5], ["Folklore_of_Finland", 6], ["German_folklore", 10], ["German_folklore", 13], ["Mormon_folklore", 1]]} +{"id": 79706, "predicted_label": "REFUTES", "predicted_evidence": [["Leading_lady", 1], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 7], ["Viola_Davis", 0], ["Leading_lady", 17], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 2]]} +{"id": 122250, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Daryl_Jacob", 0], ["City_Central_-LRB-TV_series-RRB-", 5], ["Flagship_Uberalles", 5], ["Paul_Nicholls", 0], ["Paul_Nicholls", 3]]} +{"id": 175472, "predicted_label": "REFUTES", "predicted_evidence": [["Ludwig_van_Beethoven", 5], ["Christian_Gottlob_Neefe", 0], ["Gustav_Friedrich_Wilhelm_Gro\u00dfmann", 1], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45]]} +{"id": 227373, "predicted_label": "SUPPORTS", "predicted_evidence": [["HGTV", 0], ["Cable_Music_Channel", 0], ["Discovery_Channel", 0], ["The_Weather_Channel", 0], ["TBS_-LRB-U.S._TV_channel-RRB-", 0]]} +{"id": 154659, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_mayors_of_Lobos", 148], ["Mayor_of_Elizabeth,_New_Jersey", 58], ["Mayor_of_Elizabeth,_New_Jersey", 60], ["History_of_the_San_Francisco_Police_Department", 310], ["Mayor_of_Elizabeth,_New_Jersey", 56]]} +{"id": 89171, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_extreme_points_of_U.S._states", 282], ["List_of_knobs", 52], ["List_of_knobs", 58], ["List_of_knobs", 86], ["List_of_knobs", 33]]} +{"id": 201832, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dakota_Fanning", 6], ["I_Am_Sam", 11], ["I_Am_Sam", 0], ["Fanning_-LRB-surname-RRB-", 10], ["Dakota_Fanning", 0]]} +{"id": 152634, "predicted_label": "REFUTES", "predicted_evidence": [["Indochina_Wars", 0], ["First_Indochina_War", 6], ["Siam_Nakhon_Province", 20], ["First_Indochina_War", 0], ["Indochina_Wars", 1]]} +{"id": 204449, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lock_Up_-LRB-American_band-RRB-", 25], ["Rage_Against_the_Machine_discography", 1], ["Political_views_and_activism_of_Rage_Against_the_Machine", 1], ["Rage_Against_the_Machine", 1], ["Tom_Morello_discography", 5]]} +{"id": 29296, "predicted_label": "REFUTES", "predicted_evidence": [["Matthew_Gray_Gubler", 0], ["Laura_Dahl", 2], ["Oddities_-LRB-TV_series-RRB-", 9], ["Gubler", 6], ["Gubler", 4]]} +{"id": 92900, "predicted_label": "SUPPORTS", "predicted_evidence": [["Indian_Institute_of_Management_Ahmedabad", 7], ["Indian_Institute_of_Management_Bangalore", 5], ["Indian_Institute_of_Management_Bangalore", 0], ["The_Nritarutya_Dance_Collective", 174], ["Indian_Institute_of_Management_-LRB-disambiguation-RRB-", 9]]} +{"id": 97643, "predicted_label": "REFUTES", "predicted_evidence": [["Star_Trek-COLON-_Discovery", 1], ["Star_Trek_-LRB-film-RRB-", 13], ["Star_Trek", 8], ["Star_Trek-COLON-_Discovery", 2], ["Star_Trek_-LRB-film-RRB-", 9]]} +{"id": 70882, "predicted_label": "SUPPORTS", "predicted_evidence": [["Peter_Jackson_-LRB-biologist-RRB-", 0], ["Eileen_Moran", 34], ["Peter_Jackson_-LRB-biologist-RRB-", 17], ["Eileen_Moran", 29], ["Young_Peter_Jackson_-LRB-boxer_born_1912-RRB-", 1]]} +{"id": 55331, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Humboldt_Roller_Derby", 6], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9], ["Judgment_Day_-LRB-2007-RRB-", 10], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5]]} +{"id": 174599, "predicted_label": "SUPPORTS", "predicted_evidence": [["Artpop", 13], ["List_of_Billboard_200_number-one_albums_of_2002", 15], ["Backstreet_Boys_discography", 11], ["Snoop_Dogg_discography", 45], ["List_of_Billboard_200_number-one_albums_of_2002", 14]]} +{"id": 6414, "predicted_label": "REFUTES", "predicted_evidence": [["Al_Pacino", 7], ["Salvatore_Tessio", 0], ["The_Godfather_Saga", 0], ["The_Godfather_Part_III", 1], ["The_Godfather_Part_II", 0]]} +{"id": 193893, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Goldenberg", 22], ["Susan_Harris", 11], ["Billy_Goldenberg", 18], ["Susan_Harris", 12], ["Billy_Goldenberg", 19]]} +{"id": 217684, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bond_v._United_States", 10], ["Bond_v._United_States", 3], ["Bond_v._United_States", 12], ["Cigna_Healthcare_of_Texas,_Inc._v._Calad", 30], ["List_of_Social_Security_lawsuits", 4]]} +{"id": 89727, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vena_amoris", 3], ["Quills", 7], ["Russian_Bear", 12], ["Richmond_Declaration", 15], ["Dreamtime_-LRB-book-RRB-", 14]]} +{"id": 165247, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Philip_Glass", 9], ["Mihail_Andricu", 22], ["Georg_Tintner", 29], ["Aleksandr_Lokshin", 4]]} +{"id": 125388, "predicted_label": "SUPPORTS", "predicted_evidence": [["Green_Day", 6], ["Warning_-LRB-Green_Day_album-RRB-", 7], ["Green_Day", 8], ["Kerplunk_-LRB-album-RRB-", 2], ["Green_Day", 22]]} +{"id": 88351, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Faith_Fay", 10], ["Alana_Blanchard", 8], ["California_Surf_Museum", 9], ["List_of_homeschooled_people", 137], ["California_Surf_Museum", 5]]} +{"id": 62298, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guilty_Conscience_-LRB-song-RRB-", 6], ["Love_the_Way_You_Lie", 0], ["Love_the_Way_You_Lie", 7], ["Eminem_discography", 40], ["Eminem", 11]]} +{"id": 203156, "predicted_label": "SUPPORTS", "predicted_evidence": [["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Polynesian_languages", 6], ["List_of_English_words_of_Polynesian_origin", 15], ["List_of_English_words_of_Polynesian_origin", 22]]} +{"id": 208154, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bina_Sharif", 16], ["Patrick_Cassidy_-LRB-composer-RRB-", 49], ["Mohydeen_Izzat_Quandour", 49], ["Edgar_Allen_-LRB-disambiguation-RRB-", 8], ["Edgar_Allen_-LRB-disambiguation-RRB-", 3]]} +{"id": 208157, "predicted_label": "REFUTES", "predicted_evidence": [["William_Stork", 18], ["Jim_Stork", 9], ["Oriental_stork", 2], ["Oriental_stork", 0], ["Stork_-LRB-margarine-RRB-", 15]]} +{"id": 88353, "predicted_label": "SUPPORTS", "predicted_evidence": [["Beijing_International_MBA_at_Peking_University", 1], ["Peking_University", 1], ["Affiliated_High_School_of_Peking_University", 5], ["Affiliated_High_School_of_Peking_University", 0], ["Beijing_International_MBA_at_Peking_University", 0]]} +{"id": 63220, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Floppy_disk", 0], ["Kay_1024", 11], ["Kay_1024", 14], ["History_of_IBM_magnetic_disk_drives", 7], ["Floppy_disk", 5]]} +{"id": 93033, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_movable_bridges_in_Florida", 102], ["List_of_movable_bridges_in_Florida", 106], ["List_of_Tree_Cities_USA", 1128], ["List_of_Tree_Cities_USA", 990], ["List_of_former_municipalities_in_Florida", 192]]} +{"id": 181980, "predicted_label": "SUPPORTS", "predicted_evidence": [["Forceps", 0], ["Palmyrene_funerary_reliefs", 35], ["Forceps", 1], ["Instruments_used_in_general_surgery", 6], ["Forceps", 20]]} +{"id": 98062, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Homeland_-LRB-TV_series-RRB-", 3], ["Carrie_Mathison", 0], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Pilot_-LRB-Homeland-RRB-", 4], ["Carrie_Mathison", 2]]} +{"id": 217213, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Monk", 0], ["Saint_Memnon", 4], ["Monk", 9], ["UFO's_and_the_Men_Who_Fly_Them!", 2], ["Synod_of_Gangra", 5]]} +{"id": 208422, "predicted_label": "REFUTES", "predicted_evidence": [["Jim_Jones_discography", 0], ["24_Hours_-LRB-TeeFlii_song-RRB-", 1], ["Zeebra", 1], ["24_Hours_-LRB-TeeFlii_song-RRB-", 2], ["24_Hours_-LRB-TeeFlii_song-RRB-", 0]]} +{"id": 179011, "predicted_label": "SUPPORTS", "predicted_evidence": [["Captain_Glory", 11], ["Captain_Glory", 3], ["Mr._A", 0], ["In_Search_of_Steve_Ditko", 4], ["In_Search_of_Steve_Ditko", 0]]} +{"id": 134848, "predicted_label": "SUPPORTS", "predicted_evidence": [["Milli_Vanilli_discography", 3], ["The_Real_Milli_Vanilli", 14], ["The_Real_Milli_Vanilli", 4], ["The_Real_Milli_Vanilli", 18], ["List_of_Billboard_200_number-one_albums_of_1989", 22]]} +{"id": 212314, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 175643, "predicted_label": "REFUTES", "predicted_evidence": [["General_-LRB-DC_Comics-RRB-", 10], ["Midnight's_Fire", 2], ["Maximum_-LRB-comics-RRB-", 2], ["Publication_history_of_Anarky", 20], ["Anarky", 19]]} +{"id": 107307, "predicted_label": "REFUTES", "predicted_evidence": [["Taya_Kyle", 0], ["Kyle_-LRB-surname-RRB-", 22], ["Kyle_-LRB-surname-RRB-", 44], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["American_Sniper", 1]]} +{"id": 186879, "predicted_label": "SUPPORTS", "predicted_evidence": [["Azerbaijanis_in_Ukraine", 6], ["Notis_Sfakianakis", 4], ["Notis_Sfakianakis", 9], ["Hunga\u0301ria_-LRB-band-RRB-", 7], ["Tidningsstatistik_AB", 21]]} +{"id": 193458, "predicted_label": "SUPPORTS", "predicted_evidence": [["Captain_America's_shield", 1], ["Diamondback_-LRB-comics-RRB-", 5], ["Captain_America's_shield", 3], ["Captain_America's_shield", 4], ["Captain_America", 7]]} +{"id": 34034, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jolin_Tsai_filmography", 7], ["List_of_lichens_of_Maryland", 2981], ["List_of_lichens_of_Maryland", 2751], ["List_of_lichens_of_Maryland", 1099], ["Stein_-LRB-surname-RRB-", 91]]} +{"id": 2414, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Friern_Barnet_School", 2], ["Muqan_Qaghan", 17], ["The_dress", 5], ["Pen\u0303abot", 2], ["The_dress", 4]]} +{"id": 125037, "predicted_label": "SUPPORTS", "predicted_evidence": [["Judas_-LRB-Lady_Gaga_song-RRB-", 13], ["Bad_Romance", 2], ["Judas_-LRB-Lady_Gaga_song-RRB-", 10], ["List_of_awards_and_nominations_received_by_Lady_Gaga", 5], ["Bad_Romance_-LRB-disambiguation-RRB-", 4]]} +{"id": 5136, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greek_language", 14], ["Pontic_Greek", 0], ["Standard_Greek", 8], ["Greek_language", 13], ["Greek_language", 0]]} +{"id": 86143, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hippolyta_-LRB-DC_Comics-RRB-", 6], ["58th_Bodil_Awards", 2], ["List_of_people_from_Marin_County,_California", 235], ["Return_to_Sender_-LRB-2004_film-RRB-", 4], ["Return_to_Sender_-LRB-2004_film-RRB-", 10]]} +{"id": 82874, "predicted_label": "REFUTES", "predicted_evidence": [["Military_Unit_Number", 3], ["19th_Air_Division", 8], ["Military_Unit_Number", 0], ["V._V._Vinayak", 0], ["Allu_Arjun,_roles_and_awards", 9]]} +{"id": 23633, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_True_Law_of_Free_Monarchies", 0], ["John_Stewart,_Earl_of_Carrick", 12], ["Royal_Court_of_Scotland", 34], ["Castalian_Band", 10], ["Royal_Court_of_Scotland", 27]]} +{"id": 129698, "predicted_label": "REFUTES", "predicted_evidence": [["Cornus_controversa", 9], ["Watchfinder", 7], ["Kerplunk_-LRB-album-RRB-", 0], ["KerPlunk_-LRB-game-RRB-", 17], ["Kerplunk_-LRB-album-RRB-", 22]]} +{"id": 219289, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Datil_pepper", 0], ["Capsicum_chinense", 0], ["Capsicum_baccatum", 9], ["List_of_plants_of_Burkina_Faso", 791], ["Barbara_Pickersgill", 1]]} +{"id": 122678, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Sweet_Caroline", 13], ["Caroline_Kennedy", 4]]} +{"id": 21345, "predicted_label": "SUPPORTS", "predicted_evidence": [["Game_of_Thrones_-LRB-season_7-RRB-", 0], ["Game_of_Thrones_-LRB-season_7-RRB-", 10], ["Game_of_Thrones_-LRB-season_7-RRB-", 11], ["Tom_-LRB-given_name-RRB-", 63], ["Tom_-LRB-given_name-RRB-", 15]]} +{"id": 164983, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polar_bear", 7], ["Polar_bear", 6], ["Polar_Bear_Marathon", 12], ["Agreement_on_the_Conservation_of_Polar_Bears", 4], ["Mitchell_Taylor", 0]]} +{"id": 45625, "predicted_label": "REFUTES", "predicted_evidence": [["John_Deighton", 15], ["Derek_Deighton", 1], ["Derek_Deighton", 0], ["Deighton", 18], ["John_Deighton", 0]]} +{"id": 133686, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bloods", 2], ["Ridgid", 6], ["Peace_Pipe_Line", 35], ["Peace_Pipe_Line", 8], ["Glengarry_Pipe_Band", 16]]} +{"id": 204343, "predicted_label": "REFUTES", "predicted_evidence": [["Maastrichtian", 5], ["Aptian_extinction", 4], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 0], ["Extinction_event", 13], ["Qinornis", 6]]} +{"id": 179340, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2], ["Osamu_Tezuka's_Star_System", 2], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 1831, "predicted_label": "SUPPORTS", "predicted_evidence": [["Molecular_cloning", 11], ["Hyperchromicity", 11], ["Hyperchromicity", 24], ["Hyperchromicity", 6], ["Hyperchromicity", 22]]} +{"id": 144570, "predicted_label": "REFUTES", "predicted_evidence": [["Juliana_Schierberg", 5], ["One_Tree_Hill_-LRB-season_6-RRB-", 2], ["One_Tree_Hill_-LRB-season_5-RRB-", 2], ["One_Tree_Hill_-LRB-season_3-RRB-", 3], ["Juliana_Schierberg", 8]]} +{"id": 78689, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hello_Katy_Tour", 0], ["Fearless_Tour", 0], ["Hold_It_Against_Me", 33], ["Fearless_Tour", 3], ["Fearless_Tour", 4]]} +{"id": 55279, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2007-RRB-", 13], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2011-RRB-", 75], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2011-RRB-", 155], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2011-RRB-", 102]]} +{"id": 217207, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Monk_seal", 2], ["List_of_people_known_as_the_Monk", 5], ["List_of_people_known_as_the_Monk", 11], ["Monk_seal", 16], ["List_of_people_known_as_the_Monk", 3]]} +{"id": 225291, "predicted_label": "SUPPORTS", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 98], ["Thanks_for_Sharing", 1], ["Casual_-LRB-TV_series-RRB-", 1], ["Donald_Trump's_The_Art_of_the_Deal-COLON-_The_Movie", 4], ["Watkins_-LRB-surname-RRB-", 22]]} +{"id": 183631, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Pixar", 16], ["Pixar", 6]]} +{"id": 150763, "predicted_label": "REFUTES", "predicted_evidence": [["Justin_Chatwin", 7], ["One_Night_-LRB-2016_film-RRB-", 1], ["Chatwin", 8], ["War_of_the_Worlds_-LRB-2005_film-RRB-", 1], ["Justin_Chatwin", 0]]} +{"id": 179268, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tylenol_-LRB-brand-RRB-", 0], ["Robert_L._McNeil,_Jr.", 18], ["Allergies_in_dogs", 15], ["Robert_L._McNeil,_Jr.", 17], ["Tylenol_-LRB-brand-RRB-", 6]]} +{"id": 125185, "predicted_label": "SUPPORTS", "predicted_evidence": [["Environmental_racism_in_Europe", 8], ["Macedonia_naming_dispute", 6], ["Environmental_racism_in_Europe", 0], ["Republic_of_Macedonia", 21], ["Republic_of_Macedonia", 3]]} +{"id": 136958, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_The_Hobbit_film_series", 0], ["Middle-earth_in_film", 9], ["Snow_White_and_the_Huntsman", 8], ["List_of_kings_of_Dale", 20], ["List_of_accolades_received_by_The_Hobbit_film_series", 5]]} +{"id": 47230, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jose\u0301_Ferrer", 0], ["Miguel_Ferrer", 0], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 0], ["Rafael_Ferrer_-LRB-actor-RRB-", 0], ["Al_Morgan", 17]]} +{"id": 22220, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["Miranda_Otto", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["Matthew_Chapman_-LRB-author-RRB-", 7]]} +{"id": 187223, "predicted_label": "REFUTES", "predicted_evidence": [["Bill_&_Ted", 5], ["Bill_&_Ted's_Excellent_Adventures", 5], ["Bill_&_Ted's_Excellent_Adventures", 3], ["Bill_&_Ted's_Excellent_Adventures", 0], ["Bill_&_Ted", 1]]} +{"id": 156609, "predicted_label": "REFUTES", "predicted_evidence": [["Palace_-LRB-disambiguation-RRB-", 6], ["Victoria_Theatre", 14], ["Victoria_Theatre", 12], ["Victoria_Palace", 0], ["Palace_-LRB-disambiguation-RRB-", 44]]} +{"id": 172470, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matteo_Renzi", 3], ["Matteo_Renzi", 0], ["Remake_Italy", 7], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Renzi_-LRB-surname-RRB-", 22]]} +{"id": 95652, "predicted_label": "SUPPORTS", "predicted_evidence": [["Troian_Bellisario", 5], ["Billboard_Dad", 0], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 175934, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aunt_May", 0], ["Aunt_May", 9], ["Supportive_housing", 20], ["Melodica_in_music", 94], ["Melodica_in_music", 143]]} +{"id": 155868, "predicted_label": "SUPPORTS", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 6], ["Renato_Balestra", 8], ["Renato_Balestra", 17], ["Renato_Balestra", 14]]} +{"id": 39079, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_frequent_Coen_Brothers_collaborators", 62], ["The_Grave_Digger", 0], ["Uwe_Lulis", 3], ["List_of_frequent_Coen_Brothers_collaborators", 77], ["List_of_frequent_Coen_Brothers_collaborators", 8]]} +{"id": 109785, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colt_Pocket_Percussion_Revolvers", 15], ["Black_Horse_-LRB-rocket-RRB-", 19], ["Black_Horse_-LRB-rocket-RRB-", 0], ["Horse", 2], ["Colt_Pocket_Percussion_Revolvers", 16]]} +{"id": 52240, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lil_Wayne_singles_discography", 14], ["Lil_Wayne", 14], ["Tha_Carter_IV", 1], ["Dedication_2", 1], ["Lil_Wayne", 1]]} +{"id": 9693, "predicted_label": "SUPPORTS", "predicted_evidence": [["Video_game", 5], ["Video_game_console", 8], ["List_of_home_video_game_consoles", 0], ["Touchscreen", 9], ["List_of_home_video_game_consoles", 8]]} +{"id": 77465, "predicted_label": "SUPPORTS", "predicted_evidence": [["Winter's_Tale_-LRB-film-RRB-", 0], ["Winter's_Tale_-LRB-film-RRB-", 3], ["Winter's_Tale_-LRB-film-RRB-", 7], ["List_of_video_game_crowdfunding_projects", 5787], ["List_of_video_game_crowdfunding_projects", 6977]]} +{"id": 205745, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Richard_L._Bare", 12], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10]]} +{"id": 226105, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Goosebumps_episodes", 5], ["Steal_Like_an_Artist", 5], ["Luljeta_Lleshanaku", 13], ["Luljeta_Lleshanaku", 10], ["List_of_Goosebumps_episodes", 4]]} +{"id": 100899, "predicted_label": "SUPPORTS", "predicted_evidence": [["R_v_Penguin_Books_Ltd", 0], ["N._J._Dawood", 22], ["Laurence_Byrne", 1], ["Penguin_Books", 2], ["Penguin_Modern_Poets", 0]]} +{"id": 72627, "predicted_label": "SUPPORTS", "predicted_evidence": [["Laura_Dahl", 2], ["Matthew_Gray_Gubler", 0], ["Gubler", 6], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray", 5]]} +{"id": 20711, "predicted_label": "REFUTES", "predicted_evidence": [["Crips", 9], ["Crips", 6], ["Gangs_in_Memphis,_Tennessee", 6], ["Gangs_in_Memphis,_Tennessee", 1], ["Azusa_13", 27]]} +{"id": 121645, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Dad", 0], ["Mary-Kate_and_Ashley_Olsen", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["List_of_Charlie's_Angels_characters", 37], ["Mary-Kate_Olsen", 0]]} +{"id": 155807, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rogue_state", 10], ["Henry_VI,_Part_3", 1], ["Rogue_state", 26], ["Rogue_state", 53], ["Rogue_state", 50]]} +{"id": 74320, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Live_at_the_De_De_De_Der", 0], ["Jeff_Wootton", 13], ["Live_at_the_De_De_De_Der", 3], ["Damon_Albarn", 17], ["Jeff_Wootton", 4]]} +{"id": 66918, "predicted_label": "SUPPORTS", "predicted_evidence": [["Leonard_Hofstadter", 0], ["The_Big_Bang_Theory_-LRB-season_1-RRB-", 8], ["The_Santa_Simulation", 7], ["BBT", 46], ["Big_Bang_Theory_-LRB-disambiguation-RRB-", 12]]} +{"id": 152176, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Self-determination", 13], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1], ["United_Nations_Security_Council_Resolution_1091", 3], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 5], ["United_Nations_Security_Council_Resolution_1091", 8]]} +{"id": 99495, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Plymouth_Howler", 2], ["Plymouth_Howler", 14], ["Plymouth_Prowler", 0], ["PROWLER", 0], ["Plymouth_Howler", 10]]} +{"id": 213943, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Howard_Jachter", 3], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 23147, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sloe_gin", 8], ["Gilpin's_Westmorland_Extra_Dry_Gin", 13], ["Gilpin's_Westmorland_Extra_Dry_Gin", 11], ["Gilpin's_Westmorland_Extra_Dry_Gin", 19], ["Gin_palace", 3]]} +{"id": 115957, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["Fort_Erie_Race_Track", 0], ["Bison_City_Stakes", 6], ["Battle_of_Fort_Erie", 0], ["Fort_Erie_Race_Track", 9]]} +{"id": 218481, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hanford_Site", 23], ["Columbia_Station_-LRB-disambiguation-RRB-", 12], ["Energy_Northwest", 12], ["Columbia_River_Exhibition_of_History,_Science,_and_Technology", 1], ["Columbia_River_Exhibition_of_History,_Science,_and_Technology", 0]]} +{"id": 100757, "predicted_label": "REFUTES", "predicted_evidence": [["Tony_Curtis", 8], ["The_Black_Shield_of_Falworth", 1], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["The_Black_Shield_of_Falworth", 7], ["Tony_Curtis", 27]]} +{"id": 179313, "predicted_label": "SUPPORTS", "predicted_evidence": [["Government_of_South_Australia", 2], ["Government_of_Western_Australia", 2], ["Government_of_Queensland", 2], ["Government_of_New_South_Wales", 2], ["You're_the_Reason_God_Made_Oklahoma", 3]]} +{"id": 46383, "predicted_label": "SUPPORTS", "predicted_evidence": [["White_House_Press_Secretary", 0], ["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3], ["Robert_Gibbs", 11]]} +{"id": 181984, "predicted_label": "SUPPORTS", "predicted_evidence": [["Forceps", 1], ["Debakey_forceps", 0], ["Forceps", 6], ["Forceps", 0], ["Forceps_in_childbirth", 0]]} +{"id": 171639, "predicted_label": "REFUTES", "predicted_evidence": [["Watchmen", 1], ["Gibbons", 17], ["Watchmensch", 1], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["David_Gibbons_-LRB-disambiguation-RRB-", 12]]} +{"id": 144903, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Harmood_Banner", 10], ["Harmood_Banner", 19], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 70], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 68], ["Harmood_Banner", 0]]} +{"id": 20032, "predicted_label": "REFUTES", "predicted_evidence": [["Morse_code", 18], ["Hybrid_automatic_repeat_request", 6], ["GPS_navigation_device", 10], ["GPS_navigation_device", 9], ["QSK_operation_-LRB-full_break-in-RRB-", 13]]} +{"id": 5719, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["List_of_Star_Wars-COLON-_The_Clone_Wars_cast_members", 6], ["Star_Wars-COLON-_Episode_I_\u2013_The_Phantom_Menace", 4], ["Liam_Neeson", 8], ["Neeson", 9]]} +{"id": 100359, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["History_of_Cambodia", 35], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Indochina_Wars", 15], ["Indochina_Wars", 9]]} +{"id": 109834, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arfon_Griffiths", 0], ["Griffiths", 123], ["Stella_Richman", 19], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 128642, "predicted_label": "REFUTES", "predicted_evidence": [["Angelique_Bouchard_Collins", 6], ["300-COLON-_Rise_of_an_Empire", 6], ["List_of_frequent_Tim_Burton_collaborators", 10], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["List_of_frequent_Tim_Burton_collaborators", 16]]} +{"id": 140431, "predicted_label": "SUPPORTS", "predicted_evidence": [["Socie\u0301te\u0301_Anonyme_Tunisienne_de_Production_et_d'Expansion_Cine\u0301matographique", 0], ["Brazzers", 0], ["Cinema_of_Ecuador", 3], ["Walton_Studios", 1], ["Machinima", 0]]} +{"id": 75871, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Despacito", 0], ["Despacito", 2], ["Puerto_Rico_National_Guard", 30], ["Puerto_Rico_National_Guard", 40]]} +{"id": 132089, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["30th_Golden_Raspberry_Awards", 7], ["Sandra_Bullock_filmography", 0], ["List_of_accolades_received_by_Gravity_-LRB-film-RRB-", 2], ["30th_Golden_Raspberry_Awards", 6], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 11]]} +{"id": 159704, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 22275, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ashley_Cole", 0], ["Choc_ice", 8], ["Promise_This", 4], ["Chris_Nathaniel", 42], ["List_of_news_media_phone_hacking_scandal_victims", 418]]} +{"id": 63435, "predicted_label": "SUPPORTS", "predicted_evidence": [["Colombiana", 0], ["Besson_-LRB-surname-RRB-", 25], ["Jean-Jacques_Beineix", 4], ["Jean-Jacques_Beineix", 3], ["Luc", 33]]} +{"id": 41221, "predicted_label": "SUPPORTS", "predicted_evidence": [["Linkin_Park_discography", 7], ["Beta_State", 8], ["List_of_songs_recorded_by_Linkin_Park", 9], ["List_of_songs_recorded_by_Linkin_Park", 46], ["List_of_songs_recorded_by_Linkin_Park", 23]]} +{"id": 38529, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_the_National_Football_League_in_Los_Angeles", 12], ["History_of_the_National_Football_League_in_Los_Angeles", 6], ["Bounty_Hunter_Bloods", 0], ["History_of_the_National_Football_League_in_Los_Angeles", 1], ["History_of_the_National_Football_League_in_Los_Angeles", 9]]} +{"id": 149156, "predicted_label": "SUPPORTS", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Tim_Palen", 4], ["Michael_Bay_filmography", 23], ["Baahubali-COLON-_The_Beginning", 14], ["Baahubali-COLON-_The_Beginning", 3]]} +{"id": 223351, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Room_-LRB-film-RRB-", 15], ["The_Disaster_Artist_-LRB-film-RRB-", 0], ["The_Room_-LRB-film-RRB-", 5], ["Principal_photography", 17], ["Alludu_Seenu", 12]]} +{"id": 185402, "predicted_label": "REFUTES", "predicted_evidence": [["Chips_and_dip", 1], ["Bounty_-LRB-poker-RRB-", 33], ["Chip_race", 9], ["Chip_race", 29], ["Casino_chip_collecting", 33]]} +{"id": 52157, "predicted_label": "REFUTES", "predicted_evidence": [["The_Purist", 2], ["Daniel_Brown", 6], ["The_Hybrid_-LRB-album-RRB-", 4], ["Daniel_Brown", 14], ["The_Purist", 3]]} +{"id": 219298, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bhut_jolokia", 1], ["List_of_plants_of_Burkina_Faso", 791], ["Capsicum_chinense", 0], ["Capsicum_baccatum", 9], ["Piri_piri", 0]]} +{"id": 143005, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kesha", 0], ["We_R_Who_We_R", 21], ["Kesha_v._Dr._Luke", 9], ["Kesha_v._Dr._Luke", 15], ["Kesha", 17]]} +{"id": 36170, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["AMGTV", 4], ["WDSF-LD", 2], ["WBXZ-LP", 9], ["WBXZ-LP", 10]]} +{"id": 175650, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hindsight_-LRB-comics-RRB-", 2], ["General_-LRB-DC_Comics-RRB-", 10], ["Rictor", 3], ["Hindsight_-LRB-comics-RRB-", 0], ["Anarky", 0]]} +{"id": 173137, "predicted_label": "SUPPORTS", "predicted_evidence": [["Helen_Keller", 2], ["Deliverance_-LRB-1919_film-RRB-", 2], ["Anne_Sullivan_Communication_Center", 9], ["Ivy_Green", 3], ["Anne_Sullivan_Communication_Center", 2]]} +{"id": 22633, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Train_Your_Dragon_-LRB-franchise-RRB-", 0], ["How_to_Train_Your_Dragon_2", 11], ["How_to_Train_Your_Dragon_2", 0], ["Dragon_2", 0], ["List_of_PlayStation_3_games_released_on_disc", 2163]]} +{"id": 181885, "predicted_label": "REFUTES", "predicted_evidence": [["Mononoke_-LRB-disambiguation-RRB-", 6], ["Nasu-COLON-_Summer_in_Andalusia", 13], ["Nasu-COLON-_Summer_in_Andalusia", 0], ["Makiko_Futaki", 2], ["Mononoke_-LRB-disambiguation-RRB-", 4]]} +{"id": 90641, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_The_Daily_Show_episodes", 12], ["The_Daily_Show", 2], ["Jon_Stewart", 1], ["The_Daily_Show", 0], ["List_of_The_Daily_Show_episodes", 0]]} +{"id": 38080, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tiber_Oil_Field", 0], ["Kaskida_Oil_Field", 0], ["Deepwater_Horizon", 2], ["Tiber_-LRB-disambiguation-RRB-", 20], ["Keathley_Canyon", 0]]} +{"id": 15186, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robert_Herridge", 0], ["List_of_women_with_ovarian_cancer", 127], ["Marjorie", 136], ["CBS_Productions", 19], ["CBS_Productions", 0]]} +{"id": 40858, "predicted_label": "REFUTES", "predicted_evidence": [["Vedam", 9], ["Anushka_Shetty_filmography", 16], ["Allu_Arjun,_roles_and_awards", 28], ["Anushka_Shetty_filmography", 12], ["Kanche", 9]]} +{"id": 78282, "predicted_label": "REFUTES", "predicted_evidence": [["ODVA_-LRB-company-RRB-", 7], ["PacSun", 1], ["Five_Below", 1], ["Esco_-LRB-Singaporean_company-RRB-", 0], ["Five_Below", 0]]} +{"id": 72694, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Pene\u0301lope_Cruz", 0], ["Ralph_Lauren_Corporation", 2], ["Polo_Ralph_Lauren_vs_U.S._Polo_Association", 1], ["Pene\u0301lope_Cruz", 13]]} +{"id": 22871, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ray_Moore_-LRB-baseball-RRB-", 22], ["Scott_Moore", 15], ["George_Fletcher_Moore", 85], ["Frank_Moore_-LRB-performance_artist-RRB-", 63], ["Ray_Moore_-LRB-baseball-RRB-", 48]]} +{"id": 147936, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bloods", 2], ["Purple", 6], ["Cardinal_-LRB-color-RRB-", 0], ["Black", 8], ["Scarlet_-LRB-color-RRB-", 5]]} +{"id": 173511, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sancho_Panza", 0], ["The_Truth_about_Sancho_Panza", 8], ["Clavilen\u0303o", 4], ["Don_Quixote", 6], ["The_Truth_about_Sancho_Panza", 0]]} +{"id": 118840, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nilgiri_Malabar_Battalion", 3], ["Indian_Army", 3], ["Nilgiri_Malabar_Battalion", 0], ["Gemunu_Watch", 26], ["Gemunu_Watch", 11]]} +{"id": 40714, "predicted_label": "REFUTES", "predicted_evidence": [["1928_U.S._Open_-LRB-golf-RRB-", 22], ["Valo\u0301_Vila\u0301g_8", 0], ["Jones_House", 48], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 740], ["Jones_House", 190]]} +{"id": 19111, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chatwin", 8], ["Justin_Chatwin", 0], ["Dragonball_Evolution", 3], ["The_Return_of_Doctor_Mysterio", 6], ["Justin_Chatwin", 3]]} +{"id": 173492, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sancho_Panza", 0], ["Sam_Weller_-LRB-character-RRB-", 0], ["Ricote_-LRB-Don_Quixote-RRB-", 3], ["The_Truth_about_Sancho_Panza", 8], ["Ricote_-LRB-Don_Quixote-RRB-", 4]]} +{"id": 48948, "predicted_label": "SUPPORTS", "predicted_evidence": [["America's_Next_Top_Model", 0], ["Ashley_Graham", 5], ["Ashley_Graham", 0], ["Ashley_Graham", 3], ["America's_Next_Top_Model", 20]]} +{"id": 98146, "predicted_label": "REFUTES", "predicted_evidence": [["Illumination_Entertainment", 7], ["Nickelodeon_Movies", 4], ["Johnny_Depp", 13], ["The_Divergent_Series", 12], ["List_of_accolades_received_by_The_Hunger_Games_film_series", 11]]} +{"id": 42344, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 3], ["R_v_Penguin_Books_Ltd", 0], ["Ira_Trivedi", 4], ["Laurence_Byrne", 1], ["Penguin_Modern_Poets", 0]]} +{"id": 194911, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lance_Acord", 11], ["Christopher_Walken_on_stage_and_screen", 6], ["Christopher_Walken_on_stage_and_screen", 5], ["Next_Stop,_Greenwich_Village", 6], ["A_Late_Quartet", 0]]} +{"id": 207516, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["Ciara_discography", 22], ["The_X_Factor_-LRB-UK_series_11-RRB-", 7], ["The_X_Factor_-LRB-UK_series_11-RRB-", 4], ["The_X_Factor_-LRB-UK_series_11-RRB-", 15]]} +{"id": 215129, "predicted_label": "REFUTES", "predicted_evidence": [["The_Rehearsal_-LRB-play-RRB-", 29], ["Private_Lives_-LRB-disambiguation-RRB-", 5], ["Private_Lives_-LRB-disambiguation-RRB-", 0], ["Private_Lives_-LRB-disambiguation-RRB-", 3], ["Berth_Milton_Jr.", 13]]} +{"id": 48198, "predicted_label": "REFUTES", "predicted_evidence": [["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Rosalind_Shand", 1], ["Shand", 16], ["Camilla,_Duchess_of_Cornwall", 6], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 4]]} +{"id": 106176, "predicted_label": "REFUTES", "predicted_evidence": [["Ingushetia", 5], ["Ingushetia.org", 8], ["Ingushetia", 0], ["Rashid_Gaysanov", 5], ["Rashid_Gaysanov", 1]]} +{"id": 219153, "predicted_label": "REFUTES", "predicted_evidence": [["Valencia", 0], ["Valencia", 8], ["Valencia", 12], ["Jose\u0301_Ramos_Costa", 41], ["Valencia", 13]]} +{"id": 128071, "predicted_label": "SUPPORTS", "predicted_evidence": [["Horse", 3], ["Donkey", 12], ["N\u00f8stvet_and_Lihult_cultures", 15], ["4th_millennium_BC_in_North_American_history", 0], ["4th_millennium_BC_in_North_American_history", 1]]} +{"id": 92103, "predicted_label": "SUPPORTS", "predicted_evidence": [["Riverdale_-LRB-2017_TV_series-RRB-", 2], ["Chilling_Adventures_of_Sabrina", 1], ["Sacasa", 14], ["Chapter_One-COLON-_The_River's_Edge", 1], ["Chapter_One-COLON-_The_River's_Edge", 0]]} +{"id": 52356, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["Sandra_Bullock_filmography", 0], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["Bullock", 25], ["Bullock", 21]]} +{"id": 140536, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pene\u0301lope_Cruz", 12], ["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Cinema_of_Spain", 10], ["Pene\u0301lope_Cruz", 0], ["Nacho_Cano", 13]]} +{"id": 215227, "predicted_label": "REFUTES", "predicted_evidence": [["Lucky_7_-LRB-TV_series-RRB-", 0], ["Hostages_-LRB-disambiguation-RRB-", 7], ["Lucky_7_-LRB-TV_series-RRB-", 1], ["Hostages_-LRB-disambiguation-RRB-", 5], ["Hostages_-LRB-disambiguation-RRB-", 11]]} +{"id": 137429, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["Yung_Rich_Nation", 2], ["No_Frauds", 1], ["More_Life", 5], ["Migos", 8]]} +{"id": 115789, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angela_Bassett", 6], ["List_of_awards_and_nominations_received_by_Angela_Bassett", 4], ["List_of_awards_and_nominations_received_by_Angela_Bassett", 3], ["List_of_awards_and_nominations_received_by_Angela_Bassett", 0], ["Protect_the_Coven", 4]]} +{"id": 51328, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Dad", 0], ["Police_Academy-COLON-_Mission_to_Moscow", 2], ["Alan_Metter", 0], ["Bobby_Witcher", 13], ["Alan_Metter", 1]]} +{"id": 227072, "predicted_label": "SUPPORTS", "predicted_evidence": [["Part_of_Me", 7], ["Roar_-LRB-song-RRB-", 0], ["Katy_Perry", 11], ["Katy_Perry_videography", 12], ["Katy_Perry_discography", 0]]} +{"id": 119875, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Elizabeth_Taylor", 42], ["List_of_awards_and_nominations_received_by_Netflix", 41], ["List_of_awards_and_nominations_received_by_House_of_Cards", 16], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 15], ["List_of_awards_and_nominations_received_by_Netflix", 32]]} +{"id": 203698, "predicted_label": "SUPPORTS", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Scooby-Doo_2-COLON-_Monsters_Unleashed", 10], ["Johnny_Depp", 13], ["Jeremy_Bolt", 25], ["Jeremy_Bolt", 12]]} +{"id": 187216, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_The_Hurt_Locker", 23], ["List_of_awards_and_nominations_received_by_Jeremy_Renner", 1], ["Kathryn_Bigelow", 0], ["List_of_awards_and_nominations_received_by_Jeremy_Renner", 3], ["Kathryn_Bigelow", 9]]} +{"id": 223665, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ludwig_van_Beethoven_-LRB-1712\u20131773-RRB-", 0], ["Van_Beethoven_-LRB-train-RRB-", 1], ["Beethoven_Gesamtausgabe", 1], ["Beethoven_in_film", 14], ["Beethoven_Gesamtausgabe", 0]]} +{"id": 143712, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Red_Red_Wine", 5], ["Classics-COLON-_The_Early_Years", 3], ["The_Essential_Neil_Diamond", 0], ["Diamond_-LRB-surname-RRB-", 42], ["Red_Red_Wine", 0]]} +{"id": 202802, "predicted_label": "SUPPORTS", "predicted_evidence": [["Not_Quite_Hollywood-COLON-_The_Wild,_Untold_Story_of_Ozploitation!", 2], ["Quentin_Tarantino_filmography", 0], ["Quentin_Tarantino_filmography", 14], ["Quentin_Tarantino_Film_Festival", 0], ["Inglourious_Basterds_-LRB-soundtrack-RRB-", 0]]} +{"id": 161222, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Bar_Refaeli", 4], ["Esti_Ginzburg", 3], ["Shlomit_Malka", 4], ["Shlomit_Malka", 0]]} +{"id": 114538, "predicted_label": "REFUTES", "predicted_evidence": [["Gordon_Ramsay", 13], ["David_Copperfield_-LRB-illusionist-RRB-", 8], ["Phil_McGraw", 2], ["Rush_Limbaugh", 13], ["One_Direction", 10]]} +{"id": 32137, "predicted_label": "SUPPORTS", "predicted_evidence": [["Britpop", 6], ["Indo_pop", 3], ["British_pop_music", 4], ["British_pop_music", 0], ["Indo_pop", 4]]} +{"id": 134401, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Purveyance", 25], ["Purveyance", 29], ["Purveyance", 21], ["Great_Little_War_Game", 5], ["Military_operations_other_than_war_-LRB-US-RRB-", 3]]} +{"id": 126933, "predicted_label": "SUPPORTS", "predicted_evidence": [["Capital_punishment_in_Spain", 4], ["Real_Soon", 2], ["Barbara_Becnel", 1], ["Walter_Williams_-LRB-painter-RRB-", 6], ["Stan_Williams", 17]]} +{"id": 99850, "predicted_label": "REFUTES", "predicted_evidence": [["The_Shark_Is_Still_Working", 6], ["Jaws_2", 1], ["Jaws_2", 2], ["Jaws_2", 18], ["Pharyngeal_jaw", 0]]} +{"id": 13432, "predicted_label": "REFUTES", "predicted_evidence": [["Edison_Machine_Works", 0], ["Nikola_Tesla", 5], ["Kunihiko_Iwadare", 5], ["Electric_motor", 5], ["War_of_Currents", 2]]} +{"id": 123487, "predicted_label": "SUPPORTS", "predicted_evidence": [["Margaret_Thatcher", 8], ["History_of_the_Conservative_Party_-LRB-UK-RRB-", 0], ["Margaret_Thatcher_-LRB-disambiguation-RRB-", 0], ["The_Iron_Lady_-LRB-album-RRB-", 0], ["The_Iron_Lady_-LRB-film-RRB-", 0]]} +{"id": 174013, "predicted_label": "SUPPORTS", "predicted_evidence": [["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["Pink_Floyd", 17], ["The_Endless_River", 0], ["The_Endless_River", 5], ["Pink_Floyd_discography", 10]]} +{"id": 225252, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danielle_Cormack", 0], ["Cormack_-LRB-surname-RRB-", 17], ["List_of_New_Zealand_actors", 31], ["Gloss_-LRB-TV_series-RRB-", 4], ["Gloss_-LRB-TV_series-RRB-", 14]]} +{"id": 48877, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billie_Joe", 2], ["Radio_Radio_Radio", 7], ["Joe_Armstrong", 6], ["Joe_Armstrong", 4], ["Pinhead_Gunpowder", 1]]} +{"id": 159693, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 25], ["Nira_Park", 19], ["Arthur_E._Wright", 0], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 157927, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edward_H._Swan_House", 11], ["Showdown_of_Champions", 0], ["Borg\u2013McEnroe_rivalry", 16], ["Borg\u2013McEnroe_rivalry", 17], ["1979_US_Open_\u2013_Men's_Singles", 10]]} +{"id": 82413, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good_Wife_-LRB-disambiguation-RRB-", 6], ["The_Good_Wife", 4], ["The_Good_Wife_-LRB-disambiguation-RRB-", 8], ["List_of_The_Good_Wife_episodes", 6], ["List_of_The_Good_Wife_episodes", 9]]} +{"id": 113270, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Armenian_national_awakening", 1], ["Armenian_national_awakening", 0], ["Heath_W._Lowry", 4], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Witnesses_and_testimonies_of_the_Armenian_Genocide", 0]]} +{"id": 54604, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yale_University", 23], ["List_of_Yale_Law_School_alumni", 0], ["List_of_Yale_University_people", 10], ["Edwin_F._Blair", 0], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 0]]} +{"id": 23884, "predicted_label": "REFUTES", "predicted_evidence": [["Stan_Beeman", 0], ["Noah_Emmerich", 2], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["The_Americans_-LRB-season_1-RRB-", 7], ["Stan_Beeman", 2]]} +{"id": 178332, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rock_'n'_Roll_to_the_Rescue", 3], ["Rock_'n'_Roll_to_the_Rescue", 5], ["Theo_Peoples", 6], ["Ray_Reyes", 15], ["Ray_Reyes", 22]]} +{"id": 132762, "predicted_label": "REFUTES", "predicted_evidence": [["Don't_Say_No", 4], ["Sprechgesang", 0], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 2], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 0], ["Spoken_For_-LRB-song-RRB-", 0]]} +{"id": 56860, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["Classy_Christmas", 1], ["Health_Care_-LRB-The_Office-RRB-", 5], ["Rattleballs", 7]]} +{"id": 37281, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stan_Beeman", 0], ["Noah_Emmerich", 2], ["Noah_Emmerich", 1], ["The_Americans_-LRB-season_1-RRB-", 7], ["The_Americans_-LRB-2013_TV_series-RRB-", 4]]} +{"id": 31905, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lost_-LRB-TV_series-RRB-", 0], ["List_of_Hewlett-Packard_executive_leadership", 21], ["List_of_Hewlett-Packard_executive_leadership", 25], ["List_of_Hewlett-Packard_executive_leadership", 11], ["2007_suicide_bombings_in_Iraq", 297]]} +{"id": 154239, "predicted_label": "REFUTES", "predicted_evidence": [["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 0], ["Fist_-LRB-band-RRB-", 27], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 2], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 1], ["Fist_-LRB-band-RRB-", 7]]} +{"id": 120173, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prowler_-LRB-comics-RRB-", 1], ["Silver_Age_of_Comic_Books", 13], ["How_to_Draw_Comics_the_Marvel_Way", 0], ["How_to_Draw_Comics_the_Marvel_Way", 12], ["List_of_Marvel_Comics_people", 56]]} +{"id": 36371, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Depleted_uranium", 29], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3]]} +{"id": 163992, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gothic_romance_film", 0], ["Gothic_romance_film", 14], ["Gothic_romance_film", 2], ["Gothic_romance_film", 9], ["Veeram", 5]]} +{"id": 160823, "predicted_label": "REFUTES", "predicted_evidence": [["Kesha", 0], ["Pebe_Sebert", 4], ["Kesha_v._Dr._Luke", 0], ["Pebe_Sebert", 2], ["Pebe_Sebert", 0]]} +{"id": 181199, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Adventure_Time-COLON-_Finn_&_Jake_Investigations", 2], ["Adventure_Time-COLON-_Finn_&_Jake_Investigations", 0], ["Action-adventure_game", 4], ["List_of_video_game_crowdfunding_projects", 397], ["List_of_video_game_crowdfunding_projects", 3894]]} +{"id": 57603, "predicted_label": "SUPPORTS", "predicted_evidence": [["Julie_Klausner", 4], ["Lizzy_Caplan", 2], ["Lizzy_Caplan", 3], ["Julie_Klausner", 12], ["Caplan", 20]]} +{"id": 9503, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation", 23], ["Black_Cat_-LRB-song-RRB-", 20], ["Rhythm_Nation", 9], ["Rhythm_Nation", 0], ["Black_Cat_-LRB-song-RRB-", 0]]} +{"id": 108060, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Woody_Allen_filmography", 17], ["Woody_Allen_filmography", 0], ["Jackie_Guerra", 8], ["Jackie_Guerra", 1], ["Woody_Allen_filmography", 1]]} +{"id": 41634, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Andrew_Kevin_Walker", 0], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["The_Hire-COLON-_The_Follow", 0], ["Andrew_Walker", 19], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 21145, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching_-LRB-disambiguation-RRB-", 0], ["Kuching", 0], ["Kuching", 14], ["Kuching", 21], ["Kuching", 20]]} +{"id": 161582, "predicted_label": "REFUTES", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 0], ["Australia_-LRB-2008_film-RRB-", 5], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 0], ["MoZella", 9]]} +{"id": 46366, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jose\u0301_Ferrer", 4], ["Jose\u0301_Ferrer", 0], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 0], ["Al_Morgan", 36], ["Rafael_Ferrer_-LRB-actor-RRB-", 3]]} +{"id": 96657, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Don_Yarborough", 18], ["Texas_gubernatorial_election,_1994", 4], ["Michael_J._Osborne", 41], ["Michael_J._Osborne", 3], ["Don_Yarborough", 7]]} +{"id": 213939, "predicted_label": "REFUTES", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Call_of_Duty_-LRB-video_game-RRB-", 11], ["Call_of_Duty", 9], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5]]} +{"id": 32076, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Slipknot_band_members", 8], ["Slipknot_-LRB-band-RRB-", 2], ["Slipknot_discography", 9], ["Michael_Thomson", 9], ["Slipknot_-LRB-band-RRB-", 3]]} +{"id": 32827, "predicted_label": "SUPPORTS", "predicted_evidence": [["Golden_Rule", 10], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Golden_Rule", 0]]} +{"id": 38481, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Bes\u0327iktas\u0327_J.K._seasons", 4], ["The_Real_Milli_Vanilli", 0], ["Milli_-LRB-disambiguation-RRB-", 10], ["List_of_Billboard_200_number-one_albums_of_1989", 22], ["List_of_Billboard_200_number-one_albums_of_1989", 29]]} +{"id": 111766, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soul_Food", 7], ["Soul_food", 3], ["George_Tillman_Jr.", 3], ["Soul_Food_Taqueria", 7], ["Soul_Food_Taqueria", 11]]} +{"id": 32402, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_L.F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["List_of_Tottenham_Hotspur_F.C._players", 14], ["List_of_Tottenham_Hotspur_F.C._players", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 1]]} +{"id": 218471, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hanford_Site", 23], ["Weber_bar", 13], ["David_Reitze", 0], ["Hanford_Reach", 4], ["David_Reitze", 13]]} +{"id": 91853, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-White_Collar-RRB-", 2], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Anthony_Meindl", 20], ["Baywatch_-LRB-film-RRB-", 1], ["Burying_the_Ex", 1]]} +{"id": 19671, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Basildon_Park", 0], ["Borough_of_Basildon", 0], ["Basildon", 13], ["Borough_of_Basildon", 1], ["Pitsea", 5]]} +{"id": 46059, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bhagat_Singh", 0], ["Bhagat_Singh", 19], ["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["23rd_March_1931-COLON-_Shaheed", 9]]} +{"id": 11812, "predicted_label": "REFUTES", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["Atmosphere_and_Telescope_Simulator", 9], ["Atmosphere_and_Telescope_Simulator", 10]]} +{"id": 202994, "predicted_label": "REFUTES", "predicted_evidence": [["Lockheed_Martin", 4], ["Bobby_Mehta", 14], ["Fred_Moosally", 0], ["Chris_Kubasik", 23], ["Bobby_Mehta", 15]]} +{"id": 196981, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 2], ["Vincible_ignorance", 13], ["Glossary_of_Indian_culture", 94], ["Glossary_of_Indian_culture", 99], ["Glossary_of_Indian_culture", 206]]} +{"id": 106481, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bee_Gees", 6], ["Best_of_Bee_Gees,_Volume_2", 4], ["Bee_Gees", 5], ["Bee_Gees", 14], ["Bee_Gees", 15]]} +{"id": 159707, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Arthur_E._Wright", 0], ["Nira_Park", 19], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 53307, "predicted_label": "REFUTES", "predicted_evidence": [["Ripon_College_-LRB-Wisconsin-RRB-", 1], ["Oxford_Centre_for_Ecclesiology_and_Practical_Theology", 21], ["Outwood_Academy_Ripon", 14], ["Outwood_Academy_Ripon", 8], ["Ripon_College", 3]]} +{"id": 45396, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vedam", 9], ["Dhada", 2], ["Anushka_Shetty_filmography", 12], ["Anushka_Shetty_filmography", 16], ["Kanche", 9]]} +{"id": 88429, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Park_Street_-LRB-MBTA_station-RRB-", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 2], ["Green_Line_\"B\"_Branch", 3], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0], ["Tremont_Street_Subway", 0]]} +{"id": 193911, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bea_Arthur", 0], ["Bea_-LRB-given_name-RRB-", 6], ["Rue_La_Rue_Cafe", 1], ["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22]]} +{"id": 177163, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 3], ["Belgium_in_the_long_nineteenth_century", 20], ["Belgium_in_the_long_nineteenth_century", 3], ["Invasion_literature", 0], ["Alien_invasion", 22]]} +{"id": 212329, "predicted_label": "REFUTES", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Dualstar", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 105176, "predicted_label": "SUPPORTS", "predicted_evidence": [["Washington_Wizards", 12], ["Washington_Redskins", 18], ["NBA_Conference_Finals", 21], ["List_of_Washington_Wizards_head_coaches", 9], ["NBA_Conference_Finals", 18]]} +{"id": 225315, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Watkins_-LRB-baseball-RRB-", 7], ["Watkins_-LRB-surname-RRB-", 98], ["Bryan_Cranston", 15], ["Dave_Porter_-LRB-composer-RRB-", 5], ["Dave_Porter_-LRB-composer-RRB-", 7]]} +{"id": 227357, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Giada_-LRB-disambiguation-RRB-", 6], ["Giada_-LRB-disambiguation-RRB-", 0], ["Giada_-LRB-disambiguation-RRB-", 2], ["Giada_-LRB-disambiguation-RRB-", 4], ["DMAX", 7]]} +{"id": 93621, "predicted_label": "REFUTES", "predicted_evidence": [["Armenian_Genocide", 0], ["Armenian_Genocide_denial", 0], ["White_Genocide", 5], ["White_Genocide", 3], ["Armenian_Genocide", 5]]} +{"id": 4728, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 10], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 12], ["James_VI_and_I", 0], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 30], ["Royal_Court_of_Scotland", 27]]} +{"id": 172775, "predicted_label": "REFUTES", "predicted_evidence": [["Danny_Boyle", 0], ["Millions_-LRB-2004_film-RRB-", 0], ["2012_Summer_Olympics_opening_ceremony", 3], ["Jon_S._Baird", 10], ["Dramatic_Need", 20]]} +{"id": 28968, "predicted_label": "SUPPORTS", "predicted_evidence": [["Braunschweig_-LRB-disambiguation-RRB-", 11], ["Frankfurt_Documents", 6], ["Lower_Saxony", 0], ["Frankfurt_Documents", 5], ["Frankfurt_Documents", 12]]} +{"id": 201745, "predicted_label": "SUPPORTS", "predicted_evidence": [["North_Vietnam", 0], ["North_Vietnam", 1], ["North_Vietnam", 10], ["Land_reform_in_Vietnam", 6], ["Operation_Rolling_Thunder", 0]]} +{"id": 37715, "predicted_label": "SUPPORTS", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2002_CONCACAF_Champions'_Cup", 13], ["CONCACAF_Champions_League", 9]]} +{"id": 179009, "predicted_label": "REFUTES", "predicted_evidence": [["Steve_Ditko", 3], ["In_Search_of_Steve_Ditko", 0], ["Charlton_Neo", 2], ["The_Thing!", 12], ["In_Search_of_Steve_Ditko", 4]]} +{"id": 108100, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maggie_Smith", 15], ["Philomena_-LRB-film-RRB-", 9], ["Judi_Dench", 13], ["Maggie_Smith", 22], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 9]]} +{"id": 145120, "predicted_label": "REFUTES", "predicted_evidence": [["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 0], ["Paramore_-LRB-album-RRB-", 0], ["List_of_songs_recorded_by_Paramore", 0], ["Paramore_discography", 0], ["Zac_Farro", 0]]} +{"id": 149709, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vincent_Bugliosi", 2], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Vincent_Bugliosi", 11], ["Helter_Skelter_-LRB-1976_film-RRB-", 5], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 0]]} +{"id": 213952, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 8982, "predicted_label": "SUPPORTS", "predicted_evidence": [["Zeebra", 1], ["Zeebra", 0], ["Hip_hop_music", 11], ["Prophets_of_Da_City", 51], ["Prophets_of_Da_City", 77]]} +{"id": 127403, "predicted_label": "SUPPORTS", "predicted_evidence": [["Starrcade", 1], ["Ric_Flair", 10], ["Sting_-LRB-wrestler-RRB-", 2], ["Ric_Flair", 3], ["Starrcade", 7]]} +{"id": 133852, "predicted_label": "SUPPORTS", "predicted_evidence": [["Woz\u0301niak", 31], ["Grand_Central_Palace", 2], ["Grand_Central_Terminal", 0], ["Grand_Central_Station_-LRB-disambiguation-RRB-", 0], ["Grand_Central_Station_-LRB-disambiguation-RRB-", 5]]} +{"id": 166658, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["List_of_Ace_titles_in_numeric_series", 1417]]} +{"id": 128768, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heavy_metal_lyrics", 0], ["Andrew_Haug", 5], ["List_of_gothic_metal_bands", 4], ["Christian_metal", 10], ["List_of_gothic_metal_bands", 1]]} +{"id": 204034, "predicted_label": "SUPPORTS", "predicted_evidence": [["No_Greater_Love_-LRB-disambiguation-RRB-", 23], ["No_Greater_Love_-LRB-disambiguation-RRB-", 27], ["Love_Thy_Neighbor", 12], ["No_Greater_Love_-LRB-disambiguation-RRB-", 17], ["Ten_Nights_in_a_Barroom", 9]]} +{"id": 135805, "predicted_label": "SUPPORTS", "predicted_evidence": [["George_Tillman_Jr.", 4], ["George_Tillman_Jr.", 0], ["Soul_Food", 7], ["Soul_food", 3], ["Soul_food", 0]]} +{"id": 56774, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lizzy_the_Lezzy", 11], ["Masters_of_Sex_-LRB-season_2-RRB-", 6], ["Caplan", 20], ["Marvel_One-Shots", 7], ["Marvel_One-Shots", 1]]} +{"id": 85649, "predicted_label": "SUPPORTS", "predicted_evidence": [["British_Indian_Army", 8], ["Indian_Army", 3], ["British_Indian_Army", 5], ["Indian_Army_during_World_War_II", 12], ["Indian_Army_during_World_War_II", 9]]} +{"id": 20986, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kidan_Tesfahun", 0], ["Palm_Desert_Scene", 5], ["Maryland_Route_100", 3], ["North_American_F-100_Super_Sabre", 7], ["EMS_Synthi_100", 19]]} +{"id": 90367, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Glossary_of_shapes_with_metaphorical_names", 46], ["Hourglass_drum", 0], ["Lagenorhynchus", 28], ["Lagenorhynchus", 33], ["Lagenorhynchus", 25]]} +{"id": 140019, "predicted_label": "REFUTES", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["Thames_Ironworks_F.C.", 10], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["Thames_Ironworks_F.C.", 0]]} +{"id": 142585, "predicted_label": "REFUTES", "predicted_evidence": [["Saw_II", 0], ["Jigsaw_-LRB-Saw-RRB-", 1], ["Saw_II-COLON-_Flesh_&_Blood", 12], ["Saw_-LRB-franchise-RRB-", 14], ["Saw_II-COLON-_Flesh_&_Blood", 5]]} +{"id": 205631, "predicted_label": "SUPPORTS", "predicted_evidence": [["St._Anger", 0], ["The_Unnamed_Feeling", 0], ["Metallica_discography", 6], ["St._Anger", 2], ["Metallica_discography", 26]]} +{"id": 79017, "predicted_label": "REFUTES", "predicted_evidence": [["Mohra", 4], ["Trisha_filmography", 25], ["List_of_awards_and_nominations_received_by_Madhuri_Dixit", 22], ["List_of_awards_and_nominations_received_by_Madhuri_Dixit", 27], ["Filmfare_Award_for_Best_Music_Album", 48]]} +{"id": 13942, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chun_Bo-geun", 2], ["Golden_Rule", 10], ["Golden_Rule", 19], ["Golden_Rule", 18], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0]]} +{"id": 111594, "predicted_label": "REFUTES", "predicted_evidence": [["WCW/New_Japan_Supershow", 0], ["Starrcade", 0], ["Starrcade_-LRB-1989-RRB-", 0], ["Starrcade_-LRB-2000-RRB-", 0], ["Starrcade_-LRB-1993-RRB-", 0]]} +{"id": 172481, "predicted_label": "REFUTES", "predicted_evidence": [["Renzi_-LRB-surname-RRB-", 22], ["Stefano_Fassina", 12], ["Matteo_Renzi", 0], ["Roberto_Giachetti", 12], ["Roberto_Giachetti", 7]]} +{"id": 124872, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Killam", 14], ["List_of_people_from_Big_Bear_Lake,_California", 17], ["Brother_Nature_-LRB-film-RRB-", 0], ["List_of_people_from_Big_Bear_Lake,_California", 7]]} +{"id": 10357, "predicted_label": "REFUTES", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Ultimate_Spider-Man", 11], ["Ultimate_Spider-Man", 16], ["Secret_War_-LRB-comics-RRB-", 1], ["Brian_Michael_Bendis", 0]]} +{"id": 6893, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_Turtle's_Tale-COLON-_Sammy's_Adventures", 2], ["Underdog_-LRB-film-RRB-", 1], ["James_Arrington", 21], ["James_Arrington", 20], ["Amy_Adams_-LRB-disambiguation-RRB-", 10]]} +{"id": 51003, "predicted_label": "SUPPORTS", "predicted_evidence": [["Capacitive_sensing", 5], ["Flat_panel_display", 14], ["Touchscreen", 9], ["Peripheral", 9], ["Touchscreen", 2]]} +{"id": 58764, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elect_the_Dead", 2], ["System_of_a_Down_discography", 0], ["John_Dolmayan", 0], ["John_Tempesta", 12], ["System_of_a_Down_discography", 25]]} +{"id": 199742, "predicted_label": "SUPPORTS", "predicted_evidence": [["San_Diego\u2013Tijuana", 3], ["San_Diego\u2013Tijuana", 0], ["Baja_California", 8], ["Calimax", 3], ["Baja_California", 3]]} +{"id": 186976, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bermuda_Triangle", 0], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 0], ["Bermuda_Triangle", 3], ["The_Bermuda_Triangle_-LRB-book-RRB-", 0], ["CSS_Chickamauga", 45]]} +{"id": 226108, "predicted_label": "REFUTES", "predicted_evidence": [["Double_Attack_Blackjack", 5], ["Double_Attack_Blackjack", 25], ["Double_Attack_Blackjack", 37], ["Bongwater", 4], ["Bongwater", 6]]} +{"id": 104814, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e", 0], ["Janelle_Mona\u0301e_discography", 4], ["The_ArchAndroid", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 100457, "predicted_label": "REFUTES", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6], ["John_White_Howell", 58]]} +{"id": 193402, "predicted_label": "SUPPORTS", "predicted_evidence": [["Past_Doctor_Adventures", 0], ["Eighth_Doctor", 0], ["Miranda_-LRB-Doctor_Who-RRB-", 0], ["Past_Doctor_Adventures", 4], ["Izzy_Sinclair", 42]]} +{"id": 58728, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coke_Escovedo", 32], ["Carlos_Santana_discography", 12], ["Coke_Escovedo", 19], ["Santana_-LRB-surname-RRB-", 9], ["Santana_-LRB-surname-RRB-", 7]]} +{"id": 99060, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Belong_-LRB-Kathy_Kirby_song-RRB-", 14], ["I_Belong_-LRB-Kathy_Kirby_song-RRB-", 0], ["Where_I_Belong", 13], ["Where_I_Belong", 17], ["Where_I_Belong", 21]]} +{"id": 51281, "predicted_label": "SUPPORTS", "predicted_evidence": [["Citizen_suit", 5], ["Citizen_suit", 0], ["Citizen_suit", 7], ["Citizen_suit", 8], ["United_States_presidential_election,_1800", 17]]} +{"id": 183604, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pixar", 0], ["Jerome_Ranft", 6], ["Pixar", 10], ["Pixar", 6], ["Pixar_universe", 13]]} +{"id": 128278, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soyuz-V", 8], ["Soyuz-V", 12], ["Soyuz_7K-OK", 9], ["Soyuz_7K-OK", 25], ["Soyuz-2", 17]]} +{"id": 132317, "predicted_label": "SUPPORTS", "predicted_evidence": [["Simon_Target", 5], ["Whitehead_-LRB-surname-RRB-", 16], ["Whitehead_-LRB-surname-RRB-", 116], ["Tim_Smith", 39], ["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1]]} +{"id": 45218, "predicted_label": "REFUTES", "predicted_evidence": [["Stanis\u0142aw_Leszczyn\u0301ski", 9], ["Augustus", 41], ["Augustalia", 6], ["Stanis\u0142aw_Leszczyn\u0301ski", 12], ["Prince_Augustus_William_of_Prussia", 15]]} +{"id": 226122, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ron_Magill", 0], ["Richard_Dawkins", 16], ["Ron_Magill", 9], ["Out_Campaign", 27], ["Over_Norton_Park", 2]]} +{"id": 80880, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ripon_College_-LRB-Wisconsin-RRB-", 1], ["Oxford_Centre_for_Ecclesiology_and_Practical_Theology", 21], ["Outwood_Academy_Ripon", 14], ["Outwood_Academy_Ripon", 8], ["Ripon_College", 3]]} +{"id": 29443, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["Cordalene", 6], ["Cordalene", 8], ["I_Kissed_a_Girl", 3], ["Boy_Meets_Girl-COLON-_Say_Hello_to_Courtship", 7]]} +{"id": 113780, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Inverted_spectrum", 6], ["Non-physical_entity", 2], ["Causal_closure", 4], ["Life", 0], ["Robbed-bit_signaling", 24]]} +{"id": 156076, "predicted_label": "REFUTES", "predicted_evidence": [["Kleshas_-LRB-Buddhism-RRB-", 5], ["Kleshas_-LRB-Buddhism-RRB-", 9], ["List_of_books_by_Jacob_Neusner", 1318], ["Kleshas_-LRB-Buddhism-RRB-", 0], ["Kleshas_-LRB-Buddhism-RRB-", 1]]} +{"id": 149754, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jackpot_-LRB-2013_film-RRB-", 1], ["Progressive_jackpot", 0], ["Mega_Millions", 21], ["Progressive_jackpot", 1], ["Mega_Millions", 29]]} +{"id": 59380, "predicted_label": "REFUTES", "predicted_evidence": [["Trollhunters", 0], ["Mike_Chaffe", 3], ["Trollhunters", 5], ["Michael_Sinterniklaas", 5], ["Steve_Braunias", 3]]} +{"id": 147730, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rede_Globo", 2], ["Danger_UXD", 5], ["Patsy_Smart", 3], ["UXB", 7], ["Persian_Broadcasting_Company", 22]]} +{"id": 2145, "predicted_label": "SUPPORTS", "predicted_evidence": [["Google_Analytics", 3], ["Microsoft_adCenter_Analytics", 2], ["UTM_parameters", 3], ["Google_Analytics", 0], ["UTM_parameters", 4]]} +{"id": 113302, "predicted_label": "REFUTES", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Else_H\u00f8st", 9], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler", 2]]} +{"id": 147635, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["CPDRC_Dancing_Inmates", 7], ["CPDRC_Dancing_Inmates", 5], ["CPDRC_Dancing_Inmates", 6], ["Mind_uploading", 22], ["Mind_uploading", 5]]} +{"id": 24247, "predicted_label": "REFUTES", "predicted_evidence": [["Mohra_Sharif", 1], ["Mohra_Sharif", 0], ["Mohra_Gujarn", 4], ["Pir_Irani", 1], ["Pir_Irani", 13]]} +{"id": 8248, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Good_Wife_-LRB-disambiguation-RRB-", 8], ["The_Good_Wife", 4], ["The_Good_Wife_-LRB-disambiguation-RRB-", 0], ["The_Good_Wife_-LRB-disambiguation-RRB-", 6], ["The_Good_Wife", 9]]} +{"id": 13001, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dolph_Briscoe", 4], ["J._J._Pickle", 4], ["Michael_J._Osborne", 41], ["Michael_J._Osborne", 3], ["Ann_Richards_-LRB-disambiguation-RRB-", 0]]} +{"id": 59777, "predicted_label": "SUPPORTS", "predicted_evidence": [["Basildon", 13], ["Fenchurch_Street_railway_station", 0], ["London,_Tilbury_and_Southend_Railway", 3], ["London,_Tilbury_and_Southend_Railway", 12], ["London,_Tilbury_and_Southend_Railway", 0]]} +{"id": 1035, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jab_Tak_Hai_Jaan", 16], ["Phillauri_-LRB-film-RRB-", 0], ["The_Ring_-LRB-2017_film-RRB-", 1], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Phillauri_-LRB-film-RRB-", 2]]} +{"id": 195904, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frozen_-LRB-2013_film-RRB-", 13], ["Shrek_2", 16], ["List_of_highest-grossing_animated_films", 0], ["List_of_accolades_received_by_Frozen_-LRB-2013_film-RRB-", 8], ["List_of_highest-grossing_films", 11]]} +{"id": 202939, "predicted_label": "REFUTES", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 10], ["City_of_Evil", 0], ["Hail_to_the_King_-LRB-Avenged_Sevenfold_album-RRB-", 0], ["Avenged_Sevenfold_discography", 18]]} +{"id": 66117, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2001\u201306-RRB-", 29], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 38], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 47], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2011-RRB-", 112]]} +{"id": 37282, "predicted_label": "SUPPORTS", "predicted_evidence": [["Noah_Emmerich", 1], ["Stan_Beeman", 0], ["The_Americans_-LRB-season_1-RRB-", 7], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["Noah_Emmerich", 2]]} +{"id": 3829, "predicted_label": "REFUTES", "predicted_evidence": [["Alvin_and_the_Chipmunks", 9], ["Laura_Dahl", 2], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray_Gubler", 0], ["Alvin_and_the_Chipmunks", 13]]} +{"id": 161574, "predicted_label": "SUPPORTS", "predicted_evidence": [["Baz_Luhrmann", 2], ["Baz_Luhrmann", 0], ["Romeo_+_Juliet", 0], ["The_Great_Gatsby_-LRB-disambiguation-RRB-", 18], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0]]} +{"id": 22851, "predicted_label": "SUPPORTS", "predicted_evidence": [["Apple_II", 0], ["Steve_Wozniak", 5], ["Woz\u0301niak", 31], ["Zaltair", 0], ["WOZ", 3]]} +{"id": 88251, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Yale_Law_School_alumni", 0], ["List_of_Yale_University_people", 10], ["Yale_University", 23], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 0], ["List_of_Yale_Law_School_alumni", 1]]} +{"id": 43444, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kendall_-LRB-given_name-RRB-", 5], ["Kendall_-LRB-given_name-RRB-", 7], ["2014_Much_Music_Video_Awards", 1], ["Rebels-COLON-_City_of_Indra", 0], ["Brody_Jenner", 13]]} +{"id": 195077, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Joe_Ruddy", 5], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 3], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 4], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 2]]} +{"id": 144161, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 205726, "predicted_label": "REFUTES", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10], ["Richard_L._Bare", 12]]} +{"id": 215229, "predicted_label": "SUPPORTS", "predicted_evidence": [["Looking_for_Angelina", 0], ["Into_the_Blue", 19], ["Into_the_Blue", 21], ["Looking_for_Angelina", 16], ["Looking_for_Angelina", 11]]} +{"id": 52188, "predicted_label": "SUPPORTS", "predicted_evidence": [["Taylor_Lautner", 0], ["Taylor_Lautner", 4], ["The_Bernie_Mac_Show", 0], ["Reginald_Ballard", 7], ["Jeffrey_Bushell", 2]]} +{"id": 200300, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers", 5], ["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["Natural_Born_Killers", 0], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 3]]} +{"id": 92949, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bruce_Shand", 0], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Camilla,_Duchess_of_Cornwall", 6], ["Rosalind_Shand", 1], ["Shand", 16]]} +{"id": 197392, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 140], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 218], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 548], ["Log_cabin_-LRB-disambiguation-RRB-", 17], ["Log_cabin_-LRB-disambiguation-RRB-", 24]]} +{"id": 194359, "predicted_label": "SUPPORTS", "predicted_evidence": [["Broken_English_-LRB-song-RRB-", 0], ["Happiness_in_Slavery", 5], ["Broken_Down", 5], ["Happiness_in_Slavery", 0], ["Broken_Down", 3]]} +{"id": 91047, "predicted_label": "REFUTES", "predicted_evidence": [["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Harold_Macmillan", 0], ["Never_So_Good", 0]]} +{"id": 155872, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Issa_Rae", 2], ["Insecure_-LRB-TV_series-RRB-", 0], ["I_Am_Other", 4], ["Issa_Rae", 1]]} +{"id": 190164, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Floyd_Mayweather_Jr.", 3], ["Golden_Boy_Promotions", 15], ["Floyd_Mayweather_Jr.", 16], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 3]]} +{"id": 32890, "predicted_label": "SUPPORTS", "predicted_evidence": [["Demographic_profile", 29], ["Advertising", 0], ["Advertising", 13], ["Media_for_equity", 12], ["Old_man's_car", 11]]} +{"id": 63961, "predicted_label": "REFUTES", "predicted_evidence": [["Derek_Hough", 6], ["Ballas_Hough_Band", 0], ["BHB", 3], ["Derek_Hough", 0], ["Julianne_Hough", 5]]} +{"id": 82196, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ichabod_Crane_Central_School_District", 13], ["Martin_Van_Buren", 12], ["Presidency_of_Martin_Van_Buren", 0], ["Ichabod_Crane_Central_School_District", 3], ["Martin_Van_Buren", 11]]} +{"id": 8585, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tiber_-LRB-disambiguation-RRB-", 20], ["Tiber_Oil_Field", 0], ["Deepwater_Horizon", 2], ["Marun_Field", 1], ["Tiber_Oil_Field", 1]]} +{"id": 83258, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["The_Legend_of_Bhagat_Singh", 0], ["23rd_March_1931-COLON-_Shaheed", 9], ["The_Legend_of_Bhagat_Singh", 5]]} +{"id": 200386, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ryan_Sinn", 17], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Ryan_Sinn", 12], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 3], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 4]]} +{"id": 10810, "predicted_label": "REFUTES", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["On_the_Radio_\u2013_The_Perry_Como_Shows_1943", 10], ["On_the_Radio_\u2013_The_Perry_Como_Shows_1943", 3], ["On_the_Radio_\u2013_The_Perry_Como_Shows_1943", 22], ["Halsey_-LRB-singer-RRB-", 3]]} +{"id": 107290, "predicted_label": "REFUTES", "predicted_evidence": [["Jose\u0301_Ferrer", 0], ["Cyrano_de_Bergerac_-LRB-1950_film-RRB-", 6], ["Cyrano_de_Bergerac_-LRB-film-RRB-", 11], ["Jose\u0301_Ferrer", 4], ["Cyrano_and_d'Artagnan", 0]]} +{"id": 26081, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mud_-LRB-2012_film-RRB-", 1], ["List_of_accolades_received_by_Dallas_Buyers_Club", 1], ["Rust_Cohle", 1], ["Matthew_McConaughey_filmography", 0], ["Rust_Cohle", 6]]} +{"id": 183586, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pixar", 10], ["Pixar", 6], ["Pixar", 16], ["Erik_Bergman_-LRB-Lutheran_minister-RRB-", 11], ["Erik_Bergman_-LRB-Lutheran_minister-RRB-", 0]]} +{"id": 25870, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Grim", 32], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 501], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 416], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 256], ["Francisco_Bejines", 35]]} +{"id": 88538, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jose\u0301_Ferrer", 0], ["Rafael_Ferrer_-LRB-actor-RRB-", 3], ["Al_Morgan", 17], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 5], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 3]]} +{"id": 201104, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Joseph_Katz", 37], ["Bentley", 6], ["James_L._Bentley", 19], ["Joseph_Katz", 27]]} +{"id": 105157, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pink_Grand_Prix", 3], ["Irresistable_Angel-COLON-_Suck_It_All_Up", 15], ["Minoru_Kunizawa", 4], ["Pink_Grand_Prix", 0], ["Pink_Grand_Prix", 1]]} +{"id": 202932, "predicted_label": "REFUTES", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold_discography", 11], ["Hail_to_the_King_-LRB-Avenged_Sevenfold_album-RRB-", 1], ["City_of_Evil", 15], ["Avenged_Sevenfold_-LRB-album-RRB-", 6]]} +{"id": 1272, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 8], ["Renato_Balestra", 19], ["Renato_Balestra", 46], ["Renato_Balestra", 17]]} +{"id": 97251, "predicted_label": "REFUTES", "predicted_evidence": [["Sheridan_-LRB-surname-RRB-", 123], ["Rob_Sheridan", 0], ["Nine_Inch_Nails_live_performances", 22], ["Pretty_Eight_Machine_-LRB-album-RRB-", 7], ["Nine_Inch_Nails_live_performances", 15]]} +{"id": 77548, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 8], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Space_Mountain_-LRB-Magic_Kingdom-RRB-", 7]]} +{"id": 138114, "predicted_label": "SUPPORTS", "predicted_evidence": [["Julianne_Moore_filmography", 0], ["List_of_awards_and_nominations_received_by_Julianne_Moore", 0], ["Julianne_Moore", 0], ["Anacostia_-LRB-web_series-RRB-", 5], ["Daytime_Emmy_Award_for_Outstanding_Digital_Daytime_Drama_Series", 3]]} +{"id": 34943, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sneath_Glass_Company", 22], ["Kellogg's", 6], ["Sneath_Glass_Company", 17], ["Sneath_Glass_Company", 15], ["Sneath_Glass_Company", 23]]} +{"id": 205738, "predicted_label": "REFUTES", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Richard_L._Bare", 12], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10]]} +{"id": 129575, "predicted_label": "SUPPORTS", "predicted_evidence": [["Villa_Park", 14], ["Toorak_Park", 11], ["Toorak_Park", 10], ["Toorak_Park", 17], ["Villa_Park", 3]]} +{"id": 118104, "predicted_label": "SUPPORTS", "predicted_evidence": [["Meteora_-LRB-album-RRB-", 0], ["List_of_awards_and_nominations_received_by_Linkin_Park", 0], ["List_of_awards_and_nominations_received_by_Linkin_Park", 4], ["Meteora_-LRB-disambiguation-RRB-", 9], ["The_Making_of_Meteora", 4]]} +{"id": 216355, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chagatai", 9], ["Karluk_languages", 3], ["Chagatai_people", 7], ["Karluk_languages", 4], ["Chagatai_Khan", 2]]} +{"id": 203622, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sugarland_Express", 3], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Joe_Alves", 4], ["Merrill_Connally", 11], ["Slipstream_-LRB-unfinished_film-RRB-", 0]]} +{"id": 180582, "predicted_label": "REFUTES", "predicted_evidence": [["Swordfish_-LRB-film-RRB-", 1], ["Swordfish_-LRB-film-RRB-", 0], ["A\u0301guila_Blanca_-LRB-heist-RRB-", 12], ["Death_of_Brian_Douglas_Wells", 6], ["The_Great_St._Louis_Bank_Robbery", 0]]} +{"id": 175639, "predicted_label": "REFUTES", "predicted_evidence": [["Fabian_Nicieza", 0], ["General_-LRB-DC_Comics-RRB-", 10], ["Rictor", 8], ["Publication_history_of_Anarky", 20], ["Anarky", 19]]} +{"id": 156440, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee_Ralph", 0], ["Woody_Allen_filmography", 17], ["Take_the_Money_and_Run", 4], ["Annie_Hall", 14]]} +{"id": 143556, "predicted_label": "REFUTES", "predicted_evidence": [["Jackie_-LRB-2016_film-RRB-", 0], ["List_of_accolades_received_by_Jackie_-LRB-2016_film-RRB-", 0], ["List_of_accolades_received_by_Jackie_-LRB-2016_film-RRB-", 2], ["Noah_Oppenheim", 0], ["Jackie_-LRB-2016_film-RRB-", 5]]} +{"id": 81542, "predicted_label": "REFUTES", "predicted_evidence": [["William_W._Davies", 21], ["William_W._Davies", 0], ["William_W._Davies", 9], ["William_W._Davies", 11], ["Not_Going_Out", 17]]} +{"id": 1112, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_number-one_Billboard_Top_Latin_Albums_from_the_1990s", 18], ["Scream/Childhood", 13], ["Off_the_Wall", 7], ["Raymone_Bain", 5], ["List_of_number-one_Billboard_Top_Latin_Albums_from_the_1990s", 10]]} +{"id": 54690, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jose\u0301_Ferrer", 4], ["Al_Morgan", 66], ["Al_Morgan", 17], ["Jose\u0301_Ferrer", 0], ["Spice_Girls_filmography", 21]]} +{"id": 198221, "predicted_label": "REFUTES", "predicted_evidence": [["Jupiter_trojan", 8], ["Saturn", 9], ["Moons_of_Saturn", 22], ["Moons_of_Saturn", 0], ["Moons_of_Saturn", 1]]} +{"id": 194476, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda", 12], ["I_Am_Love_-LRB-film-RRB-", 2], ["Swinton_-LRB-surname-RRB-", 19], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Michael_Clayton_-LRB-film-RRB-", 1]]} +{"id": 63039, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kennedy_Compound", 0], ["Kennedy_Compound", 6], ["Harvard_Institute_of_Politics", 11], ["Profile_in_Courage_Award", 6], ["Caroline_Kennedy", 4]]} +{"id": 79208, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_Central_Arizona", 4], ["Muhlenbergia", 330], ["Flag_of_Arizona", 16], ["Muhlenbergia", 351], ["Muhlenbergia", 343]]} +{"id": 71695, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coke_Escovedo", 32], ["Carlos_Santana_discography", 12], ["Santana_discography", 13], ["Coke_Escovedo", 19], ["Santana_-LRB-surname-RRB-", 7]]} +{"id": 35174, "predicted_label": "REFUTES", "predicted_evidence": [["J._C._Johnson", 0], ["Bessie", 35], ["Bessie", 23], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["J._C._Johnson", 21]]} +{"id": 72056, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Go_to_Hell_-LRB-American_Horror_Story-RRB-", 4], ["Protect_the_Coven", 4], ["Boy_Parts", 4], ["Go_to_Hell_-LRB-American_Horror_Story-RRB-", 5], ["Head_-LRB-American_Horror_Story-RRB-", 4]]} +{"id": 99965, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yara_-LRB-given_name-RRB-", 45], ["Butter_-LRB-2011_film-RRB-", 0], ["Imagine_That_-LRB-film-RRB-", 1], ["Yara", 5], ["Yara_-LRB-given_name-RRB-", 23]]} +{"id": 62355, "predicted_label": "REFUTES", "predicted_evidence": [["Babe_Smith", 0], ["Annette_Badland", 0], ["Carter_family_-LRB-EastEnders-RRB-", 14], ["Stan_Carter", 6], ["Babe_Smith", 8]]} +{"id": 124479, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Estimated_date_of_confinement", 0], ["Library_card", 12], ["Tax_return_-LRB-Canada-RRB-", 20], ["Late_fee", 0], ["Comm_South_Companies", 18]]} +{"id": 223663, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ludwig_van_Beethoven", 5], ["Beethoven_in_film", 14], ["Masonic_music", 15], ["Christian_Gottlob_Neefe", 9], ["Ludwig_van_Beethoven", 0]]} +{"id": 219300, "predicted_label": "REFUTES", "predicted_evidence": [["Infinity_chili", 0], ["Capsicum_chinense", 0], ["Piri_piri", 0], ["Bhut_jolokia", 1], ["Capsicum_baccatum", 9]]} +{"id": 192834, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 4], ["Ian_Brennan", 6], ["Ian_Brennan", 2], ["Ian_Brennan", 0], ["Ian_Brennan", 8]]} +{"id": 27863, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bhagat_Singh", 0], ["Bhagat_Singh", 19], ["Indian_independence_movement", 0], ["Inquilab_Zindabad", 2], ["The_Legend_of_Bhagat_Singh", 0]]} +{"id": 195073, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gordon_Legge", 0], ["List_of_British_Army_full_generals", 7880], ["List_of_British_Army_full_generals", 12740], ["Hadley_Institute_for_the_Blind_and_Visually_Impaired", 32], ["Hadley_Institute_for_the_Blind_and_Visually_Impaired", 29]]} +{"id": 218246, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_companies_of_Libya", 2], ["Libya", 2], ["Spain", 5], ["Sudan", 16], ["Sudan", 15]]} +{"id": 59707, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nuuk", 4], ["Nuuk", 1], ["Nuuk_Posse", 11], ["Nuuk_Airport", 0], ["Aqqusinersuaq", 5]]} +{"id": 83138, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nuuk_Airport", 10], ["Nuuk_Airport", 0], ["Nuuk", 13], ["Nuuk", 3], ["Geology_of_Greenland", 6]]} +{"id": 51596, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vostok_-LRB-sloop-of-war-RRB-", 0], ["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Vostok_Station", 2], ["Mirny", 36], ["Mirny_Urban_Settlement", 3]]} +{"id": 79682, "predicted_label": "REFUTES", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Knudsen", 40], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Adam_Price_-LRB-screenwriter-RRB-", 6], ["Jeppe_Gjervig_Gram", 7]]} +{"id": 160843, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kesha_v._Dr._Luke", 9], ["Kesha", 17], ["Kesha_v._Dr._Luke", 0], ["Kesha_v._Dr._Luke", 15], ["Take_It_Off_-LRB-Kesha_song-RRB-", 3]]} +{"id": 116159, "predicted_label": "SUPPORTS", "predicted_evidence": [["Green_Day", 1], ["Tre\u0301", 3], ["Green_Day", 18], ["Kerplunk_-LRB-album-RRB-", 2], ["\u00a1Tre\u0301!", 10]]} +{"id": 165118, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Expendables_-LRB-2010_film-RRB-", 0], ["Rocky_Balboa_-LRB-film-RRB-", 0], ["Mickey_Rourke_filmography", 1], ["Get_Carter_-LRB-2000_film-RRB-", 0], ["Leonard_Termo", 14]]} +{"id": 167471, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Id_-LRB-album-RRB-", 6], ["Cadet_Kelly", 0], ["The_Cheetah_Girls_2", 1], ["Hilary_Duff", 3], ["Larry_Shaw_-LRB-director-RRB-", 9]]} +{"id": 181842, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fiona_Cumming", 0], ["Roger_Hodgman", 4], ["Herbert_Gehr", 24], ["Roger_Hodgman", 0], ["Bruce_Kessler", 33]]} +{"id": 139938, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_I_of_France", 0], ["Enos_-LRB-chimpanzee-RRB-", 1], ["Gua_-LRB-chimpanzee-RRB-", 1], ["Charles,_Count_of_Angoule\u0302me", 9], ["Francis_I_of_France", 7]]} +{"id": 194343, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nine_Inch_Nails", 16], ["List_of_awards_and_nominations_received_by_Nine_Inch_Nails", 2], ["List_of_awards_and_nominations_received_by_Nine_Inch_Nails", 1], ["Nine_Inch_Nails", 9], ["Nine_Inch_Nails_discography", 8]]} +{"id": 148864, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jefferson's_Manual", 2], ["Thomas_Jefferson_Medal", 0], ["Thomas_Jefferson_Medal", 15], ["Thomas_Jefferson_Medal", 11], ["Thomas_Jefferson_Medal", 13]]} +{"id": 153032, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["XHamster", 6], ["Qristina_Ribohn", 7], ["Qristina_Ribohn", 8], ["Big_Brother_2008", 6], ["AACTA_Award_for_Best_Direction_in_a_Television_Light_Entertainment_or_Reality_Series", 5]]} +{"id": 72970, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_dress", 7], ["History_and_Public_Policy_Program", 14], ["Acoustic_resonance", 3], ["Earthworks_-LRB-company-RRB-", 3], ["History_and_Public_Policy_Program", 7]]} +{"id": 216596, "predicted_label": "REFUTES", "predicted_evidence": [["Calcaneal_spur", 1], ["Periodontitis", 5], ["Sialography", 0], ["Myelography", 0], ["Osteopathia_striata", 0]]} +{"id": 143054, "predicted_label": "REFUTES", "predicted_evidence": [["Saxony", 4], ["Neck_-LRB-band-RRB-", 9], ["History_of_the_Republic_of_Ireland", 0], ["State_papers", 47], ["History_of_the_Republic_of_Ireland", 10]]} +{"id": 174020, "predicted_label": "SUPPORTS", "predicted_evidence": [["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["The_Endless_River", 0], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["Pink_Floyd", 17], ["The_Endless_River", 5]]} +{"id": 50463, "predicted_label": "REFUTES", "predicted_evidence": [["Randy_Savage", 0], ["ICW_Heavyweight_Championship", 4], ["ICW_Heavyweight_Championship", 1], ["Not_happy,_Jan!", 31], ["Catch_phrase_-LRB-disambiguation-RRB-", 13]]} +{"id": 172092, "predicted_label": "SUPPORTS", "predicted_evidence": [["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Antonina_Armato", 26], ["Stars_Dance", 0]]} +{"id": 149752, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Indigenous_peoples_of_South_America", 16], ["Chilean_expansionism", 0], ["Chilean_expansionism", 1], ["Indigenous_peoples_of_South_America", 0], ["Bibliography_of_South_America", 0]]} +{"id": 64986, "predicted_label": "REFUTES", "predicted_evidence": [["Dallas", 9], ["Minneapolis", 2], ["Nuuk", 1], ["Dallas", 13], ["Dallas", 22]]} +{"id": 116391, "predicted_label": "SUPPORTS", "predicted_evidence": [["Basildon", 13], ["History_of_the_London_Underground", 4], ["Reasons_for_the_failure_of_British_Caledonian", 139], ["Reasons_for_the_failure_of_British_Caledonian", 143], ["Basildon", 3]]} +{"id": 202796, "predicted_label": "REFUTES", "predicted_evidence": [["Bubble_Boy_-LRB-musical-RRB-", 0], ["Despicable_Me_3", 2], ["Despicable_Me_2", 1], ["Bubble_Boy_-LRB-film-RRB-", 0], ["Cinco_Paul_and_Ken_Daurio", 0]]} +{"id": 9268, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["JB_Carlson", 2], ["JB_Carlson", 1], ["Jesse_Carlson", 24]]} +{"id": 53567, "predicted_label": "REFUTES", "predicted_evidence": [["Italians_in_the_United_Kingdom", 1], ["Adar", 12], ["Adar", 11], ["Milli_-LRB-disambiguation-RRB-", 10], ["The_Real_Milli_Vanilli", 18]]} +{"id": 169029, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_institutions_of_higher_education_in_Andhra_Pradesh", 6], ["P._V._Narasimha_Rao", 5], ["P._V._Narasimha_Rao", 7], ["Manmohan_Singh", 16], ["P._V._Narasimha_Rao", 8]]} +{"id": 15735, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Quick", 4], ["TV_Quick", 10], ["Linden_Hills_Library", 40], ["Linden_Hills_Library", 106], ["TV_Quick", 5]]} +{"id": 43110, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aswath_Damodaran", 10], ["Indian_Institute_of_Management_Bangalore", 5], ["Indian_Institute_of_Management_Bangalore", 0], ["Indian_Institute_of_Management_-LRB-disambiguation-RRB-", 9], ["Aswath_Damodaran", 11]]} +{"id": 172286, "predicted_label": "REFUTES", "predicted_evidence": [["Marjorie", 296], ["Jonathan_Lee_-LRB-novelist-RRB-", 0], ["List_of_people_with_surname_Carey", 263], ["Jonathan_Lee_-LRB-novelist-RRB-", 17], ["West_-LRB-name-RRB-", 167]]} +{"id": 165895, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billion_Dollar_Babies_-LRB-song-RRB-", 4], ["Billion_Dollar_Babies_-LRB-song-RRB-", 9], ["Billion_Dollar_Babies_-LRB-song-RRB-", 11], ["Neal_Smith_-LRB-drummer-RRB-", 14], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 7]]} +{"id": 99653, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stuart_Craig", 18], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 7], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 9], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 3], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 5]]} +{"id": 37086, "predicted_label": "SUPPORTS", "predicted_evidence": [["Richard_Bessie\u0300re", 14], ["Isua_Greenstone_Belt", 8], ["Isua_Greenstone_Belt", 7], ["Alcheringa_-LRB-journal-RRB-", 1], ["Richard_Bessie\u0300re", 13]]} +{"id": 155046, "predicted_label": "REFUTES", "predicted_evidence": [["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Camilla,_Duchess_of_Cornwall", 6], ["Shand", 16], ["Rosalind_Shand", 1], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 4]]} +{"id": 202944, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold", 0], ["Avenged_Sevenfold_discography", 1], ["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8]]} +{"id": 101773, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fort_Buckner", 3], ["Fort_Buckner", 2], ["Fort_Buckner", 0], ["Richard_Buckner_-LRB-artist-RRB-", 25], ["Ed_Buckner", 15]]} +{"id": 69902, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Guantanamo's_Child", 1], ["Maha_el-Samnah", 2], ["Canadian_response_to_Omar_Khadr", 24], ["Rebecca_S._Snyder", 2], ["Rebecca_S._Snyder", 12]]} +{"id": 198041, "predicted_label": "REFUTES", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["New_York_City_Landmarks_Preservation_Commission", 6], ["Dorothy_Miner", 9], ["Pyramid_Club", 20]]} +{"id": 3734, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mister_Fantastic", 17], ["Invisible_Woman", 15], ["Human_Torch", 18], ["Alicia_Masters", 8], ["Fantastic_Four_in_film", 7]]} +{"id": 173125, "predicted_label": "SUPPORTS", "predicted_evidence": [["Anne_Sullivan", 0], ["Ann_Sullivan", 3], ["Macy_-LRB-surname-RRB-", 4], ["Anne_Sullivan_Communication_Center", 9], ["Macy_-LRB-surname-RRB-", 8]]} +{"id": 42636, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Knudsen", 40], ["Borgen_-LRB-TV_series-RRB-", 9], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["After_the_Wedding", 0]]} +{"id": 43168, "predicted_label": "SUPPORTS", "predicted_evidence": [["Land_of_No_Return", 0], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Right_to_Kill?", 10], ["Easy_to_Assemble", 4], ["Easy_to_Assemble", 7]]} +{"id": 198030, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Pyramid_Club", 20], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 64498, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_singing_actors_and_actresses_in_Indian_cinema", 0], ["List_of_singing_actors_and_actresses_in_Indian_cinema", 7], ["List_of_pornographic_actors_who_appeared_in_mainstream_films", 10], ["Romeo_Bosetti", 22], ["Romeo_Bosetti", 10]]} +{"id": 143855, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tualatin_Valley_Highway", 0], ["Tualatin_Valley_Highway", 1], ["Progress,_Oregon", 5], ["Ronald_D._Mehl", 11], ["Beaverton_High_School", 0]]} +{"id": 56776, "predicted_label": "SUPPORTS", "predicted_evidence": [["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 0], ["Creedence_Clearwater_Revisited", 4], ["Pre-Creedence", 0], ["Creedence_Clearwater_Revival", 0]]} +{"id": 202445, "predicted_label": "REFUTES", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 180576, "predicted_label": "REFUTES", "predicted_evidence": [["Baahubali-COLON-_The_Beginning", 14], ["Skyfall", 24], ["Baahubali-COLON-_The_Beginning", 17], ["Raaz_3D", 9], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 8]]} +{"id": 123822, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_stutterers", 10], ["Robert_Earl_Jones", 5], ["List_of_stutterers", 5], ["Earl_-LRB-given_name-RRB-", 271], ["Long_Ago_and_Far_Away_-LRB-TV_series-RRB-", 14]]} +{"id": 193898, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["International_Society_for_Animal_Rights", 41], ["People_for_the_Ethical_Treatment_of_Animals", 12], ["International_Society_for_Animal_Rights", 12], ["International_Society_for_Animal_Rights", 36], ["Gary_L._Francione", 6]]} +{"id": 155704, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_extreme_points_of_U.S._states", 282], ["List_of_knobs", 60], ["List_of_bottoms", 44], ["List_of_knobs", 5], ["List_of_knobs", 33]]} +{"id": 23536, "predicted_label": "SUPPORTS", "predicted_evidence": [["Liam_Neeson", 11], ["Liam_Neeson_filmography", 2], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 1], ["Liam_Neeson_filmography", 0], ["List_of_American_films_of_1950", 24]]} +{"id": 63287, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Melancholia_-LRB-2011_film-RRB-", 0], ["Melancholia_-LRB-disambiguation-RRB-", 10], ["Jude_Cole", 69], ["Jude_Cole", 65], ["Jude_Cole", 18]]} +{"id": 194800, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["National_Film_Award_for_Best_Actor", 12], ["List_of_EastEnders_two-hander_episodes", 10], ["National_Film_Award_for_Best_Actor", 13], ["Co-stardom_network", 4], ["The_Two_of_Us_-LRB-play-RRB-", 18]]} +{"id": 138356, "predicted_label": "REFUTES", "predicted_evidence": [["Murda_Beatz", 0], ["GTTM-COLON-_Goin_Thru_the_Motions", 4], ["No_Frauds", 1], ["Rich_Nigga_Timeline", 2], ["Migos", 8]]} +{"id": 117842, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Glossary_of_shapes_with_metaphorical_names", 46], ["Hourglass_drum", 0], ["Hourglass_treefrog_-LRB-disambiguation-RRB-", 6], ["Hourglass_treefrog_-LRB-disambiguation-RRB-", 10], ["Hourglass_treefrog_-LRB-disambiguation-RRB-", 3]]} +{"id": 194789, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fortunes_of_War_-LRB-TV_series-RRB-", 0], ["Fortunes_of_War_-LRB-TV_series-RRB-", 1], ["The_Magic_Flute_-LRB-2006_film-RRB-", 4], ["Henry_V_-LRB-1989_film-RRB-", 1], ["As_You_Like_It_-LRB-2006_film-RRB-", 1]]} +{"id": 60769, "predicted_label": "SUPPORTS", "predicted_evidence": [["Floppy_disk", 0], ["USB_flash_drive", 6], ["Floppy_disk", 9], ["History_of_the_floppy_disk", 0], ["USB_flash_drive", 21]]} +{"id": 54620, "predicted_label": "REFUTES", "predicted_evidence": [["ALA_Best_Fiction_for_Young_Adults", 0], ["ALA_Best_Fiction_for_Young_Adults", 8], ["Allan_Stratton", 45], ["Allan_Stratton", 43], ["Allan_Stratton", 46]]} +{"id": 98848, "predicted_label": "SUPPORTS", "predicted_evidence": [["Linkin_Park_discography", 7], ["Beta_State", 8], ["List_of_songs_recorded_by_Linkin_Park", 9], ["List_of_songs_recorded_by_Linkin_Park", 46], ["List_of_songs_recorded_by_Linkin_Park", 23]]} +{"id": 166912, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_The_Grudge_characters", 5], ["Believe_Me_-LRB-film-RRB-", 1], ["The_Grudge_3", 2], ["Quantico_-LRB-TV_series-RRB-", 6], ["Run_the_Tide", 0]]} +{"id": 10152, "predicted_label": "SUPPORTS", "predicted_evidence": [["Underdog_-LRB-film-RRB-", 1], ["Game_of_Thrones_-LRB-season_2-RRB-", 17], ["Peter_Dinklage_on_screen_and_stage", 0], ["Game_of_Thrones_-LRB-season_2-RRB-", 11], ["List_of_awards_and_nominations_received_by_Peter_Dinklage", 0]]} +{"id": 57773, "predicted_label": "SUPPORTS", "predicted_evidence": [["Peking_University_Shenzhen_Graduate_School", 0], ["Peking_University_Shenzhen_Graduate_School", 2], ["Peking_University_Shenzhen_Graduate_School", 1], ["Beijing_International_MBA_at_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 5]]} +{"id": 158, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Golden_Rule", 10], ["Wish_Upon_a_Star", 0], ["When_You_Wish_Upon_a_Weinstein", 7], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4]]} +{"id": 95839, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["36.9_ultimatum", 5], ["2011_Norway_attacks", 16], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 9], ["2011_Norway_attacks", 22]]} +{"id": 63590, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Janet_Lee_-LRB-disambiguation-RRB-", 8], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 1], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 59091, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fernando_Espuelas", 31], ["Fernando_Espuelas", 24], ["Fernando_Espuelas", 27], ["Fernando_Espuelas", 8], ["Gordan_Koz\u030culj", 18]]} +{"id": 167977, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Don_Bradman", 20], ["List_of_international_cricket_centuries_by_Don_Bradman", 0], ["Don_Bradman", 21], ["Don_Bradman", 0], ["Jack_Fingleton", 16]]} +{"id": 37250, "predicted_label": "SUPPORTS", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 4], ["List_of_films_set_in_Detroit", 108], ["List_of_films_set_in_Detroit", 64], ["List_of_films_set_in_Detroit", 98], ["List_of_teachers_portrayed_in_films", 82]]} +{"id": 106757, "predicted_label": "SUPPORTS", "predicted_evidence": [["Funky_Squad", 0], ["Chuck_Shamata", 5], ["Gregory_Sierra", 10], ["Will_Mackenzie", 11], ["Will_Mackenzie", 21]]} +{"id": 77378, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_trafficking", 0], ["Human_trafficking_in_New_Zealand", 6], ["Human_trafficking", 4], ["Beryl_Esembe", 36], ["The_A21_Campaign", 15]]} +{"id": 28324, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Acetylcholine", 18], ["Nicotinic_acetylcholine_receptor", 10], ["Muscarinic_antagonist", 0]]} +{"id": 6876, "predicted_label": "SUPPORTS", "predicted_evidence": [["Clock_House_railway_station", 7], ["The_Wallace_-LRB-poem-RRB-", 2], ["Celtic_Revival", 12], ["Shalivahana", 8], ["Lorica_squamata", 5]]} +{"id": 216363, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chagatai", 9], ["Uyghur", 4], ["Uyghur", 12], ["Uyghur", 14], ["Chagatai_people", 7]]} +{"id": 227067, "predicted_label": "SUPPORTS", "predicted_evidence": [["Roar_-LRB-song-RRB-", 0], ["I_Kissed_a_Girl", 0], ["Katy_Perry_videography", 0], ["Katy_Perry_discography", 0], ["Katy_Perry", 0]]} +{"id": 207382, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["David_Packouz", 3], ["Efraim_Diveroli", 0], ["Ephraim_-LRB-given_name-RRB-", 30], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["AEY", 9]]} +{"id": 107308, "predicted_label": "REFUTES", "predicted_evidence": [["Family_Guy_-LRB-season_13-RRB-", 7], ["Neeson", 9], ["Darkman", 2], ["Darkman", 7], ["Les_Mise\u0301rables_-LRB-1998_film-RRB-", 1]]} +{"id": 172100, "predicted_label": "REFUTES", "predicted_evidence": [["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Antonina_Armato", 26], ["Stars_Dance", 0]]} +{"id": 127540, "predicted_label": "REFUTES", "predicted_evidence": [["Guillermo_del_Toro", 0], ["Del_Toro_-LRB-surname-RRB-", 12], ["Sundown_-LRB-video_game-RRB-", 0], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 1]]} +{"id": 114093, "predicted_label": "REFUTES", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["List_of_compositions_by_Alan_Hovhaness", 553], ["List_of_compositions_by_Alan_Hovhaness", 160], ["Chiel_Meijering", 9]]} +{"id": 145469, "predicted_label": "SUPPORTS", "predicted_evidence": [["Police_Call", 0], ["Vanessa_Williams", 10], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9], ["Grant_Bowler", 4], ["Remember_Paul?", 14]]} +{"id": 58191, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lil_Wayne", 9], ["Go_D.J.", 4], ["Lil_Wayne_singles_discography", 2], ["Tha_Carter_IV", 1], ["Dedication_2", 1]]} +{"id": 19190, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Just_Wanna_Love_U_-LRB-Give_It_2_Me-RRB-", 1], ["Pharrell_Williams", 4], ["Kenny_Ortiz", 13], ["Shay_Haley", 1], ["Shay_Haley", 2]]} +{"id": 183632, "predicted_label": "REFUTES", "predicted_evidence": [["Ellen_DeGeneres", 5], ["Andrew_Stanton", 7], ["Pixar", 10], ["Finding_Nemo", 1], ["Finding_Dory", 1]]} +{"id": 22043, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 1], ["David_Huckabee", 2], ["Huckabee_-LRB-disambiguation-RRB-", 9], ["West_Virginia_Republican_caucuses_and_primary,_2008", 13]]} +{"id": 161843, "predicted_label": "REFUTES", "predicted_evidence": [["The_Book_of_Mormon_-LRB-musical-RRB-", 2], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["The_Book_of_Mormon-COLON-_Original_Broadway_Cast_Recording", 0], ["Matt_Stone", 12], ["Tony_Award", 7]]} +{"id": 42213, "predicted_label": "REFUTES", "predicted_evidence": [["John_Deighton", 24], ["Deighton", 18], ["Derek_Deighton", 1], ["Derek_Deighton", 0], ["John_Deighton", 0]]} +{"id": 70297, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_People_for_Bernie_Sanders", 0], ["People's_Summit", 1], ["List_of_Jewish_political_milestones_in_the_United_States", 71], ["Democratic_Party_presidential_primaries,_2016", 8], ["List_of_Jewish_political_milestones_in_the_United_States", 73]]} +{"id": 216368, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chagatai", 9], ["Karluk_languages", 3], ["Chagatai_people", 7], ["Chagatai_Khan", 2], ["Uyghur_Arabic_alphabet", 5]]} +{"id": 25210, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Dark_Knight_Rises_-LRB-soundtrack-RRB-", 0], ["Christian_Bale_filmography", 41], ["The_Dark_Knight_Rises", 16], ["The_Dark_Knight_-LRB-film-RRB-", 18], ["Christian_Bale_filmography", 43]]} +{"id": 195368, "predicted_label": "REFUTES", "predicted_evidence": [["Year_Zero_-LRB-album-RRB-", 0], ["Trauma_Records", 1], ["A&M_Records", 5], ["Thomas_Abate", 3], ["Year_Zero_-LRB-album-RRB-", 8]]} +{"id": 72546, "predicted_label": "SUPPORTS", "predicted_evidence": [["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Harold_Macmillan", 0], ["Never_So_Good", 0]]} +{"id": 33840, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Christine_Lahti", 7], ["Sanaz_Shirazi", 43], ["Shane_Stanley", 12], ["List_of_awards_and_nominations_received_by_Elizabeth_Taylor", 42], ["List_of_awards_and_nominations_received_by_Netflix", 41]]} +{"id": 177171, "predicted_label": "SUPPORTS", "predicted_evidence": [["Influence_of_the_French_Revolution", 5], ["Invasion_literature", 3], ["Alien_invasion", 22], ["Invasion_literature", 0], ["The_War_of_the_Worlds", 7]]} +{"id": 85004, "predicted_label": "REFUTES", "predicted_evidence": [["Langdon_Hills", 9], ["Basildon", 10], ["Langdon_Hills", 14], ["Langdon_Hills", 4], ["Basildon_Park", 0]]} +{"id": 85036, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Daily_Show-COLON-_Indecision_2004", 4], ["The_Daily_Show", 8], ["The_Daily_Show-COLON-_Indecision", 0], ["The_Daily_Show-COLON-_Indecision_2004", 0], ["List_of_The_Daily_Show_recurring_segments", 1]]} +{"id": 173718, "predicted_label": "REFUTES", "predicted_evidence": [["Scruggs", 9], ["Earl_Scruggs", 0], ["Scruggs_style", 14], ["Randy_Scruggs", 2], ["Jim_Shumate", 9]]} +{"id": 175731, "predicted_label": "SUPPORTS", "predicted_evidence": [["2008_ICC_World_Cricket_League_Africa_Region_Division_Two", 4], ["Master_Lian_Tzi", 11], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 10], ["Pseudomyxoma_Survivor", 0], ["World_Maths_Day", 11]]} +{"id": 178153, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Collapse_of_the_World_Trade_Center", 0], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 15], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 9], ["National_September_11_Memorial_&_Museum", 0], ["One_World_Trade_Center", 19]]} +{"id": 228323, "predicted_label": "SUPPORTS", "predicted_evidence": [["Island_Records_-LRB-disambiguation-RRB-", 2], ["Island_Records", 1], ["Island_Records", 12], ["Ron_Rogers", 7], ["Island_Records", 10]]} +{"id": 194774, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bemidji_High_School", 8], ["The_Puerto_Rican_Day", 3], ["Blue_Collar_TV", 0], ["Larry_the_Cable_Guy", 14], ["The_Last_One_-LRB-Friends-RRB-", 3]]} +{"id": 174604, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Billboard_200_number-one_albums_of_2002", 15], ["List_of_Billboard_200_number-one_albums_of_2002", 14], ["Snoop_Dogg_discography", 66], ["List_of_Billboard_200_number-one_albums_of_2002", 9], ["Artpop", 13]]} +{"id": 8830, "predicted_label": "REFUTES", "predicted_evidence": [["Lashkargah", 0], ["Lashkargah", 1], ["Lashkargah", 3], ["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2007-RRB-", 53]]} +{"id": 118404, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Graeffer", 29], ["Naples", 43], ["John_Graeffer", 13], ["Palace_of_Caserta", 0], ["John_Graeffer", 26]]} +{"id": 148981, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Andy's_Ancestry", 10], ["Christening_-LRB-The_Office-RRB-", 6], ["Lotto_-LRB-The_Office-RRB-", 8], ["Livin'_the_Dream", 7], ["A.A.R.M.", 7]]} +{"id": 91858, "predicted_label": "SUPPORTS", "predicted_evidence": [["Esco_-LRB-Singaporean_company-RRB-", 0], ["Esco_-LRB-Singaporean_company-RRB-", 3], ["Kellogg_-LRB-name-RRB-", 91], ["Kellogg_-LRB-name-RRB-", 41], ["Kellogg_-LRB-name-RRB-", 61]]} +{"id": 148595, "predicted_label": "REFUTES", "predicted_evidence": [["Camilla,_Duchess_of_Cornwall", 6], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Rosalind_Shand", 1], ["Shand", 16], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 15]]} +{"id": 206161, "predicted_label": "SUPPORTS", "predicted_evidence": [["San_Francisco_Peninsula", 0], ["Palo_Alto,_California", 0], ["Palo_Alto_Art_Center", 6], ["San_Francisco_Peninsula", 3], ["East_Palo_Alto,_California", 3]]} +{"id": 170424, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Martin_-LRB-lawyer-RRB-", 8], ["Madden_NFL_2004", 1], ["2007_Atlanta_Falcons_season", 4], ["Billy_Martin_-LRB-lawyer-RRB-", 7], ["2007_Atlanta_Falcons_season", 10]]} +{"id": 211277, "predicted_label": "REFUTES", "predicted_evidence": [["The_Farmer_Wants_a_Wife_-LRB-Australian_TV_series-RRB-", 3], ["The_Noose_-LRB-TV_series-RRB-", 10], ["Desperate_Housewives_-LRB-season_7-RRB-", 0], ["List_of_The_Office_-LRB-U.S._TV_series-RRB-_episodes", 11], ["The_Noose_-LRB-TV_series-RRB-", 6]]} +{"id": 9713, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Eminem", 13], ["List_of_awards_and_nominations_received_by_Eminem", 18], ["Eminem_discography", 13], ["List_of_awards_and_nominations_received_by_Eminem", 8], ["Eminem", 8]]} +{"id": 79437, "predicted_label": "REFUTES", "predicted_evidence": [["Lou_Gehrig", 15], ["Lou_Gehrig_Memorial_Award", 0], ["Hispanic_Heritage_Baseball_Museum", 61], ["Hispanic_Heritage_Baseball_Museum", 107], ["Hispanic_Heritage_Baseball_Museum", 13]]} +{"id": 4818, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["American_English_-LRB-disambiguation-RRB-", 10], ["English_people", 6], ["English_people", 15], ["The_English_people", 4]]} +{"id": 165872, "predicted_label": "SUPPORTS", "predicted_evidence": [["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 14], ["Dawn_Summers", 2], ["The_Body_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2]]} +{"id": 202472, "predicted_label": "SUPPORTS", "predicted_evidence": [["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 2], ["Control_-LRB-fictional_character-RRB-", 6], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]} +{"id": 111251, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boylston_-LRB-MBTA_station-RRB-", 0], ["Hynes_Convention_Center_-LRB-MBTA_station-RRB-", 0], ["Green_Line_\"B\"_Branch", 0], ["Hynes_Convention_Center_-LRB-MBTA_station-RRB-", 1], ["Green_Line_\"B\"_Branch", 3]]} +{"id": 122744, "predicted_label": "REFUTES", "predicted_evidence": [["Thomas_Jefferson", 28], ["Thomas_Jefferson_Medal", 20], ["Thomas_Jefferson_High_School", 17], ["Thomas_Jefferson", 35], ["Thomas_Jefferson_Medal", 11]]} +{"id": 65083, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Shaw_PPV", 4], ["Sky_Box_Office", 5], ["Laura_Serrano", 14], ["Sky_Box_Office", 3], ["Laura_Serrano", 6]]} +{"id": 166845, "predicted_label": "SUPPORTS", "predicted_evidence": [["Baby_Let's_Play_House", 31], ["Drake_Bell_discography", 2], ["Drake_Bell", 19], ["Drake_Bell_discography", 0], ["Drake_&_Josh_-LRB-soundtrack-RRB-", 0]]} +{"id": 113381, "predicted_label": "SUPPORTS", "predicted_evidence": [["Canadian_heavy_metal", 5], ["List_of_gothic_metal_bands", 3], ["Christian_metal", 13], ["Canadian_heavy_metal", 19], ["Canadian_heavy_metal", 8]]} +{"id": 102605, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Clifford_-LRB-choreographer-RRB-", 43], ["John_Clifford_-LRB-choreographer-RRB-", 39], ["John_Clifford_-LRB-choreographer-RRB-", 34], ["John_Clifford_-LRB-choreographer-RRB-", 38], ["John_Clifford_-LRB-choreographer-RRB-", 5]]} +{"id": 196990, "predicted_label": "REFUTES", "predicted_evidence": [["Public_holidays_in_India", 5], ["Diwali", 2], ["Hinduism_in_West_Bengal", 12], ["Hinduism_in_West_Bengal", 8], ["Glossary_of_Indian_culture", 210]]} +{"id": 224979, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pat_Day", 10], ["Dosage_Index", 12], ["Dosage_Index", 40], ["2017_Road_to_the_Kentucky_Derby", 5], ["2017_Road_to_the_Kentucky_Derby", 0]]} +{"id": 85196, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 202037, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["Dzhokhar_Tsarnaev", 1], ["2011_Waltham_triple_murder", 13]]} +{"id": 124934, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dave_McNamara", 12], ["Make_a_Smellmitment", 2], ["Make_a_Smellmitment", 9], ["Make_a_Smellmitment", 4], ["Make_a_Smellmitment", 8]]} +{"id": 224975, "predicted_label": "SUPPORTS", "predicted_evidence": [["My_Old_Kentucky_Home_-LRB-disambiguation-RRB-", 3], ["John_Rowan_-LRB-Kentucky-RRB-", 21], ["My_Old_Kentucky_Home_State_Park", 0], ["My_Old_Kentucky_Home_State_Park", 5], ["John_Rowan_-LRB-Kentucky-RRB-", 20]]} +{"id": 209089, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Panic!_at_the_Disco_band_members", 13], ["List_of_Panic!_at_the_Disco_band_members", 2], ["List_of_Panic!_at_the_Disco_band_members", 20], ["Stadium_Arcadium_World_Tour", 0], ["Red_Hot_Chili_Peppers", 8]]} +{"id": 222025, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_D._Brubaker", 7], ["James_D._Brubaker", 0], ["James_D._Brubaker", 10], ["Brubaker_-LRB-disambiguation-RRB-", 0], ["James_D._Brubaker", 17]]} +{"id": 156775, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tangled-COLON-_The_Series", 1], ["Tangled_Ever_After", 0], ["Pascal_and_Maximus", 1], ["Nathan_Greno", 10], ["Flynn_Rider", 7]]} +{"id": 5766, "predicted_label": "SUPPORTS", "predicted_evidence": [["Love_Bomb_-LRB-Lynsey_de_Paul_album-RRB-", 5], ["So_Hot_Right_Now", 0], ["So_Hot_Right_Now", 5], ["So_Hot_Right_Now", 3], ["Tiger_Bay_-LRB-album-RRB-", 5]]} +{"id": 19915, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Designated_marksman", 0], ["Marksman", 0], ["Designated_marksman_rifle", 0], ["Distinguished_Marksmanship_Ribbon", 5], ["Distinguished_Marksmanship_Ribbon", 2]]} +{"id": 48880, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sadqay_Tumhare", 2], ["Shehr-e-Zaat", 2], ["Raees_-LRB-film-RRB-", 1], ["Raees_Dynasty", 9], ["1st_Hum_Awards", 6]]} +{"id": 95848, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Blind_Side_-LRB-film-RRB-", 0], ["Queen_of_Katwe", 0], ["Queen_of_Katwe", 1], ["Tim_McGraw_-LRB-song-RRB-", 18], ["McGraw_-LRB-surname-RRB-", 65]]} +{"id": 146669, "predicted_label": "REFUTES", "predicted_evidence": [["The_WB", 0], ["Star_TV", 36], ["AMGTV", 0], ["Star_TV", 28], ["The_WB", 10]]} +{"id": 79072, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 10], ["Kingdom_of_Great_Britain", 3], ["Royal_Court_of_Scotland", 27], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 12], ["James_VI_and_I", 0]]} +{"id": 190173, "predicted_label": "REFUTES", "predicted_evidence": [["Oscar_De_La_Hoya_vs._Floyd_Mayweather_Jr.", 0], ["Oscar_De_La_Hoya", 0], ["Golden_Boy_Promotions", 5], ["Oscar_De_La_Hoya_vs._Manny_Pacquiao", 0], ["Golden_Boy_Promotions", 0]]} +{"id": 70612, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_horror_films_of_the_1980s", 8], ["List_of_horror_films_of_the_1980s", 12], ["List_of_horror_films_of_the_1980s", 4], ["List_of_horror_films_of_the_1980s", 10], ["List_of_horror_films_of_the_1980s", 2]]} +{"id": 7013, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pene\u0301lope_Cruz", 13], ["Pene\u0301lope_Cruz", 12], ["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Nine_-LRB-2009_live-action_film-RRB-", 3], ["Volver", 14]]} +{"id": 103158, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cate_Blanchett", 0], ["Cate_Blanchett_on_screen_and_stage", 0], ["Cate_Blanchett", 4], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Cate_Blanchett_on_screen_and_stage", 25]]} +{"id": 165906, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billion_Dollar_Babies_-LRB-song-RRB-", 4], ["Billion_Dollar_Babies_-LRB-song-RRB-", 9], ["Billion_Dollar_Babies_-LRB-song-RRB-", 11], ["Neal_Smith_-LRB-drummer-RRB-", 14], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 7]]} +{"id": 141370, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Eminem", 16], ["List_of_Billboard_200_number-one_albums_of_2002", 9], ["List_of_Billboard_200_number-one_albums_of_2002", 16], ["List_of_Billboard_200_number-one_albums_of_2002", 7], ["List_of_Billboard_200_number-one_albums_of_2002", 12]]} +{"id": 136918, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prowler_-LRB-comics-RRB-", 1], ["Metamorphae", 17], ["Metamorphae", 16], ["Metamorphae", 9], ["Metamorphae", 18]]} +{"id": 88495, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revival", 0], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 0], ["Creedence_Clearwater_Revisited", 4], ["Pre-Creedence", 0]]} +{"id": 38255, "predicted_label": "SUPPORTS", "predicted_evidence": [["Damian_Lewis", 1], ["Homeland_-LRB-TV_series-RRB-", 3], ["List_of_awards_and_nominations_received_by_Homeland", 1], ["Homeland_-LRB-season_1-RRB-", 2], ["Pilot_-LRB-Homeland-RRB-", 4]]} +{"id": 47239, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ajay_Devgn", 0], ["Veeru_Devgan", 0], ["Devgan", 6], ["Anil_Devgan", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]} +{"id": 195815, "predicted_label": "REFUTES", "predicted_evidence": [["Weekly_Idol", 1], ["Jeong_Hyeong-don", 0], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["FNC_Entertainment", 7], ["Hyeong", 16]]} +{"id": 102998, "predicted_label": "SUPPORTS", "predicted_evidence": [["That_Mitchell_and_Webb_Sound", 8], ["Patsy_Smart", 3], ["Danger_UXD", 5], ["UXB", 7], ["Index_of_World_War_II_articles_-LRB-D-RRB-", 127]]} +{"id": 171085, "predicted_label": "REFUTES", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Princess_Lalla_Meryem_of_Morocco", 20], ["Princess_Lalla_Meryem_of_Morocco", 0], ["Lalla", 1]]} +{"id": 157954, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bob_Shand", 4], ["Shand", 16], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Rosalind_Shand", 1], ["Camilla,_Duchess_of_Cornwall", 6]]} +{"id": 138204, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Chronicles_of_Riddick", 0], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 2], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 1], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 6], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 7]]} +{"id": 185417, "predicted_label": "REFUTES", "predicted_evidence": [["Chips_and_dip", 1], ["Chip_race", 9], ["Corn_chip", 8], ["Chip_race", 29], ["Corn_chip", 9]]} +{"id": 37202, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["David_Rudisha", 2], ["Athletics_at_the_1988_Summer_Olympics_\u2013_Women's_100_metres", 10], ["Athletics_at_the_1988_Summer_Olympics_\u2013_Women's_100_metres", 5], ["Brendon_McCullum", 18], ["Australian_cricket_team_in_New_Zealand_in_2015\u201316", 6]]} +{"id": 194360, "predicted_label": "REFUTES", "predicted_evidence": [["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 2], ["Happiness_in_Slavery", 5], ["Happiness_in_Slavery", 9], ["Happiness_in_Slavery", 6]]} +{"id": 142814, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hinchliffe_Stadium", 3], ["Hinchliffe_Stadium", 1], ["List_of_Pittsburgh_History_and_Landmarks_Foundation_Historic_Landmarks", 9], ["Edwin_H._Armstrong_House", 12], ["Camden_Expedition_Sites", 0]]} +{"id": 118280, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jose_Rosete", 0], ["Jose_Rosete", 7], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Rupert_Everett", 6], ["Pinoy_Dream_Academy_-LRB-season_1-RRB-", 15]]} +{"id": 150885, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["In_the_Footsteps_of_Marco_Polo", 0], ["Europeans_in_Medieval_China", 13], ["Europeans_in_Medieval_China", 7], ["Marco_Polo_Cycling_Club", 22], ["Marco_Polo_-LRB-opera-RRB-", 2]]} +{"id": 66633, "predicted_label": "REFUTES", "predicted_evidence": [["Legio_XXI_Rapax", 6], ["Hypaethral", 2], ["Chess_or_the_King's_Game", 2], ["Augustus", 42], ["Natural_causes_-LRB-disambiguation-RRB-", 17]]} +{"id": 179270, "predicted_label": "REFUTES", "predicted_evidence": [["Robert_L._McNeil,_Jr.", 18], ["Tylenol_-LRB-brand-RRB-", 0], ["Tylenol_-LRB-brand-RRB-", 2], ["Robert_L._McNeil,_Jr.", 15], ["Tylenol_-LRB-brand-RRB-", 6]]} +{"id": 181183, "predicted_label": "REFUTES", "predicted_evidence": [["Southpaw_Entertainment", 0], ["Richard_B._Lewis", 0], ["Richard_B._Lewis", 5], ["Osmay_Acosta", 11], ["Southpaw_Entertainment", 3]]} +{"id": 99924, "predicted_label": "REFUTES", "predicted_evidence": [["AMGTV", 0], ["ABS-CBN_-LRB-television_network-RRB-", 9], ["Paramount_Television_Network", 0], ["Paramount_Television_Network", 11], ["AMGTV", 4]]} +{"id": 29855, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_dress", 7], ["History_and_Public_Policy_Program", 14], ["Study_-LRB-art-RRB-", 2], ["Primetime_on_ANC", 1], ["Study_-LRB-art-RRB-", 8]]} +{"id": 139384, "predicted_label": "SUPPORTS", "predicted_evidence": [["Market_Street_Cinema", 13], ["List_of_alumni_of_the_Fashion_Institute_of_Technology", 53], ["List_of_alumni_of_the_Fashion_Institute_of_Technology", 85], ["Recovery_coaching", 0], ["Recovery_coaching", 2]]} +{"id": 106458, "predicted_label": "REFUTES", "predicted_evidence": [["Rainn_Wilson", 13], ["The_Bassoon_King", 0], ["List_of_compositions_by_Alan_Hovhaness", 553], ["List_of_compositions_by_Alan_Hovhaness", 160], ["Bassoon_concerto", 1]]} +{"id": 76165, "predicted_label": "SUPPORTS", "predicted_evidence": [["U.S._Route_30_in_New_Jersey", 1], ["List_of_New_Jersey_tornadoes", 57], ["Camden,_New_Jersey", 0], ["Mitchell_Harry_Cohen", 8], ["Joseph_W._Cowgill", 2]]} +{"id": 131487, "predicted_label": "REFUTES", "predicted_evidence": [["Kensington_mine", 84], ["Cantata_Singers_and_Ensemble", 21], ["List_of_Sesame_Street_puppeteers", 72], ["List_of_Sesame_Street_puppeteers", 140], ["List_of_Sesame_Street_puppeteers", 166]]} +{"id": 173133, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_teachers_portrayed_in_films", 34], ["Macy_-LRB-surname-RRB-", 4], ["List_of_teachers_portrayed_in_films", 88], ["Anne_Sullivan_Communication_Center", 9], ["Ann_Sullivan", 3]]} +{"id": 166902, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Unreal_episodes", 0], ["List_of_The_Grudge_characters", 5], ["List_of_Unreal_episodes", 5], ["Quantico_-LRB-TV_series-RRB-", 6], ["The_Grudge_3", 2]]} +{"id": 80693, "predicted_label": "REFUTES", "predicted_evidence": [["Stan_Beeman", 0], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["Noah_Emmerich", 2], ["The_Americans_-LRB-season_1-RRB-", 7], ["Stan_Beeman", 2]]} +{"id": 191430, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Days_Go_By", 4], ["Giocattolo", 0], ["Days_Go_By", 6], ["Redspot_Car_Rentals", 11]]} +{"id": 11002, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tourist_gateway", 12], ["Tourist_gateway", 0], ["Rome", 26], ["Tourist_gateway", 5], ["Colosseum", 14]]} +{"id": 212322, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Elizabeth_Olsen", 3], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 120190, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Armenian_Genocide", 0], ["Khatchig_Mouradian", 12], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Press_coverage_during_the_Armenian_Genocide", 21], ["Armenian_Genocide_denial", 15]]} +{"id": 48725, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["I_Am_Other", 4], ["Insecure_-LRB-TV_series-RRB-", 0], ["Issa_Rae", 1], ["Issa_Rae", 6]]} +{"id": 144978, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Lady_Gaga", 5], ["Judas_-LRB-Lady_Gaga_song-RRB-", 6], ["List_of_awards_and_nominations_received_by_Lady_Gaga", 6], ["Bad_Romance", 2], ["List_of_number-one_dance_singles_of_2010_-LRB-U.S.-RRB-", 2]]} +{"id": 217196, "predicted_label": "REFUTES", "predicted_evidence": [["Xenotransfusion", 7], ["Animal_language", 0], ["Xenotransfusion", 1], ["Animal_advocacy", 3], ["Xenotransfusion", 2]]} +{"id": 204652, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rio_-LRB-2011_film-RRB-", 20], ["Rio_2", 3], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 359], ["Rio_2", 1], ["Rio_-LRB-2011_film-RRB-", 15]]} +{"id": 75538, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Else_H\u00f8st", 9], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler", 2]]} +{"id": 79777, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["Dina_Shihabi", 12], ["Dina_Shihabi", 9], ["Miranda_Otto", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 4]]} +{"id": 25339, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Prime_Ministers_of_Sri_Lanka", 19], ["Allan_Kemakeza", 20], ["Anerood_Jugnauth", 5], ["List_of_Prime_Ministers_of_Sri_Lanka", 24], ["List_of_Prime_Ministers_of_Sri_Lanka", 12]]} +{"id": 34185, "predicted_label": "SUPPORTS", "predicted_evidence": [["True_Story", 9], ["Based_on_a_True_Story", 28], ["The_Chronicles_of_Riddick", 0], ["Riddick_-LRB-character-RRB-", 0], ["True_Story", 15]]} +{"id": 106288, "predicted_label": "SUPPORTS", "predicted_evidence": [["Colin_Kaepernick", 5], ["2016_U.S._national_anthem_protests", 1], ["Pistol_offense", 18], ["Pistol_offense", 22], ["2008_Humanitarian_Bowl", 14]]} +{"id": 95082, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ramo\u0301n_Nomar", 1], ["Ramo\u0301n_Nomar", 4], ["Brazzers", 0], ["List_of_adult_television_channels", 28], ["List_of_adult_television_channels", 25]]} +{"id": 171069, "predicted_label": "SUPPORTS", "predicted_evidence": [["Absalom_Sydenstricker", 2], ["William_Ward_-LRB-mayor-RRB-", 4], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Sarah_Ward", 4], ["Sarah_Ward", 2]]} +{"id": 105236, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Mirny", 36], ["Fabian_Gottlieb_von_Bellingshausen", 10], ["Fabian_Gottlieb_von_Bellingshausen", 9], ["Fabian_Gottlieb_von_Bellingshausen", 1]]} +{"id": 65045, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rings_of_Power", 1], ["Barad-du\u0302r", 1], ["Barad-du\u0302r", 9], ["Mouth_of_Sauron", 11], ["Battle_of_Dale", 0]]} +{"id": 203614, "predicted_label": "REFUTES", "predicted_evidence": [["The_Car", 5], ["Firelight_-LRB-1964_film-RRB-", 7], ["Tom_Cruise_filmography", 10], ["Firelight_-LRB-1964_film-RRB-", 6], ["Dustin_Hoffman_filmography", 24]]} +{"id": 85642, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Love_on_the_Rocks_-LRB-Neil_Diamond_song-RRB-", 11], ["Love_on_the_Rocks_-LRB-Neil_Diamond_song-RRB-", 12], ["Red_Red_Wine", 5], ["Classics-COLON-_The_Early_Years", 3], ["The_Essential_Neil_Diamond", 0]]} +{"id": 150820, "predicted_label": "REFUTES", "predicted_evidence": [["Tottenham_Hotspur_L.F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["List_of_Tottenham_Hotspur_F.C._players", 14], ["List_of_Tottenham_Hotspur_F.C._players", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 1]]} +{"id": 69759, "predicted_label": "SUPPORTS", "predicted_evidence": [["Psych", 0], ["List_of_Psych_episodes", 0], ["List_of_awards_and_nominations_received_by_Psych", 0], ["List_of_awards_and_nominations_received_by_Psych", 5], ["The_Linus_Pauling_Quartet", 29]]} +{"id": 49650, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["West_Bank_and_Gaza_Strip", 15], ["West_Bank_and_Gaza_Strip", 0], ["History_of_Palestine", 84], ["Political_status_of_the_Palestinian_territories", 14], ["Political_status_of_the_Palestinian_territories", 5]]} +{"id": 51526, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hush_-LRB-2016_film-RRB-", 2], ["Kicking_and_Screaming_-LRB-1995_film-RRB-", 5], ["Deepsky", 1], ["Hush_-LRB-2016_film-RRB-", 5], ["Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 153972, "predicted_label": "SUPPORTS", "predicted_evidence": [["Microbiologist", 14], ["Tom_Maniatis", 12], ["Molecular_Infection_Medicine_Sweden", 5], ["Tom_Maniatis", 6], ["Tom_Maniatis", 32]]} +{"id": 113024, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_accolades_received_by_Milk_-LRB-film-RRB-", 9], ["J/P_Haitian_Relief_Organization", 43], ["Andrew_Daulton_Lee", 37], ["J/P_Haitian_Relief_Organization", 1], ["Andrew_Daulton_Lee", 30]]} +{"id": 55706, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sean_Spencer_-LRB-disambiguation-RRB-", 3], ["List_of_Psych_episodes", 1], ["Sean_Spencer_-LRB-disambiguation-RRB-", 10], ["A_Mind_Is_a_Terrible_Thing_to_Read", 2], ["Psych", 2]]} +{"id": 183598, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finding_Dory", 0], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Andrew_Stanton", 7], ["Pixar", 6]]} +{"id": 161855, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Liza_Minnelli", 15], ["Justin_Kawashima", 6], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["Anne_Hamburger", 10], ["The_Book_of_Mormon_-LRB-musical-RRB-", 2]]} +{"id": 13715, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dilwale_Dulhania_Le_Jayenge", 7], ["Kajol_filmography", 6], ["Dilwale_Dulhania_Le_Jayenge", 0], ["Kajol_filmography", 7], ["Kajol", 9]]} +{"id": 12649, "predicted_label": "SUPPORTS", "predicted_evidence": [["Larceny,_Inc.", 2], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 6], ["The_Cincinnati_Kid", 7], ["The_Cincinnati_Kid", 0]]} +{"id": 170414, "predicted_label": "REFUTES", "predicted_evidence": [["Marcus_Vick", 2], ["2002_Atlanta_Falcons_season", 14], ["Billy_Martin_-LRB-lawyer-RRB-", 8], ["Madden_NFL_2004", 1], ["Billy_Martin_-LRB-lawyer-RRB-", 7]]} +{"id": 58607, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_Album", 19], ["Hourglass_-LRB-James_Taylor_album-RRB-", 11], ["Hourglass_-LRB-James_Taylor_album-RRB-", 0], ["Hourglass_-LRB-James_Taylor_album-RRB-", 5], ["First_Album", 0]]} +{"id": 104308, "predicted_label": "SUPPORTS", "predicted_evidence": [["Choluteca_river_basin", 6], ["Fish_Police_-LRB-TV_series-RRB-", 1], ["Aubrey_-LRB-TV_series-RRB-", 1], ["Chain_Reaction_-LRB-radio-RRB-", 17], ["Chain_Reaction_-LRB-radio-RRB-", 77]]} +{"id": 131848, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Over_my_dead_body", 24], ["Over_my_dead_body", 2], ["Over_my_dead_body", 10], ["Over_my_dead_body", 4], ["Over_my_dead_body", 12]]} +{"id": 144380, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Theatre", 10], ["Victoria_Palace", 0], ["Victoria_Theatre", 31], ["Tonight's_the_Night_-LRB-2003_musical-RRB-", 1], ["Victoria_Palace", 3]]} +{"id": 96901, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Pearl_Jam", 6], ["Pearl_Jam", 8], ["Pearl_Jam_2012_Tour", 8], ["Pearl_Jam_discography", 8], ["Pearl_Jam_2012_Tour", 0]]} +{"id": 219157, "predicted_label": "REFUTES", "predicted_evidence": [["Le_Locle", 5], ["Ripon", 12], ["Kinbrae,_Minnesota", 2], ["Omer,_Michigan", 2], ["Omer,_Michigan", 3]]} +{"id": 124390, "predicted_label": "SUPPORTS", "predicted_evidence": [["QSK_operation_-LRB-full_break-in-RRB-", 14], ["QSK_operation_-LRB-full_break-in-RRB-", 1], ["Prosigns_for_Morse_code", 2], ["QSK_operation_-LRB-full_break-in-RRB-", 0], ["QSK_operation_-LRB-full_break-in-RRB-", 13]]} +{"id": 31885, "predicted_label": "REFUTES", "predicted_evidence": [["Gin_palace", 3], ["Gin_palace", 11], ["Gin_pahit", 0], ["Old_Tom_Gin", 18], ["Gimlet_-LRB-cocktail-RRB-", 1]]} +{"id": 227348, "predicted_label": "REFUTES", "predicted_evidence": [["The_Noose_-LRB-TV_series-RRB-", 10], ["Not_Going_Out", 12], ["$40_a_Day", 8], ["The_Noose_-LRB-TV_series-RRB-", 7], ["The_Noose_-LRB-TV_series-RRB-", 8]]} +{"id": 3113, "predicted_label": "SUPPORTS", "predicted_evidence": [["Daggering", 3], ["Daggering", 0], ["Raglife", 6], ["Dancehall_Queen_-LRB-disambiguation-RRB-", 9], ["Raglife", 16]]} +{"id": 177150, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 0], ["Alien_invasion", 4], ["The_Great_War_of_1892", 0], ["The_Battle_of_Dorking", 0], ["Alien_invasion", 22]]} +{"id": 75877, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Grand_Slam_girls'_singles_champions", 3], ["Jamie_Murray", 1], ["Williams_sisters", 0], ["List_of_Grand_Slam_girls'_singles_champions", 6], ["Jamie_Murray", 0]]} +{"id": 48638, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["1948_Arab\u2013Israeli_War", 16], ["Positions_on_Jerusalem", 5], ["Jerusalem", 6], ["East_Jerusalem", 15], ["East_Jerusalem", 0]]} +{"id": 132600, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michelin_Guide", 0], ["Jean-Luc_Naret", 8], ["Michelin_Guide", 3], ["Andre\u0301_Michelin", 22], ["Michelin", 3]]} +{"id": 192713, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Miloslav_Rechcigl,_Sr.", 23], ["Millers_Dale_railway_station", 0], ["Millers_Falls_Company", 0], ["Miloslav_Rechcigl,_Sr.", 25], ["Millers_Falls_Company", 16]]} +{"id": 25811, "predicted_label": "REFUTES", "predicted_evidence": [["RCA/Jive_Label_Group", 0], ["Columbia/Epic_Label_Group", 0], ["RCA/Jive_Label_Group", 1], ["Mascot_Label_Group", 0], ["Zomba_Group_of_Companies", 11]]} +{"id": 148650, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 10], ["Kingdom_of_Great_Britain", 3], ["Royal_Court_of_Scotland", 27], ["James_VI_and_I", 0], ["Kingdom_of_Great_Britain", 1]]} +{"id": 81518, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Plymouth_Howler", 14], ["Plymouth_Prowler", 0], ["Plymouth_Howler", 2], ["Plymouth_Howler", 10], ["PROWLER", 0]]} +{"id": 30486, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arfon_Griffiths", 0], ["Griffiths", 123], ["Stella_Richman", 19], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 128745, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fishing_tackle", 16], ["Hookset", 0], ["Recreational_fishing", 0], ["Fishing_Party_-LRB-Australia-RRB-", 5], ["Fishing_vessel", 11]]} +{"id": 209852, "predicted_label": "REFUTES", "predicted_evidence": [["Absent_Friends", 5], ["List_of_sled_dog_races", 20], ["List_of_sled_dog_races", 18], ["List_of_sled_dog_races", 22], ["List_of_sled_dog_races", 19]]} +{"id": 3015, "predicted_label": "SUPPORTS", "predicted_evidence": [["Regina_-LRB-Dino_Crisis-RRB-", 0], ["Dino_Crisis_-LRB-video_game-RRB-", 1], ["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["P.N.03", 2], ["Dino_Crisis_-LRB-video_game-RRB-", 18]]} +{"id": 227135, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_New_Orleans_Pelicans_seasons", 2], ["List_of_New_Orleans_Pelicans_head_coaches", 3], ["List_of_New_Orleans_Pelicans_seasons", 0], ["New_Orleans_Pelicans_draft_history", 0], ["List_of_New_Orleans_Pelicans_head_coaches", 0]]} +{"id": 102209, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cordalene", 25], ["I_Kissed_a_Girl", 15], ["Cordalene", 181], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 0], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 8]]} +{"id": 58753, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Israeli_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II", 10], ["AN/APG-81", 0]]} +{"id": 165870, "predicted_label": "REFUTES", "predicted_evidence": [["Joyce_Summers", 1], ["Joyce_Summers", 0], ["Xander_Harris", 2], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 13]]} +{"id": 96079, "predicted_label": "REFUTES", "predicted_evidence": [["Paris_Hilton", 18], ["Paris_Hilton's_Dubai_BFF", 0], ["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["Paris_Hilton", 31], ["Paris_-LRB-Paris_Hilton_album-RRB-", 0]]} +{"id": 118414, "predicted_label": "REFUTES", "predicted_evidence": [["Always_on_My_Mind_-LRB-disambiguation-RRB-", 26], ["The_Postman_Always_Rings_Twice", 4], ["Always_and_Forever", 39], ["Always_and_Forever", 37], ["Roadshow_theatrical_release", 25]]} +{"id": 186977, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bermuda_Triangle", 0], ["Bermuda", 27], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 0], ["Bermuda_Triangle", 3], ["The_Bermuda_Triangle_-LRB-book-RRB-", 0]]} +{"id": 229305, "predicted_label": "REFUTES", "predicted_evidence": [["Working_animal", 0], ["Pet", 0], ["Working_rat", 0], ["Pack_animal", 0], ["Working_animal", 21]]} +{"id": 52218, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_mountains_of_the_Alleghenies", 0], ["List_of_mountains_of_the_Alleghenies", 41], ["List_of_mountains_of_the_Alleghenies", 72], ["List_of_mountains_of_the_Alleghenies", 66]]} +{"id": 51161, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Settle_Reid", 16], ["James_L._Reid", 2], ["Neil_E._Reid", 5], ["David_Settle_Reid", 7], ["James_L._Reid", 5]]} +{"id": 85873, "predicted_label": "REFUTES", "predicted_evidence": [["Creedence_Clearwater_Revisited", 0], ["Creedence_Clearwater_Revival", 0], ["The_Golliwogs", 0], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 4]]} +{"id": 84844, "predicted_label": "SUPPORTS", "predicted_evidence": [["Krish_-LRB-director-RRB-", 3], ["Vaanam", 0], ["Anushka_Shetty_filmography", 23], ["Vedam", 9], ["Vaanam", 1]]} +{"id": 148377, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kris_Johnson_-LRB-basketball-RRB-", 7], ["1980_NBA_Finals", 11], ["Kris_Johnson_-LRB-basketball-RRB-", 2], ["Kris_Johnson_-LRB-basketball-RRB-", 3], ["Magic_Johnson_-LRB-disambiguation-RRB-", 0]]} +{"id": 42165, "predicted_label": "REFUTES", "predicted_evidence": [["Battle_of_France", 0], ["Phoney_War", 1], ["Polish_contribution_to_World_War_II", 9], ["Plan_W", 3], ["Phoney_War", 12]]} +{"id": 68386, "predicted_label": "REFUTES", "predicted_evidence": [["Philomena_Lee", 0], ["Philomena_Lee", 1], ["St._Philomena's_Church", 0], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 2], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 9]]} +{"id": 195845, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Weekly_Idol", 1], ["FNC_Entertainment", 7], ["Hyeong", 16]]} +{"id": 185413, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thrill_of_a_Romance", 0], ["Vaya_con_Dios", 10], ["Carla", 26], ["Carla", 70], ["Thrill_of_a_Romance", 13]]} +{"id": 42470, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fidel_Castro_-LRB-disambiguation-RRB-", 16], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Bay_of_Pigs_Invasion", 1], ["Rau\u0301l_Castro", 12], ["Rau\u0301l_Castro", 7]]} +{"id": 167455, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cheetah_Girls_2", 1], ["The_Cheetah_Girls_2", 5], ["List_of_Disney_Channel_original_films", 19], ["List_of_Disney_Channel_original_films", 18], ["Kim_Possible", 13]]} +{"id": 21204, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Bachata_Number_1's,_Vol._3", 3], ["Claudia_Brant", 1], ["Nada_Es_Para_Siempre", 1]]} +{"id": 195824, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["Weekly_Idol", 1], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Hyeong", 16]]} +{"id": 179732, "predicted_label": "REFUTES", "predicted_evidence": [["Wentworth_Miller", 2], ["Stoker_-LRB-film-RRB-", 0], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 186323, "predicted_label": "SUPPORTS", "predicted_evidence": [["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 6], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 8], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 10], ["List_of_songs_about_Paris", 257], ["The_Hunchback_of_Notre_Dame_-LRB-musical-RRB-", 0]]} +{"id": 133218, "predicted_label": "REFUTES", "predicted_evidence": [["Mister_Fantastic", 17], ["Invisible_Woman", 15], ["Human_Torch", 18], ["Alicia_Masters", 8], ["Fantastic_Four_in_film", 7]]} +{"id": 23807, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ernest_Mead", 22], ["Thomas_Jefferson_Medal", 15], ["Thomas_Jefferson_Medal", 13], ["Thomas_Jefferson_Medal", 11], ["Oskaloosa_Township", 5]]} +{"id": 142373, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_presidents_of_Washington_&_Jefferson_College", 2], ["List_of_presidents_of_Washington_&_Jefferson_College", 22], ["History_of_Washington_&_Jefferson_College", 22], ["List_of_Washington_&_Jefferson_College_alumni", 34], ["List_of_presidents_of_Washington_&_Jefferson_College", 18]]} +{"id": 227087, "predicted_label": "REFUTES", "predicted_evidence": [["Katy_Perry_discography", 0], ["Roar_-LRB-song-RRB-", 0], ["Katy_Perry_videography", 6], ["List_of_awards_and_nominations_received_by_Katy_Perry", 15], ["List_of_awards_and_nominations_received_by_Katy_Perry", 8]]} +{"id": 161253, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["Siam_Nakhon_Province", 20], ["French_Indochina", 3], ["Indochina_Wars", 15], ["Siam_Nakhon_Province", 19]]} +{"id": 145558, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andy_Irvine_-LRB-musician-RRB-", 5], ["Andy_Irvine_-LRB-musician-RRB-", 8], ["Andy_Irvine_-LRB-musician-RRB-", 9], ["Andy_Irvine_-LRB-musician-RRB-", 13], ["Kesha_discography", 10]]} +{"id": 181867, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Nasu-COLON-_Summer_in_Andalusia", 13], ["Princess_Mononoke", 4]]} +{"id": 200396, "predicted_label": "REFUTES", "predicted_evidence": [["Angels_&_Airwaves", 0], ["Angels_&_Airwaves", 10], ["Scuba_diving", 6], ["Angels_&_Airwaves", 6], ["Angels_&_Airwaves", 7]]} +{"id": 116437, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Camilla,_Duchess_of_Cornwall", 6], ["Shand", 16], ["Rosalind_Shand", 1], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 4]]} +{"id": 209857, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Queen_Forever", 7], ["The_Game_-LRB-Queen_album-RRB-", 7], ["Deep_Cuts", 17], ["The_Game_-LRB-Queen_album-RRB-", 2], ["Deep_Cuts", 15]]} +{"id": 26705, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheridan_-LRB-surname-RRB-", 123], ["Rob_Sheridan", 0], ["Nine_Inch_Nails_live_performances", 15], ["Pretty_Eight_Machine_-LRB-album-RRB-", 6], ["Pretty_Eight_Machine_-LRB-album-RRB-", 7]]} +{"id": 143895, "predicted_label": "REFUTES", "predicted_evidence": [["Jensen!", 16], ["Snoop_Dogg", 18], ["Snoop_Dogg's_Hustlaz-COLON-_Diary_of_a_Pimp", 0], ["Snoop_Dogg's_Hustlaz-COLON-_Diary_of_a_Pimp", 3], ["Dead_Man_Walkin'", 2]]} +{"id": 173727, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Scruggs_style", 14], ["Randy_Scruggs", 15], ["Earl_Scruggs", 25], ["Scruggs", 9], ["Jim_Shumate", 9]]} +{"id": 198039, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dorothy_Miner", 14], ["Dorothy_Miner", 0], ["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["New_York_City_Landmarks_Preservation_Commission", 6]]} +{"id": 89167, "predicted_label": "SUPPORTS", "predicted_evidence": [["Arjun_Menon", 0], ["Krishna_Iyer", 9], ["Arjun_Menon", 1], ["Krishna_Iyer", 8], ["List_of_songs_recorded_by_Bombay_Jayashri", 4]]} +{"id": 179332, "predicted_label": "REFUTES", "predicted_evidence": [["Osamu_Tezuka", 6], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 5], ["Pluto_-LRB-manga-RRB-", 2], ["List_of_Osamu_Tezuka_manga", 1]]} +{"id": 200279, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 3], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["Natural_Born_Killers", 0], ["Natural_Born_Killers", 5]]} +{"id": 76551, "predicted_label": "SUPPORTS", "predicted_evidence": [["Adwoa_Aboah", 1], ["Edna_Woolman_Chase", 10], ["Ashley_Graham_-LRB-model-RRB-", 0], ["Ashley_Graham", 3], ["Ashley_Graham", 5]]} +{"id": 147831, "predicted_label": "REFUTES", "predicted_evidence": [["Wash_West", 6], ["Julianne_Moore", 0], ["Julianne_Moore_filmography", 0], ["Hannibal_-LRB-film-RRB-", 2], ["Wash_West", 4]]} +{"id": 23962, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revival", 1], ["The_Golliwogs", 12], ["John_Fogerty_-LRB-album-RRB-", 0], ["Creedence_Clearwater_Revisited", 4], ["The_Golliwogs", 26]]} +{"id": 78849, "predicted_label": "SUPPORTS", "predicted_evidence": [["I'm_Different", 3], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["Ja,_ma\u030a_han_-LRB-hon-RRB-_leva", 5], ["Ja,_ma\u030a_han_-LRB-hon-RRB-_leva", 0]]} +{"id": 42943, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["T2_Trainspotting", 1], ["Trainspotting_-LRB-film-RRB-", 0], ["Ewen_Bremner", 1], ["Trainspotting", 11]]} +{"id": 190156, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Oscar_De_La_Hoya_vs._Floyd_Mayweather_Jr.", 0], ["Golden_Boy_Promotions", 0], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 3], ["Golden_Boy_Promotions", 5]]} +{"id": 200263, "predicted_label": "SUPPORTS", "predicted_evidence": [["Natural_Born_Killers", 0], ["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["Brian_Berdan", 5], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["Oliver_Stone", 13]]} +{"id": 187798, "predicted_label": "REFUTES", "predicted_evidence": [["Wendell_Burton", 10], ["The_Sterile_Cuckoo", 0], ["Wendell_Burton", 1], ["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["Sandy_Faison", 8]]} +{"id": 185213, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chang_&_Eng", 3], ["Chang_&_Eng", 1], ["Public_holidays_in_Sweden", 7], ["Public_holidays_in_Sweden", 1], ["Public_holidays_in_Sweden", 2]]} +{"id": 66535, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marco_Polo_-LRB-opera-RRB-", 4], ["Marco_Polo", 11], ["Marco_Polo", 13], ["Marco_Polo_Cycling_Club", 22], ["In_the_Footsteps_of_Marco_Polo", 0]]} +{"id": 54164, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["Janet_Leigh", 0], ["Tony_Curtis", 8], ["Walking_My_Baby_Back_Home_-LRB-film-RRB-", 0]]} +{"id": 185212, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Public_holidays_in_the_United_States_-LRB-disambiguation-RRB-", 7], ["Public_holidays_in_the_United_States_-LRB-disambiguation-RRB-", 0], ["Federal_holiday", 2], ["Holiday", 18], ["Public_holidays_in_the_United_States_-LRB-disambiguation-RRB-", 5]]} +{"id": 104617, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jack_Falahee", 0], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["List_of_Ace_titles_in_numeric_series", 222], ["List_of_Ace_titles_in_numeric_series", 327]]} +{"id": 199750, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_streetcar_systems_in_the_United_States", 13], ["Khobar", 5], ["Tijuana", 0], ["Khobar", 2], ["Tijuana_Municipality", 7]]} +{"id": 56986, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], ["Splendid_Politics", 0], ["Entourage_-LRB-South_Korean_TV_series-RRB-", 0], ["5urprise", 1], ["Joon-ho", 28]]} +{"id": 181186, "predicted_label": "SUPPORTS", "predicted_evidence": [["Southpaw_-LRB-film-RRB-", 0], ["Connie_Britton", 4], ["Christian_Bale_filmography", 38], ["Connie_Britton", 14], ["Connie_Britton", 3]]} +{"id": 89034, "predicted_label": "REFUTES", "predicted_evidence": [["Knudsen", 40], ["Inferno_-LRB-2016_film-RRB-", 2], ["Jeppe_Gjervig_Gram", 7], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Sidse_Babett_Knudsen", 0]]} +{"id": 147477, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Muhlenbergia", 330], ["Flag_of_Arizona", 16], ["Muhlenbergia", 351], ["Muhlenbergia", 334], ["Muhlenbergia", 356]]} +{"id": 86110, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colosseum", 23], ["Colosseum_II", 0], ["Thomas_Hornor_-LRB-surveyor-RRB-", 16], ["Domenico_Panaroli", 2], ["Colosseum_II", 1]]} +{"id": 34231, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales", 5], ["Earl_Spencer_-LRB-peerage-RRB-", 0], ["Earl_Spencer_-LRB-peerage-RRB-", 6], ["Diana,_Princess_of_Wales", 0], ["Earl_Spencer_-LRB-1799_ship-RRB-", 14]]} +{"id": 214253, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Penicillin_on_Wax", 8], ["The_Way_It's_Goin'_Down", 1], ["The_Fixxers", 3], ["Born_and_Raised_in_Compton", 0], ["DJ_Quixotic", 11]]} +{"id": 223345, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Room_-LRB-film-RRB-", 15], ["The_Room_-LRB-film-RRB-", 5], ["List_of_Rozen_Maiden_episodes", 18], ["The_Ultimate_Gift", 3], ["Netflix", 6]]} +{"id": 67349, "predicted_label": "SUPPORTS", "predicted_evidence": [["R_v_Penguin_Books_Ltd", 0], ["Penguin_Books", 0], ["Laurence_Byrne", 1], ["Penguin_Modern_Poets", 0], ["Penguin_Modern_Poets", 6]]} +{"id": 184063, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lonergan_-LRB-surname-RRB-", 22], ["You_Can_Count_On_Me", 2], ["Gangs_of_New_York", 0], ["Lonergan_-LRB-surname-RRB-", 26], ["Gangs_of_New_York", 2]]} +{"id": 204349, "predicted_label": "REFUTES", "predicted_evidence": [["Maastrichtian", 5], ["Aptian_extinction", 4], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 0], ["Extinction_event", 13], ["Qinornis", 6]]} +{"id": 111321, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jolin_Tsai_filmography", 7], ["Zootopia", 2], ["List_of_accolades_received_by_Zootopia", 1], ["Givskud_Zoo", 23], ["Try_Everything", 0]]} +{"id": 95673, "predicted_label": "REFUTES", "predicted_evidence": [["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 10], ["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 0], ["Paramore_-LRB-album-RRB-", 0], ["Paramore_-LRB-album-RRB-", 9], ["James_M._Paramore", 14]]} +{"id": 128476, "predicted_label": "SUPPORTS", "predicted_evidence": [["Superhuman", 6], ["Superhuman", 1], ["Superhuman", 2], ["Luke_Cage_-LRB-TV_series-RRB-", 5], ["Luke_Cage", 5]]} +{"id": 66842, "predicted_label": "REFUTES", "predicted_evidence": [["2014_NBA_Playoffs", 14], ["Jones_House", 190], ["Jones_House", 48], ["1928_U.S._Open_-LRB-golf-RRB-", 22], ["Valo\u0301_Vila\u0301g_8", 0]]} +{"id": 162895, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mani_Ratnam", 1], ["Mani_Ratnam_filmography", 1], ["Dil_Se..", 0], ["R._Madhavan", 2], ["Mani_Ratnam", 0]]} +{"id": 165645, "predicted_label": "SUPPORTS", "predicted_evidence": [["Doctor_Who_-LRB-season_12-RRB-", 0], ["Peter_Grimwade", 0], ["Destination_Nerva", 0], ["Doctor_Who_and_the_Pescatons", 0], ["Destination_Nerva", 5]]} +{"id": 39098, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_people_named_Daniel", 359], ["List_of_people_named_Daniel", 363], ["The_Purist", 3], ["Daniel_Brown", 14], ["The_Hybrid_-LRB-album-RRB-", 0]]} +{"id": 219025, "predicted_label": "SUPPORTS", "predicted_evidence": [["Intruders", 27], ["Delusion_-LRB-disambiguation-RRB-", 20], ["Savages_-LRB-2012_film-RRB-", 3], ["Savages_-LRB-2012_film-RRB-", 0], ["Delusion_-LRB-disambiguation-RRB-", 14]]} +{"id": 35061, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Pride_of_the_Yankees", 1], ["Lou_Gehrig_Memorial_Award", 0], ["Adelaide_Gehrig", 7], ["Lou_Gehrig_Memorial_Award", 10], ["Lou_Gehrig", 10]]} +{"id": 63320, "predicted_label": "SUPPORTS", "predicted_evidence": [["1895\u201396_Thames_Ironworks_F.C._season", 9], ["Thames_Ironworks_F.C.", 0], ["Arnold_Hills", 29], ["Dave_Taylor_-LRB-Thames_Ironworks_F.C._founder-RRB-", 0], ["Thames_Ironworks_F.C.", 10]]} +{"id": 183601, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ellen_DeGeneres", 5], ["Andrew_Stanton", 7], ["Pixar", 10], ["Finding_Nemo", 1], ["Finding_Dory", 1]]} +{"id": 183141, "predicted_label": "REFUTES", "predicted_evidence": [["Tata_Motors", 13], ["Bombay_House", 8], ["Tata_Sumo", 7], ["Tata_Motors", 7], ["Tata_Daewoo", 0]]} +{"id": 36332, "predicted_label": "REFUTES", "predicted_evidence": [["Soul_Food_-LRB-film-RRB-", 0], ["Pleasures_U_Like", 0], ["Wake_Up_Everybody_-LRB-2004_album-RRB-", 2], ["Cool_Relax", 1], ["Cool_Relax", 23]]} +{"id": 184104, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["William_Nelson_Little", 0], ["Ernest_Medina", 3], ["William_Nelson_Little", 1], ["F._Lee_Bailey", 3], ["Command_responsibility", 14]]} +{"id": 207512, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["B.o.B_discography", 1], ["B.o.B_discography", 10], ["B.o.B_discography", 15], ["Plan_B_discography", 13]]} +{"id": 185306, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bradley_Automotive", 0], ["Jeanine_Basinger", 11], ["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Automotive", 8], ["Bradley_Automotive", 20]]} +{"id": 17094, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Fidel_Castro_-LRB-disambiguation-RRB-", 16], ["Castro_-LRB-surname-RRB-", 55], ["Religious_views_of_Fidel_Castro", 1], ["Religious_views_of_Fidel_Castro", 32]]} +{"id": 199757, "predicted_label": "REFUTES", "predicted_evidence": [["Tijuana", 0], ["Cross_Border_Xpress", 0], ["Estadio_Gasmart", 7], ["Estadio_Gasmart", 0], ["San_Diego\u2013Tijuana", 0]]} +{"id": 49544, "predicted_label": "REFUTES", "predicted_evidence": [["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 0], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 1], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 2], ["Fist", 30], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 3]]} +{"id": 24481, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Dirt_2-COLON-_Beautiful_Loser", 0], ["David_Spade", 2], ["Joe_Dirt", 9], ["Dallas_Taylor_-LRB-vocalist-RRB-", 39], ["Zack_Kahn", 4]]} +{"id": 152811, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-character-RRB-", 8], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["SpongeBob_SquarePants_-LRB-character-RRB-", 4], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 16694, "predicted_label": "SUPPORTS", "predicted_evidence": [["Province_of_Caserta", 3], ["Royal_Palace_of_Naples", 3], ["Palace_of_Caserta", 0], ["Philippus_de_Caserta", 3], ["Royal_Palace_of_Naples", 0]]} +{"id": 204457, "predicted_label": "REFUTES", "predicted_evidence": [["Selene_Vigil-Wilk", 6], ["Rage_Against_the_Machine", 1], ["List_of_Black_Sabbath_band_members", 25], ["Wilk", 17], ["Greta_-LRB-band-RRB-", 0]]} +{"id": 149787, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michelin_Guide", 0], ["Jean-Luc_Naret", 8], ["Andre\u0301_Michelin", 3], ["Michelin_Guide", 1], ["Michelin", 3]]} +{"id": 126079, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paramore_-LRB-album-RRB-", 16], ["Paramore_-LRB-album-RRB-", 0], ["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 0], ["James_M._Paramore", 9], ["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 11]]} +{"id": 104438, "predicted_label": "REFUTES", "predicted_evidence": [["Laura_Dahl", 2], ["Matthew_Gray_Gubler", 0], ["Gubler", 6], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray", 3]]} +{"id": 10379, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Orohippus", 6], ["Horse", 11], ["Evolution_of_the_horse", 0], ["Pseudoextinction", 21], ["Evolution_of_the_horse", 14]]} +{"id": 175738, "predicted_label": "REFUTES", "predicted_evidence": [["Horton_Hears_a_Who!_-LRB-film-RRB-", 8], ["Dumb_and_Dumber_-LRB-TV_series-RRB-", 15], ["The_Number_23", 0], ["The_Number_23", 1], ["The_Majestic_-LRB-film-RRB-", 0]]} +{"id": 166501, "predicted_label": "SUPPORTS", "predicted_evidence": [["Friday_Night_Lights_-LRB-TV_series-RRB-", 17], ["Max_Evans_-LRB-Roswell-RRB-", 0], ["Isabel_Evans", 0], ["Michael_Guerin", 0], ["Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 10164, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Lady_Gaga", 12], ["List_of_number-one_dance_singles_of_2010_-LRB-U.S.-RRB-", 11], ["Bad_Romance", 2], ["List_of_awards_and_nominations_received_by_Lady_Gaga", 7], ["List_of_awards_and_nominations_received_by_Lady_Gaga", 5]]} +{"id": 81007, "predicted_label": "SUPPORTS", "predicted_evidence": [["PC_game", 9], ["Touchscreen", 9], ["PC_game", 1], ["Gaming_computer", 6], ["Vigor_Gaming", 2]]} +{"id": 75554, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Homo_sapiens", 3], ["Homo_heidelbergensis", 8], ["Neoteric_evolutionary_theory", 20], ["Homo_sapiens", 2], ["Homo_heidelbergensis", 3]]} +{"id": 19494, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Democratic-Republican_Party", 0], ["Democratic-Republican_Party", 8], ["Democratic-Republican_Party", 5], ["Democratic-Republican_Party", 34], ["Democratic-Republican_Party", 1]]} +{"id": 56396, "predicted_label": "SUPPORTS", "predicted_evidence": [["Winter's_Tale_-LRB-film-RRB-", 0], ["Winter's_Tale_-LRB-disambiguation-RRB-", 16], ["Winter's_Tale_-LRB-film-RRB-", 7], ["Winter's_Tale_-LRB-film-RRB-", 3], ["Winter's_Tale_-LRB-disambiguation-RRB-", 26]]} +{"id": 122887, "predicted_label": "REFUTES", "predicted_evidence": [["Tenacious_D_-LRB-TV_series-RRB-", 0], ["Tenacious_D", 9], ["Tenacious_D_-LRB-TV_series-RRB-", 2], ["Tenacious_D", 14], ["Tenacious_D_-LRB-TV_series-RRB-", 6]]} +{"id": 47384, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ojos_del_Salado", 1], ["Ojos_del_Salado", 0], ["Otto_Reich", 1], ["Snipe_Western_Hemisphere_&_Orient_Championship", 9], ["Western_Hemisphere", 0]]} +{"id": 34319, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_Food_-LRB-Goodie_Mob_album-RRB-", 0], ["Soul_Food_Taqueria", 0], ["Soul_Food_-LRB-film-RRB-", 0], ["Soul_Food", 7], ["Soul_food", 3]]} +{"id": 3517, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heart", 19], ["Murray_S._Hoffman", 4], ["Arthur_Vineberg", 12], ["Qardio", 3], ["DASH_diet", 19]]} +{"id": 1313, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["English_people", 6], ["\u00c6thelfl\u00e6d", 5], ["English_people", 15], ["The_English_people", 4]]} +{"id": 86189, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Microsoft_Exchange_Hosted_Services", 0], ["Email_filtering", 5], ["Graymail_-LRB-email-RRB-", 25], ["Mailwasher", 0], ["Email_filtering", 0]]} +{"id": 6106, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mount_Rushmore", 13], ["Mount_Rushmore", 1], ["Borglum", 11], ["Lincoln_Borglum_Museum", 4], ["Lincoln_Borglum", 0]]} +{"id": 151223, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manam_-LRB-film-RRB-", 12], ["Donga_Ramudu", 1], ["Akkineni", 14], ["Donga_Ramudu", 2], ["Akkineni", 12]]} +{"id": 68934, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 2], ["Luke_Cage", 1], ["Black_Mariah_-LRB-comics-RRB-", 2], ["Luke_Cage_-LRB-season_1-RRB-", 0], ["Misty_Knight", 11]]} +{"id": 204641, "predicted_label": "REFUTES", "predicted_evidence": [["Earth_Summit", 3], ["Rio_-LRB-2011_film-RRB-", 20], ["Rio_2", 1], ["List_of_lakes_of_Nepal", 32], ["Red_Hot_+_Rio_2", 3]]} +{"id": 178328, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rock_'n'_Roll_to_the_Rescue", 3], ["Beach_Boys_Historic_Landmark", 10], ["Ten_Years_of_Harmony", 16], ["Beach_Boys_Historic_Landmark", 19], ["Jardine", 4]]} +{"id": 165860, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 5], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2], ["Xander_Harris", 2]]} +{"id": 54910, "predicted_label": "SUPPORTS", "predicted_evidence": [["Al_Pacino", 11], ["The_Godfather_Part_II", 7], ["Lee_Strasberg", 27], ["John_Cazale", 1], ["The_Godfather_Part_II", 0]]} +{"id": 136093, "predicted_label": "SUPPORTS", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["Liam_Neeson", 11], ["Liam_Neeson", 8], ["Count_Dooku", 4], ["Qui-Gon_and_Obi-Wan-COLON-_Last_Stand_on_Ord_Mantell", 2]]} +{"id": 202026, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 13], ["2011_Waltham_triple_murder", 14]]} +{"id": 13907, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sara_Lance", 0], ["Black_Canary", 0], ["Green_Arrow", 15], ["Larry_Lance", 0], ["Larry_Lance", 2]]} +{"id": 136153, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_S._Hilliard", 39], ["On_the_Pulse_of_Morning", 0], ["First_inauguration_of_Bill_Clinton", 0], ["Hillary_Clinton", 22], ["Inauguration_of_Bill_Clinton", 3]]} +{"id": 156208, "predicted_label": "SUPPORTS", "predicted_evidence": [["Supernatural_-LRB-U.S._TV_series-RRB-", 0], ["Supernatural_-LRB-season_5-RRB-", 0], ["Supernatural_-LRB-season_3-RRB-", 0], ["Pilot_-LRB-Supernatural-RRB-", 1], ["Supernatural_-LRB-season_5-RRB-", 2]]} +{"id": 1234, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chalk_Mountain,_Texas", 3], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["Kyle_-LRB-surname-RRB-", 22], ["American_Sniper_-LRB-book-RRB-", 0], ["American_Sniper", 14]]} +{"id": 53062, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jose_Rosete", 0], ["Jose_Rosete", 7], ["Jose_Rosete", 14], ["Jose_Rosete", 13], ["Jose_Rosete", 1]]} +{"id": 224371, "predicted_label": "SUPPORTS", "predicted_evidence": [["Southampton_F.C._Under-23s", 0], ["The_Southampton_Cup", 1], ["2015\u201316_Southampton_F.C._season", 23], ["2016\u201317_Southampton_F.C._season", 0], ["2016\u201317_Southampton_F.C._season", 26]]} +{"id": 211784, "predicted_label": "REFUTES", "predicted_evidence": [["Hildy_Brooks", 7], ["The_Snoop_Sisters", 0], ["Welcome_Wagon_-LRB-Veronica_Mars-RRB-", 0], ["Murder_in_Space", 3], ["Push,_Nevada", 0]]} +{"id": 3025, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["ODVA_-LRB-company-RRB-", 7], ["Esco_-LRB-Singaporean_company-RRB-", 0], ["Esco_-LRB-Singaporean_company-RRB-", 3], ["ODVA_-LRB-company-RRB-", 1], ["PacSun", 1]]} +{"id": 16811, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["David_Packouz", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Ephraim_-LRB-given_name-RRB-", 30], ["AEY", 9], ["Efraim_Diveroli", 0]]} +{"id": 98893, "predicted_label": "REFUTES", "predicted_evidence": [["The_Little_Dog_Laughed", 23], ["The_Little_Dog_Laughed", 9], ["Blind_Faith_-LRB-miniseries-RRB-", 5], ["Leonard_Hofstadter", 0], ["Galecki", 8]]} +{"id": 39078, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["No_Country_for_Old_Men_-LRB-film-RRB-", 8], ["National_Board_of_Review", 13], ["National_Board_of_Review", 2], ["List_of_accolades_received_by_No_Country_for_Old_Men", 23], ["National_Board_of_Review", 0]]} +{"id": 64830, "predicted_label": "SUPPORTS", "predicted_evidence": [["No_Shopping", 3], ["No_Shopping", 2], ["MC4_-LRB-mixtape-RRB-", 12], ["Flexin_On_Purpose", 4], ["More_Life", 5]]} +{"id": 58496, "predicted_label": "SUPPORTS", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["Halsey_-LRB-singer-RRB-", 3], ["Halsey_House_-LRB-Southampton,_New_York-RRB-", 1], ["Astralwerks", 5], ["Astralwerks", 6]]} +{"id": 89409, "predicted_label": "REFUTES", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 1], ["2014\u201315_CONCACAF_Champions_League", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0]]} +{"id": 113695, "predicted_label": "SUPPORTS", "predicted_evidence": [["Organization_for_Human_Brain_Mapping", 10], ["Allen_Brain_Atlas", 3], ["Allen_Brain_Atlas", 0], ["Organization_for_Human_Brain_Mapping", 0], ["Brain", 19]]} +{"id": 104983, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Crews", 9], ["Terry_Crews", 3], ["Make_a_Smellmitment", 2], ["Terry_Crews", 0], ["Make_a_Smellmitment", 4]]} +{"id": 212332, "predicted_label": "REFUTES", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Dualstar", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 225234, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danielle_Cormack", 0], ["Patrick_Wilson_-LRB-New_Zealand_actor-RRB-", 0], ["Cormack_-LRB-surname-RRB-", 17], ["Gloss_-LRB-TV_series-RRB-", 4], ["Cormack_-LRB-surname-RRB-", 57]]} +{"id": 181827, "predicted_label": "SUPPORTS", "predicted_evidence": [["Canadian_Lacrosse_Hall_of_Fame", 0], ["Joe_Keeper", 0], ["Joe_Keeper", 43], ["Canadian_Lacrosse_Hall_of_Fame", 20], ["Joe_Keeper", 22]]} +{"id": 203389, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Goosebumps", 5]]} +{"id": 227355, "predicted_label": "REFUTES", "predicted_evidence": [["Giada_at_Home", 0], ["Banned_by_PBS-COLON-_Muslims_Against_Jihad", 16], ["Banned_by_PBS-COLON-_Muslims_Against_Jihad", 15], ["Banned_by_PBS-COLON-_Muslims_Against_Jihad", 7], ["Giada_at_Home", 1]]} +{"id": 52572, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bad_Romance", 12], ["Adverse_selection", 27], ["Adverse_selection", 26], ["Microcap_stock_fraud", 21], ["Bad_Romance", 4]]} +{"id": 93991, "predicted_label": "REFUTES", "predicted_evidence": [["Rush_Limbaugh", 13], ["David_Copperfield_-LRB-illusionist-RRB-", 8], ["Phil_McGraw", 2], ["Gordon_Ramsay", 13], ["One_Direction", 10]]} +{"id": 131223, "predicted_label": "REFUTES", "predicted_evidence": [["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["High_Off_My_Love", 6], ["Paris_Hilton", 18], ["Paris_Hilton's_Dubai_BFF", 0], ["Paris_-LRB-Paris_Hilton_album-RRB-", 0]]} +{"id": 142478, "predicted_label": "REFUTES", "predicted_evidence": [["Kerplunk_-LRB-album-RRB-", 0], ["Green_Day_discography", 0], ["Warning_-LRB-Green_Day_album-RRB-", 0], ["Green_Day", 0], ["Green_Day", 8]]} +{"id": 127651, "predicted_label": "REFUTES", "predicted_evidence": [["Pearl_Jam_2012_Tour", 0], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 16], ["List_of_Pearl_Jam_band_members", 19], ["List_of_Pearl_Jam_band_members", 16], ["List_of_Pearl_Jam_band_members", 18]]} +{"id": 131193, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Sesame_Street_puppeteers", 136], ["Monster_Hunter", 6], ["List_of_Sesame_Street_puppeteers", 72], ["List_of_Sesame_Street_puppeteers", 76], ["List_of_Sesame_Street_puppeteers", 140]]} +{"id": 126206, "predicted_label": "SUPPORTS", "predicted_evidence": [["56th_Annual_Grammy_Awards", 17], ["Doublefaced", 16], ["Sexify", 1], ["Passion,_Pain_&_Demon_Slayin'", 7], ["Passion,_Pain_&_Demon_Slayin'", 4]]} +{"id": 100234, "predicted_label": "REFUTES", "predicted_evidence": [["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 330], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 122], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 76], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 234], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 608]]} +{"id": 155431, "predicted_label": "REFUTES", "predicted_evidence": [["The_Coronet", 14], ["Tone_-LRB-linguistics-RRB-", 8], ["Tone_-LRB-linguistics-RRB-", 12], ["Bones_-LRB-instrument-RRB-", 1], ["Bones_-LRB-instrument-RRB-", 34]]} +{"id": 157299, "predicted_label": "REFUTES", "predicted_evidence": [["Never_So_Good", 0], ["Harold_Macmillan", 0], ["Harold_Macmillan", 4], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20]]} +{"id": 34230, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales", 5], ["Earl_Spencer_-LRB-peerage-RRB-", 0], ["Earl_Spencer_-LRB-peerage-RRB-", 6], ["Diana,_Princess_of_Wales", 0], ["Althorp", 3]]} +{"id": 94377, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miles_Fisher", 10], ["Emmanuel_Fisher", 4], ["Ice_-LRB-Kelly_Rowland_song-RRB-", 3], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0], ["Teenage_Mutant_Ninja_Turtles_-LRB-2014_film-RRB-", 2]]} +{"id": 203697, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Mary_Emma_Allison", 1], ["Mary_Emma_Allison", 17], ["List_of_video_game_crowdfunding_projects", 210], ["List_of_video_game_crowdfunding_projects", 4481]]} +{"id": 20752, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Thomas_Duane", 24], ["Thomas_Duane", 29], ["Thomas_Duane", 17], ["Thomas_Duane", 21]]} +{"id": 107510, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 24], ["Deighton", 18], ["Derek_Deighton", 1], ["Derek_Deighton", 0], ["John_Deighton", 0]]} +{"id": 163965, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeram_-LRB-2014_film-RRB-", 0], ["Veeram_-LRB-2014_film-RRB-", 5], ["Veeram_-LRB-2016_film-RRB-", 0], ["Tamannaah_filmography", 23], ["Veeram", 0]]} +{"id": 117900, "predicted_label": "SUPPORTS", "predicted_evidence": [["Middle_Ages", 26], ["High_Middle_Ages", 4], ["Middle_Ages", 6], ["Middle_Ages", 18], ["High_Middle_Ages", 1]]} +{"id": 131782, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Stewart,_Earl_of_Carrick", 12], ["Royal_Court_of_Scotland", 34], ["Royal_Court_of_Scotland", 27], ["Castalian_Band", 10], ["Royal_Court_of_Scotland", 24]]} +{"id": 149492, "predicted_label": "SUPPORTS", "predicted_evidence": [["Poldark_-LRB-2015_TV_series-RRB-", 6], ["List_of_video_game_crowdfunding_projects", 3252], ["List_of_video_game_crowdfunding_projects", 4975], ["List_of_video_game_crowdfunding_projects", 2033], ["Poldark", 6]]} +{"id": 56364, "predicted_label": "SUPPORTS", "predicted_evidence": [["Volcano_-LRB-1997_film-RRB-", 2], ["Men_in_Black_II", 0], ["Men_in_Black_-LRB-film-RRB-", 1], ["Men_in_Black_3", 0], ["Men_in_Black_3", 2]]} +{"id": 96468, "predicted_label": "SUPPORTS", "predicted_evidence": [["Make_Your_Move_-LRB-film-RRB-", 0], ["Derek_Hough", 6], ["Derek_Hough", 0], ["Julianne_Hough", 5], ["Hough_-LRB-surname-RRB-", 8]]} +{"id": 166860, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Drake_&_Josh_-LRB-soundtrack-RRB-", 0], ["Drake_&_Josh", 1], ["Drake_&_Josh", 4], ["Drake_Bell_discography", 17], ["Drake_&_Josh_-LRB-soundtrack-RRB-", 4]]} +{"id": 202778, "predicted_label": "SUPPORTS", "predicted_evidence": [["Despicable_Me_2", 0], ["Chris_Renaud_-LRB-animator-RRB-", 2], ["Despicable_Me", 9], ["Despicable_Me_-LRB-franchise-RRB-", 3], ["Despicable_Me_2", 9]]} +{"id": 147609, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good_Wife", 12], ["The_Defenders_-LRB-2010_TV_series-RRB-", 7], ["Bull_-LRB-2016_TV_series-RRB-", 5], ["Speechless_-LRB-TV_series-RRB-", 3], ["The_Vampire_Diaries_-LRB-season_2-RRB-", 0]]} +{"id": 89493, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Peripheral", 4], ["PEDOT-COLON-PSS", 12], ["Stylus", 1], ["Touchscreen", 19], ["Touchscreen", 6]]} +{"id": 109140, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Self-determination", 13], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1], ["United_Nations_Security_Council_Resolution_1091", 3], ["Foreign_relations_of_Taiwan", 35], ["Foreign_relations_of_Taiwan", 14]]} +{"id": 78809, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prescott_Valley_Event_Center", 0], ["Arizona_Airways", 0], ["Arizona_Airways", 3], ["List_of_hospitals_in_Arizona", 151], ["Prescott,_Arizona", 14]]} +{"id": 133169, "predicted_label": "SUPPORTS", "predicted_evidence": [["University_of_Mississippi", 4], ["University_of_Mississippi", 0], ["Max_T._Malone", 6], ["University_of_Mississippi", 1], ["Timothy_Burns_-LRB-Louisiana_politician-RRB-", 33]]} +{"id": 189449, "predicted_label": "REFUTES", "predicted_evidence": [["Yandex", 1], ["Yandex", 9], ["Yandex.Direct", 9], ["Yandex", 14], ["Serpstat", 2]]} +{"id": 195920, "predicted_label": "REFUTES", "predicted_evidence": [["Frozen_-LRB-2013_film-RRB-", 13], ["And_Starring_Pancho_Villa_as_Himself", 13], ["Frozen_-LRB-2013_film-RRB-", 18], ["List_of_accolades_received_by_Frozen_-LRB-2013_film-RRB-", 8], ["And_Starring_Pancho_Villa_as_Himself", 5]]} +{"id": 181125, "predicted_label": "REFUTES", "predicted_evidence": [["Robin_Seymour_-LRB-cyclist-RRB-", 4], ["Dimitrios_Ioannidis", 29], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 24], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2]]} +{"id": 168011, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bradman_-LRB-disambiguation-RRB-", 8], ["Bradman_-LRB-disambiguation-RRB-", 10], ["Jack_Fingleton", 20], ["Don_Bradman", 22], ["Jack_Fingleton", 4]]} +{"id": 165642, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Tom_-LRB-given_name-RRB-", 11], ["Destination_Nerva", 4], ["Help_She_Can't_Swim", 5], ["Help_She_Can't_Swim", 20]]} +{"id": 151294, "predicted_label": "REFUTES", "predicted_evidence": [["Gal_Gadot", 4], ["Bar_Refaeli", 4], ["Gal_Gadot", 0], ["Gadot_-LRB-surname-RRB-", 4], ["List_of_DC_Extended_Universe_cast_members", 4]]} +{"id": 62219, "predicted_label": "REFUTES", "predicted_evidence": [["Ashley_Graham", 5], ["Ashley_Graham_-LRB-model-RRB-", 3], ["Ashley_Graham_-LRB-model-RRB-", 6], ["Ashley_Graham_-LRB-model-RRB-", 4], ["Milton_Graham", 2]]} +{"id": 175933, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aunt_May", 9], ["Lois_Lane", 18], ["Lois_Lane", 11], ["Aunt_May", 0], ["Spider-Man", 2]]} +{"id": 115173, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wildfang", 0], ["Mike_Burton_-LRB-politician-RRB-", 60], ["S._J._McCormick", 21], ["S._J._McCormick", 16], ["S._J._McCormick", 15]]} +{"id": 185222, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_women_with_ovarian_cancer", 23], ["List_of_women_with_ovarian_cancer", 185], ["List_of_women_with_ovarian_cancer", 221], ["List_of_women_with_ovarian_cancer", 235], ["List_of_women_with_ovarian_cancer", 295]]} +{"id": 178165, "predicted_label": "SUPPORTS", "predicted_evidence": [["World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], ["Collapse_of_the_World_Trade_Center", 0], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 0], ["One_World_Trade_Center", 2], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 16]]} +{"id": 86416, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_Murdoch", 5], ["James_Murdoch", 0], ["Bruce_Hundertmark", 5], ["Bill_Jenkings", 5], ["News_International_phone_hacking_scandal", 3]]} +{"id": 36499, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["English_Boy_-LRB-song-RRB-", 5], ["Buscadero", 9], ["Vysoky\u0301_Hra\u0301dek", 3], ["Despacito", 13], ["Despacito", 14]]} +{"id": 177188, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rockers_Hi-Fi", 16], ["Rockers_Hi-Fi", 2], ["Who_Is_That_Mad_Band?", 2], ["High_Tone", 1], ["Mad_Professor", 1]]} +{"id": 191440, "predicted_label": "REFUTES", "predicted_evidence": [["Ross_Copperman", 0], ["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Ross_Copperman", 1], ["Keith_Urban_-LRB-1991_album-RRB-", 1], ["Days_Go_By", 4]]} +{"id": 202936, "predicted_label": "REFUTES", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Hail_to_the_King_-LRB-Avenged_Sevenfold_album-RRB-", 0], ["Avenged_Sevenfold_discography", 0], ["Avenged_Sevenfold", 0], ["Avenged_Sevenfold", 10]]} +{"id": 165115, "predicted_label": "REFUTES", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Mickey_Rourke", 10], ["Mickey_Rourke", 13], ["Mickey_Rourke", 0], ["The_Expendables_-LRB-2010_film-RRB-", 14]]} +{"id": 218248, "predicted_label": "REFUTES", "predicted_evidence": [["Uruguay_national_football_team", 22], ["Uruguay_national_football_team", 20], ["Uruguay_national_football_team", 21], ["Outline_of_Sa\u0303o_Tome\u0301_and_Pri\u0301ncipe", 9], ["Outline_of_Tuvalu", 7]]} +{"id": 2947, "predicted_label": "SUPPORTS", "predicted_evidence": [["Funky_Squad", 0], ["Peggy_Lipton", 1], ["Linc_-LRB-name-RRB-", 25], ["Chuck_Shamata", 5], ["Peter_Wooley", 14]]} +{"id": 213941, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 192977, "predicted_label": "REFUTES", "predicted_evidence": [["Peter_Emmerich", 6], ["Stargate", 0], ["The_Noah's_Ark_Principle", 0], ["Stargate_-LRB-film-RRB-", 1], ["Stargate", 12]]} +{"id": 150925, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Union_Jack_dress", 7], ["Union_Jack_dress", 6], ["Court_uniform_and_dress_in_the_United_Kingdom", 15], ["Dress_uniform", 9], ["Dress_uniform", 3]]} +{"id": 16693, "predicted_label": "SUPPORTS", "predicted_evidence": [["Royal_Palace_of_Naples", 3], ["Philippus_de_Caserta", 3], ["Province_of_Caserta", 3], ["Royal_Palace_of_Naples", 0], ["John_Graeffer", 26]]} +{"id": 122922, "predicted_label": "REFUTES", "predicted_evidence": [["Kajol_filmography", 7], ["Kajol", 9], ["Dilwale_Dulhania_Le_Jayenge", 15], ["Filmfare_Award_for_Best_Music_Album", 650], ["Dilwale_Dulhania_Le_Jayenge", 7]]} +{"id": 204356, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maastrichtian", 5], ["Polyglyphanodontia", 9], ["Cretaceous", 8], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 0], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 26]]} +{"id": 48023, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Daily_Show", 6], ["The_Daily_Show-COLON-_Indecision_2004", 20], ["Jon_Stewart", 19], ["The_Daily_Show", 9], ["List_of_The_Daily_Show_episodes_-LRB-2015-RRB-", 10]]} +{"id": 186988, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["CSS_Chickamauga", 20], ["CSS_Chickamauga", 40], ["CSS_Chickamauga", 56], ["Atlantis-COLON-_The_Lost_Continent_Revealed", 6], ["The_Bermuda_Triangle_-LRB-book-RRB-", 0]]} +{"id": 100461, "predicted_label": "SUPPORTS", "predicted_evidence": [["Retinotopy", 21], ["Cerebral_organoid", 21], ["Brain", 19], ["Cerebral_cortex", 12], ["Cerebral_cortex", 8]]} +{"id": 23563, "predicted_label": "SUPPORTS", "predicted_evidence": [["WRAS_-LRB-FM-RRB-", 9], ["WRAS_-LRB-FM-RRB-", 22], ["The_Real_Milli_Vanilli", 18], ["Milli_-LRB-disambiguation-RRB-", 10], ["WRAS_-LRB-FM-RRB-", 17]]} +{"id": 114711, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fortunes_of_War_-LRB-TV_series-RRB-", 1], ["The_Road_to_El_Dorado", 2], ["Fortunes_of_War_-LRB-TV_series-RRB-", 2], ["The_Road_to_El_Dorado", 0], ["The_Road_to_El_Dorado", 8]]} +{"id": 203395, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Goosebumps_books", 2], ["Jack_the_Giant_Slayer", 1], ["Goosebumps_-LRB-film-RRB-", 1], ["Goosebumps", 3], ["List_of_Goosebumps_books", 0]]} +{"id": 47004, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 0], ["Luke_Cage", 1], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage_-LRB-season_1-RRB-", 6], ["List_of_Marvel_Cinematic_Universe_television_series", 13]]} +{"id": 101683, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edison_Machine_Works", 0], ["Nikola_Tesla", 5], ["Kunihiko_Iwadare", 5], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6], ["John_White_Howell", 58]]} +{"id": 43644, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frank_Ski", 2], ["Grant_Bowler", 4], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9], ["Vanessa_Williams", 10], ["Index_of_World_War_II_articles_-LRB-W-RRB-", 1045]]} +{"id": 74327, "predicted_label": "REFUTES", "predicted_evidence": [["Moscow_on_the_Hudson", 0], ["Mrs._Doubtfire", 1], ["The_Crazy_Ones", 0], ["Good_Morning,_Vietnam", 3], ["The_Crazy_Ones", 9]]} +{"id": 131530, "predicted_label": "SUPPORTS", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["Halsey_House_-LRB-Southampton,_New_York-RRB-", 10], ["Thomas_Halsey", 12], ["Halsey,_Stuart_&_Co.", 5], ["Halsey,_Stuart_&_Co.", 0]]} +{"id": 12748, "predicted_label": "REFUTES", "predicted_evidence": [["Herculaneum", 0], ["Vesuvius_from_Posillipo_by_Moonlight", 15], ["Elaiussa_Sebaste", 0], ["Vesuvius_from_Posillipo_by_Moonlight", 20], ["The_Destruction_of_Pompeii_and_Herculaneum", 10]]} +{"id": 201810, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dakota_Fanning", 6], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 3], ["Dakota_Fanning", 0], ["Fanning_-LRB-surname-RRB-", 10], ["The_Twilight_Saga-COLON-_New_Moon", 1]]} +{"id": 171645, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gibbons", 70], ["Gibbons", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["Watchmensch", 5], ["David_Gibbons_-LRB-disambiguation-RRB-", 3]]} +{"id": 76870, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Legend_of_Bhagat_Singh", 0], ["Bhagat_Singh", 0], ["S._Irfan_Habib", 6], ["The_Legend_of_Bhagat_Singh", 5], ["Hussainiwala_National_Martyrs_Memorial", 0]]} +{"id": 56660, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Union_Landing_Shopping_Center", 2], ["Bloods", 2], ["Gangs_in_the_United_Kingdom", 16], ["Horse_breed", 6], ["Horse_breed", 3]]} +{"id": 55055, "predicted_label": "REFUTES", "predicted_evidence": [["Floppy_disk", 0], ["History_of_the_floppy_disk", 0], ["Disk_storage", 0], ["Disk_storage", 6], ["History_of_IBM_magnetic_disk_drives", 0]]} +{"id": 92344, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_trafficking_in_New_Zealand", 6], ["Beryl_Esembe", 36], ["The_A21_Campaign", 15], ["Human_trafficking_in_the_United_Kingdom", 17], ["Beryl_Esembe", 19]]} +{"id": 48959, "predicted_label": "SUPPORTS", "predicted_evidence": [["British_Urban_Film_Festival", 108], ["Simon_Staho", 88], ["Kris_Niklison", 28], ["Nitzan_Gilady", 50], ["Simon_Staho", 45]]} +{"id": 59768, "predicted_label": "REFUTES", "predicted_evidence": [["Claudia_Brant", 0], ["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 2], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 7]]} +{"id": 35166, "predicted_label": "SUPPORTS", "predicted_evidence": [["Seohyun", 0], ["A_Pretty_Girl_Milking_Her_Cow", 24], ["Soy_el_mejor", 3], ["List_of_Mobile_Suit_Gundam_00_episodes", 8], ["List_of_Capital_Area_Transit_-LRB-Raleigh-RRB-_bus_routes", 56]]} +{"id": 56729, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Paul_Gordan", 15], ["Gordan_Koz\u030culj", 2], ["Paul_Gordan", 11], ["Paul_Gordan", 17], ["Paul_Gordan", 18]]} +{"id": 14227, "predicted_label": "REFUTES", "predicted_evidence": [["Henrietta_-LRB-given_name-RRB-", 2], ["Don't_Say_No", 4], ["Sprechgesang", 0], ["Abbie_Mitchell", 33], ["Abbie_Mitchell", 17]]} +{"id": 133529, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["Bessie_-LRB-disambiguation-RRB-", 14], ["Me_and_Bessie", 20], ["Bessie", 35], ["St._Louis_Blues_-LRB-1929_film-RRB-", 0]]} +{"id": 53254, "predicted_label": "REFUTES", "predicted_evidence": [["Jose_Rosete", 0], ["List_of_Star_Trek-COLON-_The_Next_Generation_cast_members", 11], ["Jose_Rosete", 7], ["Bonnie_Henna", 23], ["Pooja_Shah", 33]]} +{"id": 11637, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_dress", 7], ["Gecko", 13], ["Farnsworth_Lantern_Test", 0], ["Ishihara_test", 6], ["Ishihara_test", 5]]} +{"id": 34774, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Issa_Rae", 1], ["Insecure_-LRB-TV_series-RRB-", 0], ["Issa_Rae", 2], ["Dr._Horrible's_Sing-Along_Blog", 10]]} +{"id": 93013, "predicted_label": "SUPPORTS", "predicted_evidence": [["Scissors", 10], ["Soyuz-V", 0], ["Soyuz-B", 0], ["Soyuz_-LRB-rocket-RRB-", 0], ["Soyuz-V", 8]]} +{"id": 144527, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_nurses", 279], ["List_of_fictional_nurses", 277], ["List_of_fictional_nurses", 275], ["The_Gifted_-LRB-TV_series-RRB-", 0], ["The_Gifted_-LRB-TV_series-RRB-", 1]]} +{"id": 181620, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_French_Chef", 1], ["WGBH-TV", 0], ["The_French_Chef", 0], ["WGBX-TV", 0], ["WGBX-TV", 1]]} +{"id": 78816, "predicted_label": "REFUTES", "predicted_evidence": [["First_inauguration_of_Bill_Clinton", 0], ["Rigdon's_July_4th_oration", 0], ["On_the_Pulse_of_Morning", 0], ["John_S._Hilliard", 39], ["Inauguration_of_Bill_Clinton", 3]]} +{"id": 116918, "predicted_label": "REFUTES", "predicted_evidence": [["36.9_ultimatum", 5], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 16], ["Trond_Giske", 4], ["2011_Norway_attacks", 9]]} +{"id": 219293, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Circaea", 13], ["Capsicum_chinense", 0], ["List_of_plants_of_Burkina_Faso", 791], ["Capsicum_baccatum", 9], ["Piri_piri", 0]]} +{"id": 26212, "predicted_label": "REFUTES", "predicted_evidence": [["John_Henry_Kinealy", 3], ["John_Henry_Kinealy", 0], ["Scott_Moore", 15], ["Elvis_Presley's_guitars", 6], ["John_Henry_Kinealy", 2]]} +{"id": 100169, "predicted_label": "REFUTES", "predicted_evidence": [["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["I'm_Different", 3], ["Sonny_Digital", 12], ["Sonny_Digital", 0]]} +{"id": 36207, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Henry_II,_Holy_Roman_Emperor", 10], ["Bertram_de_Verdun", 72], ["Henry_II_style", 4], ["Tov", 7], ["Treaty_of_Versailles_-LRB-disambiguation-RRB-", 6]]} +{"id": 208438, "predicted_label": "SUPPORTS", "predicted_evidence": [["Excuse_My_French", 9], ["Excuse_My_French", 3], ["Excuse_Me_Miss", 4], ["Excuse_My_French", 5], ["Excuse_My_French", 0]]} +{"id": 126963, "predicted_label": "REFUTES", "predicted_evidence": [["Blue_Jasmine", 1], ["List_of_accolades_received_by_Blue_Jasmine", 1], ["List_of_accolades_received_by_Blue_Jasmine", 0], ["Blue_Jasmine", 0], ["Blue_Jasmine", 5]]} +{"id": 144049, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_mountain_ranges_of_Pakistan", 38], ["List_of_mountain_ranges_of_Pakistan", 29], ["Hindu_Kush", 5], ["List_of_mountain_ranges_of_Pakistan", 15], ["Kush_-LRB-cannabis-RRB-", 1]]} +{"id": 194775, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Blue_Collar_TV", 0], ["Larry_the_Cable_Guy", 12], ["Blue_Collar_TV", 24], ["Larry_the_Cable_Guy", 0], ["Larry_the_Cable_Guy", 7]]} +{"id": 49839, "predicted_label": "REFUTES", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1], ["I_Am_Sam", 11]]} +{"id": 168014, "predicted_label": "SUPPORTS", "predicted_evidence": [["Don_Bradman", 20], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 8], ["Don_Bradman", 19], ["List_of_international_cricket_centuries_by_Don_Bradman", 19], ["Jack_Fingleton", 3]]} +{"id": 23726, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-season_4-RRB-", 0], ["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 34205, "predicted_label": "SUPPORTS", "predicted_evidence": [["Uranium", 30], ["Uranium", 3], ["Electrospray_ionization", 5], ["Uranium", 10], ["Uranium", 4]]} +{"id": 93343, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maria_Vacratsis", 5], ["Errol_Sitahal", 2], ["Tommy_Boy", 0], ["Black_Sheep_-LRB-1996_film-RRB-", 4], ["The_Showbiz_Show_with_David_Spade", 0]]} +{"id": 153299, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Gal_Gadot", 0], ["Gadot_-LRB-surname-RRB-", 4], ["Bar_Refaeli", 4], ["Wonder_Woman", 31]]} +{"id": 225314, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Saturday_Night_Live_-LRB-season_35-RRB-", 9], ["Eric_Moneypenny", 11], ["The_Midnight_Show", 3], ["Watkins_-LRB-surname-RRB-", 98], ["Eric_Moneypenny", 5]]} +{"id": 203182, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sunda\u2013Sulawesi_languages", 1], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0]]} +{"id": 201390, "predicted_label": "REFUTES", "predicted_evidence": [["Varsity_Blues_-LRB-film-RRB-", 5], ["Will_Smith", 8], ["Will_Smith", 12], ["Varsity_Blues_-LRB-film-RRB-", 0], ["Mid-Levels", 22]]} +{"id": 68378, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vainakhia", 6], ["Abukhadzhi_Idrisov", 0], ["Mountain_Autonomous_Soviet_Socialist_Republic", 11], ["Sulom-Beck_Oskanov", 1], ["Sulom-Beck_Oskanov", 3]]} +{"id": 78274, "predicted_label": "REFUTES", "predicted_evidence": [["YouTube", 15], ["Shane_Dikolli", 1], ["Patrick_Lencioni", 1], ["Commercial_&_Financial_Chronicle", 1], ["Shane_Dikolli", 5]]} +{"id": 168985, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Road_to_Middle-Earth", 3], ["Tolkien_Estate", 2], ["Tolkien_Estate", 3], ["Tolkien_-LRB-disambiguation-RRB-", 15], ["Tolkien_-LRB-disambiguation-RRB-", 20]]} +{"id": 82973, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trollhunters", 0], ["Arcadia_-LRB-popular_culture-RRB-", 132], ["Degrassi-COLON-_Next_Class", 2], ["Arcadia_-LRB-popular_culture-RRB-", 16], ["Degrassi-COLON-_Next_Class", 0]]} +{"id": 145710, "predicted_label": "REFUTES", "predicted_evidence": [["Green_Arrow", 2], ["Larry_Lance", 0], ["Green_Arrow", 15], ["Larry_Lance", 2], ["Green_Arrow_and_Black_Canary", 0]]} +{"id": 106899, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vickie_Guerrero", 6], ["Survivor_Series_-LRB-2004-RRB-", 8], ["El_Gran_Luchadore", 18], ["Attitude_Era", 6], ["El_Gran_Luchadore", 9]]} +{"id": 71082, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cordova_Bay", 14], ["Cordova_Bay", 6], ["Cordova_Bay", 36], ["Wales_Island_-LRB-British_Columbia-RRB-", 7], ["Wales_Island_-LRB-British_Columbia-RRB-", 0]]} +{"id": 98121, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Veeru_Devgan", 0], ["Anil_Devgan", 0], ["Ajay_Devgn", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Devgan", 6]]} +{"id": 60495, "predicted_label": "SUPPORTS", "predicted_evidence": [["36.9_ultimatum", 5], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 16], ["Trond_Giske", 1], ["2011_Norway_attacks", 9]]} +{"id": 28666, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Conway_-LRB-surname-RRB-", 66], ["Rebekah_Mercer_-LRB-donor-RRB-", 20], ["Make_America_Number_1", 12], ["Alternative_facts", 0], ["Bowling_Green_massacre", 0]]} +{"id": 110749, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chris_Eubank_Jr.", 0], ["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 3], ["Chris_Eubank", 0], ["Juan_Carlos_Gime\u0301nez_Ferreyra", 1]]} +{"id": 224957, "predicted_label": "REFUTES", "predicted_evidence": [["Frances_A._Genter", 2], ["Dosage_Index", 40], ["Dosage_Index", 7], ["Dosage_Index", 38], ["Horse_Racing_Ireland", 2]]} +{"id": 87798, "predicted_label": "SUPPORTS", "predicted_evidence": [["Russian_pop", 0], ["Russian_pop", 6], ["Valery", 38], ["Valery", 42], ["Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 171615, "predicted_label": "REFUTES", "predicted_evidence": [["Michael_Gibbons_-LRB-boxer-RRB-", 21], ["Michael_Gibbons_-LRB-boxer-RRB-", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 12], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["David_Gibbons_-LRB-disambiguation-RRB-", 3]]} +{"id": 96711, "predicted_label": "SUPPORTS", "predicted_evidence": [["San_Diego_Comic-Con", 1], ["Jackie_Estrada", 3], ["San_Diego_Comic-Con", 2], ["Jackie_Estrada", 5], ["SDCC", 13]]} +{"id": 122767, "predicted_label": "SUPPORTS", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewan_McGregor", 2], ["Ewen_Bremner", 1], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 11404, "predicted_label": "SUPPORTS", "predicted_evidence": [["Graphic_Sexual_Horror", 7], ["Garden_State", 0], ["Graphic_Sexual_Horror", 4], ["Rickshaw_Inn", 4], ["William_A._Conway", 0]]} +{"id": 68853, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-character-RRB-", 8], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["SpongeBob_SquarePants_-LRB-character-RRB-", 4], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 62004, "predicted_label": "REFUTES", "predicted_evidence": [["Peripheral", 4], ["Touchscreen", 19], ["Touchscreen", 9], ["Peripheral", 9], ["Digital_electronic_computer", 6]]} +{"id": 6576, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 194901, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soviet_montage_theory", 4], ["Montage_Image_Mosaic_Software", 0], ["Montage_-LRB-filmmaking-RRB-", 7], ["Soviet_montage_theory", 0], ["Montage_Image_Mosaic_Software", 10]]} +{"id": 104129, "predicted_label": "SUPPORTS", "predicted_evidence": [["J._C._Johnson", 36], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["Me_and_Bessie", 20], ["Me_and_Bessie", 0], ["Bessie_-LRB-disambiguation-RRB-", 16]]} +{"id": 190750, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marjorie_Gross", 0], ["List_of_women_with_ovarian_cancer", 127], ["Marjorie", 136], ["Seinfeld", 8], ["List_of_women_with_ovarian_cancer", 129]]} +{"id": 13396, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jab_Tak_Hai_Jaan", 16], ["Anushka_Sharma", 0], ["Anushka_Sharma", 7], ["List_of_awards_and_nominations_received_by_Priyanka_Chopra", 6], ["List_of_awards_and_nominations_received_by_Priyanka_Chopra", 7]]} +{"id": 227353, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tooncast", 0], ["Retro_-LRB-TV_channel-RRB-", 8], ["Turner_Broadcasting_System", 6], ["Turner_Broadcasting_System", 0], ["Lumiere_Movies", 8]]} +{"id": 191443, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Keith_Urban_-LRB-1991_album-RRB-", 0], ["Days_Go_By", 4], ["Days_Go_By", 8], ["The_Ranch_-LRB-band-RRB-", 7]]} +{"id": 161185, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Gal_Gadot", 0], ["Gadot_-LRB-surname-RRB-", 4], ["Bar_Refaeli", 4], ["Wonder_Woman", 31]]} +{"id": 16579, "predicted_label": "REFUTES", "predicted_evidence": [["Riddick_-LRB-character-RRB-", 0], ["Pitch_Black_-LRB-film-RRB-", 10], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 6], ["Joseph_Riddick", 14], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 5]]} +{"id": 143088, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Make_a_Smellmitment", 9], ["Make_a_Smellmitment", 8], ["Make_a_Smellmitment", 4], ["Make_a_Smellmitment", 6], ["Make_a_Smellmitment", 2]]} +{"id": 95061, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tennis_in_Scotland", 8], ["2010_TEAN_International_\u2013_Men's_Doubles", 1], ["2007_Wimbledon_Championships_\u2013_Mixed_Doubles", 2], ["Jamie_Murray_career_statistics", 9], ["2007_Wimbledon_Championships_\u2013_Mixed_Doubles", 1]]} +{"id": 181638, "predicted_label": "REFUTES", "predicted_evidence": [["Mogadishu_-LRB-disambiguation-RRB-", 12], ["Mogadishu_-LRB-disambiguation-RRB-", 26], ["Mogadishu_-LRB-disambiguation-RRB-", 16], ["Mogadishu_-LRB-disambiguation-RRB-", 24], ["Mogadishu_-LRB-disambiguation-RRB-", 18]]} +{"id": 192716, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Miloslav_Rechcigl,_Sr.", 23], ["Millers_Dale_railway_station", 0], ["Millers_Falls_Company", 0], ["Miloslav_Rechcigl,_Sr.", 25], ["Millers_Falls_Company", 16]]} +{"id": 194466, "predicted_label": "REFUTES", "predicted_evidence": [["Tilda", 12], ["Snowpiercer", 5], ["Swinton_-LRB-surname-RRB-", 19], ["Michael_Clayton_-LRB-film-RRB-", 1], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4]]} +{"id": 82626, "predicted_label": "REFUTES", "predicted_evidence": [["TakePart", 0], ["Televisa_San_A\u0301ngel", 1], ["Wetzel_Whitaker", 11], ["Nestor_Film_Company", 2], ["Solax_Studios", 0]]} +{"id": 216595, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Calcaneal_spur", 1], ["List_of_Latin_legal_terms", 1059], ["List_of_Latin_legal_terms", 1894], ["List_of_Latin_legal_terms", 1079], ["Calcaneal_spur", 7]]} +{"id": 204437, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Wilk", 17], ["Selene_Vigil-Wilk", 6], ["Rage_Against_the_Machine", 1], ["Brad_Wilk", 0]]} +{"id": 207521, "predicted_label": "REFUTES", "predicted_evidence": [["Virgin_Records", 5], ["Virgin_Records", 8], ["Hamad_Sa'b", 11], ["Hamad_Sa'b", 10], ["Virgin_Records", 0]]} +{"id": 198208, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn", 15], ["List_of_Solar_System_objects", 55], ["Solar_eclipses_on_Saturn", 1], ["Jumping-Jupiter_scenario", 1], ["Jumping-Jupiter_scenario", 3]]} +{"id": 107926, "predicted_label": "REFUTES", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 2], ["Dan_Trebil", 12], ["Chris_O'Sullivan", 25]]} +{"id": 14448, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_trafficking", 0], ["Nefarious-COLON-_Merchant_of_Souls", 0], ["Human_trafficking_in_the_United_Kingdom", 0], ["Nefarious-COLON-_Merchant_of_Souls", 4], ["Nefarious-COLON-_Merchant_of_Souls", 15]]} +{"id": 172295, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_people_with_surname_Carey", 423], ["List_of_civil_rights_leaders", 267], ["Marjorie", 20], ["Deaths_in_January_1966", 135], ["Deaths_in_January_1966", 25]]} +{"id": 178335, "predicted_label": "SUPPORTS", "predicted_evidence": [["Honkin'_Down_the_Highway", 1], ["Sloop_John_B", 7], ["Sloop_John_B", 6], ["Rock_'n'_Roll_to_the_Rescue", 3], ["Rock_'n'_Roll_to_the_Rescue", 5]]} +{"id": 202756, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chris_Renaud_-LRB-animator-RRB-", 2], ["Despicable_Me_2", 1], ["Despicable_Me", 3], ["Yarrow_Cheney", 4], ["Yarrow_Cheney", 1]]} +{"id": 8584, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tiber_Oil_Field", 0], ["Tiber_-LRB-disambiguation-RRB-", 20], ["Tiber_Oil_Field", 1], ["Deepwater_Horizon", 2], ["2003_world_oil_market_chronology", 37]]} +{"id": 219146, "predicted_label": "SUPPORTS", "predicted_evidence": [["Valencia", 17], ["Valencia", 0], ["Valencia", 11], ["Emilio_Attard_Alonso", 4], ["Valencia", 12]]} +{"id": 197388, "predicted_label": "REFUTES", "predicted_evidence": [["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 0], ["General_Simo\u0301n_Boli\u0301var_Municipality", 8]]} +{"id": 21008, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 0], ["Imagine_That_-LRB-film-RRB-", 1], ["Black-ish_-LRB-season_1-RRB-", 6], ["Black-ish_-LRB-season_1-RRB-", 14]]} +{"id": 175478, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ludwig_van_Beethoven", 5], ["Christian_Gottlob_Neefe", 0], ["Gustav_Friedrich_Wilhelm_Gro\u00dfmann", 1], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45]]} +{"id": 203004, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin", 4], ["Lockheed_Martin_Aeronautics", 9], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 0], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 6], ["Lockheed_Martin_Aeronautics", 0]]} +{"id": 31770, "predicted_label": "SUPPORTS", "predicted_evidence": [["Judgment_Day_-LRB-2007-RRB-", 9], ["Judgment_Day_-LRB-2007-RRB-", 10], ["King_of_the_Ring_-LRB-2000-RRB-", 2], ["Shane_McMahon", 0], ["Hardcore_Championship", 2]]} +{"id": 39212, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Survivor_Series_-LRB-2004-RRB-", 8], ["Survivor_Series_-LRB-2004-RRB-", 13], ["El_Gran_Luchadore", 18], ["AAA_When_Worlds_Collide", 10], ["El_Gran_Luchadore", 9]]} +{"id": 166482, "predicted_label": "REFUTES", "predicted_evidence": [["The_Adventures_of_Shirley_Holmes", 0], ["Jasoos_Vijay", 0], ["El_Barco_-LRB-TV_series-RRB-", 0], ["Dow_-LRB-surname-RRB-", 10], ["El_Barco_-LRB-TV_series-RRB-", 5]]} +{"id": 64906, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Daryl_Jacob", 0], ["Paul_Nicholls", 5], ["Paul_Nicholls", 3], ["Paul_Nicholls", 0], ["Paul_Nicholls", 7]]} +{"id": 94619, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marshall_Jewell", 9], ["Marshall_Jewell", 10], ["Jaz-O", 0], ["Watch_the_Throne", 1], ["Watch_the_Throne", 0]]} +{"id": 124845, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Coast_Guard_Station_Cape_Disappointment", 17], ["Coast_Guard_Station_Cape_Disappointment", 13], ["Coast_Guard_Station_Cape_Disappointment", 9], ["Coast_Guard_Station_Cape_Disappointment", 0], ["Coast_Guard_Station_Cape_Disappointment", 10]]} +{"id": 21160, "predicted_label": "SUPPORTS", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Alias_-LRB-comics-RRB-", 0], ["Secret_War_-LRB-comics-RRB-", 1], ["Brian_Michael_Bendis", 0], ["Ultimate_Spider-Man", 16]]} +{"id": 19310, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_Ingall", 27], ["Indian_Armed_Forces", 10], ["Francis_Ingall", 28], ["Indian_Army", 0], ["Indian_Armed_Forces", 0]]} +{"id": 86846, "predicted_label": "SUPPORTS", "predicted_evidence": [["Southern_Peninsular_Malaysian_Hokkien", 0], ["Southern_Peninsular_Malaysian_Hokkien", 12], ["Southern_Peninsular_Malaysian_Hokkien", 9], ["Kuching_-LRB-disambiguation-RRB-", 0], ["Kuching", 0]]} +{"id": 187794, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sterile_Cuckoo", 0], ["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["Wendell_Burton", 10], ["Wendell_Burton", 1], ["Pooky", 14]]} +{"id": 54460, "predicted_label": "REFUTES", "predicted_evidence": [["Terry_Harknett", 38], ["Larry_Thurston", 13], ["Larry_Thurston", 35], ["Andy_Black_-LRB-poker_player-RRB-", 36], ["Shane_Valdez", 25]]} +{"id": 220284, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bullitt", 0], ["John_and_Mary_-LRB-film-RRB-", 0], ["Bullitt_-LRB-disambiguation-RRB-", 0], ["Peter_Yates_-LRB-disambiguation-RRB-", 0], ["Peter_Yates_-LRB-disambiguation-RRB-", 8]]} +{"id": 33547, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Slipknot_-LRB-band-RRB-", 2], ["List_of_Slipknot_concert_tours", 19], ["List_of_Slipknot_band_members", 8], ["Michael_Thomson", 9], ["Michael_Thomson", 3]]} +{"id": 20708, "predicted_label": "SUPPORTS", "predicted_evidence": [["Black_Canary", 0], ["Green_Arrow", 15], ["Larry_Lance", 0], ["Green_Arrow", 0], ["Larry_Lance", 2]]} +{"id": 161556, "predicted_label": "REFUTES", "predicted_evidence": [["Strictly_Ballroom", 7], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 1], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 2], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["MoZella", 9]]} +{"id": 95585, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kesha_discography", 6], ["Kesha_discography", 0], ["We_R_Who_We_R", 0], ["Take_It_Off_-LRB-Kesha_song-RRB-", 0], ["Kesha", 0]]} +{"id": 70004, "predicted_label": "REFUTES", "predicted_evidence": [["The_Dark_Knight_Rises_-LRB-soundtrack-RRB-", 0], ["The_Dark_Knight_Rises", 16], ["Christian_Bale_filmography", 43], ["The_Dark_Knight_-LRB-film-RRB-", 18], ["Christian_Bale_filmography", 41]]} +{"id": 126551, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dragon_Slayer-COLON-_The_Legend_of_Heroes", 11], ["Lo_Lieh_filmography", 175], ["Dragon_Slayer-COLON-_The_Legend_of_Heroes", 7], ["Dragon_Fist_-LRB-disambiguation-RRB-", 9], ["Dragon_Fist_-LRB-disambiguation-RRB-", 5]]} +{"id": 215209, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dreamer_-LRB-2005_film-RRB-", 0], ["Mariah's_Storm", 4], ["John_Gatins", 4], ["Need_for_Speed_-LRB-film-RRB-", 0], ["Gatins", 4]]} +{"id": 24041, "predicted_label": "SUPPORTS", "predicted_evidence": [["TV_Choice", 1], ["Woman's_Weekly_-LRB-UK_magazine-RRB-", 2], ["People's_Sunday", 45], ["TV_Quick", 4], ["TV_Quick", 10]]} +{"id": 60444, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["No_Country_for_Old_Men_-LRB-film-RRB-", 8], ["National_Board_of_Review", 13], ["National_Board_of_Review", 2], ["National_Board_of_Review", 7], ["National_Board_of_Review", 0]]} +{"id": 88045, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angela_Bassett", 6], ["Timothy_Davis-Reed", 2], ["Timothy_Davis-Reed", 14], ["Head_-LRB-American_Horror_Story-RRB-", 5], ["Head_-LRB-American_Horror_Story-RRB-", 4]]} +{"id": 95935, "predicted_label": "SUPPORTS", "predicted_evidence": [["By_the_Book_-LRB-TV_series-RRB-", 0], ["The_Winner_-LRB-TV_series-RRB-", 0], ["The_Big_Bang_Theory_-LRB-season_4-RRB-", 0], ["The_Big_Bang_Theory_-LRB-season_1-RRB-", 0], ["The_Winner_-LRB-TV_series-RRB-", 9]]} +{"id": 202453, "predicted_label": "SUPPORTS", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 71802, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wish_Upon", 0], ["White_Noise_-LRB-film-RRB-", 0], ["M._Night_Shyamalan", 1], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4]]} +{"id": 63575, "predicted_label": "SUPPORTS", "predicted_evidence": [["Park_Street_-LRB-MBTA_station-RRB-", 0], ["Tremont_Street_Subway", 0], ["Green_Line_\"B\"_Branch", 3], ["Park_Street_-LRB-MBTA_station-RRB-", 1], ["Boston_Common", 3]]} +{"id": 200294, "predicted_label": "SUPPORTS", "predicted_evidence": [["Natural_Born_Killers", 5], ["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["Natural_Born_Killers", 0], ["Oliver_Stone", 5], ["Oliver_Stone", 0]]} +{"id": 8504, "predicted_label": "SUPPORTS", "predicted_evidence": [["My_Plaything", 6], ["Jenna_Jameson", 0], ["Jameson_-LRB-surname-RRB-", 29], ["ClubJenna", 0], ["ClubJenna", 4]]} +{"id": 68137, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["List_of_stage_names", 34], ["Middle_name", 25], ["Middle_name", 13], ["Real_Middle_East", 0]]} +{"id": 143488, "predicted_label": "REFUTES", "predicted_evidence": [["The_Real_Milli_Vanilli", 0], ["Shabab_e_Milli", 1], ["Shabab_e_Milli", 3], ["Shabab_e_Milli", 0], ["Shabab_e_Milli", 9]]} +{"id": 89902, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Aparshakti_Khurana", 0], ["Khurana", 17], ["Sonia_Khurana", 474], ["Cabot_House", 7]]} +{"id": 221072, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cable_television", 10], ["CTV_Two_Atlantic", 5], ["Cable_television", 8], ["CNN", 0], ["NTV", 7]]} +{"id": 456, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 11], ["Pretty_Woman", 0], ["Sheryl_Lee_Ralph", 5], ["Sandra_Bullock_filmography", 14]]} +{"id": 110761, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Shadowhunters_episodes", 5], ["Shadowhunters", 5], ["List_of_Shadowhunters_episodes", 6], ["Shadowhunters", 6], ["List_of_Shadowhunters_episodes", 1]]} +{"id": 122736, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 1], ["Sailing_Aarhus", 6], ["Administrative_divisions_of_Aarhus_Municipality", 6], ["Sailing_Aarhus", 12], ["Administrative_divisions_of_Aarhus_Municipality", 11]]} +{"id": 154142, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["William_A._Conway", 0], ["William_A._Conway", 14], ["Rickshaw_Inn", 8], ["Garden_State", 0], ["Rickshaw_Inn", 33]]} +{"id": 135686, "predicted_label": "REFUTES", "predicted_evidence": [["XHamster", 6], ["XHamster", 0], ["XHamster", 1], ["XHamster", 2], ["XHamster", 7]]} +{"id": 32976, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["30th_Golden_Raspberry_Awards", 7], ["30th_Golden_Raspberry_Awards", 6], ["Sandra_Bullock_filmography", 0], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 11]]} +{"id": 76871, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["23rd_March_1931-COLON-_Shaheed", 9], ["Bhagat_Singh", 0], ["Bhagat_Singh", 3]]} +{"id": 147487, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Press_coverage_during_the_Armenian_Genocide", 33], ["Khatchig_Mouradian", 12], ["1965_Yerevan_demonstrations", 4], ["Witnesses_and_testimonies_of_the_Armenian_Genocide", 0], ["Armenian_Genocide_denial", 15]]} +{"id": 72436, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Scouting_and_Guiding_in_the_Bahamas", 4], ["Scouting_and_Guiding_in_the_Bahamas", 7], ["The_Scout_Association_of_the_Bahamas", 6], ["The_Scout_Association_of_the_Bahamas", 5], ["The_Scout_Association_of_the_Bahamas", 19]]} +{"id": 71836, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon", 0], ["White_Noise_-LRB-film-RRB-", 0], ["M._Night_Shyamalan", 1], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4]]} +{"id": 91823, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Electoral_history_of_Mike_Gravel", 0], ["Citizen_Power", 13], ["Gravel", 1], ["Gravel", 7], ["Gravel_-LRB-disambiguation-RRB-", 8]]} +{"id": 190165, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 0], ["Daisy_of_Love", 3], ["Golden_Boy_Promotions", 0], ["Oscar_De_La_Hoya_vs._Manny_Pacquiao", 0]]} +{"id": 194455, "predicted_label": "REFUTES", "predicted_evidence": [["Tilda", 12], ["Swinton_-LRB-surname-RRB-", 19], ["Swinton_-LRB-surname-RRB-", 17], ["I_Am_Love_-LRB-film-RRB-", 2], ["Michael_Clayton_-LRB-film-RRB-", 1]]} +{"id": 178329, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sloop_John_B", 7], ["Ten_Years_of_Harmony", 16], ["Jardine", 4], ["Beach_Boys_Historic_Landmark", 19], ["Ten_Years_of_Harmony", 7]]} +{"id": 1888, "predicted_label": "SUPPORTS", "predicted_evidence": [["Don't_Say_No", 4], ["Kenya_Hathaway", 1], ["Madeline_Eastman", 4], ["The_Jazz_Singer_-LRB-disambiguation-RRB-", 19], ["Kenya_Hathaway", 0]]} +{"id": 3857, "predicted_label": "SUPPORTS", "predicted_evidence": [["Law_&_Order-COLON-_UK_-LRB-series_8-RRB-", 1], ["Paul_Nicholls_-LRB-actor-RRB-", 1], ["Alan_Nicholls", 16], ["Alan_Nicholls", 9], ["Daryl_Jacob", 0]]} +{"id": 179740, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wentworth_Miller", 2], ["Stoker_-LRB-film-RRB-", 0], ["Gregg_Miller", 13], ["Stoker_-LRB-film-RRB-", 2], ["List_of_Prisoner_characters_\u2013_miscellaneous", 65]]} +{"id": 189768, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthias_Corvinus", 31], ["Martius_Galeotti", 60], ["Corvin", 16], ["Corvin", 18], ["Corvin", 14]]} +{"id": 116619, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ghoomketu", 1], ["Gangs_of_Wasseypur_\u2013_Part_2", 2], ["Gangs_of_Wasseypur_\u2013_Part_1", 2], ["Ghoomketu", 5], ["Mister_Come_Tomorrow", 0]]} +{"id": 73482, "predicted_label": "REFUTES", "predicted_evidence": [["Pan's_Labyrinth", 14], ["Pan's_Labyrinth", 0], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 0], ["Del_Toro_-LRB-surname-RRB-", 12]]} +{"id": 2754, "predicted_label": "REFUTES", "predicted_evidence": [["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 0], ["Chris_Eubank_Jr.", 3], ["Chris_Eubank_Jr.", 2], ["Juan_Carlos_Gime\u0301nez_Ferreyra", 1]]} +{"id": 166500, "predicted_label": "REFUTES", "predicted_evidence": [["Roswell_-LRB-TV_series-RRB-", 0], ["Friday_Night_Lights_-LRB-TV_series-RRB-", 1], ["Michael_Guerin", 0], ["Kyle_Valenti", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0]]} +{"id": 26301, "predicted_label": "SUPPORTS", "predicted_evidence": [["Canadian_heavy_metal", 19], ["Canadian_heavy_metal", 8], ["List_of_gothic_metal_bands", 3], ["Christian_metal", 13], ["Heavy_metal_lyrics", 0]]} +{"id": 182279, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_MP_transmission", 0], ["Saturn_-LRB-store-RRB-", 0], ["Ben_Cunningham_-LRB-activist-RRB-", 17], ["Saturn_Cycling_Team", 1]]} +{"id": 50128, "predicted_label": "REFUTES", "predicted_evidence": [["Harold_Macmillan", 0], ["Frank_MacMillan_-LRB-politician-RRB-", 17], ["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3]]} +{"id": 158201, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 8], ["Renato_Balestra", 19], ["Renato_Balestra", 46], ["Renato_Balestra", 17]]} +{"id": 44383, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rachel_Green", 0], ["Monica_Geller", 0], ["List_of_Friends_characters", 1], ["List_of_Friends_episodes", 6], ["Rachel_Green", 9]]} +{"id": 187792, "predicted_label": "REFUTES", "predicted_evidence": [["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["The_Sterile_Cuckoo", 3], ["The_Sterile_Cuckoo_-LRB-novel-RRB-", 4], ["Margaret_Markov", 1], ["Wendell_Burton", 1]]} +{"id": 215489, "predicted_label": "SUPPORTS", "predicted_evidence": [["Weekly_Idol", 0], ["Weekly_Idol", 1], ["Jeong_Hyeong-don", 0], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["FNC_Entertainment", 7]]} +{"id": 126958, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Hunger_Games-COLON-_Mockingjay_\u2013_Part_2", 2], ["Wash_West", 4], ["Julianne_Moore", 0], ["The_Hunger_Games-COLON-_Mockingjay_\u2013_Part_2", 8], ["Wash_West", 6]]} +{"id": 161361, "predicted_label": "REFUTES", "predicted_evidence": [["Numb_-LRB-Linkin_Park_song-RRB-", 12], ["What_I've_Done", 10], ["Linkin_Park_discography", 0], ["List_of_songs_recorded_by_Linkin_Park", 49], ["Numb_-LRB-Linkin_Park_song-RRB-", 2]]} +{"id": 127071, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stepwise_mutation_model", 6], ["History_of_the_United_Kingdom_during_the_First_World_War", 6], ["Demographics_of_Karachi", 4], ["Operation_Chough", 4], ["History_of_the_United_Kingdom_during_the_First_World_War", 0]]} +{"id": 209874, "predicted_label": "SUPPORTS", "predicted_evidence": [["Art_Smith_-LRB-actor-RRB-", 10], ["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["In_a_Lonely_Place", 12], ["Art_Smith_-LRB-actor-RRB-", 8], ["In_a_Lonely_Place_-LRB-song-RRB-", 5]]} +{"id": 166632, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["Sigmodontinae", 5], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1]]} +{"id": 209859, "predicted_label": "REFUTES", "predicted_evidence": [["Changing_Partners", 20], ["Till_-LRB-song-RRB-", 12], ["Till_-LRB-song-RRB-", 22], ["Till_-LRB-song-RRB-", 34], ["Till_-LRB-song-RRB-", 42]]} +{"id": 181630, "predicted_label": "REFUTES", "predicted_evidence": [["Mogadishu", 1], ["Leonella_Sgorbati", 29], ["Islamic_Courts_Union", 7], ["Embassy_of_the_United_States,_Mogadishu", 0], ["Mogadishu", 18]]} +{"id": 166656, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Brian_Rice_-LRB-artist-RRB-", 8], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["List_of_Ace_titles_in_numeric_series", 358]]} +{"id": 184420, "predicted_label": "SUPPORTS", "predicted_evidence": [["Premam", 11], ["List_of_Disney_home_entertainment", 1], ["List_of_most_viewed_YouTube_videos", 14], ["Mark_Davis_-LRB-snooker_player-RRB-", 6], ["Michael_Jackson's_This_Is_It", 14]]} +{"id": 128686, "predicted_label": "REFUTES", "predicted_evidence": [["Vivek_Mushran", 2], ["Our_Mutual_Friend_-LRB-disambiguation-RRB-", 7], ["Our_Mutual_Friend_-LRB-disambiguation-RRB-", 9], ["Our_Mutual_Friend_-LRB-disambiguation-RRB-", 5], ["The_Six_Wives_of_Henry_VIII", 4]]} +{"id": 55571, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Microbiologist", 14], ["Francesco_Dieli", 46], ["Francesco_Dieli", 48], ["Kiril_Bratanov", 41], ["Francesco_Dieli", 7]]} +{"id": 166507, "predicted_label": "REFUTES", "predicted_evidence": [["Kyle_Valenti", 0], ["Maria_DeLuca", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0], ["Roswell_-LRB-TV_series-RRB-", 0], ["Friday_Night_Lights_-LRB-TV_series-RRB-", 17]]} +{"id": 137498, "predicted_label": "REFUTES", "predicted_evidence": [["Euston_Films", 2], ["Patsy_Smart", 3], ["Danger_UXD", 5], ["UXB", 7], ["Christopher_Good", 3]]} +{"id": 15005, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_people_killed_in_duels", 52], ["Aaron_Burr", 9], ["Seaside_Heights_School_District", 0], ["List_of_people_killed_in_duels", 46], ["Seaside_Heights,_New_Jersey", 6]]} +{"id": 86530, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Black_Reel_Awards_of_2016", 8], ["Black_Reel_Awards_of_2016", 4], ["Beware_of_Christians", 1], ["Jared_Hedges", 7], ["KPGG", 6]]} +{"id": 104472, "predicted_label": "REFUTES", "predicted_evidence": [["Thomas_Duane", 0], ["Thomas_Duane", 45], ["Steve_Grotowski", 15], ["John_Garcia_Thompson", 9], ["Grotowski_Institute_in_Wroc\u0142aw", 1]]} +{"id": 95531, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shane_McMahon", 10], ["King_of_the_Ring_-LRB-1999-RRB-", 3], ["Over_the_Edge_-LRB-1999-RRB-", 14], ["Backlash-COLON-_In_Your_House", 5], ["Unforgiven_-LRB-2001-RRB-", 2]]} +{"id": 46187, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yale_University", 23], ["List_of_Brigham_Young_University_alumni", 0], ["List_of_University_of_Texas_at_Austin_alumni", 0], ["List_of_Brigham_Young_University_alumni", 25], ["List_of_University_of_Texas_at_Austin_alumni", 6]]} +{"id": 68057, "predicted_label": "REFUTES", "predicted_evidence": [["St._Philomena's_Church", 0], ["Philomena_Lee", 1], ["Philomena_Lee", 0], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 4], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 9]]} +{"id": 159573, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_people_named_Daniel", 125], ["List_of_people_named_Daniel", 269], ["List_of_people_named_Daniel", 283], ["Henry_T._Bannon", 7], ["O'Bannon_-LRB-surname-RRB-", 6]]} +{"id": 102298, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revisited", 0], ["The_Don_Harrison_Band", 1], ["Doug_Clifford", 2], ["The_Golliwogs", 4], ["Creedence_Clearwater_Revival", 1]]} +{"id": 138375, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aharon_Solomons", 3], ["Wallis_Simpson", 0], ["Aharon_Solomons", 4], ["Wallis_&_Edward", 1], ["Edward_VIII", 3]]} +{"id": 194353, "predicted_label": "SUPPORTS", "predicted_evidence": [["Happiness_in_Slavery", 0], ["World_Happiness_Report", 5], ["Christian_Abolitionism", 40], ["Abolitionism", 28], ["World_Happiness_Report", 0]]} +{"id": 216580, "predicted_label": "SUPPORTS", "predicted_evidence": [["Calcaneal_spur", 1], ["Periodontitis", 5], ["Myelography", 0], ["Sialography", 0], ["Osteopathia_striata", 0]]} +{"id": 113046, "predicted_label": "SUPPORTS", "predicted_evidence": [["Game_of_Thrones_-LRB-season_7-RRB-", 11], ["El_Sen\u0303or_de_los_Cielos_-LRB-season_5-RRB-", 3], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 3], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 18], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 20]]} +{"id": 156559, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching_Declaration", 0], ["Malaysia_Airlines_destinations", 0], ["Kuching_-LRB-disambiguation-RRB-", 0], ["Kuching", 0], ["Kuching_High_School", 0]]} +{"id": 178340, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rock_'n'_Roll_to_the_Rescue", 3], ["Beach_Boys_Historic_Landmark", 10], ["Ten_Years_of_Harmony", 16], ["Beach_Boys_Historic_Landmark", 19], ["Jardine", 4]]} +{"id": 179753, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Daniel_Miller_-LRB-cricketer-RRB-", 6], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27], ["Martin_Miller_-LRB-cricketer-RRB-", 13]]} +{"id": 172297, "predicted_label": "SUPPORTS", "predicted_evidence": [["Woodside_Amusement_Park", 12], ["Family_Kingdom_Amusement_Park", 24], ["Woodside_Amusement_Park", 0], ["Family_Kingdom_Amusement_Park", 0], ["Cedar_Point", 14]]} +{"id": 28863, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angela_Bassett", 6], ["Linda_Threadgill", 3], ["Linda_Threadgill", 2], ["Timothy_Davis-Reed", 2], ["Protect_the_Coven", 5]]} +{"id": 91472, "predicted_label": "REFUTES", "predicted_evidence": [["Slater_family", 0], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9], ["Remember_Paul?", 14], ["Grant_Bowler", 4], ["Vanessa_Williams", 10]]} +{"id": 185396, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thrill_of_a_Romance", 0], ["Vaya_con_Dios", 10], ["Carla", 26], ["Carla", 70], ["Thrill_of_a_Romance", 13]]} +{"id": 105123, "predicted_label": "SUPPORTS", "predicted_evidence": [["Connie_Nielsen", 2], ["Connie_Nielsen", 0], ["Benny_Nielsen_-LRB-footballer-RRB-", 2], ["Tim_Nielsen", 1], ["Tim_Nielsen", 8]]} +{"id": 187776, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wendell_Burton", 1], ["Wendell_Burton", 10], ["Blood,_Sweat_and_Stanley_Poole", 0], ["BAFTA_Award_for_Best_Screenplay", 56], ["Goldman", 78]]} +{"id": 59087, "predicted_label": "REFUTES", "predicted_evidence": [["Larry_Lance", 2], ["Larry_Lance", 0], ["Green_Arrow", 15], ["Green_Arrow_and_Black_Canary", 0], ["Birds_of_Prey_-LRB-comics-RRB-", 25]]} +{"id": 128575, "predicted_label": "SUPPORTS", "predicted_evidence": [["Zentropa", 0], ["Melancholia_-LRB-disambiguation-RRB-", 14], ["Melancholia_-LRB-2011_film-RRB-", 0], ["Zentropa", 1], ["The_Five_Obstructions", 0]]} +{"id": 101715, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_discography", 3], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9]]} +{"id": 204331, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maastrichtian", 5], ["Aptian_extinction", 4], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 0], ["Extinction_event", 13], ["Qinornis", 6]]} +{"id": 201820, "predicted_label": "REFUTES", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 11], ["I_Am_Sam", 0], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1]]} +{"id": 163963, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeram_-LRB-2014_film-RRB-", 0], ["Aluri_Chakrapani", 1], ["Aluri_Chakrapani", 0], ["Veeram_-LRB-2014_film-RRB-", 5], ["Veeram", 0]]} +{"id": 194760, "predicted_label": "SUPPORTS", "predicted_evidence": [["Larry_the_Cable_Guy-COLON-_Health_Inspector", 0], ["Larry_the_Cable_Guy", 14], ["Thelma_Harper", 7], ["Blue_Collar_TV", 0], ["Larry_the_Cable_Guy", 12]]} +{"id": 16807, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pompeii", 0], ["Temple_of_Apollo_-LRB-Pompeii-RRB-", 0], ["Herculaneum", 0], ["Andrea_De_Jorio", 11], ["Andrea_De_Jorio", 7]]} +{"id": 202956, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold", 0], ["Avenged_Sevenfold_discography", 1], ["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8]]} +{"id": 120058, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_acetylcholine_receptor", 5], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Acetylcholine", 18], ["Nicotinic_acetylcholine_receptor", 10]]} +{"id": 216347, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chagatai", 9], ["Karluk_languages", 3], ["Chagatai_people", 7], ["Chagatai_Khan", 2], ["Uyghur_Arabic_alphabet", 5]]} +{"id": 19739, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["KWJC", 56], ["Guy_Jewell", 5], ["John_Jewell_-LRB-Worcestershire_cricketer-RRB-", 3], ["John_Jewell_-LRB-Worcestershire_cricketer-RRB-", 0], ["John_Jewell_-LRB-Worcestershire_cricketer-RRB-", 19]]} +{"id": 14112, "predicted_label": "REFUTES", "predicted_evidence": [["Krishna_Iyer", 0], ["Aalap_Raju", 0], ["Krishna_Iyer", 10], ["Krishna_Iyer", 9], ["List_of_songs_recorded_by_Bombay_Jayashri", 4]]} +{"id": 27041, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rau\u0301l_Castro", 7], ["Castro_-LRB-surname-RRB-", 123], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Fidel_Castro_-LRB-disambiguation-RRB-", 16], ["Rau\u0301l_Castro", 13]]} +{"id": 177186, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dub_music", 0], ["Mute_Beat", 4], ["Dub_music", 1], ["Dub_poetry", 0], ["Mute_Beat", 5]]} +{"id": 75378, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trade_unions_in_South_Africa", 6], ["History_of_South_Africa", 19], ["Council_of_Non-European_Trade_Unions", 22], ["William_Mothipa_Madisha", 9], ["William_Mothipa_Madisha", 1]]} +{"id": 2615, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Enrique_Llanes", 2], ["Survivor_Series_-LRB-2004-RRB-", 8], ["Survivor_Series_-LRB-2004-RRB-", 13], ["El_Gran_Luchadore", 18], ["AAA_When_Worlds_Collide", 10]]} +{"id": 9582, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewen_Bremner", 1], ["Ewan_McGregor", 2], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 10204, "predicted_label": "SUPPORTS", "predicted_evidence": [["Battle_of_France", 0], ["Phoney_War", 1], ["Polish_contribution_to_World_War_II", 9], ["Plan_W", 3], ["Phoney_War", 12]]} +{"id": 58767, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ripon_College_-LRB-Wisconsin-RRB-", 1], ["WRPN-FM", 0], ["Oxford_Centre_for_Ecclesiology_and_Practical_Theology", 21], ["WRPN-FM", 16], ["WRPN-FM", 31]]} +{"id": 217668, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Pelican_Brief_-LRB-film-RRB-", 0], ["Pelican_files", 3], ["The_Firm_-LRB-1993_film-RRB-", 0], ["Unbreakable_-LRB-film-RRB-", 0], ["List_of_films_set_in_Shanghai", 97]]} +{"id": 124397, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 13], ["Arctic_methane_emissions", 9], ["Climate_engineering", 22], ["Global_warming_hiatus", 23], ["Arctic_methane_emissions", 8]]} +{"id": 32923, "predicted_label": "REFUTES", "predicted_evidence": [["Carnot", 37], ["Reflections_on_the_Motive_Power_of_Fire", 19], ["Sub-districts_of_Riau", 270], ["Districts_of_West_Kalimantan", 52], ["Districts_of_West_Kalimantan", 74]]} +{"id": 172102, "predicted_label": "REFUTES", "predicted_evidence": [["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 18], ["Antonina_Armato", 29], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 21]]} +{"id": 34906, "predicted_label": "SUPPORTS", "predicted_evidence": [["My_Name_Is_Khan", 0], ["Mirch", 0], ["Vedam_-LRB-film-RRB-", 0], ["Anushka_Shetty_filmography", 23], ["Vedam", 9]]} +{"id": 166907, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Unreal_episodes", 5], ["The_Grudge_3", 2], ["List_of_The_Grudge_characters", 5], ["Quantico_-LRB-TV_series-RRB-", 6], ["Chart_Show_TV", 13]]} +{"id": 77162, "predicted_label": "SUPPORTS", "predicted_evidence": [["Funky_Squad", 0], ["Chuck_Shamata", 5], ["Funky_Squad", 9], ["Eva_del_Ede\u0301n", 4], ["1987_Alianza_Lima_plane_crash", 9]]} +{"id": 186979, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Atlantis-COLON-_The_Lost_Continent_Revealed", 6], ["Devil's_Triangle_-LRB-disambiguation-RRB-", 3], ["The_Bermuda_Triangle_-LRB-book-RRB-", 8], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 3], ["Devil's_Triangle_-LRB-disambiguation-RRB-", 0]]} +{"id": 131529, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cyrus_-LRB-surname-RRB-", 18], ["Mike_Schmid", 11], ["Start_All_Over", 1], ["Ready,_Set,_Don't_Go", 0], ["Start_All_Over", 7]]} +{"id": 18589, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["17th_PTV_Awards", 10], ["Mohra", 4], ["List_of_accolades_received_by_Nebraska_-LRB-film-RRB-", 9], ["List_of_accolades_received_by_Nebraska_-LRB-film-RRB-", 24], ["Filmfare_Award_for_Best_Music_Album", 24]]} +{"id": 186987, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bermuda_Triangle_-LRB-disambiguation-RRB-", 0], ["The_Bermuda_Triangle_-LRB-book-RRB-", 0], ["Atlantis-COLON-_The_Lost_Continent_Revealed", 6], ["Atlantis-COLON-_The_Lost_Continent_Revealed", 9], ["Larry_Kusche", 5]]} +{"id": 75770, "predicted_label": "REFUTES", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["Paul_Carlson", 5], ["Jesse_Carlson", 1], ["Jesse_Carlson", 0]]} +{"id": 194473, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tilda", 12], ["Snowpiercer", 5], ["Swinton_-LRB-surname-RRB-", 19], ["I_Am_Love_-LRB-film-RRB-", 2], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4]]} +{"id": 166844, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Reminder", 5], ["Drake_&_Josh_-LRB-soundtrack-RRB-", 0], ["Drake_&_Josh", 1], ["Drake_&_Josh", 4], ["Drake_Bell", 3]]} +{"id": 157790, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dinah_Sings_Bessie_Smith", 0], ["J._C._Johnson", 15], ["J._C._Johnson", 20], ["J._C._Johnson", 4], ["Me_and_Bessie", 0]]} +{"id": 113651, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hispanic_Heritage_Baseball_Museum", 13], ["Pistol_offense", 22], ["2016_San_Francisco_49ers_season", 11], ["Hispanic_Heritage_Baseball_Museum", 83], ["Pistol_offense", 18]]} +{"id": 7384, "predicted_label": "SUPPORTS", "predicted_evidence": [["Romeo.Juliet", 0], ["Romeo_y_Julieta", 3], ["Romeo_and_Juliet", 22], ["Old_Love", 7], ["Old_Love", 3]]} +{"id": 80488, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revival", 0], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 0], ["Creedence_Clearwater_Revisited", 4], ["Pre-Creedence", 0]]} +{"id": 110040, "predicted_label": "SUPPORTS", "predicted_evidence": [["Long._Live._ASAP", 4], ["Long._Live._ASAP", 10], ["Daniel_Brown", 14], ["The_Hybrid_-LRB-album-RRB-", 0], ["The_Hybrid_-LRB-album-RRB-", 4]]} +{"id": 119765, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 1], ["David_Huckabee", 2], ["Huckabee_-LRB-disambiguation-RRB-", 9], ["West_Virginia_Republican_caucuses_and_primary,_2008", 13]]} +{"id": 165264, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philip_Glass", 9], ["Tony_Curtis", 6], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Machiavelli_and_the_Four_Seasons", 22], ["Verismo_-LRB-music-RRB-", 17]]} +{"id": 211792, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Larry_Pickett", 0], ["The_List", 3], ["The_List", 5], ["Lavender_Lounge", 11], ["Hildy_Brooks", 7]]} +{"id": 199758, "predicted_label": "REFUTES", "predicted_evidence": [["Cross_Border_Xpress", 0], ["Estadio_Gasmart", 0], ["Tijuana", 7], ["Tijuana_Municipality", 1], ["Cross_Border_Xpress", 3]]} +{"id": 123226, "predicted_label": "SUPPORTS", "predicted_evidence": [["TakePart", 0], ["Rebecca_Wallace-Segall", 10], ["Rebecca_Wallace-Segall", 19], ["Rebecca_Wallace-Segall", 11], ["HitRecord_on_TV", 4]]} +{"id": 43564, "predicted_label": "SUPPORTS", "predicted_evidence": [["ODVA_-LRB-company-RRB-", 1], ["ODVA_-LRB-company-RRB-", 7], ["PacSun", 1], ["ALA_Best_Fiction_for_Young_Adults", 0], ["Allan_Stratton", 45]]} +{"id": 93957, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_accolades_received_by_Blue_Jasmine", 11], ["Blue_Jasmine", 0], ["Blue_Jasmine", 5], ["List_of_accolades_received_by_Blue_Jasmine", 10], ["List_of_accolades_received_by_Blue_Jasmine", 0]]} +{"id": 32321, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_-LRB-given_names-RRB-", 18], ["The_ArchAndroid", 14], ["Janelle_Mona\u0301e_discography", 2], ["Janelle_Mona\u0301e", 1], ["Janelle_-LRB-given_names-RRB-", 40]]} +{"id": 1036, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Phillauri_-LRB-film-RRB-", 0], ["The_Ring_-LRB-2017_film-RRB-", 1], ["Phillauri_-LRB-film-RRB-", 2], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Jab_Tak_Hai_Jaan", 16]]} +{"id": 116949, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Sweet_Caroline", 13], ["Caroline_Kennedy", 4]]} +{"id": 151474, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon", 2], ["Wish_Upon", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Golden_Rule", 10], ["When_You_Wish_Upon_a_Weinstein", 7]]} +{"id": 226127, "predicted_label": "REFUTES", "predicted_evidence": [["Richard_Dawkins", 16], ["Out_Campaign", 27], ["Dawkins", 38], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2]]} +{"id": 110376, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Appropriation", 4], ["Speak_&_Math", 16], ["Speak_&_Math", 15], ["Speak_&_Math", 13], ["Speak_&_Math", 12]]} +{"id": 16084, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 97299, "predicted_label": "REFUTES", "predicted_evidence": [["History_of_Rutgers_University", 0], ["Rutgers_University", 0], ["Rutgers_University\u2013Camden", 0], ["Rutgers_University\u2013Newark", 0], ["Rutgers_University", 9]]} +{"id": 21026, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brody_-LRB-disambiguation-RRB-", 8], ["List_of_awards_and_nominations_received_by_Homeland", 1], ["Carrie_Mathison", 2], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Pilot_-LRB-Homeland-RRB-", 4]]} +{"id": 30637, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ho\u0302tel_des_Tournelles", 8], ["Henry_II_style", 4], ["Henry_II,_Holy_Roman_Emperor", 10], ["Bertram_de_Verdun", 72], ["Bertram_de_Verdun", 67]]} +{"id": 179351, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Osamu_Tezuka", 6], ["List_of_Osamu_Tezuka_manga", 5], ["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2]]} +{"id": 219279, "predicted_label": "REFUTES", "predicted_evidence": [["Infinity_chili", 0], ["Capsicum_chinense", 0], ["Bhut_jolokia", 1], ["Capsicum_baccatum", 9], ["Facing_heaven_pepper", 1]]} +{"id": 82292, "predicted_label": "REFUTES", "predicted_evidence": [["Sony_Pictures_Digital", 0], ["Sony_Pictures_Digital", 6], ["Sony_Pictures_Digital", 3], ["Sony_Pictures_Digital", 19], ["Sony_Pictures_Digital", 1]]} +{"id": 159949, "predicted_label": "REFUTES", "predicted_evidence": [["The_Christa_McAuliffe_Prize", 1], ["Christa", 49], ["The_Christa_McAuliffe_Prize", 0], ["Christa_McAuliffe_Space_Education_Center", 0], ["Christa_McAuliffe_Space_Education_Center", 4]]} +{"id": 71618, "predicted_label": "SUPPORTS", "predicted_evidence": [["Portlandia_-LRB-TV_series-RRB-", 0], ["List_of_Portlandia_characters", 26], ["Saturday_Night_Live_characters_appearing_on_Weekend_Update", 120], ["List_of_Portlandia_characters", 33], ["List_of_Saturday_Night_Live_musical_sketches", 54]]} +{"id": 148140, "predicted_label": "REFUTES", "predicted_evidence": [["Tim_Chapman", 0], ["Lyssa_Chapman", 0], ["Dog_the_Bounty_Hunter", 0], ["Duane_Chapman", 0], ["Bounty_Hunter_Bloods", 0]]} +{"id": 60612, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Disney_theatrical_animated_features", 4], ["Walt_Disney_Pictures", 1], ["Walt_Disney_Animation_Studios", 8], ["Walt_Disney_Pictures", 0], ["List_of_Disney_theatrical_animated_features", 6]]} +{"id": 110490, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bharuch", 9], ["Spice_trade", 4], ["Po\u0301voa_de_Varzim", 10], ["Silk_Road", 11], ["Po\u0301voa_de_Varzim", 9]]} +{"id": 6250, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civilization_IV", 14], ["Civilization_IV", 0], ["Civilization_IV", 5], ["Leonard_Nimoy", 10], ["Civilization_IV", 13]]} +{"id": 212780, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 501], ["List_of_ANAGPIC_meetings", 73], ["List_of_ANAGPIC_meetings", 185], ["List_of_ANAGPIC_meetings", 123], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 531]]} +{"id": 51013, "predicted_label": "SUPPORTS", "predicted_evidence": [["Humphrey_Bogart", 11], ["Jane_Bryan", 4], ["Audrey_Hepburn_on_screen_and_stage", 18], ["Humphrey_Bogart", 10], ["Bogart_-LRB-surname-RRB-", 12]]} +{"id": 187324, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales", 17], ["Diana,_Princess_of_Wales", 0], ["Ruth_Roche,_Baroness_Fermoy", 14], ["Diana,_Princess_of_Wales", 10], ["Thyssen_family", 65]]} +{"id": 144899, "predicted_label": "REFUTES", "predicted_evidence": [["AMGTV", 0], ["Sony_Entertainment_Television_Asia", 0], ["Rod_Dovlin", 6], ["William_Pfeiffer", 12], ["AMGTV", 4]]} +{"id": 35619, "predicted_label": "REFUTES", "predicted_evidence": [["Match_Point", 0], ["Match_point", 5], ["Take_the_Money_and_Run", 4], ["Gareth_Wiley", 5], ["Match_point", 3]]} +{"id": 212331, "predicted_label": "REFUTES", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_Olsen", 0], ["Robert_Lee_Morris", 31]]} +{"id": 196744, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marnie_-LRB-disambiguation-RRB-", 10], ["Marnie_-LRB-disambiguation-RRB-", 8], ["Marni", 73], ["David_McKay_-LRB-actor-RRB-", 13], ["Marnie_-LRB-dog-RRB-", 1]]} +{"id": 168538, "predicted_label": "REFUTES", "predicted_evidence": [["The_Man_with_the_Iron_Fists", 1], ["Peter_Scheerer", 14], ["Yune", 8], ["Michael_Roesch", 17], ["Peter_Scheerer", 0]]} +{"id": 110012, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Victor_Cheng", 26], ["Kelly_Smith_-LRB-disambiguation-RRB-", 12], ["Old_Dogs_-LRB-film-RRB-", 0], ["Old_Dogs_-LRB-film-RRB-", 11], ["List_of_people_with_surname_Preston", 120]]} +{"id": 16519, "predicted_label": "REFUTES", "predicted_evidence": [["The_Americans_-LRB-season_1-RRB-", 7], ["Noah_Emmerich", 2], ["Stan_Beeman", 0], ["Historical_figure", 12], ["Historical_figure", 13]]} +{"id": 61807, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_100_-LRB-TV_series-RRB-", 4], ["List_of_The_100_episodes", 2], ["Nuclear_holocaust", 0], ["Ark_Two_Shelter", 18], ["Nuclear_holocaust", 12]]} +{"id": 53017, "predicted_label": "SUPPORTS", "predicted_evidence": [["Age_of_Apocalypse", 5], ["X-Men_-LRB-film_series-RRB-", 5], ["X-Men_-LRB-film_series-RRB-", 10], ["X-Men_-LRB-film_series-RRB-", 9], ["Age_of_Apocalypse", 6]]} +{"id": 204654, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fay_-LRB-surname-RRB-", 45], ["Candace_-LRB-given_name-RRB-", 61], ["Candace_-LRB-given_name-RRB-", 7], ["Fay_-LRB-surname-RRB-", 31], ["Candace_-LRB-given_name-RRB-", 27]]} +{"id": 25397, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_fictional_nurses", 279], ["List_of_fictional_nurses", 277], ["List_of_fictional_nurses", 275], ["The_Gifted_-LRB-TV_series-RRB-", 0], ["The_Gifted_-LRB-TV_series-RRB-", 1]]} +{"id": 197363, "predicted_label": "REFUTES", "predicted_evidence": [["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["General_Simo\u0301n_Boli\u0301var_Municipality", 1], ["General_Simo\u0301n_Boli\u0301var_Municipality", 0]]} +{"id": 84105, "predicted_label": "REFUTES", "predicted_evidence": [["Ajmer_Military_School", 3], ["British_Army", 1], ["Indian_Army", 16], ["Active_Defense", 3], ["Indian_Army", 3]]} +{"id": 44720, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sachsen_3_Pfennige_red", 13], ["Organic_volume", 1], ["Grammage", 9], ["Flight_bag", 8], ["Izrael_Abraham_Staffel", 27]]} +{"id": 201800, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dakota_Fanning", 6], ["The_Motel_Life_-LRB-film-RRB-", 0], ["Anne_James", 9], ["The_Motel_Life", 0], ["Anne_James", 0]]} +{"id": 116550, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Waterman\u2013Winsor_Farm", 11], ["United_States_v._Ninety-Five_Barrels_Alleged_Apple_Cider_Vinegar", 12], ["Cooking_apple", 4], ["United_States_v._Ninety-Five_Barrels_Alleged_Apple_Cider_Vinegar", 14], ["Allantide", 14]]} +{"id": 75466, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 1], ["Blue_Bayou_Restaurant", 13]]} +{"id": 9235, "predicted_label": "SUPPORTS", "predicted_evidence": [["Love_Is_Payable", 0], ["Vanessa_Williams", 10], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9], ["Remember_Paul?", 14], ["Grant_Bowler", 4]]} +{"id": 204335, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 8], ["Paleontology_in_Louisiana", 17], ["Radiological_weapon", 11], ["Dirty_bomb", 13], ["Cretaceous", 9]]} +{"id": 115752, "predicted_label": "REFUTES", "predicted_evidence": [["Tony_Curtis", 8], ["The_Black_Shield_of_Falworth", 1], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["The_Black_Shield_of_Falworth", 7], ["Tony_Curtis", 27]]} +{"id": 7468, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_celebrity_appearances_in_video_games", 5], ["Bruce_Lee's_Secret", 0], ["Bruce_Lee's_Secret", 2], ["Davis_Miller", 29], ["Bruce_Lee_-LRB-disambiguation-RRB-", 44]]} +{"id": 152850, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gopimohan", 5], ["Ramudu", 7], ["Mogudu", 10], ["Ramudu", 5], ["Gopimohan", 0]]} +{"id": 5014, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maattrraan_-LRB-soundtrack-RRB-", 10], ["List_of_songs_recorded_by_Bombay_Jayashri", 2], ["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["Maattrraan_-LRB-soundtrack-RRB-", 4], ["Maattrraan_-LRB-soundtrack-RRB-", 2]]} +{"id": 68459, "predicted_label": "REFUTES", "predicted_evidence": [["Randy_Savage", 0], ["World_War_3_-LRB-1995-RRB-", 7], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15], ["WrestleMania_X", 15], ["Turning_Point_-LRB-2004_wrestling-RRB-", 8]]} +{"id": 185201, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chang_&_Eng", 1], ["Chang_&_Eng", 3], ["List_of_people_named_Daniel", 197], ["List_of_people_named_Daniel", 319], ["List_of_people_named_Daniel", 345]]} +{"id": 63618, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ten-pin_bowling", 0], ["Bowling", 2], ["Bowling_ball", 0], ["Bowling", 0], ["Lofting_-LRB-bowling-RRB-", 0]]} +{"id": 172507, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_accolades_received_by_Suicide_Squad", 6], ["Jennifer_Lopez_filmography", 39], ["Inheritance_Cycle", 15], ["Entourage_-LRB-film-RRB-", 3], ["Baya_al_Ward", 13]]} +{"id": 141134, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2011_Norway_attacks", 15], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["Stoltenberg_-LRB-surname-RRB-", 8], ["1995_world_oil_market_chronology", 11], ["2011_Norway_attacks", 9]]} +{"id": 147935, "predicted_label": "SUPPORTS", "predicted_evidence": [["My_Leopold", 12], ["My_Leopold", 6], ["My_Leopold", 8], ["My_Leopold", 10], ["My_Leopold", 4]]} +{"id": 117862, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jane_Bryan", 4], ["2HB", 4], ["Bogart_-LRB-surname-RRB-", 12], ["The_Desperate_Hours_-LRB-film-RRB-", 0], ["Marked_Woman", 1]]} +{"id": 57522, "predicted_label": "REFUTES", "predicted_evidence": [["Cotton_Candy_-LRB-film-RRB-", 0], ["The_Shootist", 0], ["Howard_-LRB-surname-RRB-", 24], ["Howard_-LRB-surname-RRB-", 36], ["Ronald_Howard", 10]]} +{"id": 212328, "predicted_label": "REFUTES", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Mary-Kate_Olsen", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Elizabeth_Olsen", 3], ["Mary-Kate_and_Ashley_Olsen", 2]]} +{"id": 156678, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_foreign_delegations_at_the_22nd_Japanese_Communist_Party_Congress", 64], ["1960_International_Meeting_of_Communist_and_Workers_Parties", 138], ["List_of_foreign_delegations_at_the_9th_SED_Congress", 214], ["Communist_Party_of_Lesotho", 5], ["Communist_Party_of_Lesotho", 4]]} +{"id": 136331, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michigan", 2], ["Michigan", 4], ["Geography_of_Michigan", 9], ["Geography_of_Michigan", 8], ["Michigan", 25]]} +{"id": 99066, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brazzers", 0], ["Pink_and_White_Productions", 0], ["Insex", 0], ["Virke_Lehtinen", 41], ["Lee_Roy_Myers", 4]]} +{"id": 823, "predicted_label": "REFUTES", "predicted_evidence": [["Mexican_immigration_to_Spain", 14], ["Rafael_Negrete", 17], ["Rafael_Negrete", 55], ["Mexican_Open_-LRB-badminton-RRB-", 4], ["Frida_Kahlo", 26]]} +{"id": 202995, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin", 4], ["Equality_of_sacrifice", 7], ["Where_Have_All_the_Leaders_Gone?", 8], ["Equality_of_sacrifice", 9], ["Where_Have_All_the_Leaders_Gone?", 1]]} +{"id": 168053, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2015-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 12]]} +{"id": 199420, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 2], ["Boyhood_-LRB-film-RRB-", 1], ["Boyhood_-LRB-film-RRB-", 0], ["Linklater", 19], ["Bob_Sabiston", 13]]} +{"id": 157517, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Microbiologist", 14], ["The_Ny-A\u030alesund_Symposium", 27], ["Comparison_of_research_networking_tools_and_research_profiling_systems", 3], ["Comparison_of_research_networking_tools_and_research_profiling_systems", 0], ["Comparison_of_research_networking_tools_and_research_profiling_systems", 2]]} +{"id": 201740, "predicted_label": "REFUTES", "predicted_evidence": [["North_Vietnam", 0], ["Operation_Pierce_Arrow", 14], ["Attack_on_Camp_Holloway", 6], ["Attack_on_Camp_Holloway", 14], ["Operation_Pierce_Arrow", 16]]} +{"id": 186994, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bermuda_Triangle", 0], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 0], ["The_Bermuda_Triangle_-LRB-book-RRB-", 0], ["CSS_Chickamauga", 55], ["The_Bermuda_Triangle_-LRB-book-RRB-", 9]]} +{"id": 181992, "predicted_label": "REFUTES", "predicted_evidence": [["Forceps", 0], ["Electrosurgery", 38], ["Forceps_in_childbirth", 0], ["Electrosurgery", 46], ["Electrosurgery", 34]]} +{"id": 45217, "predicted_label": "REFUTES", "predicted_evidence": [["Augustalia", 6], ["Augustus", 41], ["Lucius_Aemilius_Lepidus_Paullus_-LRB-consul_34_BC-RRB-", 11], ["Augustus", 10], ["Lucius_Arruntius_the_Elder", 9]]} +{"id": 195021, "predicted_label": "REFUTES", "predicted_evidence": [["Filipa", 0], ["Mazibuko", 2], ["Koos_-LRB-name-RRB-", 14], ["Koos_-LRB-name-RRB-", 40], ["Khumalo", 32]]} +{"id": 72255, "predicted_label": "REFUTES", "predicted_evidence": [["Albasheer_Show", 9], ["List_of_The_Daily_Show_episodes", 12], ["The_Daily_Show", 2], ["List_of_The_Daily_Show_episodes", 14], ["Albasheer_Show", 11]]} +{"id": 14375, "predicted_label": "SUPPORTS", "predicted_evidence": [["YouTube", 15], ["Reply_girl", 6], ["Muziic", 25], ["YouTube_Spotlight", 10], ["Muziic", 6]]} +{"id": 114128, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tailgate_Clothing_Company", 0], ["Pene\u0301lope_Cruz", 0], ["Tailgate_Clothing_Company", 1], ["Ralph_Lauren_Corporation", 2], ["Pene\u0301lope_Cruz", 13]]} +{"id": 179267, "predicted_label": "SUPPORTS", "predicted_evidence": [["Siemens_Healthineers", 0], ["Siemens_Healthineers", 3], ["Robert_L._McNeil,_Jr.", 18], ["Tylenol_-LRB-brand-RRB-", 0], ["Robert_L._McNeil,_Jr.", 15]]} +{"id": 35627, "predicted_label": "REFUTES", "predicted_evidence": [["Scouting_and_Guiding_in_the_Bahamas", 4], ["Scouting_and_Guiding_in_the_Bahamas", 7], ["The_Scout_Association_of_the_Bahamas", 6], ["The_Scout_Association_of_the_Bahamas", 5], ["The_Scout_Association_of_the_Bahamas", 19]]} +{"id": 181611, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ron_Della_Chiesa", 16], ["WGBH-TV", 4], ["WGBH-TV", 0], ["WGBX-TV", 2], ["WGBX-TV", 0]]} +{"id": 20847, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tripartite_Alliance", 0], ["South_African_Communist_Party", 2], ["South_African_Communist_Party", 0], ["1960_International_Meeting_of_Communist_and_Workers_Parties", 138], ["List_of_foreign_delegations_at_the_9th_SED_Congress", 214]]} +{"id": 168000, "predicted_label": "SUPPORTS", "predicted_evidence": [["Don_Bradman", 20], ["Rahul_Dravid", 2], ["Jack_Fingleton", 46], ["List_of_international_cricket_centuries_by_Jacques_Kallis", 11], ["Rahul_Dravid", 12]]} +{"id": 36885, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_-LRB-surname-RRB-", 3], ["Santana_discography", 3]]} +{"id": 17744, "predicted_label": "SUPPORTS", "predicted_evidence": [["Canadian_heavy_metal", 4], ["Christian_metal", 10], ["Christian_metal", 15], ["Canadian_heavy_metal", 20], ["Canadian_heavy_metal", 8]]} +{"id": 101434, "predicted_label": "REFUTES", "predicted_evidence": [["Trollhunters", 0], ["Arcadia_-LRB-popular_culture-RRB-", 16], ["Arcadia_-LRB-popular_culture-RRB-", 31], ["Arcadia_-LRB-popular_culture-RRB-", 132], ["Mike_Chaffe", 3]]} +{"id": 74235, "predicted_label": "SUPPORTS", "predicted_evidence": [["Friends_of_Herculaneum_Society", 0], ["Andrea_De_Jorio", 7], ["Andrea_De_Jorio", 11], ["Le_Antichita\u0300_di_Ercolano", 0], ["Naples", 34]]} +{"id": 35237, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 16], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 18], ["Philomena_-LRB-film-RRB-", 9], ["Philomena_Lee", 1], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 11]]} +{"id": 38258, "predicted_label": "SUPPORTS", "predicted_evidence": [["Peter_Jackson_-LRB-biologist-RRB-", 0], ["Eileen_Moran", 34], ["Peter_Jackson_-LRB-biologist-RRB-", 17], ["Eileen_Moran", 29], ["Young_Peter_Jackson_-LRB-boxer_born_1912-RRB-", 1]]} +{"id": 184095, "predicted_label": "SUPPORTS", "predicted_evidence": [["F._Lee_Bailey", 3], ["Command_responsibility", 14], ["Medina_-LRB-surname-RRB-", 33], ["William_Eckhardt_-LRB-law-RRB-", 0], ["Hugh_Thompson_Jr.", 12]]} +{"id": 35381, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["United_States_Office_of_Government_Ethics", 2], ["Cabinet_-LRB-government-RRB-", 22], ["Cabinet_-LRB-government-RRB-", 41], ["Michael_J._Osborne", 41], ["Michael_J._Osborne", 3]]} +{"id": 66371, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kerplunk_-LRB-album-RRB-", 2], ["Green_Day_discography", 2], ["Riverdales_-LRB-album-RRB-", 6], ["Riverdales_-LRB-album-RRB-", 1], ["Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 38312, "predicted_label": "REFUTES", "predicted_evidence": [["Monster", 0], ["List_of_Sesame_Street_puppeteers", 38], ["List_of_Sesame_Street_puppeteers", 19], ["List_of_Sesame_Street_puppeteers", 136], ["Brief_Interviews_with_Hideous_Men", 5]]} +{"id": 1620, "predicted_label": "REFUTES", "predicted_evidence": [["Parting_of_the_Waters", 4], ["Fischbach,_Mersch", 5], ["Ocean_Reef,_Western_Australia", 8], ["Angelsberg", 0], ["Parting_of_the_Waters", 3]]} +{"id": 101729, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Human_rights_in_the_Philippines", 8], ["Self-determination", 13], ["United_Nations_Security_Council_Resolution_1091", 3], ["Human_rights_in_the_Philippines", 10], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1]]} +{"id": 171616, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michael_Gibbons_-LRB-boxer-RRB-", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 3], ["Watchmen", 1], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["David_Gibbons_-LRB-disambiguation-RRB-", 12]]} +{"id": 2910, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 0], ["Aarhus", 14], ["Aarhus_University", 1], ["Aarhus", 10], ["Aarhus", 19]]} +{"id": 110351, "predicted_label": "REFUTES", "predicted_evidence": [["Clarke_Griffin", 0], ["The_100_-LRB-TV_series-RRB-", 4], ["List_of_television_series_with_bisexual_characters", 7], ["Lexa_-LRB-The_100-RRB-", 4], ["Lexa_-LRB-The_100-RRB-", 0]]} +{"id": 63829, "predicted_label": "REFUTES", "predicted_evidence": [["Made_in_Heaven_-LRB-disambiguation-RRB-", 20], ["Prince_Vultan", 2], ["Prince_Vultan", 0], ["Trishanku", 40], ["Trishanku", 44]]} +{"id": 139059, "predicted_label": "REFUTES", "predicted_evidence": [["Murda_Beatz", 0], ["Dabbin_Fever", 2], ["No_Frauds", 0], ["Signed_to_the_Streets_2", 1], ["Dabbin_Fever", 3]]} +{"id": 10468, "predicted_label": "SUPPORTS", "predicted_evidence": [["Howarth_of_London", 19], ["Half_United", 0], ["IResQ", 2], ["OshKosh_B'Gosh", 20], ["PacSun", 1]]} +{"id": 72358, "predicted_label": "SUPPORTS", "predicted_evidence": [["Outwood_Academy_Ripon", 8], ["Ripon_College", 3], ["Ripon_College_-LRB-Wisconsin-RRB-", 0], ["Ripon_College", 9], ["Ripon_College", 7]]} +{"id": 182278, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_-LRB-store-RRB-", 0], ["Saturn_Cycling_Team", 1], ["Balloon_-LRB-disambiguation-RRB-", 50], ["Saturn_-LRB-store-RRB-", 7]]} +{"id": 114897, "predicted_label": "REFUTES", "predicted_evidence": [["Pene\u0301lope_Cruz", 12], ["Pene\u0301lope_Cruz", 0], ["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Cinema_of_Spain", 15], ["Volver", 1]]} +{"id": 181888, "predicted_label": "REFUTES", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Princess_Mononoke", 4], ["Hayao_Miyazaki", 16]]} +{"id": 130059, "predicted_label": "REFUTES", "predicted_evidence": [["Sabrina_Goes_to_Rome", 1], ["Barry_Watson_-LRB-producer-RRB-", 41], ["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["List_of_fictional_U.S._Marshals", 51]]} +{"id": 6079, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soul_Food_-LRB-film-RRB-", 0], ["Still_Standing_-LRB-Goodie_Mob_album-RRB-", 5], ["Aldi", 12], ["Aldi", 4], ["Aldi", 10]]} +{"id": 194482, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda_Swinton", 0], ["Swinton_-LRB-surname-RRB-", 19], ["Another_Magazine", 3], ["Tilda", 12], ["Michelle_Laine", 10]]} +{"id": 71437, "predicted_label": "REFUTES", "predicted_evidence": [["TakePart", 1], ["TakePart", 0], ["Jeffrey_Skoll", 1], ["Cineflix", 18], ["Jeffrey_Skoll", 12]]} +{"id": 223337, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Room_-LRB-film-RRB-", 15], ["The_Disaster_Artist_-LRB-film-RRB-", 0], ["The_Room_-LRB-film-RRB-", 5], ["Principal_photography", 17], ["Alludu_Seenu", 12]]} +{"id": 90409, "predicted_label": "REFUTES", "predicted_evidence": [["Chris_Eubank_Jr.", 0], ["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 3], ["Chris_Eubank_Jr.", 2], ["Juan_Carlos_Gime\u0301nez_Ferreyra", 1]]} +{"id": 26133, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 1], ["Aarhus_Municipality", 0], ["Aalborg_Municipality", 1], ["Aalborg_Municipality", 8], ["Kalundborg_Municipality", 18]]} +{"id": 143744, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kleshas_-LRB-Buddhism-RRB-", 0], ["Three_poisons", 0], ["Raga_-LRB-Buddhism-RRB-", 5], ["Kleshas_-LRB-Buddhism-RRB-", 6], ["Raga_-LRB-Buddhism-RRB-", 9]]} +{"id": 47799, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lisa_Kudrow", 1], ["Phoebe_Buffay", 8], ["The_One_with_Ross's_Wedding", 9], ["Joey_Tribbiani", 1], ["List_of_Friends_episodes", 6]]} +{"id": 93610, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_First_Time_-LRB-2012_film-RRB-", 4], ["The_First_Time_-LRB-2012_film-RRB-", 0], ["A_Dog's_Purpose_-LRB-film-RRB-", 1], ["Robertson_-LRB-surname-RRB-", 29], ["Ask_Me_Anything", 2]]} +{"id": 199417, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["List_of_mayors_of_Eagle_Mountain,_Utah", 21], ["List_of_assassinated_Lebanese_people", 104], ["List_of_assassinated_Lebanese_people", 100], ["List_of_mayors_of_Eagle_Mountain,_Utah", 7]]} +{"id": 44453, "predicted_label": "SUPPORTS", "predicted_evidence": [["Traverse_City_West_Senior_High_School", 4], ["Lemmy", 2], ["Lemmy", 14], ["Lemmy", 0], ["Traverse_City_West_Senior_High_School", 5]]} +{"id": 204427, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brad_Wilk", 4], ["Wilk", 17], ["Wilk", 33], ["Linkin_Park_discography", 1], ["List_of_awards_and_nominations_received_by_Linkin_Park", 1]]} +{"id": 198217, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn", 18], ["Outer_planets", 5], ["Saturn", 0], ["Neptune", 1], ["Outer_planets", 2]]} +{"id": 223773, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bonnie_and_Clyde", 1], ["Fults", 7], ["Barrow_Gang", 24], ["Fults_Hill_Prairie_State_Natural_Area", 0], ["Bonnie_and_Clyde", 5]]} +{"id": 207539, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["The_X_Factor_-LRB-UK_series_11-RRB-", 4], ["The_X_Factor_-LRB-UK_series_11-RRB-", 15], ["The_X_Factor_-LRB-UK_series_11-RRB-", 3], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 19]]} +{"id": 91100, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 181848, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dragon_Hall,_Norwich", 73], ["Dragon_Hall,_Norwich", 0], ["Dragon_Hall,_Norwich", 83], ["Dragon_Hall,_Norwich", 77], ["Dragon_Hall,_Norwich", 64]]} +{"id": 168067, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mike_Yard", 8], ["Mike_Yard", 6], ["Minority_Report", 25], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["The_Nightly_Show_with_Larry_Wilmore", 0]]} +{"id": 45823, "predicted_label": "REFUTES", "predicted_evidence": [["Martin_Bregman", 1], ["The_Adventures_of_Pluto_Nash", 0], ["Eddie_Murphy", 13], ["Jay_Mohr", 2], ["Eddie_Murphy", 0]]} +{"id": 5513, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shadowhunters", 0], ["Shadowhunters", 4], ["List_of_Shadowhunters_episodes", 4], ["List_of_Shadowhunters_episodes", 5], ["Shadowhunters", 5]]} +{"id": 181627, "predicted_label": "SUPPORTS", "predicted_evidence": [["Battle_of_Mogadishu_-LRB-2009-RRB-", 18], ["Battle_of_Mogadishu", 9], ["Mogadishu_-LRB-disambiguation-RRB-", 0], ["Battle_of_Mogadishu", 7], ["Battle_of_Mogadishu", 5]]} +{"id": 195382, "predicted_label": "REFUTES", "predicted_evidence": [["Chef_Tone", 4], ["Wonder_Woman_-LRB-Trey_Songz_song-RRB-", 0], ["Trigga_-LRB-album-RRB-", 0], ["Trigga_-LRB-album-RRB-", 2], ["Trigga_-LRB-album-RRB-", 3]]} +{"id": 148204, "predicted_label": "REFUTES", "predicted_evidence": [["Duane_Chapman", 0], ["Jonathan_Chapman_-LRB-academic-RRB-", 48], ["Duane_Chapman", 2], ["Duane_Chapman", 1], ["Duane_-LRB-surname-RRB-", 6]]} +{"id": 181856, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Study_Hall_School", 6], ["Study_Hall_School", 9], ["Study_Hall_School", 17], ["Study_Hall_School", 20], ["Study_Hall_School", 3]]} +{"id": 187796, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wendell_Burton", 1], ["Wendell_Burton", 10], ["A_Personal_Journey_with_Martin_Scorsese_Through_American_Movies", 0], ["World_Cinema_Project", 3], ["Catherine_Scorsese", 0]]} +{"id": 170421, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Middle_name", 1], ["Middle_name", 25], ["Middle_name", 33], ["Middle_name", 29], ["Middle_name", 13]]} +{"id": 97886, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jute_mill", 9], ["Penguin_Books", 7], ["Penguin_Books", 0], ["Laurence_Byrne", 1], ["Penguin_Modern_Poets", 0]]} +{"id": 37749, "predicted_label": "REFUTES", "predicted_evidence": [["Walt_Disney_Pictures", 10], ["The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 1], ["The_Mighty_Ducks_-LRB-film_series-RRB-", 0], ["The_Mighty_Ducks_-LRB-film_series-RRB-", 2]]} +{"id": 117056, "predicted_label": "REFUTES", "predicted_evidence": [["Taylor_Lautner", 4], ["Back_to_December", 3], ["Taylor_Lautner", 0], ["Lautner", 3], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 2]]} +{"id": 163983, "predicted_label": "SUPPORTS", "predicted_evidence": [["Siva_-LRB-1989_Telugu_film-RRB-", 17], ["Veeram_-LRB-2014_film-RRB-", 0], ["Veeram_-LRB-2016_film-RRB-", 0], ["Veeram", 0], ["Veeram_-LRB-2016_film-RRB-", 5]]} +{"id": 170417, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Michael_Vick_Project", 0], ["Marcus_Vick", 0], ["Marcus_Vick", 1], ["Madden_NFL_2004", 1], ["Billy_Martin_-LRB-lawyer-RRB-", 4]]} +{"id": 169003, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_institutions_of_higher_education_in_Andhra_Pradesh", 6], ["Manmohan_Singh", 0], ["P._V._Narasimha_Rao", 7], ["P._V._Narasimha_Rao", 5], ["Manmohan_Singh", 1]]} +{"id": 103173, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cyrus_-LRB-surname-RRB-", 18], ["Mike_Schmid", 11], ["Start_All_Over", 1], ["Ready,_Set,_Don't_Go", 0], ["Start_All_Over", 7]]} +{"id": 209854, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_sled_dog_races", 18], ["List_of_sled_dog_races", 20], ["List_of_sled_dog_races", 22], ["List_of_sled_dog_races", 19], ["Broadmoor_recording", 27]]} +{"id": 179025, "predicted_label": "SUPPORTS", "predicted_evidence": [["Steve_Ditko", 3], ["Captain_Glory", 3], ["Charlton_Neo", 0], ["In_Search_of_Steve_Ditko", 0], ["Charlton_Neo", 2]]} +{"id": 8443, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Justin_Bieber-COLON-_Believe", 5], ["Sasha_Sirota", 7], ["Robert_Caplin", 2], ["Justin_Bieber_videography", 19], ["Justin_Bieber_videography", 9]]} +{"id": 73961, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ali_Bhai", 10], ["The_One_with_the_Rumor", 2], ["Ross_Geller", 3], ["Rachel_Bradley", 9], ["Rachel_Green", 0]]} +{"id": 3584, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["Clues_-LRB-Robert_Palmer_album-RRB-", 0], ["Robert_Palmer_-LRB-MP-RRB-", 0], ["Robert_Palmer_-LRB-MP-RRB-", 3], ["Palmer_-LRB-surname-RRB-", 253]]} +{"id": 21027, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Benjamin_Sherwood", 5], ["Wizards_vs_Aliens", 6], ["Wizards_vs_Aliens", 0], ["Annette_Badland", 1], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5]]} +{"id": 64572, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prowler_-LRB-comics-RRB-", 1], ["Prowler_-LRB-comics-RRB-", 0], ["Dying_Wish", 0], ["Prowler_-LRB-comics-RRB-", 2], ["The_Amazing_Spider-Man_Family", 1]]} +{"id": 166639, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Omni_Commons", 0], ["International_Financial_Reporting_Standards", 5]]} +{"id": 161099, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Bar_Refaeli", 4], ["Esti_Ginzburg", 3], ["Gal_Gadot", 0], ["Gadot_-LRB-surname-RRB-", 4]]} +{"id": 141746, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shadowhunters", 0], ["Shadowhunters", 5], ["Shadowhunters", 4], ["Shadowhunters", 1], ["Yvon_-LRB-given_name-RRB-", 72]]} +{"id": 17634, "predicted_label": "REFUTES", "predicted_evidence": [["Things_Fall_Apart", 12], ["Things_Fall_Apart_-LRB-album-RRB-", 0], ["Things_Fall_Apart_-LRB-disambiguation-RRB-", 8], ["Things_Fall_Apart_-LRB-disambiguation-RRB-", 14], ["Things_Fall_Apart_-LRB-album-RRB-", 6]]} +{"id": 143533, "predicted_label": "SUPPORTS", "predicted_evidence": [["Consolidated_Film_Industries", 9], ["Eastmancolor", 9], ["Waldorf_Statement", 0], ["Eastmancolor", 13], ["List_of_American_films_of_1950", 24]]} +{"id": 208156, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bart's_Books", 7], ["List_of_awards_and_nominations_received_by_Emma_Stone", 9], ["List_of_Emma_Stone_performances", 8], ["List_of_awards_and_nominations_received_by_Emma_Stone", 17], ["List_of_awards_and_nominations_received_by_Emma_Stone", 14]]} +{"id": 205743, "predicted_label": "REFUTES", "predicted_evidence": [["First_Motion_Picture_Unit", 0], ["Wings_for_This_Man", 0], ["First_Motion_Picture_Unit", 8], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10], ["Richard_L._Bare", 12]]} +{"id": 174592, "predicted_label": "REFUTES", "predicted_evidence": [["Artpop", 13], ["Lady_Gaga_discography", 20], ["Lady_Gaga", 15], ["Lady_Gaga_discography", 28], ["Lady_Gaga_discography", 2]]} +{"id": 33644, "predicted_label": "REFUTES", "predicted_evidence": [["Henry_II_of_France", 13], ["Narayan_nagbali", 11], ["Narayan_nagbali", 5], ["Narayan_nagbali", 27], ["Henry_II_of_France", 0]]} +{"id": 130848, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three-finger_toxin", 5], ["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_antagonist", 16], ["Muscarinic_acetylcholine_receptor", 5], ["Acetylcholine", 18]]} +{"id": 175475, "predicted_label": "SUPPORTS", "predicted_evidence": [["Christian_Gottlob_Neefe", 0], ["Ludwig_van_Beethoven", 5], ["List_of_composers_who_studied_law", 45], ["Gottlob", 35], ["Gustav_Friedrich_Wilhelm_Gro\u00dfmann", 1]]} +{"id": 189894, "predicted_label": "REFUTES", "predicted_evidence": [["Stadium_Arcadium_World_Tour", 0], ["Stadium_Arcadium", 4], ["Red_Hot_Chili_Peppers", 27], ["Red_Hot_Chili_Peppers", 24], ["Stadium_Arcadium_World_Tour", 5]]} +{"id": 157777, "predicted_label": "REFUTES", "predicted_evidence": [["Yale_University", 23], ["List_of_Utah_State_University_alumni", 0], ["List_of_Brigham_Young_University_alumni", 0], ["List_of_Brigham_Young_University_alumni", 25], ["List_of_Brigham_Young_University_alumni", 8]]} +{"id": 195008, "predicted_label": "SUPPORTS", "predicted_evidence": [["Who's_That_Girl_World_Tour", 0], ["Naughty_Girl_-LRB-Beyonce\u0301_song-RRB-", 0], ["List_of_women_with_ovarian_cancer", 295], ["Give_Me_a_Chance", 36], ["List_of_women_with_ovarian_cancer", 235]]} +{"id": 34961, "predicted_label": "SUPPORTS", "predicted_evidence": [["Age_of_Apocalypse", 5], ["Age_of_Apocalypse_-LRB-limited_series-RRB-", 0], ["X-Men_-LRB-film_series-RRB-", 5], ["X-Men_-LRB-film_series-RRB-", 10], ["X-Men_-LRB-film_series-RRB-", 9]]} +{"id": 222031, "predicted_label": "REFUTES", "predicted_evidence": [["Brubaker", 0], ["James_D._Brubaker", 3], ["Bruce_Brubaker_-LRB-baseball-RRB-", 11], ["James_D._Brubaker", 13], ["Bruce_Brubaker_-LRB-baseball-RRB-", 8]]} +{"id": 163966, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeram_-LRB-2014_film-RRB-", 0], ["Veeram", 3], ["Aluri_Chakrapani", 1], ["Veeram_-LRB-2014_film-RRB-", 3], ["Veeram", 0]]} +{"id": 181621, "predicted_label": "SUPPORTS", "predicted_evidence": [["WGBX-TV", 1], ["WGBH-TV", 1], ["WGBX-TV", 7], ["WGBH-TV", 0], ["WGBX-TV", 0]]} +{"id": 2834, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wanted_-LRB-2016_TV_series-RRB-", 1], ["Storage_Wars-COLON-_Texas", 16], ["Z._G._Muhammad", 23], ["Turn-COLON-_Washington's_Spies", 4], ["Turn-COLON-_Washington's_Spies", 5]]} +{"id": 4822, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Eddie_Murphy", 13], ["Life_-LRB-1999_film-RRB-", 1], ["Dr._Dolittle_2", 1], ["The_Adventures_of_Pluto_Nash", 1]]} +{"id": 226102, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Power_of_Pussy", 0], ["Double_Bummer", 0], ["The_Big_Sell-Out", 0], ["The_Power_of_Pussy", 2], ["Too_Much_Sleep", 9]]} +{"id": 172743, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Beach_-LRB-film-RRB-", 0], ["The_Beach_-LRB-film-RRB-", 1], ["John_Hodge", 15], ["John_Hodge", 13], ["Sunrisers_Drum_and_Bugle_Corps", 1]]} +{"id": 193450, "predicted_label": "SUPPORTS", "predicted_evidence": [["Captain_America-COLON-_The_First_Avenger", 0], ["Captain_America's_shield", 1], ["Captain_America_-LRB-disambiguation-RRB-", 0], ["Captain_America", 7], ["Captain_America's_shield", 0]]} +{"id": 215201, "predicted_label": "SUPPORTS", "predicted_evidence": [["His_and_Her_Christmas", 0], ["Sex,_Love_&_Secrets", 5], ["American_Dreamer", 3], ["His_and_Her_Christmas", 11], ["His_and_Her_Christmas", 5]]} +{"id": 186928, "predicted_label": "SUPPORTS", "predicted_evidence": [["We_All_Sleep_Alone", 0], ["Cher_albums_discography", 21], ["Cher_albums_discography", 32], ["Cher_albums_discography", 22], ["Cher_albums_discography", 27]]} +{"id": 53220, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sarah_McLachlan_discography", 43], ["Sarah_McLachlan_discography", 33], ["List_of_awards_and_nominations_received_by_Bruno_Mars", 14], ["List_of_awards_and_nominations_received_by_Craig_David", 0], ["List_of_awards_and_nominations_received_by_Rihanna", 19]]} +{"id": 108937, "predicted_label": "REFUTES", "predicted_evidence": [["Broadcasting_and_the_foundation_of_the_Premier_League", 7], ["News_Corporation_takeover_bid_for_BSkyB", 0], ["James_Murdoch", 0], ["News_International_phone_hacking_scandal", 3], ["News_International_phone_hacking_scandal", 14]]} +{"id": 130948, "predicted_label": "SUPPORTS", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Lina_Wolff", 5], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 19655, "predicted_label": "REFUTES", "predicted_evidence": [["Deepwater_Horizon", 2], ["Tiber_Oil_Field", 0], ["Tiber_-LRB-disambiguation-RRB-", 20], ["Tiber_Oil_Field", 1], ["2003_world_oil_market_chronology", 276]]} +{"id": 108426, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Who_Made_Huckabee?", 1], ["Who_Made_Huckabee?", 13], ["Mike_Huckabee_presidential_campaign,_2008", 0], ["Who_Made_Huckabee?", 17], ["David_Huckabee", 1]]} +{"id": 9945, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Assyrian_genocide", 7], ["Assyrian_genocide", 6], ["Armenian_Genocide", 0], ["Armenian_Genocide", 13], ["Armenian_national_liberation_movement", 6]]} +{"id": 106921, "predicted_label": "SUPPORTS", "predicted_evidence": [["Monticello", 15], ["The_Concert_for_Bangladesh", 13], ["Red_Bull", 13], ["J._G._Jolly", 3], ["The_Concert_for_Bangladesh", 2]]} +{"id": 11554, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Doublefaced", 16], ["Sexify", 1], ["Passion,_Pain_&_Demon_Slayin'", 7], ["Passion,_Pain_&_Demon_Slayin'", 4], ["56th_Annual_Grammy_Awards", 13]]} +{"id": 212768, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harvard_University", 8], ["Boston_College", 12], ["Boston_College", 7], ["Boston_College", 2], ["Boston_College", 0]]} +{"id": 39342, "predicted_label": "REFUTES", "predicted_evidence": [["Super_Bowl_Most_Valuable_Player_Award", 0], ["List_of_New_England_Patriots_seasons", 15], ["Super_Bowl_Most_Valuable_Player_Award", 13], ["Super_Bowl_XLVII", 10], ["Super_Bowl_XI", 16]]} +{"id": 99914, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Sex_Factor", 0], ["XHamster", 7], ["YouPorn", 3], ["XHamster", 0], ["Clown_porn", 18]]} +{"id": 75291, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fargo_-LRB-season_2-RRB-", 6], ["Big_Brother_2", 33], ["Big_Brother_2", 31], ["Wells_Fargo", 2], ["Wells_Fargo", 30]]} +{"id": 58817, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["When_We_First_Met", 1], ["Burying_the_Ex", 1], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Pilot_-LRB-White_Collar-RRB-", 2], ["We_Have_Always_Lived_in_the_Castle_-LRB-film-RRB-", 1]]} +{"id": 215508, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hani_-LRB-singer-RRB-", 2], ["Jung_Il-hoon", 0], ["Weekly_Idol", 1], ["Weekly_Idol", 0], ["Sorn_-LRB-singer-RRB-", 2]]} +{"id": 196743, "predicted_label": "SUPPORTS", "predicted_evidence": [["April_Showers", 7], ["April_Showers", 15], ["April_Showers", 9], ["April_Showers", 11], ["Marnie_-LRB-disambiguation-RRB-", 8]]} +{"id": 204415, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Brad_Wilk", 4], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6], ["Wilk", 17]]} +{"id": 172774, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danny_Boyle", 0], ["2012_Summer_Olympics_opening_ceremony", 21], ["Simon_Gogerly", 26], ["Dramatic_Need", 20], ["Simon_Gogerly", 20]]} +{"id": 171082, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Princess_Lalla_Meryem_of_Morocco", 20], ["Princess_Lalla_Meryem_of_Morocco", 0], ["Lalla", 1]]} +{"id": 111170, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jackie_Estrada", 11], ["Mike_Towry", 5], ["Jackie_Estrada", 3], ["San_Diego_Comic-Con", 2], ["Comic_book_convention", 26]]} +{"id": 195825, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Weekly_Idol", 1], ["Hyeong", 16]]} +{"id": 14940, "predicted_label": "REFUTES", "predicted_evidence": [["Brian_Ibbott", 13], ["Podcast_Producer", 19], ["TOFOP", 0], ["Podcast_Producer", 9], ["Podcast_Producer", 10]]} +{"id": 62226, "predicted_label": "SUPPORTS", "predicted_evidence": [["Camouflage_-LRB-Rufus_album-RRB-", 5], ["Camouflage_-LRB-Rufus_album-RRB-", 0], ["Echoes_of_an_Era", 4], ["Camouflage_-LRB-Rufus_album-RRB-", 1], ["Dance_Classics_of_Chaka_Khan", 0]]} +{"id": 49470, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sid_Meier's_Civilization_board_game", 5], ["Civilization_-LRB-2010_board_game-RRB-", 0], ["Civilization_-LRB-2010_board_game-RRB-", 1], ["Sid_Meier's_Civilization_board_game", 3], ["Sid_Meier's_Civilization_board_game", 0]]} +{"id": 212202, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 0], ["Miracle_at_St._Anna", 2], ["Miracle_at_St._Anna", 14], ["Miracle_at_St._Anna", 16]]} +{"id": 1774, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_Morello_discography", 23], ["Rage_Against_the_Machine", 0], ["Tom_Morello_discography", 17], ["Audioslave", 10], ["Audioslave", 2]]} +{"id": 112890, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Basildon_Park", 0], ["Basildon", 0], ["Basildon", 13], ["Borough_of_Basildon", 0], ["The_Vandals_-LRB-UK_band-RRB-", 4]]} +{"id": 132053, "predicted_label": "REFUTES", "predicted_evidence": [["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["Paris_Hilton", 18], ["Paris_Hilton's_Dubai_BFF", 0], ["Paris_Hilton", 31], ["Paris_Hilton", 9]]} +{"id": 165887, "predicted_label": "REFUTES", "predicted_evidence": [["Alice_Cooper", 0], ["Pretties_for_You", 2], ["Alice_Cooper_-LRB-disambiguation-RRB-", 0], ["Alice_Cooper", 10], ["Alice_Cooper", 5]]} +{"id": 41746, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Luke_Cage_-LRB-TV_series-RRB-", 0], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage", 1], ["List_of_Marvel_Cinematic_Universe_television_series", 13], ["Luke_Cage_-LRB-season_1-RRB-", 6]]} +{"id": 24854, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Moonlight_Basin", 30], ["Moonlight_Basin", 26], ["Moonlight_Basin", 44], ["List_of_accolades_received_by_Moonlight_-LRB-2016_film-RRB-", 24], ["Moonlight_Serenade_-LRB-disambiguation-RRB-", 0]]} +{"id": 161848, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Porter_-LRB-musician-RRB-", 5], ["Edward_Mena", 4], ["Edward_Mena", 10], ["Kristen_Anderson-Lopez", 1], ["The_Book_of_Mormon_-LRB-musical-RRB-", 2]]} +{"id": 61504, "predicted_label": "REFUTES", "predicted_evidence": [["New_York_University", 8], ["Yale_University", 23], ["John_Seiler_Brubacher", 13], ["Edwin_F._Blair", 0], ["Yale_University", 14]]} +{"id": 10205, "predicted_label": "SUPPORTS", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-P-RRB-", 1997], ["Index_of_World_War_II_articles_-LRB-P-RRB-", 1985], ["Invasion_of_Germany", 16], ["Invasion_of_Germany", 18], ["Polish_invasion_of_Russia", 0]]} +{"id": 222042, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brubaker_-LRB-disambiguation-RRB-", 0], ["Brubaker", 0], ["Brubaker", 2], ["Brubaker", 1], ["James_D._Brubaker", 3]]} +{"id": 215114, "predicted_label": "REFUTES", "predicted_evidence": [["Thomas_Drue", 0], ["Private_Lives_-LRB-film-RRB-", 0], ["Toby_Sawyer", 7], ["Autumn_Hurlbert", 23], ["Toby_Sawyer", 10]]} +{"id": 223352, "predicted_label": "REFUTES", "predicted_evidence": [["Ernestine_Huckleby", 33], ["Ernestine_Huckleby", 13], ["Ernestine_Huckleby", 0], ["The_Room_-LRB-film-RRB-", 15], ["The_Room_-LRB-film-RRB-", 5]]} +{"id": 204422, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rage_Against_the_Machine", 1], ["Greta_-LRB-band-RRB-", 0], ["Wilk", 17], ["Selene_Vigil-Wilk", 6], ["Brad_Wilk", 4]]} +{"id": 115174, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Iron_Lady_-LRB-film-RRB-", 22], ["There_Is_No_Alternative-COLON-_Why_Margaret_Thatcher_Matters", 0], ["Val_Meets_The_VIPs", 15], ["The_Iron_Lady_-LRB-album-RRB-", 10], ["Margaret_Thatcher_-LRB-disambiguation-RRB-", 6]]} +{"id": 183588, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finding_Dory", 1], ["Angus_MacLane", 0], ["Angus_MacLane", 6], ["Pixar", 10], ["Finding_Nemo", 14]]} +{"id": 119043, "predicted_label": "REFUTES", "predicted_evidence": [["Kajol_filmography", 7], ["Kajol", 9], ["Dilwale_Dulhania_Le_Jayenge", 0], ["Dilwale_Dulhania_Le_Jayenge", 15], ["Filmfare_Award_for_Best_Music_Album", 650]]} +{"id": 224369, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2016\u201317_Southampton_F.C._season", 26], ["2015\u201316_Southampton_F.C._season", 0], ["2016\u201317_Southampton_F.C._season", 0], ["List_of_Southampton_F.C._players", 12], ["2015\u201316_Southampton_F.C._season", 23]]} +{"id": 150044, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["Hispanic_Television_Network", 0], ["CNBC_Ticker", 0], ["LFN", 2], ["KHPK-LD", 10]]} +{"id": 128676, "predicted_label": "REFUTES", "predicted_evidence": [["Scott_Moore", 15], ["I_Forgot_to_Remember_to_Forget", 1], ["Gibson_L-5", 38], ["Scotty_Cameron", 0], ["I_Forgot_to_Remember_to_Forget", 2]]} +{"id": 1188, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam_Radio", 4], ["List_of_Pearl_Jam_band_members", 16], ["List_of_Pearl_Jam_band_members", 19], ["Pearl_Jam_2012_Tour", 0], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 16]]} +{"id": 105806, "predicted_label": "REFUTES", "predicted_evidence": [["Issa_Rae", 6], ["Awkward_Black_Girl", 0], ["Issa_Rae", 1], ["Issa_Rae", 2], ["I_Am_Other", 4]]} +{"id": 184066, "predicted_label": "REFUTES", "predicted_evidence": [["Kenneth_Lonergan", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Margaret_-LRB-2011_film-RRB-", 0], ["Manchester_by_the_Sea_-LRB-film-RRB-", 5]]} +{"id": 84496, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombiana_-LRB-disambiguation-RRB-", 0], ["Colombiana_-LRB-disambiguation-RRB-", 10], ["Colombiana_-LRB-disambiguation-RRB-", 3], ["Colombiana_-LRB-disambiguation-RRB-", 8], ["Colombiana_-LRB-disambiguation-RRB-", 6]]} +{"id": 60933, "predicted_label": "REFUTES", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 2], ["Claudia_Brant", 1], ["Nada_Es_Para_Siempre", 1]]} +{"id": 64029, "predicted_label": "SUPPORTS", "predicted_evidence": [["Magic_Johnson_-LRB-disambiguation-RRB-", 8], ["Magic_Johnson_-LRB-disambiguation-RRB-", 6], ["Magic_Johnson", 0], ["Magic_Johnson_-LRB-disambiguation-RRB-", 0], ["1980_NBA_Finals", 18]]} +{"id": 168536, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rick_Yune", 2], ["Yune", 8], ["Rick_Yune", 0], ["Prison_Break_-LRB-season_5-RRB-", 8], ["The_Man_with_the_Iron_Fists", 1]]} +{"id": 192966, "predicted_label": "REFUTES", "predicted_evidence": [["Stargate", 0], ["Stargate_-LRB-film-RRB-", 1], ["Godzilla_-LRB-1998_film-RRB-", 0], ["Roland_Emmerich", 0], ["Stargate", 12]]} +{"id": 180579, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hill_Head", 23], ["Hill_Head", 22], ["Hill_Head", 24], ["Swordfish_Studios", 5], ["Swordfish_Studios", 8]]} +{"id": 66351, "predicted_label": "REFUTES", "predicted_evidence": [["Sloe_gin", 8], ["Gilpin's_Westmorland_Extra_Dry_Gin", 13], ["Gilpin's_Westmorland_Extra_Dry_Gin", 11], ["Gilpin's_Westmorland_Extra_Dry_Gin", 19], ["Gin_palace", 3]]} +{"id": 174607, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lady_Gaga_discography", 20], ["Lady_Gaga_discography", 23], ["Sexxx_Dreams", 9], ["Lady_Gaga_discography", 22], ["Sexxx_Dreams", 7]]} +{"id": 104111, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Siam_Nakhon_Province", 20], ["French_Indochina", 16], ["Ernest_He\u0301brard", 11], ["Siam_Nakhon_Province", 19]]} +{"id": 128332, "predicted_label": "REFUTES", "predicted_evidence": [["Poldark_-LRB-2015_TV_series-RRB-", 6], ["Poldark_-LRB-2015_TV_series-RRB-", 5], ["Poldark_-LRB-disambiguation-RRB-", 7], ["Poldark_-LRB-disambiguation-RRB-", 5], ["Ross_Poldark", 7]]} +{"id": 163970, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeram", 3], ["Ugramm", 7], ["Veeram_-LRB-2014_film-RRB-", 0], ["Ugramm", 4], ["Ugramm", 0]]} +{"id": 42201, "predicted_label": "SUPPORTS", "predicted_evidence": [["House_-LRB-TV_series-RRB-", 10], ["The_Program_-LRB-1993_film-RRB-", 0], ["Love_&_Basketball", 0], ["Crandall", 61], ["Crandall", 69]]} +{"id": 145849, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Nada_Es_Para_Siempre", 0], ["Claudia_Brant", 1], ["Bachata_Number_1's,_Vol._3", 8]]} +{"id": 177147, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Battle_of_Dorking", 0], ["Alien_invasion", 4], ["Dracula", 5], ["Invasion_literature", 0], ["Alien_invasion", 22]]} +{"id": 181643, "predicted_label": "REFUTES", "predicted_evidence": [["Mogadishu_-LRB-disambiguation-RRB-", 12], ["Mogadishu_-LRB-disambiguation-RRB-", 26], ["Mogadishu_-LRB-disambiguation-RRB-", 16], ["Mogadishu_-LRB-disambiguation-RRB-", 24], ["Mogadishu_-LRB-disambiguation-RRB-", 18]]} +{"id": 211772, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Brick", 0], ["Richard_Brick", 15], ["Richard_Brick", 14], ["Richard_Brick", 9], ["Richard_Brick", 11]]} +{"id": 56769, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Armenian_national_awakening", 1], ["Armenian_national_awakening", 0], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Khatchig_Mouradian", 12], ["Witnesses_and_testimonies_of_the_Armenian_Genocide", 0]]} +{"id": 120971, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bernard_Williams_-LRB-producer-RRB-", 30], ["Archibald_Williams_-LRB-judge-RRB-", 27], ["Barbara_Becnel", 1], ["Walter_Williams_-LRB-painter-RRB-", 6], ["Barbara_Becnel", 28]]} +{"id": 103402, "predicted_label": "REFUTES", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["Thames_Ironworks_F.C.", 10], ["Thames_Ironworks_F.C.", 0]]} +{"id": 185415, "predicted_label": "REFUTES", "predicted_evidence": [["Whizzer_and_Chips", 4], ["Chip_-LRB-snack_type-RRB-", 0], ["Chips_and_dip", 8], ["Casino_chip_collecting", 15], ["Chips_and_dip", 1]]} +{"id": 146438, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sebastian_Stan", 0], ["Digital_Production_Partnership", 18], ["Digital_Production_Partnership", 7], ["Stan_-LRB-surname-RRB-", 22], ["Bill_Delano", 9]]} +{"id": 91534, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vick_Vanlian", 0], ["Nonviolent_self_defense", 0], ["Self_Defense", 7], ["Self_Defense", 9], ["Nonviolent_self_defense", 7]]} +{"id": 2861, "predicted_label": "SUPPORTS", "predicted_evidence": [["Roland_Henin", 11], ["Appropriation", 4], ["Roland_Henin", 12], ["Roland_Henin", 1], ["Roland_Henin", 9]]} +{"id": 104431, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civilization_IV", 12], ["Civilization_IV", 14], ["Civilization-COLON-_The_Card_Game", 0], ["Civilization_IV-COLON-_Colonization", 0], ["Civilization_IV-COLON-_Colonization", 7]]} +{"id": 13312, "predicted_label": "SUPPORTS", "predicted_evidence": [["El_Padrino_-LRB-film-RRB-", 15], ["El_Padrino_-LRB-film-RRB-", 13], ["Joaquin_Phoenix_filmography", 7], ["J/P_Haitian_Relief_Organization", 43], ["J/P_Haitian_Relief_Organization", 1]]} +{"id": 95312, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jennifer_Lopez", 10], ["One_Love_-LRB-Jennifer_Lopez_song-RRB-", 9], ["This_Is_Me..._Then", 2], ["Rebirth_-LRB-Jennifer_Lopez_album-RRB-", 2], ["Jennifer_Lopez_filmography", 23]]} +{"id": 204416, "predicted_label": "REFUTES", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Brad_Wilk", 4], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6], ["Wilk", 17]]} +{"id": 184433, "predicted_label": "REFUTES", "predicted_evidence": [["Premam", 11], ["List_of_Disney_home_entertainment", 1], ["Chithram", 14], ["Michael_Jackson's_This_Is_It", 14], ["Michael_Jackson's_This_Is_It", 25]]} +{"id": 179300, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Franchise_Times", 1], ["Franchising", 8], ["America's_Best_Franchising", 8], ["Essex_Thameside", 7], ["America's_Best_Franchising", 11]]} +{"id": 60147, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yale_University", 23], ["Yale_Law_School", 10], ["Edwin_F._Blair", 0], ["Barry_R._Schaller", 36], ["Edwin_F._Blair", 29]]} +{"id": 42173, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joe_Walsh", 24], ["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Barnstorm_-LRB-band-RRB-", 10], ["The_Confessor_-LRB-song-RRB-", 3]]} +{"id": 68919, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["David_Packouz", 0], ["Socie\u0301te\u0301_des_transports_de_Tunis", 1], ["Christian_Va\u0301squez", 46]]} +{"id": 34966, "predicted_label": "SUPPORTS", "predicted_evidence": [["Son_Heung-min", 5], ["Vietnam", 1], ["Japan_at_the_Paralympics", 6], ["Live_8_concert,_Chiba", 15], ["Japan_at_the_Paralympics", 7]]} +{"id": 184427, "predicted_label": "SUPPORTS", "predicted_evidence": [["Premam", 11], ["List_of_most_viewed_YouTube_videos", 14], ["Chithram", 14], ["List_of_Disney_home_entertainment", 1], ["Michael_Jackson's_This_Is_It", 14]]} +{"id": 65082, "predicted_label": "REFUTES", "predicted_evidence": [["2012_FA_Community_Shield", 0], ["2015_FA_Community_Shield", 0], ["Villa_Park", 14], ["2010_FA_Community_Shield", 0], ["List_of_football_clubs_in_England_by_competitive_honours_won", 10]]} +{"id": 72560, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jennifer_Lopez_filmography", 5], ["Jennifer_Lopez_filmography", 20], ["Jennifer_Lopez_filmography", 3], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 8], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0]]} +{"id": 64685, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["List_of_compositions_by_Alan_Hovhaness", 39], ["Ron_Klimko", 38], ["Rainn_Wilson", 5]]} +{"id": 78018, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_I_of_France", 0], ["Charles_V,_Holy_Roman_Emperor", 11], ["Louis_XII_of_France", 30], ["Duchess_of_Angoule\u0302me", 15], ["Louis_XII_of_France", 0]]} +{"id": 177166, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dracula", 5], ["Alien_invasion", 22], ["The_Battle_of_Dorking", 0], ["Alien_invasion", 4], ["The_Back_Door_-LRB-fiction-RRB-", 0]]} +{"id": 199421, "predicted_label": "REFUTES", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["Ellar_Coltrane", 1], ["D._L._Evans_Bank", 18], ["D._L._Evans_Bank", 7], ["Boyhood_-LRB-film-RRB-", 2]]} +{"id": 137609, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Snow_White_and_the_Huntsman", 8], ["William_Henry_Claflin,_Jr.", 5], ["Adams_Claflin_House", 2], ["Horace_Brigham_Claflin", 6], ["Horace_Brigham_Claflin", 9]]} +{"id": 198034, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 6], ["New_York_City_Landmarks_Preservation_Commission", 0], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3], ["Pyramid_Club", 20], ["Dorothy_Miner", 9]]} +{"id": 189443, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yandex", 1], ["Yandex", 9], ["Yandex.Direct", 9], ["Serpstat", 2], ["Yandex", 5]]} +{"id": 53164, "predicted_label": "REFUTES", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_knobs", 246], ["List_of_bottoms", 50], ["List_of_bottoms", 5], ["List_of_bottoms", 110]]} +{"id": 134242, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Andrew_Walker", 19], ["Andrew_Kevin_Walker", 0], ["Event_Horizon_-LRB-film-RRB-", 1], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 177187, "predicted_label": "SUPPORTS", "predicted_evidence": [["Who_Is_That_Mad_Band?", 2], ["Mad_Professor", 0], ["Rockers_Hi-Fi", 2], ["High_Tone", 1], ["Dub_poetry", 0]]} +{"id": 38313, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tim_&_Eric", 18], ["Boss_-LRB-architecture-RRB-", 4], ["List_of_Sesame_Street_puppeteers", 136], ["Grotesque_dance", 2], ["Grotesque", 0]]} +{"id": 28384, "predicted_label": "REFUTES", "predicted_evidence": [["Creedence_Clearwater_Revival", 1], ["The_Golliwogs", 12], ["John_Fogerty_-LRB-album-RRB-", 0], ["Creedence_Clearwater_Revisited", 4], ["The_Golliwogs", 26]]} +{"id": 216365, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chagatai_language", 0], ["Chagatai", 9], ["Abu_al-Ghazi_Bahadur", 34], ["Abu_al-Ghazi_Bahadur", 33], ["Uyghur_Arabic_alphabet", 6]]} +{"id": 7047, "predicted_label": "REFUTES", "predicted_evidence": [["Viola_Davis", 6], ["African-American_representation_in_Hollywood", 7], ["List_of_accolades_received_by_Fences_-LRB-film-RRB-", 1], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 2], ["African-American_representation_in_Hollywood", 8]]} +{"id": 219047, "predicted_label": "SUPPORTS", "predicted_evidence": [["These_Hopeless_Savages", 1], ["American_Indian_boarding_schools", 0], ["These_Hopeless_Savages", 0], ["The_Steele_Home", 5], ["The_Steele_Home", 4]]} +{"id": 63465, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam_2012_Tour", 0], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 16], ["List_of_Pearl_Jam_band_members", 19], ["List_of_Pearl_Jam_band_members", 16], ["List_of_Pearl_Jam_band_members", 18]]} +{"id": 111850, "predicted_label": "REFUTES", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Else_H\u00f8st", 9], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler", 2]]} +{"id": 124720, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["University_of_Mississippi", 4], ["University_of_Mississippi", 0], ["Yale-NUS_College", 14], ["Howard_C._Reiche_Community_School", 27], ["Yale-NUS_College", 22]]} +{"id": 157400, "predicted_label": "REFUTES", "predicted_evidence": [["There_I_Was-COLON-_The_War_of_Corporal_Henry_J_Morris,_USMC", 4], ["Epilogue_For_W._H._Auden", 3], ["The_Lion's_Game", 3], ["The_Skipper", 19], ["Shark_episode", 23]]} +{"id": 134400, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Resident_Alien", 13], ["The_Showbiz_Show_with_David_Spade", 0], ["Showbiz", 21], ["Joe_Dirt_2-COLON-_Beautiful_Loser", 2], ["Joe_Dirt_2-COLON-_Beautiful_Loser", 0]]} +{"id": 202945, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8], ["Avenged_Sevenfold_discography", 0], ["Avenged_Sevenfold", 6]]} +{"id": 15733, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sex_Factor", 0], ["XHamster", 6], ["2014_European_Curling_Championships", 5], ["Northern_Sun_Intercollegiate_Conference", 9], ["Islandmagee_witch_trial", 7]]} +{"id": 50693, "predicted_label": "REFUTES", "predicted_evidence": [["Beijing_International_MBA_at_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 5], ["Yenching_Academy", 6], ["He_Weifang", 6]]} +{"id": 166853, "predicted_label": "REFUTES", "predicted_evidence": [["Drake_&_Josh_-LRB-soundtrack-RRB-", 0], ["Drake_&_Josh", 1], ["Drake_&_Josh", 4], ["Drake_Bell_discography", 17], ["Drake_&_Josh_-LRB-soundtrack-RRB-", 4]]} +{"id": 48590, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["English_people", 6], ["English_people", 15], ["The_English_people", 4], ["Scottish_people", 19]]} +{"id": 201378, "predicted_label": "SUPPORTS", "predicted_evidence": [["Varsity_Blues", 3], ["Toronto_Varsity_Blues", 3], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 20], ["Varsity", 24]]} +{"id": 13728, "predicted_label": "REFUTES", "predicted_evidence": [["Fargo_-LRB-season_2-RRB-", 6], ["Carbonate_platform", 4], ["Wells_Fargo", 16], ["Wells_Fargo", 8], ["Carbonate_platform", 2]]} +{"id": 115863, "predicted_label": "REFUTES", "predicted_evidence": [["Michael_Sinterniklaas", 5], ["Steve_Braunias", 3], ["Arcadia_-LRB-popular_culture-RRB-", 132], ["Mike_Chaffe", 3], ["Anton_Yelchin", 6]]} +{"id": 174029, "predicted_label": "SUPPORTS", "predicted_evidence": [["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["The_Endless_River", 0], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["Pink_Floyd", 17], ["The_Endless_River", 5]]} +{"id": 24541, "predicted_label": "REFUTES", "predicted_evidence": [["Krishna_Iyer", 9], ["Krishna_Iyer", 10], ["Krishna_Iyer", 8], ["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["Aalap_Raju", 1]]} +{"id": 149663, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Consolidated_Film_Industries", 9], ["Eastmancolor", 9], ["Waldorf_Statement", 23], ["Waldorf_Statement", 0], ["Eastmancolor", 13]]} +{"id": 91165, "predicted_label": "SUPPORTS", "predicted_evidence": [["Justin_Chatwin", 7], ["Ca\u0323\u0306p_\u0111o\u0302i_hoa\u0300n_ha\u0309o_-LRB-season_1-RRB-", 0], ["The_Return_of_Doctor_Mysterio", 0], ["The_Return_of_Doctor_Mysterio", 6], ["Justin_Chatwin", 0]]} +{"id": 165654, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jack_Donohue_-LRB-director-RRB-", 4], ["Jack_Donohue_-LRB-director-RRB-", 3], ["Peter_Grimwade", 15], ["Peter_Grimwade", 9], ["Help_She_Can't_Swim", 5]]} +{"id": 201074, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_people_nominated_to_U.S._Supreme_Court_in_last_year_of_presidency", 6], ["Merrick_Garland_Supreme_Court_nomination", 11], ["List_of_people_nominated_to_U.S._Supreme_Court_in_last_year_of_presidency", 10], ["Judicial_Commission_of_Pakistan", 40], ["Judicial_Commission_of_Pakistan", 46]]} +{"id": 136127, "predicted_label": "REFUTES", "predicted_evidence": [["Dilwale_Dulhania_Le_Jayenge", 7], ["Aditya_Chopra", 1], ["Kajol", 9], ["Kajol_filmography", 7], ["Filmfare_Award_for_Best_Music_Album", 650]]} +{"id": 33918, "predicted_label": "REFUTES", "predicted_evidence": [["Andrew_Kevin_Walker", 0], ["Andrew_Walker", 19], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Nerdland", 0], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 168546, "predicted_label": "REFUTES", "predicted_evidence": [["Johnny_Yune", 8], ["Yune", 8], ["Prison_Break_-LRB-season_5-RRB-", 8], ["Olympus_Has_Fallen", 1], ["Alone_in_the_Dark_II_-LRB-film-RRB-", 0]]} +{"id": 81703, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jack_Falahee", 0], ["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["Manfred_Klieme", 0], ["Manfred_Klieme", 3]]} +{"id": 128475, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Showbiz_Show_with_David_Spade", 0], ["Showbiz", 21], ["Resident_Alien", 13], ["Joe_Dirt_2-COLON-_Beautiful_Loser", 2], ["The_Showbiz_Show_with_David_Spade", 2]]} +{"id": 3492, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soviet_space_program", 0], ["Interkosmos", 0], ["Vasily_Mishin", 0], ["Vasily_Mishin", 57], ["Vasily_Mishin", 37]]} +{"id": 166484, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Death_and_state_funeral_of_Heydar_Aliyev", 5], ["ARB_Gu\u0308n\u0259s\u0327", 0], ["Emily_Dolvin", 31], ["ARB_Gu\u0308n\u0259s\u0327", 1], ["Death_and_state_funeral_of_Heydar_Aliyev", 1]]} +{"id": 21882, "predicted_label": "SUPPORTS", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 0], ["The_Mighty_Ducks", 0], ["The_Mighty_Ducks", 1], ["The_Mighty_Ducks", 7]]} +{"id": 131241, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pronto.com", 4], ["YouTube", 15], ["Compete_-LRB-disambiguation-RRB-", 5], ["Timway", 10], ["YouTube", 13]]} +{"id": 36159, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lil_Uzi_Vert_vs._the_World", 0], ["Lil_Uzi_Vert", 4], ["Cozy_Tapes_Vol._1-COLON-_Friends", 5], ["Luv_Is_Rage_1.5", 3], ["Cozy_Tapes_Vol._1-COLON-_Friends", 10]]} +{"id": 30805, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_films_set_in_Shanghai", 27], ["Major_de_Sarria\u0300", 0], ["List_of_films_set_in_Shanghai", 11], ["List_of_films_set_in_Shanghai", 89], ["Fist", 30]]} +{"id": 194018, "predicted_label": "REFUTES", "predicted_evidence": [["Kimjongilia", 2], ["O_Jin-u", 24], ["O_Jin-u", 21], ["Kim_Jong-chul", 9], ["O_Jin-u", 9]]} +{"id": 111416, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jennifer_Lopez_filmography", 5], ["Jennifer_Lopez_filmography", 3], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Let's_Get_Loud_-LRB-disambiguation-RRB-", 8], ["Still_Jennifer_Lopez", 0]]} +{"id": 159577, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 7], ["Henry_T._Bannon", 6], ["Frank_O'Bannon", 10], ["Henry_T._Bannon", 3]]} +{"id": 216586, "predicted_label": "SUPPORTS", "predicted_evidence": [["Calcaneal_spur", 1], ["Imaging_for_Windows", 0], ["Imaging_for_Windows", 2], ["Imaging_for_Windows", 4], ["Imaging_for_Windows", 7]]} +{"id": 972, "predicted_label": "REFUTES", "predicted_evidence": [["Stan_Beeman", 0], ["Noah_Emmerich", 2], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["The_Americans_-LRB-season_1-RRB-", 7], ["Stan_Beeman", 2]]} +{"id": 66801, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Batman_in_film", 2], ["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["Dick_Grayson", 16], ["Batman_Beyond", 6]]} +{"id": 185296, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jeanine_Basinger", 11], ["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Automotive", 0], ["Bradley_Automotive", 8], ["Fuller_-LRB-surname-RRB-", 137]]} +{"id": 183599, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finding_Dory", 1], ["Angus_MacLane", 0], ["Pixar", 10], ["Pixar", 16], ["Pixar", 6]]} +{"id": 179272, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tylenol_-LRB-brand-RRB-", 0], ["Robert_L._McNeil,_Jr.", 18], ["Hypercompetition", 8], ["Cheese_-LRB-recreational_drug-RRB-", 8], ["Shenea_Booth", 80]]} +{"id": 129881, "predicted_label": "REFUTES", "predicted_evidence": [["Prowler_-LRB-comics-RRB-", 1], ["Prowler_-LRB-comics-RRB-", 0], ["Dying_Wish", 1], ["The_Amazing_Spider-Man_2", 2], ["The_Amazing_Spider-Man_2", 0]]} +{"id": 182282, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_MP_transmission", 0], ["Saturn_-LRB-store-RRB-", 0], ["Saturn_Cycling_Team", 1], ["Saturn_Corporation", 4]]} +{"id": 110266, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Brigham_Young_University_alumni", 0], ["Bill_Gates_-LRB-frontiersman-RRB-", 15], ["Bill_Gates_-LRB-disambiguation-RRB-", 6], ["Bill_Gates_-LRB-disambiguation-RRB-", 3], ["Bill_Gates_-LRB-disambiguation-RRB-", 8]]} +{"id": 26453, "predicted_label": "SUPPORTS", "predicted_evidence": [["Warner_Bros._Cartoons", 11], ["Warner_Bros._Studios,_Burbank", 8], ["Jean_MacCurdy", 19], ["List_of_Nintendo_DS_games", 3], ["Warner_Bros._Studios,_Burbank", 17]]} +{"id": 151642, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jacob_van_Huysum", 4], ["Wolfgang_Mieder", 29], ["Jacob_van_Huysum", 0], ["Jacob_van_Huysum", 3], ["Jacob_van_Huysum", 20]]} +{"id": 118333, "predicted_label": "REFUTES", "predicted_evidence": [["Rainn_Wilson", 13], ["The_Bassoon_King", 0], ["List_of_compositions_by_Alan_Hovhaness", 178], ["List_of_compositions_by_Alan_Hovhaness", 553], ["List_of_compositions_by_Alan_Hovhaness", 160]]} +{"id": 50121, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lemmy", 2], ["John_Hughey", 2], ["Johann_Franz_Xaver_Sterkel", 22], ["Ervin_Nyiregyha\u0301zi", 2], ["Ralph_Irizarry", 0]]} +{"id": 10798, "predicted_label": "REFUTES", "predicted_evidence": [["Santana_discography", 0], ["Santana_discography", 3], ["Santana_-LRB-band-RRB-", 0], ["Coke_Escovedo", 19], ["Carlos_Santana_discography", 3]]} +{"id": 197384, "predicted_label": "REFUTES", "predicted_evidence": [["Simo\u0301n_Boli\u0301var", 0], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 5], ["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0], ["Christian_Va\u0301squez", 25], ["Christian_Va\u0301squez", 7]]} +{"id": 65917, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Canal_Street_Incline", 3], ["Boylston_Street_Subway", 1], ["Hynes_Convention_Center_-LRB-MBTA_station-RRB-", 1], ["Green_Line_\"B\"_Branch", 3], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0]]} +{"id": 97850, "predicted_label": "SUPPORTS", "predicted_evidence": [["Darren_McGavin", 0], ["Raat_Hone_Ko_Hai", 0], ["Bipasha_Basu_filmography", 26], ["Dead_Set", 0], ["Fatal_Frame", 13]]} +{"id": 172461, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matteo_Renzi", 0], ["Stefano_Fassina", 12], ["Renzi_-LRB-surname-RRB-", 22], ["Roberto_Giachetti", 12], ["Roberto_Giachetti", 7]]} +{"id": 87475, "predicted_label": "REFUTES", "predicted_evidence": [["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["Resident_Evil_2", 8], ["Resident_Evil_4", 7], ["Resident_Evil_-LRB-2002_video_game-RRB-", 1], ["Jill_Valentine", 6]]} +{"id": 173493, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Adventures_of_Don_Coyote_and_Sancho_Panda", 0], ["Sancho_Panza", 0], ["Ricote_-LRB-Don_Quixote-RRB-", 3], ["The_Truth_about_Sancho_Panza", 8], ["Sancho_Panza", 1]]} +{"id": 54467, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ghassan_Kanafani", 0], ["The_Dupes", 1], ["Ghassan_-LRB-given_name-RRB-", 31], ["The_Survivor_-LRB-1995_film-RRB-", 1], ["Thwaiba_Kanafani", 32]]} +{"id": 75587, "predicted_label": "REFUTES", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Else_H\u00f8st", 9], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler", 2]]} +{"id": 101183, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 63], ["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 60], ["Camden,_New_Jersey", 0]]} +{"id": 6900, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Green_Line_\"D\"_Branch", 1], ["Hynes_Convention_Center_-LRB-MBTA_station-RRB-", 1], ["Green_Line_\"D\"_Branch", 13], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 1]]} +{"id": 201379, "predicted_label": "SUPPORTS", "predicted_evidence": [["Varsity_Blues", 3], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 78], ["Varsity", 20], ["Varsity", 24]]} +{"id": 70021, "predicted_label": "REFUTES", "predicted_evidence": [["Adam_Bassett", 7], ["Dave_Bassett_-LRB-songwriter-RRB-", 23], ["Adam_Bassett", 8], ["Boston_Massachusetts_Temple", 3], ["Dave_Bassett_-LRB-songwriter-RRB-", 1]]} +{"id": 140686, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["21_Jump_Street", 19], ["21_Jump_Street", 12], ["Qui-Gon_and_Obi-Wan-COLON-_The_Aurorient_Express", 2], ["Count_Dooku", 4]]} +{"id": 215502, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hani_-LRB-singer-RRB-", 2], ["Weekly_Idol", 1], ["Weekly_Idol", 0], ["Sorn_-LRB-singer-RRB-", 2], ["Jung_Il-hoon", 2]]} +{"id": 161569, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 0], ["Baz_Luhrmann", 2], ["Cinema_of_Australia", 15], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Strictly_Ballroom", 7]]} +{"id": 95835, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Blue_Bayou_Restaurant", 4], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Blue_Bayou_Restaurant", 13], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 8]]} +{"id": 27082, "predicted_label": "REFUTES", "predicted_evidence": [["The_Gifted_-LRB-TV_series-RRB-", 0], ["Emma_Frost", 9], ["X-Men", 15], ["The_Gifted_-LRB-TV_series-RRB-", 7], ["X-Men", 2]]} +{"id": 10435, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 96476, "predicted_label": "REFUTES", "predicted_evidence": [["Men_in_Black_II", 0], ["Men_in_Black_II", 3], ["Colin_Brady", 2], ["Colin_Brady", 23], ["Men_in_Black_II-COLON-_Alien_Escape", 1]]} +{"id": 121994, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["S._Irfan_Habib", 6], ["S._Irfan_Habib", 8], ["Bhagat_Singh", 0], ["S._Irfan_Habib", 9], ["23rd_March_1931-COLON-_Shaheed", 1]]} +{"id": 32174, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Andrew_Crown_Brennan", 30], ["Aaron_Burr_Cidery", 2], ["United_States_presidential_election,_1800", 9], ["United_States_presidential_election,_1800", 17], ["Aaron_Burr_Cidery", 7]]} +{"id": 56200, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Year's_Eve_-LRB-2011_film-RRB-", 0], ["Ashton_Kutcher", 2], ["New_Year's_Eve_-LRB-2011_film-RRB-", 3], ["Ashton_Kutcher", 0], ["Ashton_-LRB-given_name-RRB-", 20]]} +{"id": 52801, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Walk_the_Line_-LRB-soundtrack-RRB-", 3], ["Walk_the_Line_-LRB-soundtrack-RRB-", 1], ["Draper_James", 0], ["Legally_Blonde", 1], ["Wild_-LRB-2014_film-RRB-", 6]]} +{"id": 194909, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pablo_Echarri", 4], ["Undiscovered", 7], ["Thelma_Grigg", 4], ["Maude_Eburne", 9], ["James_Nesbitt", 9]]} +{"id": 60459, "predicted_label": "SUPPORTS", "predicted_evidence": [["Assos", 8], ["Aristotle", 4], ["Assos", 7], ["History_of_Macedonia_-LRB-ancient_kingdom-RRB-", 10], ["History_of_Macedonia_-LRB-ancient_kingdom-RRB-", 13]]} +{"id": 127048, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hush_-LRB-2016_film-RRB-", 2], ["Intrepid_Pictures", 0], ["Hush_-LRB-2016_film-RRB-", 5], ["Intrepid_Pictures", 4], ["Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 22194, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jensen!", 16], ["Snoop_Dogg", 18], ["Snoop_Dogg's_Hustlaz-COLON-_Diary_of_a_Pimp", 0], ["Snoop_Dogg's_Hustlaz-COLON-_Diary_of_a_Pimp", 3], ["Dead_Man_Walkin'", 2]]} +{"id": 166899, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Unreal_episodes", 0], ["Quantico_-LRB-TV_series-RRB-", 6], ["List_of_Unreal_episodes", 5], ["List_of_The_Grudge_characters", 5], ["The_Grudge_3", 2]]} +{"id": 165875, "predicted_label": "REFUTES", "predicted_evidence": [["Buffy_Summers", 3], ["Kristy_Swanson", 0], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_Summers", 0]]} +{"id": 22491, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_J._Osborne", 3], ["Michael_J._Osborne", 41], ["Ann_Richards_-LRB-disambiguation-RRB-", 0], ["Texas_gubernatorial_election,_1994", 1], ["Texas_gubernatorial_election,_1994", 4]]} +{"id": 117473, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mercy_-LRB-GOOD_Music_song-RRB-", 2], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["I'm_Different", 3]]} +{"id": 202039, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2011_Waltham_triple_murder", 10], ["Dzhokhar_Tsarnaev", 12], ["Tamerlan_Tsarnaev", 14], ["Dzhokhar_Tsarnaev", 4], ["Tamerlan_Tsarnaev", 8]]} +{"id": 109461, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mathers", 15], ["Eminem", 0], ["Marshall_Mathers_-LRB-disambiguation-RRB-", 7], ["List_of_awards_and_nominations_received_by_Eminem", 10], ["Eminem", 20]]} +{"id": 29659, "predicted_label": "REFUTES", "predicted_evidence": [["Shadowhunters", 4], ["List_of_Shadowhunters_episodes", 5], ["List_of_Shadowhunters_episodes", 4], ["Shadowhunters", 5], ["Shadowhunters", 0]]} +{"id": 162885, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mani_Ratnam", 1], ["Mani_Ratnam_filmography", 1], ["List_of_awards_and_nominations_received_by_Aishwarya_Rai", 27], ["Mani_Ratnam", 15], ["Mani_Ratnam", 0]]} +{"id": 123026, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_Food_-LRB-film-RRB-", 0], ["Pleasures_U_Like", 0], ["Wake_Up_Everybody_-LRB-2004_album-RRB-", 2], ["Cool_Relax", 1], ["Soul_Food", 7]]} +{"id": 185401, "predicted_label": "REFUTES", "predicted_evidence": [["John_Ford_Stock_Company", 0], ["Naked_Ambition", 17], ["Naked_Ambition", 21], ["Naked_Ambition", 19], ["Naked_Ambition", 15]]} +{"id": 4205, "predicted_label": "SUPPORTS", "predicted_evidence": [["Evolutionary_history_of_life", 8], ["Biodiversity", 21], ["History_of_Earth", 25], ["Evolution", 10], ["Microbially_induced_sedimentary_structure", 16]]} +{"id": 120630, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 13], ["Arctic_methane_emissions", 9], ["Global_warming_hiatus", 23], ["Arctic_methane_emissions", 8], ["Arctic_methane_emissions", 7]]} +{"id": 14429, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Restaurant_Gordon_Ramsay", 0], ["Gordon_Ramsay_at_Claridge's", 0], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 32], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 2], ["Gordon_Ramsay_at_Claridge's", 1]]} +{"id": 180581, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fluffy_-LRB-comics-RRB-", 6], ["Hill_Head", 22], ["Hill_Head", 23], ["Fluffy_-LRB-comics-RRB-", 4], ["Fluffy", 0]]} +{"id": 9269, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["JB_Carlson", 2], ["JB_Carlson", 1], ["Jesse_Carlson", 24]]} +{"id": 201806, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Runaways_-LRB-film-RRB-", 2], ["The_Runaways_-LRB-album-RRB-", 20], ["Messin'_with_the_Boys", 1], ["The_Runaways_-LRB-film-RRB-", 0], ["The_Runaways_-LRB-album-RRB-", 9]]} +{"id": 85315, "predicted_label": "REFUTES", "predicted_evidence": [["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 0], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 1], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 2], ["Fist", 30], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 3]]} +{"id": 194459, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda_Swinton", 21], ["Tilda", 12], ["Swinton_-LRB-surname-RRB-", 19], ["I_Am_Love_-LRB-film-RRB-", 2], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4]]} +{"id": 112568, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 7], ["The_Cincinnati_Kid", 6], ["Norman_Jewison", 2], ["The_Cincinnati_Kid", 0]]} +{"id": 128909, "predicted_label": "SUPPORTS", "predicted_evidence": [["International_Military_Tribunal_for_the_Far_East", 1], ["Barbara_Becnel", 1], ["Walter_Williams_-LRB-painter-RRB-", 6], ["Stan_Williams", 5], ["Stan_Williams", 17]]} +{"id": 135681, "predicted_label": "SUPPORTS", "predicted_evidence": [["Johnny_Mnemonic_-LRB-film-RRB-", 1], ["Replicant", 0], ["Blade_Runner_2049", 0], ["Blade_Runner", 26], ["Blade_Runner_2049", 1]]} +{"id": 169004, "predicted_label": "REFUTES", "predicted_evidence": [["Manmohan_Singh", 1], ["The_Accidental_Prime_Minister", 0], ["Sanjaya_Baru", 2], ["Manmohan", 23], ["Manmohan_Singh", 0]]} +{"id": 142135, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 8], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Fantasy_in_the_Sky", 0]]} +{"id": 37887, "predicted_label": "SUPPORTS", "predicted_evidence": [["Margaret_Thatcher", 8], ["Margaret_Thatcher", 0], ["The_Iron_Lady_-LRB-album-RRB-", 0], ["The_Iron_Lady_-LRB-film-RRB-", 0], ["Margaret_Thatcher_-LRB-disambiguation-RRB-", 0]]} +{"id": 189892, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stadium_Arcadium_World_Tour", 0], ["Stadium_Arcadium", 5], ["List_of_Billboard_200_number-one_albums_of_2006", 14], ["Dave_Rat", 21], ["Dave_Rat", 10]]} +{"id": 200276, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers", 5], ["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["Natural_Born_Killers", 0], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 3]]} +{"id": 82665, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["All_in_the_Family", 11], ["List_of_Bonanza_episodes", 11], ["Nielsen_ratings", 1], ["Nielsen_ratings", 0], ["The_Young_and_the_Restless", 19]]} +{"id": 24948, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vivek_Mushran", 2], ["The_Six_Wives_of_Henry_VIII", 8], ["Our_Mutual_Friend_-LRB-disambiguation-RRB-", 7], ["Our_Mutual_Friend_-LRB-disambiguation-RRB-", 9], ["Our_Mutual_Friend_-LRB-disambiguation-RRB-", 5]]} +{"id": 138357, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Carrillo_Music", 3], ["James_Henry_Darlington", 48], ["Robert_Piguet", 1], ["Norfolk_-LRB-brig-RRB-", 14], ["Electoral_history_of_Hubert_Humphrey", 108]]} +{"id": 152880, "predicted_label": "REFUTES", "predicted_evidence": [["Paramore_-LRB-album-RRB-", 0], ["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 0], ["List_of_songs_recorded_by_Paramore", 18], ["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 11], ["List_of_songs_recorded_by_Paramore", 19]]} +{"id": 28908, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Miguel_Iglesias", 49], ["Open_access_in_Chile", 51], ["Open_access_in_Chile", 3], ["Open_access_in_Chile", 28], ["Open_access_in_Chile", 19]]} +{"id": 12200, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Being_Tom_Cruise", 0], ["Tom_Cruise-COLON-_Unauthorized", 0], ["Tom_Cruise-COLON-_Unauthorized", 7], ["Jerry_Maguire", 0], ["Jerry_Maguire", 10]]} +{"id": 90443, "predicted_label": "SUPPORTS", "predicted_evidence": [["Santana_-LRB-band-RRB-", 0], ["Santana_discography", 0], ["Santana_-LRB-surname-RRB-", 3], ["Carlos_Santana_discography", 0], ["Coke_Escovedo", 19]]} +{"id": 194478, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tilda", 12], ["Snowpiercer", 5], ["Swinton_-LRB-surname-RRB-", 19], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Michael_Clayton_-LRB-film-RRB-", 1]]} +{"id": 135338, "predicted_label": "REFUTES", "predicted_evidence": [["Heart", 19], ["Athletic_heart_syndrome", 0], ["Transcutaneous_pacing", 6], ["Athletic_heart_syndrome", 8], ["Vagal_tone", 10]]} +{"id": 46332, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Let's_Get_Loud_-LRB-disambiguation-RRB-", 8], ["Jennifer_Lopez_Collection", 0], ["Still_Jennifer_Lopez", 0], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 12]]} +{"id": 216401, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marina_Salye", 15], ["Marina_Salye", 16], ["Hickman_-LRB-surname-RRB-", 74], ["Paschal_Hickman", 28], ["David_H._Hickman_High_School", 0]]} +{"id": 102627, "predicted_label": "REFUTES", "predicted_evidence": [["Rare_-LRB-website-RRB-", 0], ["Reparations_-LRB-website-RRB-", 0], ["Guaranteed_-LRB-Phatfish_album-RRB-", 10], ["VDARE", 0], ["YellowPagesGoesGreen.Org", 0]]} +{"id": 62062, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ron_Weasley", 2], ["A_Very_Potter_Musical", 6], ["Caio_Ce\u0301sar", 8], ["Harry_Potter_and_the_Half-Blood_Prince_-LRB-film-RRB-", 7], ["Rupert_Grint", 1]]} +{"id": 225297, "predicted_label": "REFUTES", "predicted_evidence": [["Casual_-LRB-TV_series-RRB-", 1], ["Watkins_-LRB-surname-RRB-", 98], ["Benched", 0], ["Eric_Moneypenny", 5], ["Eric_Moneypenny", 9]]} +{"id": 216393, "predicted_label": "SUPPORTS", "predicted_evidence": [["Homer_Hickam", 2], ["Ross_King_-LRB-author-RRB-", 1], ["Jove_Books", 23], ["Jove_Books", 31], ["Historical_fiction", 1]]} +{"id": 189458, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yandex_Browser", 12], ["Yandex.Translate", 0], ["Yandex.Direct", 15], ["Yandex.Money", 25], ["Yandex.Money", 14]]} +{"id": 66970, "predicted_label": "REFUTES", "predicted_evidence": [["YouTube", 15], ["Reply_girl", 0], ["Where_the_Hell_is_Matt?", 46], ["Reply_girl", 6], ["Reply_girl", 4]]} +{"id": 223767, "predicted_label": "REFUTES", "predicted_evidence": [["Ralph_Fults", 0], ["Bonnie_and_Clyde", 0], ["Barrow_Gang", 24], ["Fults", 7], ["Bonnie_and_Clyde", 1]]} +{"id": 17129, "predicted_label": "SUPPORTS", "predicted_evidence": [["36.9_ultimatum", 5], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 16], ["2011_Norway_attacks", 9], ["Stoltenberg_-LRB-surname-RRB-", 4]]} +{"id": 152898, "predicted_label": "SUPPORTS", "predicted_evidence": [["George_Norcross", 5], ["Rowan_University", 8], ["Cooper_Medical_School_of_Rowan_University", 0], ["Camden,_New_Jersey", 40], ["Cooper_University_Hospital", 2]]} +{"id": 104324, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Battle_of_Los_Angeles_Tour", 7], ["Kym_Purling", 29], ["The_Battle_of_Los_Angeles_Tour", 0], ["The_Battle_of_Los_Angeles_Tour", 3], ["Cathal_Breslin", 1]]} +{"id": 156323, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heavy_metal_lyrics", 0], ["Andrew_Haug", 5], ["List_of_gothic_metal_bands", 4], ["Christian_metal", 10], ["List_of_gothic_metal_bands", 1]]} +{"id": 225237, "predicted_label": "SUPPORTS", "predicted_evidence": [["Patrick_Wilson_-LRB-New_Zealand_actor-RRB-", 0], ["Gloss_-LRB-TV_series-RRB-", 4], ["Cormack_-LRB-surname-RRB-", 17], ["Cormack_-LRB-surname-RRB-", 57], ["List_of_New_Zealand_actors", 31]]} +{"id": 119624, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_rights_in_the_Philippines", 10], ["Timeline_of_Western_Saharan_history", 83], ["Foreign_relations_of_Taiwan", 14], ["Foreign_relations_of_Taiwan", 15], ["Human_rights_in_the_Philippines", 9]]} +{"id": 202458, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 2], ["TTSS", 5]]} +{"id": 181184, "predicted_label": "REFUTES", "predicted_evidence": [["Southpaw_-LRB-film-RRB-", 0], ["Sons_of_Anarchy_-LRB-season_5-RRB-", 5], ["Sons_of_Anarchy_-LRB-season_4-RRB-", 5], ["Sons_of_Anarchy_-LRB-season_4-RRB-", 0], ["Sons_of_Anarchy_-LRB-season_5-RRB-", 0]]} +{"id": 187215, "predicted_label": "REFUTES", "predicted_evidence": [["The_Hurt_Locker", 0], ["Kathryn_Bigelow", 1], ["2008_Zurich_Film_Festival", 6], ["List_of_accolades_received_by_The_Hurt_Locker", 0], ["List_of_awards_and_nominations_received_by_Jeremy_Renner", 3]]} +{"id": 113098, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Concert_for_Bangladesh", 12], ["Mobile_campaign", 57], ["The_Concert_for_Bangladesh", 14], ["Digicel_Haiti_Earthquake_Relief_Fund", 8], ["Hope_for_Haiti_Now_-LRB-album-RRB-", 1]]} +{"id": 87008, "predicted_label": "SUPPORTS", "predicted_evidence": [["QSK_operation_-LRB-full_break-in-RRB-", 10], ["Morse_code", 0], ["Morse_code_abbreviations", 3], ["QSK_operation_-LRB-full_break-in-RRB-", 14], ["Morse_code_abbreviations", 9]]} +{"id": 137780, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-Homeland-RRB-", 4], ["Carrie_Mathison", 2], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Bruiser_Brody_Memorial_Cup", 24], ["Bruiser_Brody_Memorial_Cup", 2]]} +{"id": 7792, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["Rainn_Wilson", 0], ["Health_Care_-LRB-The_Office-RRB-", 13], ["Health_Care_-LRB-The_Office-RRB-", 5]]} +{"id": 106660, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Slipknot_concert_tours", 19], ["List_of_awards_and_nominations_received_by_Slipknot", 2], ["List_of_Slipknot_band_members", 8], ["Michael_Thomson", 9], ["Michael_Thomson", 3]]} +{"id": 183144, "predicted_label": "REFUTES", "predicted_evidence": [["Tata_Motors", 13], ["BSE_SENSEX", 0], ["BSE_SENSEX", 8], ["BSE_SENSEX", 4], ["BSE_SENSEX", 2]]} +{"id": 92719, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_ANAGPIC_meetings", 123], ["List_of_ANAGPIC_meetings", 185], ["List_of_ANAGPIC_meetings", 157], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 827], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 519]]} +{"id": 142127, "predicted_label": "SUPPORTS", "predicted_evidence": [["Battle_of_France", 0], ["Polish_contribution_to_World_War_II", 9], ["Phoney_War", 1], ["Plan_W", 3], ["Phoney_War", 12]]} +{"id": 196737, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alfred_Hitchcock_filmography", 1], ["Suspense_-LRB-disambiguation-RRB-", 8], ["Marnie_-LRB-disambiguation-RRB-", 10], ["Marnie_-LRB-disambiguation-RRB-", 8], ["Alfred_Hitchcock_filmography", 7]]} +{"id": 110506, "predicted_label": "SUPPORTS", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["1993\u201394_Mighty_Ducks_of_Anaheim_season", 2], ["Chris_O'Sullivan", 25], ["Dan_Trebil", 12], ["D2-COLON-_The_Mighty_Ducks", 2]]} +{"id": 143807, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_songs_recorded_by_Paramore", 1], ["Paramore_discography", 1], ["Paramore_-LRB-album-RRB-", 0], ["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 0], ["James_M._Paramore", 4]]} +{"id": 32967, "predicted_label": "SUPPORTS", "predicted_evidence": [["Basildon", 13], ["History_of_the_London_Underground", 10], ["History_of_the_London_Underground", 4], ["Basildon", 3], ["History_of_the_London_Underground", 9]]} +{"id": 63623, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manjit_Minhas", 2], ["Rise_of_Nations-COLON-_Thrones_and_Patriots", 7], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 3], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 22], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 18]]} +{"id": 94056, "predicted_label": "REFUTES", "predicted_evidence": [["My_Theodosia", 3], ["Aaron_Burr_Cidery", 3], ["Burr_-LRB-surname-RRB-", 4], ["1835_Democratic_National_Convention", 6], ["1835_Democratic_National_Convention", 28]]} +{"id": 200388, "predicted_label": "REFUTES", "predicted_evidence": [["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Ryan_Sinn", 17], ["Ryan_Sinn", 12], ["Angels_&_Airwaves", 0], ["Box_Car_Racer", 1]]} +{"id": 105222, "predicted_label": "REFUTES", "predicted_evidence": [["Knight_of_the_Golden_Spur_-LRB-Holy_Roman_Empire-RRB-", 18], ["Emperor_Charles", 11], ["Henry,_Holy_Roman_Emperor", 10], ["Archduke_Ferdinand_of_Austria", 28], ["Archduke_Ferdinand_of_Austria", 22]]} +{"id": 166841, "predicted_label": "REFUTES", "predicted_evidence": [["Drake_Bell_discography", 9], ["Drake_Bell_discography", 23], ["Drake_Bell", 14], ["Drake_Bell", 22], ["Drake_&_Josh_-LRB-soundtrack-RRB-", 0]]} +{"id": 57611, "predicted_label": "REFUTES", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["Thames_Ironworks_F.C.", 10], ["Thames_Ironworks_F.C.", 0]]} +{"id": 108122, "predicted_label": "REFUTES", "predicted_evidence": [["Human_trafficking_in_Ohio", 0], ["Human_trafficking_in_Ohio", 2], ["Human_trafficking_in_Mexico", 11], ["Coalition_to_Abolish_Slavery_and_Trafficking", 11], ["Human_trafficking", 9]]} +{"id": 228348, "predicted_label": "REFUTES", "predicted_evidence": [["Axiom_-LRB-record_label-RRB-", 5], ["Sarm_West_Studios", 1], ["Compass_Point_Studios", 0], ["Axiom_-LRB-record_label-RRB-", 0], ["Blackwell_-LRB-surname-RRB-", 46]]} +{"id": 206726, "predicted_label": "REFUTES", "predicted_evidence": [["Samwell_Tarly", 0], ["Samwell", 9], ["Samwell_Tarly", 4], ["Rebecca_Benson", 5], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8]]} +{"id": 8472, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Israeli_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II", 10], ["Lockheed_Martin_F-35_Lightning_II", 0]]} +{"id": 83683, "predicted_label": "REFUTES", "predicted_evidence": [["Shreya_Ghoshal", 1], ["List_of_Bengali_songs_recorded_by_Shreya_Ghoshal", 1], ["Mohra", 4], ["List_of_Telugu_songs_recorded_by_Shreya_Ghoshal", 21], ["Filmfare_Award_for_Best_Music_Album", 0]]} +{"id": 100802, "predicted_label": "SUPPORTS", "predicted_evidence": [["Papua_-LRB-province-RRB-", 3], ["Territory_of_Papua", 0], ["Papua", 21], ["Papua", 13], ["Territory_of_Papua", 9]]} +{"id": 31845, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ashton_-LRB-given_name-RRB-", 6], ["Ashton_-LRB-given_name-RRB-", 9], ["Ashton_-LRB-given_name-RRB-", 8], ["Frank's_Nursery_&_Crafts", 56], ["Frank's_Nursery_&_Crafts", 95]]} +{"id": 121793, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["United_States_Office_of_Government_Ethics", 2], ["Cabinet_-LRB-government-RRB-", 22], ["Cabinet_-LRB-government-RRB-", 41], ["Cabinet_-LRB-government-RRB-", 15], ["Cabinet_-LRB-government-RRB-", 5]]} +{"id": 71554, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ed_Wood_-LRB-film-RRB-", 0], ["Dr._Acula", 22], ["Edward_Wood", 0], ["Ed_Wood_-LRB-film-RRB-", 6], ["Ed_Wood_-LRB-film-RRB-", 10]]} +{"id": 138118, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 13], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 1], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 9], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 8], ["Economics_of_global_warming", 18]]} +{"id": 181846, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Serge_Kampf", 25], ["Project_Gemini", 13], ["Gemini_Observatory", 0], ["Gemini_2", 1], ["Serge_Kampf", 28]]} +{"id": 41131, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nose_ride", 4], ["Grallator", 9], ["Anomoepus", 4], ["Stock_horse", 13], ["Stock_horse", 47]]} +{"id": 185205, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Geraldine_Chaplin", 0], ["Eugene_Chaplin", 1], ["Unknown_Chaplin", 13], ["Unknown_Chaplin", 7], ["Eugene_Chaplin", 5]]} +{"id": 87678, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civilization_IV-COLON-_Colonization", 0], ["Civilization_IV", 14], ["Civilization_IV", 0], ["Civilization_IV", 5], ["Civilization_IV", 12]]} +{"id": 125156, "predicted_label": "REFUTES", "predicted_evidence": [["Downtown_Portland,_Oregon", 0], ["Beaverton,_Oregon", 1], ["Portland_International_Airport", 11], ["List_of_MAX_Light_Rail_stations", 13], ["Portland_International_Airport", 1]]} +{"id": 68913, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soul_Surfer_-LRB-film-RRB-", 0], ["Alana_Blanchard", 8], ["Faith_Fay", 10], ["Shark_Girl_-LRB-novel-RRB-", 3], ["List_of_homeschooled_people", 137]]} +{"id": 148484, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2007-RRB-", 73], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2009-RRB-", 56], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 38], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 47]]} +{"id": 134598, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michelin_Guide", 0], ["Michelin_Guide", 3], ["Pierre_Wynants", 8], ["Pierre_Wynants", 10], ["L'Auberge_-LRB-restaurant-RRB-", 8]]} +{"id": 173500, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sancho_Panza", 0], ["Sam_Weller_-LRB-character-RRB-", 0], ["Ricote_-LRB-Don_Quixote-RRB-", 3], ["The_Truth_about_Sancho_Panza", 8], ["The_Truth_about_Sancho_Panza", 0]]} +{"id": 55689, "predicted_label": "REFUTES", "predicted_evidence": [["AFI's_100_Years...100_Stars", 0], ["Jane_Bryan", 4], ["2HB", 4], ["AFI's_100_Years...100_Stars", 8], ["Bogart_-LRB-surname-RRB-", 12]]} +{"id": 156075, "predicted_label": "REFUTES", "predicted_evidence": [["Kalundborg_Municipality", 0], ["Aarhus", 1], ["Aarhus_Municipality", 0], ["Kalundborg_Municipality", 15], ["Aalborg_Municipality", 1]]} +{"id": 84393, "predicted_label": "SUPPORTS", "predicted_evidence": [["Archimedean_Upper_Conservatory", 103], ["Archimedean_Upper_Conservatory", 70], ["Pontic_Greek", 0], ["Standard_Greek", 8], ["Greek_language", 13]]} +{"id": 159562, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dan_O'Bannon", 0], ["O'Bannon_-LRB-surname-RRB-", 6], ["List_of_people_named_Daniel", 9], ["Bannon", 32], ["Bannon", 12]]} +{"id": 92787, "predicted_label": "REFUTES", "predicted_evidence": [["Daniel_Brown", 16], ["Long._Live._ASAP", 10], ["Daniel_Brown", 3], ["Daniel_Brown", 12], ["Daniel_Brown", 14]]} +{"id": 207530, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["B.o.B_discography", 1], ["B.o.B_discography", 10], ["B.o.B_discography", 15], ["Plan_B_discography", 6]]} +{"id": 193866, "predicted_label": "REFUTES", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["Dick_Van_Dyke", 8], ["The_New_Dick_Van_Dyke_Show", 0], ["Dick_Van_Dyke", 3]]} +{"id": 76173, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Love_Don't_Cost_a_Thing_-LRB-song-RRB-", 14], ["Jennifer_Lopez_filmography", 9], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Let's_Get_Loud_-LRB-disambiguation-RRB-", 8], ["Still_Jennifer_Lopez", 0]]} +{"id": 19663, "predicted_label": "REFUTES", "predicted_evidence": [["Guillermo_del_Toro", 0], ["Del_Toro_-LRB-surname-RRB-", 12], ["Sundown_-LRB-video_game-RRB-", 0], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 1]]} +{"id": 44710, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Monster", 0], ["List_of_Sesame_Street_puppeteers", 38], ["American_Chillers", 50], ["American_Chillers", 47], ["List_of_Sesame_Street_puppeteers", 19]]} +{"id": 159568, "predicted_label": "SUPPORTS", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["List_of_people_named_Daniel", 363], ["List_of_people_named_Daniel", 359], ["Henry_T._Bannon", 24], ["List_of_people_named_Daniel", 145]]} +{"id": 10706, "predicted_label": "REFUTES", "predicted_evidence": [["Taya_Kyle", 0], ["Kyle_-LRB-surname-RRB-", 22], ["Kyle_-LRB-surname-RRB-", 44], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["American_Sniper", 1]]} +{"id": 30259, "predicted_label": "REFUTES", "predicted_evidence": [["Resistentialism", 1], ["Resistentialism", 0], ["Fable", 3], ["Freeze_Frame_-LRB-Godley_&_Creme_album-RRB-", 8], ["Fable", 0]]} +{"id": 23670, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["First_Daughter", 10], ["First_Daughter", 0], ["First_Daughter", 4], ["First_Daughter", 6]]} +{"id": 105400, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["National_Museum_of_African_Art", 6], ["Horse", 11], ["Evolution_of_the_horse", 0], ["Pseudoextinction", 21], ["Orohippus", 3]]} +{"id": 227125, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["List_of_New_Orleans_Pelicans_seasons", 0], ["List_of_New_Orleans_Pelicans_head_coaches", 0], ["New_Orleans_Pelicans", 0], ["New_Orleans_Pelicans_draft_history", 0]]} +{"id": 61195, "predicted_label": "SUPPORTS", "predicted_evidence": [["1983_Hall_of_Fame_Classic", 33], ["1983_Hall_of_Fame_Classic", 27], ["List_of_bottoms", 56], ["List_of_bottoms", 7], ["List_of_bottoms", 44]]} +{"id": 74009, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dev_Patel", 6], ["NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 0], ["Outstanding_Drama_Series", 11], ["Higher_Learning", 5], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2]]} +{"id": 168003, "predicted_label": "REFUTES", "predicted_evidence": [["Don_Bradman", 20], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 7], ["Don_Bradman", 5], ["Bradman_-LRB-disambiguation-RRB-", 10], ["Bradman_-LRB-disambiguation-RRB-", 8]]} +{"id": 37537, "predicted_label": "REFUTES", "predicted_evidence": [["Tears_in_the_Rain", 1], ["A_Golden_Christmas", 0], ["The_Graduate_-LRB-disambiguation-RRB-", 3], ["Mon_Mane_Na_-LRB-2008_film-RRB-", 0], ["Ramta_Jogi", 0]]} +{"id": 149027, "predicted_label": "SUPPORTS", "predicted_evidence": [["Florida_International_University", 12], ["Lenoir\u2013Rhyne_University", 13], ["Michigan_State_University_Housing", 11], ["Michigan_State_University_Housing", 8], ["Michigan_State_University_Housing", 1]]} +{"id": 167970, "predicted_label": "REFUTES", "predicted_evidence": [["Don_Bradman", 20], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 8], ["Jack_Fingleton", 38], ["Don_Bradman", 5], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 7]]} +{"id": 92126, "predicted_label": "SUPPORTS", "predicted_evidence": [["Blade_Runner_2049", 1], ["Blade_Runner", 0], ["Replicant", 0], ["Harrison_Ford", 0], ["Blade_Runner_2049", 0]]} +{"id": 115386, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heart", 19], ["Arthur_Vineberg", 12], ["Palmetto_Health", 24], ["Arthur_Vineberg", 13], ["Qardio", 0]]} +{"id": 226119, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Dawkins", 16], ["Internet_meme", 9], ["Out_Campaign", 27], ["Over_Norton_Park", 2], ["Over_Norton_Park", 5]]} +{"id": 204450, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6], ["List_of_Black_Sabbath_band_members", 25], ["Greta_-LRB-band-RRB-", 0], ["Wilk", 17]]} +{"id": 165126, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Leonard_Termo", 14], ["Leonard_Termo", 11], ["Mickey_Rourke_filmography", 3], ["The_Wrestler_-LRB-2008_film-RRB-", 0]]} +{"id": 121338, "predicted_label": "REFUTES", "predicted_evidence": [["Billie_Joe", 2], ["Radio_Radio_Radio", 7], ["Joe_Armstrong", 6], ["Joe_Armstrong", 4], ["Pinhead_Gunpowder", 1]]} +{"id": 217217, "predicted_label": "SUPPORTS", "predicted_evidence": [["Monks_-LRB-disambiguation-RRB-", 19], ["Anathapindika", 43], ["Bieniszew", 5], ["Anathapindika", 86], ["Anathapindika", 143]]} +{"id": 194371, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mechanical_license", 14], ["Mechanical_license", 9], ["Mechanical_license", 4], ["Mechanical_license", 6], ["Mechanical_license", 48]]} +{"id": 184094, "predicted_label": "REFUTES", "predicted_evidence": [["Command_responsibility", 14], ["William_Eckhardt_-LRB-law-RRB-", 0], ["Medina_-LRB-surname-RRB-", 33], ["Hugh_Thompson_Jr.", 12], ["My_Lai_Massacre", 0]]} +{"id": 121662, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 0], ["R_v_Penguin_Books_Ltd", 0], ["N._J._Dawood", 22], ["Laurence_Byrne", 1], ["Penguin_Modern_Poets", 0]]} +{"id": 73136, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sex_Factor", 7], ["Qristina_Ribohn", 7], ["The_Sex_Factor", 0], ["XHamster", 1], ["XHamster", 0]]} +{"id": 201798, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cockney_Rebel_\u2013_A_Steve_Harley_Anthology", 11], ["Anthology_of_Planudes", 0], ["Anthology_of_Planudes", 13], ["Anthology_of_Planudes", 16], ["Anthology_of_Planudes", 17]]} +{"id": 104289, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soyuz_-LRB-rocket-RRB-", 1], ["Belov", 28], ["Belov", 14], ["Belov", 16], ["Belov", 20]]} +{"id": 222033, "predicted_label": "REFUTES", "predicted_evidence": [["Robert_Brubaker", 2], ["Brubaker_-LRB-disambiguation-RRB-", 0], ["James_D._Brubaker", 3], ["Bruce_Brubaker_-LRB-baseball-RRB-", 8], ["James_D._Brubaker", 13]]} +{"id": 217198, "predicted_label": "SUPPORTS", "predicted_evidence": [["Idiorrhythmic_monasticism", 3], ["Black_agouti", 5], ["Shatyayaniya_Upanishad", 10], ["Huyen_Khong_Son_Thuong_Monastery", 14], ["Monk_-LRB-surname-RRB-", 1]]} +{"id": 9629, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Maryland_Route_100", 1], ["Maryland_Route_100", 3], ["Maryland_Route_100", 0], ["Philistine_captivity_of_the_Ark", 23], ["Maryland_Route_100", 6]]} +{"id": 89428, "predicted_label": "SUPPORTS", "predicted_evidence": [["T-groups", 48], ["Sedrak_A._Sedrakyan", 135], ["John_Deighton", 0], ["Derek_Deighton", 1], ["Derek_Deighton", 0]]} +{"id": 225295, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michaela_Watkins", 0], ["Michaela_von_Habsburg", 0], ["Watkins_-LRB-surname-RRB-", 18], ["Watkins_-LRB-surname-RRB-", 98], ["Michaela_von_Habsburg", 5]]} +{"id": 202766, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despicable_Me_2", 1], ["List_of_2010_box_office_number-one_films_in_Australia", 12], ["List_of_2010_box_office_number-one_films_in_Australia", 20], ["Despicable_Me_2", 0], ["Despicable_Me_-LRB-franchise-RRB-", 3]]} +{"id": 41661, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewen_Bremner", 1], ["Ewan_McGregor", 2], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 38861, "predicted_label": "SUPPORTS", "predicted_evidence": [["Speech_recognition", 2], ["Nelson_Morgan", 1], ["Roberto_Pieraccini", 3], ["Roberto_Pieraccini", 5], ["Roberto_Pieraccini", 0]]} +{"id": 147045, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edmund_H._Deas_House", 4], ["Edmund_H._Deas_House", 0], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234], ["Serge_Kampf", 29], ["Serge_Kampf", 25]]} +{"id": 181637, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mogadishu_-LRB-disambiguation-RRB-", 12], ["Mogadishu_-LRB-disambiguation-RRB-", 26], ["Mogadishu_-LRB-disambiguation-RRB-", 16], ["Mogadishu_-LRB-disambiguation-RRB-", 24], ["Mogadishu_-LRB-disambiguation-RRB-", 18]]} +{"id": 206739, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samwell_Tarly", 0], ["Rebecca_Benson", 5], ["Blood_of_My_Blood", 5], ["Samwell", 9], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8]]} +{"id": 17124, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_Ford_Coppola", 4], ["Golden_Globe_Award_for_Best_Screenplay", 11], ["Golden_Globe_Award_for_Best_Screenplay", 7], ["List_of_awards_and_nominations_received_by_Woody_Allen", 42], ["List_of_awards_and_nominations_received_by_Woody_Allen", 38]]} +{"id": 211788, "predicted_label": "REFUTES", "predicted_evidence": [["The_Texas_Chainsaw_Massacre_-LRB-2003_film-RRB-", 1], ["The_Hitcher_-LRB-2007_film-RRB-", 3], ["Daniel_Pearl_-LRB-cinematographer-RRB-", 9], ["The_Hitcher_-LRB-2007_film-RRB-", 4], ["Eric_Brevig", 6]]} +{"id": 55398, "predicted_label": "REFUTES", "predicted_evidence": [["Pilot_-LRB-Homeland-RRB-", 4], ["Homeland_-LRB-TV_series-RRB-", 3], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["List_of_awards_and_nominations_received_by_Homeland", 1], ["Homeland_-LRB-TV_series-RRB-", 7]]} +{"id": 102689, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Eric_Church", 11], ["Luke_Laird", 1], ["Eric_Church", 0], ["2012_Country_Music_Association_Awards", 7], ["Luke_Laird", 2]]} +{"id": 150221, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_View_to_a_Kill", 1], ["A_View_to_a_Kill", 2], ["A_View_to_a_Kill", 9], ["A_View_to_a_Kill", 0], ["Licence_to_Kill", 13]]} +{"id": 17866, "predicted_label": "REFUTES", "predicted_evidence": [["Singing_Stewarts", 5], ["Singing_Stewarts", 0], ["Freddie_Lee_Peterkin", 19], ["Angelic_Gospel_Singers", 1], ["Angelic_Gospel_Singers", 0]]} +{"id": 93333, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Microbiologist", 14], ["Francesco_Dieli", 46], ["Francesco_Dieli", 48], ["American_Society_for_Reproductive_Immunology", 10], ["American_Society_for_Reproductive_Immunology", 5]]} +{"id": 146189, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_The_Daily_Show_episodes", 12], ["The_Daily_Show", 2], ["Jon_Stewart", 1], ["Trevor_Noah", 9], ["The_Daily_Show", 0]]} +{"id": 186320, "predicted_label": "SUPPORTS", "predicted_evidence": [["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 8], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 10], ["The_Hunchback_of_Notre_Dame_-LRB-musical-RRB-", 0], ["List_of_songs_about_Paris", 257], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 6]]} +{"id": 136665, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vanessa_A._Williams", 1], ["The_Real_Story_-LRB-TV_program-RRB-", 6], ["Artie_Kempner", 2], ["Caryl_Deyn_Korma", 2], ["Marcia_Cross", 2]]} +{"id": 134413, "predicted_label": "SUPPORTS", "predicted_evidence": [["Migos", 8], ["MC4_-LRB-mixtape-RRB-", 12], ["Yung_Rich_Nation", 2], ["More_Life", 5], ["No_Frauds", 1]]} +{"id": 26691, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Year's_Eve_-LRB-2011_film-RRB-", 7], ["Gay_Life_-LRB-TV_series-RRB-", 15], ["Ontario_Securities_Commission", 2], ["Dune_-LRB-film-RRB-", 14], ["No_Struggle_for_Existence,_No_Natural_Selection", 16]]} +{"id": 82315, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["Hermann_-LRB-name-RRB-", 40], ["Hermann_-LRB-name-RRB-", 62], ["Hermann_-LRB-name-RRB-", 155]]} +{"id": 74650, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["25th_International_Emmy_Awards", 1], ["The_Road_to_El_Dorado", 2], ["The_Road_to_El_Dorado", 8], ["The_Road_to_El_Dorado", 0], ["El_Dorado_AVA", 8]]} +{"id": 37881, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tenacious_D", 0], ["Tenacious_D", 6], ["Tenacious_D_-LRB-TV_series-RRB-", 0], ["Tenacious_D_-LRB-disambiguation-RRB-", 11], ["Tenacious_D_discography", 0]]} +{"id": 127366, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 10], ["Kingdom_of_Great_Britain", 3], ["Royal_Court_of_Scotland", 27], ["James_VI_and_I", 0], ["Kingdom_of_Great_Britain", 1]]} +{"id": 95864, "predicted_label": "SUPPORTS", "predicted_evidence": [["Caroline_Kennedy", 0], ["William_F._Hagerty", 1], ["Jason_Hyland", 1], ["Caroline_Kennedy", 17], ["Caroline_Kennedy", 4]]} +{"id": 149004, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 63], ["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 60], ["Camden,_New_Jersey", 0]]} +{"id": 139849, "predicted_label": "SUPPORTS", "predicted_evidence": [["2013_Owensboro_Rage_season", 13], ["Rage_Software", 0], ["Rage_Software", 17], ["Rage_Software", 14], ["Tom_Morello_discography", 23]]} +{"id": 37331, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Rosalind_Shand", 1], ["Shand", 16], ["Camilla,_Duchess_of_Cornwall", 6], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 4]]} +{"id": 118072, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abiogenesis", 33], ["History_of_Earth", 24], ["Biodiversity", 20], ["Introduction_to_evolution", 7], ["History_of_Earth", 13]]} +{"id": 150920, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 2], ["Pirates_of_the_Caribbean-COLON-_Dead_Men_Tell_No_Tales", 0], ["On_Stranger_Tides", 9], ["Pirates_of_the_Caribbean-COLON-_On_Stranger_Tides", 0], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 0]]} +{"id": 149973, "predicted_label": "SUPPORTS", "predicted_evidence": [["Archipelagic_state", 0], ["Kingdom_of_EnenKio", 10], ["Zewditu", 1], ["Politics_of_Cyprus", 8], ["Archipelagic_state", 8]]} +{"id": 1076, "predicted_label": "REFUTES", "predicted_evidence": [["1928_U.S._Open_-LRB-golf-RRB-", 22], ["Valo\u0301_Vila\u0301g_8", 0], ["Jones_House", 48], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 740], ["Jones_House", 190]]} +{"id": 56951, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["Matthew_Chapman_-LRB-author-RRB-", 7], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["The_Girl_Who_Came_Late", 0]]} +{"id": 151427, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rutgers_Law_School", 3], ["Camden,_New_Jersey", 40], ["Rutgers_Law_School", 5], ["John_Joseph_Kitchen", 4], ["Rutgers_University\u2013Newark", 3]]} +{"id": 179040, "predicted_label": "SUPPORTS", "predicted_evidence": [["Congressional_Space_Medal_of_Honor", 1], ["NASA_Distinguished_Service_Medal", 13], ["NASA_Space_Flight_Medal", 9], ["Congressional_Space_Medal_of_Honor", 9], ["John_Glenn", 7]]} +{"id": 225250, "predicted_label": "REFUTES", "predicted_evidence": [["Danielle_Cormack", 0], ["List_of_New_Zealand_actors", 31], ["Cormack_-LRB-surname-RRB-", 17], ["Cormack_-LRB-surname-RRB-", 43], ["List_of_New_Zealand_actors", 103]]} +{"id": 83559, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pulmuone", 6], ["TomTom", 5], ["Esco_-LRB-Singaporean_company-RRB-", 0], ["Sur_La_Table", 1], ["Esco_-LRB-Singaporean_company-RRB-", 3]]} +{"id": 38324, "predicted_label": "REFUTES", "predicted_evidence": [["Look_at_Life_-LRB-film-RRB-", 0], ["Radioland_Murders", 0], ["Lucas_-LRB-surname-RRB-", 127], ["Lucas_-LRB-surname-RRB-", 171], ["George_Lucas_-LRB-disambiguation-RRB-", 6]]} +{"id": 57057, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amiya_Chakravarty_-LRB-director-RRB-", 0], ["Amiya_Chakravarty_-LRB-director-RRB-", 2], ["Qaafiyaa", 57], ["Amiya_Chakravarty_-LRB-director-RRB-", 3], ["Radif", 5]]} +{"id": 213935, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Gray_Matter_Interactive", 1], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 6], ["Gray_Matter_Interactive", 5]]} +{"id": 80733, "predicted_label": "REFUTES", "predicted_evidence": [["Land_reclamation_in_Singapore", 12], ["Geography_of_Norway", 15], ["Angelsberg", 0], ["Geography_of_Norway", 11], ["Geography_of_Norway", 0]]} +{"id": 212199, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 0], ["Miracle_at_St._Anna", 16], ["Miracle_at_St._Anna", 14], ["Miracle_at_St._Anna", 2]]} +{"id": 183623, "predicted_label": "REFUTES", "predicted_evidence": [["Finding_Dory", 1], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["The_Longest_Whale_Song", 63], ["Finding_Dory", 0]]} +{"id": 203165, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polynesian_languages", 6], ["Niuean_language", 1], ["Outrigger_canoe", 15], ["Outrigger_canoe", 0], ["List_of_English_words_of_Polynesian_origin", 3]]} +{"id": 82934, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dirty_Sexy_Money", 3], ["Rina_Mimoun", 8], ["Riverdale_-LRB-2017_TV_series-RRB-", 2], ["Rina_Mimoun", 14], ["Rina_Mimoun", 7]]} +{"id": 226101, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bongwater_-LRB-novel-RRB-", 1], ["Andrew_Daulton_Lee", 15], ["Andrew_Daulton_Lee", 0], ["Robert_\"Bobby\"_Germaine", 11], ["Drug_Dealer", 0]]} +{"id": 144806, "predicted_label": "REFUTES", "predicted_evidence": [["Amyotrophic_lateral_sclerosis", 15], ["List_of_OMIM_disorder_codes", 305], ["List_of_OMIM_disorder_codes", 307], ["Amyotrophic_lateral_sclerosis", 0], ["List_of_OMIM_disorder_codes", 303]]} +{"id": 57138, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Traveling_Salesmen", 6], ["Dave_Shalansky", 6], ["The_Hollars", 0], ["Dave_Shalansky", 7], ["Lotto_-LRB-The_Office-RRB-", 2]]} +{"id": 70412, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Blue_Jasmine", 10], ["Blue_Jasmine", 5], ["Cate_Blanchett_on_screen_and_stage", 25], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Blue_Jasmine", 0]]} +{"id": 29580, "predicted_label": "SUPPORTS", "predicted_evidence": [["Restaurant_Gordon_Ramsay", 0], ["Gordon_Ramsay_at_Claridge's", 0], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 32], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 2], ["Gordon_Ramsay_at_Claridge's", 1]]} +{"id": 112889, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luxembourg", 44], ["Outline_of_Luxembourg", 15], ["Luxembourg", 38], ["Angelsberg", 0], ["Fischbach,_Mersch", 5]]} +{"id": 204434, "predicted_label": "REFUTES", "predicted_evidence": [["Brad_Wilk", 4], ["Rage_Against_the_Machine", 18], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6], ["Greta_-LRB-band-RRB-", 0]]} +{"id": 27307, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 16], ["Philomena_Lee", 1], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 19], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 11], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 10]]} +{"id": 149179, "predicted_label": "REFUTES", "predicted_evidence": [["The_Showbiz_Show_with_David_Spade", 0], ["Black_Sheep_-LRB-1996_film-RRB-", 0], ["Dan_Peters", 10], ["The_Showbiz_Show_with_David_Spade", 2], ["Black_Sheep_-LRB-rock_band-RRB-", 4]]} +{"id": 194346, "predicted_label": "SUPPORTS", "predicted_evidence": [["Happiness_in_Slavery", 2], ["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 6], ["World_Happiness_Report", 0], ["World_Happiness_Report", 10]]} +{"id": 192898, "predicted_label": "SUPPORTS", "predicted_evidence": [["We_Are_Young", 10], ["List_of_Billboard_Hot_100_number-one_singles_of_1995", 7], ["Rihanna_discography", 18], ["Beyonce\u0301_discography", 23], ["Celine_Dion_singles_discography", 44]]} +{"id": 26138, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boylston_-LRB-MBTA_station-RRB-", 0], ["Hynes_Convention_Center_-LRB-MBTA_station-RRB-", 0], ["Green_Line_\"B\"_Branch", 0], ["Hynes_Convention_Center_-LRB-MBTA_station-RRB-", 1], ["Green_Line_\"B\"_Branch", 3]]} +{"id": 160414, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Insulindia", 4], ["Ernest_He\u0301brard", 11], ["First_Indochina_War", 6], ["Indochina_Wars", 0]]} +{"id": 165871, "predicted_label": "SUPPORTS", "predicted_evidence": [["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 14], ["Joyce_Summers", 0], ["Xander_Harris", 2], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 13]]} +{"id": 70643, "predicted_label": "SUPPORTS", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Ultimate_Spider-Man", 16], ["Secret_War_-LRB-comics-RRB-", 1], ["Ultimate_Spider-Man", 11], ["Brian_Michael_Bendis", 0]]} +{"id": 12120, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["KDKA_Sports_Showdown", 14], ["Reality_television", 9], ["Reality_television", 0], ["AMGTV", 4]]} +{"id": 161565, "predicted_label": "SUPPORTS", "predicted_evidence": [["MoZella", 18], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Moulin_Rouge!_Music_from_Baz_Luhrmann's_Film", 1], ["MoZella", 9], ["The_Great_Gatsby_-LRB-disambiguation-RRB-", 18]]} +{"id": 36832, "predicted_label": "SUPPORTS", "predicted_evidence": [["Balkans", 0], ["Treaty_of_Zuhab", 6], ["Republic_of_Macedonia", 6], ["Macedonia_naming_dispute", 6], ["Macedonia_naming_dispute", 0]]} +{"id": 195381, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Digital_graffiti", 12], ["Mook_-LRB-graffiti_artist-RRB-", 6], ["Digital_graffiti", 0], ["Digital_graffiti", 9], ["Graffiti", 8]]} +{"id": 21607, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mega_Millions", 21], ["Progressive_jackpot", 0], ["Progressive_jackpot", 10], ["Cashola", 14], ["Mega_Millions", 5]]} +{"id": 28188, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rob_Halverson", 5], ["William_R._Huntington", 0], ["William_R._Huntington", 14], ["Fund_for_Reconciliation_and_Development", 1], ["Lawrence_Woodman", 10]]} +{"id": 138527, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 7], ["Norman_Jewison", 0], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1], ["The_Cincinnati_Kid", 0]]} +{"id": 142847, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kesha_v._Dr._Luke", 9], ["Kesha", 17], ["Kesha_v._Dr._Luke", 0], ["Your_Love_Is_My_Drug", 4], ["Kesha_v._Dr._Luke", 15]]} +{"id": 132858, "predicted_label": "REFUTES", "predicted_evidence": [["Delaware", 5], ["Mahe\u0301_district", 8], ["Van_Tassell,_Wyoming", 2], ["List_of_U.S._states_and_territories_by_population", 1], ["Vermont", 7]]} +{"id": 156025, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_women_with_ovarian_cancer", 297], ["June_-LRB-given_name-RRB-", 107], ["June_-LRB-given_name-RRB-", 127], ["List_of_women_with_ovarian_cancer", 211], ["June_-LRB-given_name-RRB-", 33]]} +{"id": 75220, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Furia,_Jr.", 8], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234], ["Edmund_Pendleton_-LRB-disambiguation-RRB-", 6], ["Edmund_H._Deas_House", 0], ["Edmund_H._Deas_House", 4]]} +{"id": 105796, "predicted_label": "SUPPORTS", "predicted_evidence": [["Geography_of_Afghanistan", 6], ["List_of_mountain_ranges_of_Pakistan", 15], ["List_of_mountain_ranges_of_Pakistan", 11], ["Geography_of_Afghanistan", 18], ["Hindu_Kush", 5]]} +{"id": 196750, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marnie_-LRB-disambiguation-RRB-", 10], ["Marnie_-LRB-disambiguation-RRB-", 8], ["Marni", 73], ["David_McKay_-LRB-actor-RRB-", 13], ["Marnie_-LRB-dog-RRB-", 1]]} +{"id": 61874, "predicted_label": "SUPPORTS", "predicted_evidence": [["Babylon_A.D._-LRB-band-RRB-", 3], ["Pete_Ganbarg", 14], ["Babylon_A.D._-LRB-band-RRB-", 14], ["Reid", 40], ["Havana_Mena", 5]]} +{"id": 149212, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 3], ["Laurence_Byrne", 1], ["Penguin_Modern_Poets", 0], ["Penguin_Books", 7], ["Penguin_Modern_Poets", 6]]} +{"id": 24078, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_S", 211], ["List_of_albums_containing_a_hidden_track-COLON-_S", 289], ["List_of_albums_containing_a_hidden_track-COLON-_S", 287], ["List_of_albums_containing_a_hidden_track-COLON-_S", 285], ["List_of_albums_containing_a_hidden_track-COLON-_S", 332]]} +{"id": 138514, "predicted_label": "REFUTES", "predicted_evidence": [["The_dress", 7], ["Gecko", 13], ["Farnsworth_Lantern_Test", 0], ["Ishihara_test", 6], ["Ishihara_test", 5]]} +{"id": 106859, "predicted_label": "SUPPORTS", "predicted_evidence": [["WrestleMania", 0], ["Starrcade", 0], ["Starrcade_-LRB-1983-RRB-", 0], ["WrestleMania", 4], ["WrestleMania", 2]]} +{"id": 64105, "predicted_label": "REFUTES", "predicted_evidence": [["Alaska", 5], ["List_of_mountain_passes_in_Wyoming_-LRB-K-Y-RRB-", 4], ["List_of_mountain_ranges_in_Wyoming", 4], ["Vermont", 7], ["List_of_states_and_territories_of_the_United_States", 33]]} +{"id": 227139, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["List_of_New_Orleans_Pelicans_seasons", 1], ["List_of_New_Orleans_Pelicans_head_coaches", 1], ["Southwest_Division_-LRB-NBA-RRB-", 0], ["Southwest_Division_-LRB-NBA-RRB-", 14]]} +{"id": 193856, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["Dick_Van_Dyke", 3], ["Van_Dyke", 18], ["Conny_Van_Dyke", 0]]} +{"id": 110629, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cheryl-COLON-_My_Story", 2], ["Choc_ice", 8], ["Promise_This", 4], ["Chris_Nathaniel", 42], ["Chris_Nathaniel", 29]]} +{"id": 86968, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prosenjit_Chatterjee", 15], ["Papa", 48], ["The_Take", 13], ["Paula_-LRB-1915_film-RRB-", 1], ["Delusion_-LRB-disambiguation-RRB-", 22]]} +{"id": 128295, "predicted_label": "REFUTES", "predicted_evidence": [["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Easy_to_Assemble", 7], ["Right_to_Kill?", 10], ["Right_to_Kill?", 6]]} +{"id": 126231, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bee_Gees", 6], ["Bee_Gees", 16], ["Tales_from_the_Brothers_Gibb", 14], ["Bee_Gees_Gold", 0], ["Bee_Gees_Gold", 2]]} +{"id": 106668, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jay_Cassidy", 4], ["Sid_Bradley", 5], ["Sid_Bradley", 6], ["Sid_Bradley", 7], ["Fair_Game_-LRB-2010_film-RRB-", 7]]} +{"id": 229312, "predicted_label": "REFUTES", "predicted_evidence": [["Pet", 0], ["Working_animal", 21], ["Working_animal", 0], ["Working_dog", 0], ["Donkey", 2]]} +{"id": 76166, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 60], ["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 63], ["Camden,_New_Jersey", 0]]} +{"id": 195812, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Weekly_Idol", 1], ["FNC_Entertainment", 7], ["Hyeong", 14]]} +{"id": 196959, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 19], ["Vincible_ignorance", 13], ["Diwali", 2], ["Sociology_of_scientific_ignorance", 1], ["Sociology_of_scientific_ignorance", 3]]} +{"id": 33645, "predicted_label": "REFUTES", "predicted_evidence": [["Narayan_nagbali", 11], ["Henry_II_of_France", 13], ["Narayan_nagbali", 5], ["Narayan_nagbali", 27], ["Henry_II_of_France", 0]]} +{"id": 100429, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 96], ["Frances_Grey_-LRB-actress-RRB-", 10], ["Frances_Grey_-LRB-actress-RRB-", 13], ["List_of_fictional_U.S._Marshals", 62], ["Frances_Grey_-LRB-actress-RRB-", 7]]} +{"id": 86550, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sonny_Digital", 1], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["I'm_Different", 3], ["I_Do_It_-LRB-2_Chainz_song-RRB-", 1], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1]]} +{"id": 124618, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avril_Lavigne", 15], ["Bad_Romance", 12], ["Avril_Lavigne", 10], ["Celine_Dion_albums_discography", 6], ["Celine_Dion_albums_discography", 13]]} +{"id": 175927, "predicted_label": "SUPPORTS", "predicted_evidence": [["Spider-Man", 2], ["Spider-Man_-LRB-2002_film-RRB-", 2], ["Ultimate_Spider-Man", 8], ["Charley's_Aunt_-LRB-disambiguation-RRB-", 3], ["Burglar_-LRB-comics-RRB-", 15]]} +{"id": 7184, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kellyanne_Conway", 12], ["Alternative_facts", 0], ["Conway_-LRB-surname-RRB-", 66], ["Bowling_Green_massacre", 0], ["Make_America_Number_1", 12]]} +{"id": 17657, "predicted_label": "SUPPORTS", "predicted_evidence": [["TakePart", 0], ["Gregorio_Gonza\u0301lez_Nicolini", 0], ["Participant_Media", 1], ["Samuel_Goldwyn_-LRB-disambiguation-RRB-", 12], ["Samuel_Goldwyn_-LRB-disambiguation-RRB-", 10]]} +{"id": 49849, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["1980_NBA_Finals", 11], ["Magic_Johnson_-LRB-disambiguation-RRB-", 0], ["1996_NBA_Playoffs", 5], ["Magic_Johnson_Enterprises", 2], ["1996_NBA_Playoffs", 7]]} +{"id": 203394, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Becoming_Jane_Austen", 5], ["A_Memoir_of_Jane_Austen", 8], ["Becoming_Jane_Austen", 1], ["Janeite", 8], ["D._A._Miller", 32]]} +{"id": 86584, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Renato_Balestra", 8], ["Renato_Balestra", 30], ["Renato_Balestra", 17], ["Renato_Balestra", 50], ["Renato_Balestra", 19]]} +{"id": 40361, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["New_South_Wales", 10], ["New_South_Wales", 14], ["List_of_British_Army_regiments_that_served_in_Australia_between_1810_and_1870", 2], ["List_of_British_Army_regiments_that_served_in_Australia_between_1810_and_1870", 10], ["John_Palmer_-LRB-Commissary_of_New_South_Wales-RRB-", 0]]} +{"id": 52868, "predicted_label": "SUPPORTS", "predicted_evidence": [["Indian_Army", 0], ["Indian_Army", 3], ["Indian_Army_during_World_War_II", 12], ["Indian_Army_during_World_War_II", 9], ["Indian_Army_during_World_War_II", 8]]} +{"id": 160814, "predicted_label": "SUPPORTS", "predicted_evidence": [["Juventus_Stadium", 0], ["List_of_Juventus_F.C._players", 5], ["List_of_Juventus_F.C._players", 3], ["List_of_Juventus_F.C._players", 0], ["List_of_Juventus_F.C._managers", 0]]} +{"id": 217215, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Revata", 32], ["Anathapindika", 156], ["Revata", 18], ["Revata", 6], ["Revata", 37]]} +{"id": 170955, "predicted_label": "SUPPORTS", "predicted_evidence": [["Smriti_Mandhana", 0], ["Asif_Saheer", 0], ["Asif_Saheer", 11], ["Mandhana", 3], ["Mandhana", 5]]} +{"id": 79414, "predicted_label": "SUPPORTS", "predicted_evidence": [["Urmila_Matondkar", 8], ["Sai_Bollywood_Film_City", 1], ["Urmila_Matondkar", 6], ["Sai_Bollywood_Film_City", 5], ["Abigail_Eames", 0]]} +{"id": 22480, "predicted_label": "REFUTES", "predicted_evidence": [["EA_Black_Box", 0], ["Need_for_Speed-COLON-_The_Run", 0], ["List_of_Need_for_Speed_video_games", 2], ["List_of_PlayStation_3_games_released_on_disc", 10043], ["List_of_PlayStation_3_games_released_on_disc", 10015]]} +{"id": 113298, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Sweet_Caroline", 13], ["Caroline_Kennedy", 4]]} +{"id": 61821, "predicted_label": "REFUTES", "predicted_evidence": [["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["List_of_Tottenham_Hotspur_F.C._players", 14], ["List_of_Tottenham_Hotspur_F.C._players", 0], ["Hotspur", 13], ["Bobby_Buckle", 22]]} +{"id": 94137, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Terry_Crews", 9], ["Terry_Crews", 3], ["Make_a_Smellmitment", 2], ["Make_a_Smellmitment", 8], ["Make_a_Smellmitment", 4]]} +{"id": 140463, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_Smith_-LRB-basketball,_born_1972-RRB-", 1], ["List_of_Washington_Wizards_head_coaches", 0], ["EJay_Day", 8], ["Little_Memphis_Blues_Orchestra", 6], ["2007\u201308_Cleveland_Cavaliers_season", 25]]} +{"id": 6017, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bernard_Williams_-LRB-producer-RRB-", 30], ["Archibald_Williams_-LRB-judge-RRB-", 27], ["Barbara_Becnel", 1], ["Walter_Williams_-LRB-painter-RRB-", 6], ["Stan_Williams", 19]]} +{"id": 180563, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Convict", 6], ["Convict", 1], ["Convict", 5], ["Hill_Head", 22], ["Hill_Head", 23]]} +{"id": 226143, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Out_Campaign", 27], ["Richard_Dawkins-COLON-_How_a_Scientist_Changed_the_Way_We_Think", 0], ["Richard_Dawkins", 16], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2]]} +{"id": 171605, "predicted_label": "REFUTES", "predicted_evidence": [["Syracuse,_New_York", 2], ["Charlestown_High_Bridge", 0], ["Syracuse,_New_York", 1], ["TourBook", 0], ["Syracuse,_New_York", 0]]} +{"id": 11730, "predicted_label": "REFUTES", "predicted_evidence": [["Harold_Macmillan", 0], ["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Night_of_the_Long_Knives_-LRB-1962-RRB-", 1]]} +{"id": 212203, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miracle_at_St._Anna", 2], ["German_military_brothels_in_World_War_II", 0], ["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 14], ["Miracle_at_St._Anna", 16]]} +{"id": 8983, "predicted_label": "SUPPORTS", "predicted_evidence": [["Zeebra", 1], ["Zeebra", 0], ["Hip_hop_music", 11], ["Hip-hop_feminism", 24], ["Hip-hop_feminism", 6]]} +{"id": 197357, "predicted_label": "SUPPORTS", "predicted_evidence": [["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 0], ["General_Simo\u0301n_Boli\u0301var_Municipality", 8]]} +{"id": 165267, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Balan_Nambiar", 16], ["Creative_Barcode", 13], ["Creative_Commons", 0], ["Creative_Barcode", 14]]} +{"id": 213947, "predicted_label": "REFUTES", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 4246, "predicted_label": "SUPPORTS", "predicted_evidence": [["Some_Hearts", 8], ["Some_Hearts", 6], ["Shane_Nicholson_-LRB-singer-RRB-", 26], ["Shane_Nicholson_-LRB-singer-RRB-", 19], ["Some_Hearts", 13]]} +{"id": 219278, "predicted_label": "SUPPORTS", "predicted_evidence": [["Infinity_chili", 0], ["Capsicum_chinense", 0], ["Bhut_jolokia", 1], ["Capsicum_baccatum", 9], ["Facing_heaven_pepper", 1]]} +{"id": 161564, "predicted_label": "SUPPORTS", "predicted_evidence": [["Strictly_Ballroom", 7], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 1], ["Nicole_Kidman_filmography", 0], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 2], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0]]} +{"id": 7358, "predicted_label": "REFUTES", "predicted_evidence": [["American_Idol_-LRB-season_14-RRB-", 8], ["Lost_-LRB-TV_series-RRB-", 15], ["Ghost_Whisperer_-LRB-season_5-RRB-", 7], ["Desperate_Housewives_-LRB-season_7-RRB-", 21], ["List_of_Veronica_Mars_episodes", 9]]} +{"id": 28406, "predicted_label": "REFUTES", "predicted_evidence": [["Elina_Kechicheva", 7], ["Neal_Street_Productions", 9], ["Cathy_Pill", 6], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Aftab_Sachak", 6]]} +{"id": 55821, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Black_Reel_Awards_of_2016", 4], ["Creed_-LRB-film-RRB-", 1], ["Black_Reel_Awards_of_2016", 8], ["Jared_Hedges", 7], ["Henry_Murphy_-LRB-politician-RRB-", 20]]} +{"id": 101661, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["California_Surf_Museum", 9], ["Faith_Fay", 10], ["California_Surf_Museum", 10], ["Bethany_House_-LRB-Laredo,_Texas-RRB-", 14], ["Bethany_House_-LRB-Laredo,_Texas-RRB-", 39]]} +{"id": 214272, "predicted_label": "REFUTES", "predicted_evidence": [["The_Fixxers", 13], ["Penicillin_on_Wax", 5], ["Penicillin_on_Wax", 8], ["The_Way_It's_Goin'_Down", 1], ["The_Fixxers", 3]]} +{"id": 183594, "predicted_label": "REFUTES", "predicted_evidence": [["Finding_Dory", 1], ["Finding_Nemo", 1], ["Pixar", 21], ["Finding_Nemo_-LRB-franchise-RRB-", 2], ["Andrew_Stanton", 0]]} +{"id": 88569, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Julie_Klausner", 4], ["Joel_Moss_Levinson", 16], ["Julie_Klausner", 12], ["Caplan", 20], ["Lizzy_the_Lezzy", 11]]} +{"id": 68103, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Diana,_Princess_of_Wales", 5], ["Ruth_Roche,_Baroness_Fermoy", 20], ["Diana,_Princess_of_Wales", 0], ["Diana_\u2013_The_People's_Princess", 3], ["Diana,_Princess_of_Wales", 12]]} +{"id": 19994, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lucien_Wercollier", 16], ["Lucien_Wercollier", 26], ["Angelsberg", 0], ["Fischbach,_Mersch", 5], ["Military_history_of_Luxembourg", 0]]} +{"id": 104632, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Need_for_Speed-COLON-_The_Run", 0], ["List_of_PlayStation_3_games_released_on_disc", 10029], ["Skate_2", 13], ["List_of_PlayStation_3_games_released_on_disc", 10043], ["List_of_PlayStation_3_games_released_on_disc", 10015]]} +{"id": 19169, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Norvergence", 42], ["Norvergence", 29], ["Poseidon_bubble", 14], ["Norvergence", 35]]} +{"id": 97597, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jones_House", 48], ["Jones_House", 190], ["List_of_NBA_All-Stars", 20], ["NBA_All-Star_Game_Most_Valuable_Player_Award", 25], ["List_of_NBA_All-Stars", 14]]} +{"id": 35043, "predicted_label": "SUPPORTS", "predicted_evidence": [["Riovic", 0], ["Kingfisher_plc", 0], ["Arcadia_Group", 0], ["Ian_Cheshire_-LRB-businessman-RRB-", 3], ["Riovic", 14]]} +{"id": 157949, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["YouTube_copyright_strike", 4], ["YouTube_Red", 8], ["YouTube_copyright_strike", 0], ["YouTube_Red", 1], ["YouTube_Red", 5]]} +{"id": 154989, "predicted_label": "SUPPORTS", "predicted_evidence": [["Poldark_-LRB-disambiguation-RRB-", 5], ["Ross_Poldark", 7], ["Ross_Poldark", 5], ["Poldark_-LRB-disambiguation-RRB-", 7], ["Poldark", 11]]} +{"id": 224366, "predicted_label": "REFUTES", "predicted_evidence": [["Southampton_F.C._Under-23s", 0], ["List_of_Southampton_F.C._players", 4], ["List_of_Southampton_F.C._players_-LRB-25\u201399_appearances-RRB-", 4], ["2016\u201317_Southampton_F.C._season", 0], ["2015\u201316_Southampton_F.C._season", 0]]} +{"id": 181121, "predicted_label": "SUPPORTS", "predicted_evidence": [["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2], ["Big_Brother_6_-LRB-U.S.-RRB-", 6], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 24], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 20]]} +{"id": 143803, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales", 5], ["Diana_Russell,_Duchess_of_Bedford", 0], ["Diana_Miller,_Countess_of_Me\u0301rtola", 13], ["Diana_Russell,_Duchess_of_Bedford", 3], ["Diana,_Princess_of_Wales", 0]]} +{"id": 112934, "predicted_label": "SUPPORTS", "predicted_evidence": [["Juventus_F.C.", 1], ["Logos_and_uniforms_of_the_Boston_Red_Sox", 0], ["List_of_Juventus_F.C._players", 5], ["Juventus_TV", 0], ["Logos_and_uniforms_of_the_Boston_Red_Sox", 2]]} +{"id": 108217, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Grinding_-LRB-dance-RRB-", 0], ["Grinding_-LRB-dance-RRB-", 8], ["Grinding_-LRB-dance-RRB-", 7], ["Aoi_-LRB-name-RRB-", 48], ["Haplogroup_D1_-LRB-Y-DNA-RRB-", 0]]} +{"id": 204333, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 8], ["Smoky_Hill_Chalk", 4], ["Marine_reptile", 12], ["Smoky_Hill_Chalk", 0], ["Marine_reptile", 8]]} +{"id": 152559, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Monster", 0], ["Sack_Man", 14], ["Sack_Man", 17], ["The_Hideous_Sun_Demon", 6], ["Sack_Man", 30]]} +{"id": 104982, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler", 2], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Cate_Blanchett_on_screen_and_stage", 10], ["Cate_Blanchett_on_screen_and_stage", 25]]} +{"id": 103778, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yale_University", 23], ["List_of_Brigham_Young_University_alumni", 0], ["List_of_Brigham_Young_University_alumni", 25], ["List_of_Brigham_Young_University_alumni", 4], ["Edwin_F._Blair", 0]]} +{"id": 175739, "predicted_label": "REFUTES", "predicted_evidence": [["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 10], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 12], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 3], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 18], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 0]]} +{"id": 184418, "predicted_label": "SUPPORTS", "predicted_evidence": [["Premam", 11], ["Chandramukhi", 12], ["Rajinikanth_filmography", 39], ["Premam", 10], ["Premam", 7]]} +{"id": 63999, "predicted_label": "SUPPORTS", "predicted_evidence": [["Britain's_Next_Top_Model", 0], ["ANTM", 3], ["Britain's_Next_Top_Model", 8], ["Lou_Gehrig", 10], ["Benelux'_Next_Top_Model", 3]]} +{"id": 195029, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dear_Girl_Tour", 0], ["Tranky_Doo", 23], ["Tranky_Doo", 59], ["Dear_Girl_Tour", 1], ["List_of_Ace_titles_in_second_G_series", 100]]} +{"id": 157934, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Global_warming", 13], ["Global_warming_hiatus", 23], ["Global_warming_hiatus", 0], ["Global_warming_controversy", 0], ["Hurricane_Katrina_and_global_warming", 17]]} +{"id": 103896, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Shadowhunters_episodes", 5], ["Shadowhunters", 5], ["Shadowhunters", 6], ["List_of_Shadowhunters_episodes", 6], ["This_Hour_Has_22_Minutes", 7]]} +{"id": 157018, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Dad", 0], ["Girls_Just_Want_to_Have_Fun_-LRB-film-RRB-", 0], ["Alan_Metter", 0], ["Billboard_Dad", 1], ["Alan_Metter", 1]]} +{"id": 115861, "predicted_label": "REFUTES", "predicted_evidence": [["2014_NBA_Playoffs", 14], ["2014_NBA_Playoffs", 13], ["John_James_Jones_House", 0], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 740], ["John_James_Jones_House", 3]]} +{"id": 78302, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ashley_Cole", 0], ["LA_Galaxy", 14], ["LA_Galaxy", 0], ["Cole_Frenzel", 6], ["Cole_Frenzel", 8]]} +{"id": 85190, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Battle_of_the_Sexes_-LRB-film-RRB-", 2], ["The_Favourite_-LRB-film-RRB-", 1], ["70th_British_Academy_Film_Awards", 5], ["70th_British_Academy_Film_Awards", 18], ["List_of_accolades_received_by_La_La_Land_-LRB-film-RRB-", 1]]} +{"id": 56523, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wildfang", 0], ["Megan_Rapinoe", 12], ["All-time_NHL_team_performance_list", 62], ["All-time_NHL_team_performance_list", 65], ["All-time_NHL_team_performance_list", 68]]} +{"id": 55230, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ambient_media", 20], ["Advertising", 13], ["Device_Management_Forum", 3], ["Device_Management_Forum", 0], ["Advertising", 0]]} +{"id": 209845, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Monty_Python_Matching_Tie_and_Handkerchief", 31], ["The_Monty_Python_Matching_Tie_and_Handkerchief", 0], ["The_Monty_Python_Matching_Tie_and_Handkerchief", 38], ["Tie_clip", 0], ["The_Monty_Python_Matching_Tie_and_Handkerchief", 8]]} +{"id": 41947, "predicted_label": "REFUTES", "predicted_evidence": [["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray_Gubler", 0], ["Gubler", 6], ["Laura_Dahl", 2], ["Matthew_Gray", 5]]} +{"id": 150648, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 10], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 12], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 30], ["James_VI_and_I", 0], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 8]]} +{"id": 63081, "predicted_label": "SUPPORTS", "predicted_evidence": [["1211_Avenue_of_the_Americas", 7], ["Rupert_Murdoch", 3], ["Fox_Sports", 2], ["21st_Century_Fox", 6], ["Fox_Sports", 0]]} +{"id": 207525, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hamad_Sa'b", 11], ["Hamad_Sa'b", 10], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 19], ["The_X_Factor_-LRB-UK_series_11-RRB-", 3]]} +{"id": 140316, "predicted_label": "SUPPORTS", "predicted_evidence": [["ICW_Heavyweight_Championship", 7], ["Randy_Savage", 0], ["Turning_Point_-LRB-2004_wrestling-RRB-", 8], ["World_War_3_-LRB-1995-RRB-", 6], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15]]} +{"id": 98406, "predicted_label": "REFUTES", "predicted_evidence": [["Tia_Maria", 1], ["Gin", 0], ["Plymouth_Gin_Distillery", 20], ["Gin", 3], ["Gin_palace", 3]]} +{"id": 181213, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Southpaw_stance", 1], ["Osmay_Acosta", 3], ["Southpaw_stance", 0], ["Southpaw_Entertainment", 3], ["Southpaw_stance", 2]]} +{"id": 28235, "predicted_label": "SUPPORTS", "predicted_evidence": [["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Confessions_of_Aleister_Crowley", 0], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 1]]} +{"id": 197375, "predicted_label": "SUPPORTS", "predicted_evidence": [["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 5], ["Simo\u0301n_Boli\u0301var,_Miranda", 0]]} +{"id": 204037, "predicted_label": "REFUTES", "predicted_evidence": [["Ishq_Par_Zor_Nahin", 0], ["Love_Love_Love_-LRB-1989_film-RRB-", 0], ["Love_Love_Love_-LRB-1989_film-RRB-", 6], ["Love_Love_Love_-LRB-1989_film-RRB-", 3], ["Humko_Deewana_Kar_Gaye", 2]]} +{"id": 98066, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marco_Polo_-LRB-opera-RRB-", 3], ["Early_western_influence_in_Fujian", 12], ["In_the_Footsteps_of_Marco_Polo", 0], ["Marco_Polo_Cycling_Club", 22], ["Polo_-LRB-surname-RRB-", 5]]} +{"id": 179288, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tylenol_-LRB-brand-RRB-", 0], ["Shoulder_problem", 6], ["Subacromial_bursitis", 4], ["Hypercompetition", 8], ["Robert_L._McNeil,_Jr.", 18]]} +{"id": 84783, "predicted_label": "REFUTES", "predicted_evidence": [["Marco_Polo", 0], ["In_the_Footsteps_of_Marco_Polo", 0], ["Marco_Polo_Cycling_Club", 22], ["Marco_Polo_-LRB-opera-RRB-", 3], ["Marco_Polo_-LRB-opera-RRB-", 0]]} +{"id": 116064, "predicted_label": "REFUTES", "predicted_evidence": [["Born_to_Raise_Hell_-LRB-Moto\u0308rhead_song-RRB-", 1], ["Brian_Lemmy", 5], ["Lemmy", 2], ["Headgirl", 12], ["Brian_Lemmy", 1]]} +{"id": 146015, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 13], ["Phillauri_-LRB-film-RRB-", 2], ["The_Ring_-LRB-2017_film-RRB-", 1], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Phillauri_-LRB-film-RRB-", 0]]} +{"id": 149087, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Affiliated_High_School_of_Peking_University", 12], ["Beijing_International_MBA_at_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 5], ["Affiliated_High_School_of_Peking_University", 0], ["Yenching_Academy", 6]]} +{"id": 130593, "predicted_label": "REFUTES", "predicted_evidence": [["Mock_-LRB-surname-RRB-", 30], ["Mad_Dog_Coll", 0], ["Raymond_Patriarca,_Jr.", 1], ["Louie_Sam", 1], ["Mock_-LRB-surname-RRB-", 6]]} +{"id": 181126, "predicted_label": "SUPPORTS", "predicted_evidence": [["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 2], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 24], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 20], ["Burgo_de_Osma-Ciudad_de_Osma", 0]]} +{"id": 43905, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 0], ["Busselskabet_Aarhus_Sporveje", 1], ["Administrative_divisions_of_Aarhus_Municipality", 3], ["New_Forests_of_Aarhus", 34], ["Administrative_divisions_of_Aarhus_Municipality", 16]]} +{"id": 108547, "predicted_label": "REFUTES", "predicted_evidence": [["Ed_Wood_bibliography", 118], ["Ed_Wood_-LRB-film-RRB-", 0], ["Dr._Acula", 22], ["Edward_Wood", 0], ["Ed_Wood_-LRB-film-RRB-", 6]]} +{"id": 30144, "predicted_label": "SUPPORTS", "predicted_evidence": [["Winthrop_-LRB-crater-RRB-", 1], ["Sayyeshaa", 0], ["Gaurav_Rajmohan_Narayan_Singh_-LRB-Hrithik_Singh-RRB-", 10], ["Akhil_Akkineni", 1], ["Akhil_Akkineni", 2]]} +{"id": 165245, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Balan_Nambiar", 16], ["Creative_Barcode", 13], ["Creative_Commons", 0], ["Creative_Barcode", 14]]} +{"id": 198042, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Pyramid_Club", 20], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 179004, "predicted_label": "REFUTES", "predicted_evidence": [["Steve_Ditko", 3], ["Charlton_Neo", 0], ["Captain_Glory", 11], ["The_Thing!", 12], ["Charlton_Neo", 2]]} +{"id": 170953, "predicted_label": "REFUTES", "predicted_evidence": [["Smriti_Mandhana", 0], ["Manav_Nyaya_Shastra", 3], ["Tees_January_Road", 8], ["Tees_January_Road", 4], ["Tees_January_Road", 3]]} +{"id": 200375, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greatest_Hits_-LRB-Blink-182_album-RRB-", 3], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 4], ["Heaven_&_Hell_-LRB-band-RRB-", 4], ["The_Best_of_Black_Sabbath", 7]]} +{"id": 165229, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Machiavelli_and_the_Four_Seasons", 22], ["Dysgraphia", 1], ["Dysgraphia", 13], ["Word_recognition", 0]]} +{"id": 64812, "predicted_label": "SUPPORTS", "predicted_evidence": [["Butch_Brandau", 8], ["Butch_Brandau", 6], ["Isla_Fisher", 6], ["Frances_Fisher", 6], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5]]} +{"id": 172747, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Spirit_of_Surfing", 15], ["Twin_Lakes_Beach,_Manitoba", 71], ["Spirit_of_Surfing", 36], ["Spirit_of_Surfing", 22], ["Spirit_of_Surfing", 34]]} +{"id": 51242, "predicted_label": "REFUTES", "predicted_evidence": [["Azusa_13", 26], ["Azusa_13", 28], ["Gangs_in_Memphis,_Tennessee", 5], ["Gangs_in_the_United_Kingdom", 15], ["Gangs_in_the_United_Kingdom", 16]]} +{"id": 16768, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michael_Silver", 2], ["Black_Reel_Awards_of_2016", 8], ["Black_Reel_Awards_of_2016", 4], ["One_Nation_Under_God_-LRB-film-RRB-", 1], ["Jared_Hedges", 7]]} +{"id": 126338, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alternative_facts", 0], ["Rebekah_Mercer_-LRB-donor-RRB-", 20], ["Conway_-LRB-surname-RRB-", 66], ["Bowling_Green_massacre", 0], ["Make_America_Number_1", 12]]} +{"id": 29384, "predicted_label": "REFUTES", "predicted_evidence": [["Augustus", 11], ["Augustus", 41], ["Augustus", 0], ["Alberto_Tarchiani", 3], ["Alberto_Tarchiani", 0]]} +{"id": 58514, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_M", 97], ["List_of_albums_containing_a_hidden_track-COLON-_D", 275], ["List_of_albums_containing_a_hidden_track-COLON-_S", 350], ["List_of_albums_containing_a_hidden_track-COLON-_M", 263], ["List_of_albums_containing_a_hidden_track-COLON-_B", 395]]} +{"id": 88427, "predicted_label": "REFUTES", "predicted_evidence": [["Sleipnir", 11], ["In_the_Groove_2", 18], ["In_the_Groove_2", 16], ["In_the_Groove_2", 17], ["Sleipnir", 6]]} +{"id": 60567, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nuuk_TV", 0], ["Nuuk_TV", 9], ["Nuuk_TV", 4], ["Aqqusinersuaq", 5], ["Nuuk_Airport", 0]]} +{"id": 180566, "predicted_label": "REFUTES", "predicted_evidence": [["Swordfish_-LRB-film-RRB-", 1], ["Chris_Atkins_-LRB-filmmaker-RRB-", 8], ["Chris_Atkins_-LRB-filmmaker-RRB-", 19], ["CD99", 0], ["Swordfish_-LRB-film-RRB-", 0]]} +{"id": 143862, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aaron_Burr", 9], ["Burr_-LRB-surname-RRB-", 6], ["Aaron_Burr", 16], ["United_States_presidential_election,_1800", 23], ["United_States_presidential_election,_1800", 17]]} +{"id": 85646, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-White_Collar-RRB-", 2], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Lefty_O'Doul_Bridge", 18], ["Nomis_-LRB-film-RRB-", 1], ["Anthony_Meindl", 20]]} +{"id": 48016, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Mod_Squad", 0], ["Peggy_Lipton", 1], ["Garrison's_Gorillas", 4], ["Funky_Squad", 0], ["Jo_Ann_Harris", 7]]} +{"id": 208139, "predicted_label": "SUPPORTS", "predicted_evidence": [["Loving_You_Is_Easy", 21], ["Loving_You_Is_Easy", 23], ["Loving_You_Is_Easy", 25]]} +{"id": 141578, "predicted_label": "SUPPORTS", "predicted_evidence": [["Advertising", 0], ["Diatribe_-LRB-album-RRB-", 0], ["Diatribe", 6], ["Denying_the_Holocaust", 5], ["Advertising", 3]]} +{"id": 203007, "predicted_label": "REFUTES", "predicted_evidence": [["Lockheed_Martin", 4], ["Bobby_Mehta", 14], ["Fred_Moosally", 0], ["Chris_Kubasik", 23], ["Bobby_Mehta", 15]]} +{"id": 212198, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miracle_at_St._Anna", 2], ["Countess_Palatine_Maria_Anna_of_Neuburg", 12], ["Countess_Palatine_Maria_Anna_of_Neuburg", 0], ["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 16]]} +{"id": 137790, "predicted_label": "REFUTES", "predicted_evidence": [["Rock_Band_Network", 8], ["Rock_Band", 6], ["List_of_downloadable_songs_for_the_Rock_Band_series", 12], ["List_of_songs_in_Rock_Band_2", 18], ["List_of_downloadable_songs_for_the_Rock_Band_series", 16]]} +{"id": 48980, "predicted_label": "SUPPORTS", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["1993\u201394_Mighty_Ducks_of_Anaheim_season", 2], ["Dan_Trebil", 12], ["Chris_O'Sullivan", 25], ["D2-COLON-_The_Mighty_Ducks", 2]]} +{"id": 8550, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fabian_Gottlieb_von_Bellingshausen", 10], ["Mirny", 36], ["Fabian_Gottlieb_von_Bellingshausen", 17], ["Fabian_Gottlieb_von_Bellingshausen", 6], ["Mirny_Urban_Settlement", 3]]} +{"id": 98436, "predicted_label": "REFUTES", "predicted_evidence": [["Jane_Bryan", 4], ["2HB", 4], ["Marked_Woman", 9], ["Marked_Woman", 1], ["The_Desperate_Hours_-LRB-film-RRB-", 0]]} +{"id": 172763, "predicted_label": "REFUTES", "predicted_evidence": [["L.A._Comedy_Shorts_Film_Festival", 1], ["Comedy_horror", 2], ["Prop_comedy", 0], ["Comedy_of_remarriage", 11], ["Formula_fiction", 17]]} +{"id": 119878, "predicted_label": "REFUTES", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["Hot_n_Cold", 1], ["List_of_songs_recorded_by_Katy_Perry", 9], ["Katy_Perry_videography", 19], ["Katy_Perry", 18]]} +{"id": 32796, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vivek_Mushran", 2], ["Vivek_Mushran", 3], ["The_Six_Wives_of_Henry_VIII", 4], ["Vivek_Mushran", 7], ["Catherine_of_Aragon", 5]]} +{"id": 160391, "predicted_label": "REFUTES", "predicted_evidence": [["Juventus_F.C.", 1], ["List_of_Juventus_F.C._players", 5], ["Juventus_TV", 0], ["HJ_Magazine", 0], ["List_of_Juventus_F.C._players", 0]]} +{"id": 1233, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chalk_Mountain,_Texas", 3], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["Adremy_Dennis", 19], ["Kyle_-LRB-surname-RRB-", 22], ["American_Sniper", 1]]} +{"id": 69562, "predicted_label": "REFUTES", "predicted_evidence": [["Kellogg's", 6], ["The_Art_of_Massage", 4], ["The_Art_of_Massage", 3], ["The_Art_of_Massage", 31], ["The_Art_of_Massage", 58]]} +{"id": 68569, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_foreign_delegations_at_the_22nd_Japanese_Communist_Party_Congress", 64], ["1960_International_Meeting_of_Communist_and_Workers_Parties", 138], ["List_of_foreign_delegations_at_the_9th_SED_Congress", 214], ["Communist_Party_of_Lesotho", 5], ["Communist_Party_of_Lesotho", 4]]} +{"id": 182272, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_-LRB-store-RRB-", 0], ["Saturn_IB", 0], ["Moons_of_Saturn", 21], ["Sade_Sati", 29]]} +{"id": 106443, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cerebral_cortex", 12], ["Cerebral_cortex", 8], ["Brain", 19], ["Human_brain", 0], ["Cerebral_cortex", 9]]} +{"id": 79688, "predicted_label": "REFUTES", "predicted_evidence": [["Men_in_Black_3", 2], ["Men_in_Black_II", 3], ["Men_in_Black_II", 0], ["Men_in_Black_II", 1], ["Men_in_Black_3", 0]]} +{"id": 98, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Got_You_Babe_/_Soda_Pop", 0], ["I_Got_You_Babe_/_Soda_Pop", 2], ["All_the_Way_-LRB-Craig_David_song-RRB-", 5], ["List_of_awards_and_nominations_received_by_Craig_David", 225], ["Todd_and_the_Book_of_Pure_Evil", 2]]} +{"id": 54983, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ichabod_Crane_Central_School_District", 13], ["Presidency_of_Martin_Van_Buren", 0], ["Ichabod_Crane_Central_School_District", 3], ["1835_Democratic_National_Convention", 16], ["Martin_Van_Buren", 0]]} +{"id": 112264, "predicted_label": "SUPPORTS", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 8], ["Renato_Balestra", 46], ["Renato_Balestra", 19], ["Renato_Balestra", 30]]} +{"id": 109073, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["List_of_baseball_parks_used_in_film_and_television", 254], ["List_of_fictional_U.S._Marshals", 51], ["List_of_Ace_titles_in_numeric_series", 968]]} +{"id": 78072, "predicted_label": "SUPPORTS", "predicted_evidence": [["Washington_Wizards", 12], ["2002\u201303_Washington_Wizards_season", 4], ["2016\u201317_Washington_Wizards_season", 4], ["2016\u201317_Washington_Wizards_season", 8], ["Washington_Wizards", 0]]} +{"id": 85379, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civilization_IV-COLON-_Beyond_the_Sword", 0], ["Civilization_IV", 14], ["Sid_Meier's_Civilization_board_game", 5], ["Civilization_IV", 12], ["Civilization_IV", 1]]} +{"id": 83010, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_That_'70s_Show_home_video_releases", 20], ["Ashton_Kutcher", 8], ["Ashton_Kutcher", 4], ["List_of_That_'70s_Show_home_video_releases", 9], ["Ashton_-LRB-given_name-RRB-", 6]]} +{"id": 30023, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dr._Acula", 22], ["Ed_Wood_-LRB-film-RRB-", 0], ["Ed_Wood_-LRB-film-RRB-", 11], ["Conrad_Brooks", 7], ["Ed_Wood_-LRB-film-RRB-", 10]]} +{"id": 183589, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pixar", 10], ["Pixar", 6], ["Pixar", 16], ["Erik_Bergman_-LRB-Lutheran_minister-RRB-", 11], ["Erik_Bergman_-LRB-Lutheran_minister-RRB-", 0]]} +{"id": 225316, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michaela_Watkins", 0], ["Casual_-LRB-TV_series-RRB-", 1], ["Watkins_-LRB-surname-RRB-", 18], ["Watkins_-LRB-surname-RRB-", 98], ["Watkins_-LRB-surname-RRB-", 0]]} +{"id": 103333, "predicted_label": "REFUTES", "predicted_evidence": [["Patsy_Smart", 3], ["Danger_UXD", 5], ["Maurice_Roe\u0308ves", 3], ["Royston_Tickner", 10], ["UXB", 7]]} +{"id": 147199, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_J._Osborne", 12], ["Michael_J._Osborne", 41], ["Michael_J._Osborne", 3], ["Ann_Richards_School_for_Young_Women_Leaders", 1], ["Ann_Richards_School_for_Young_Women_Leaders", 0]]} +{"id": 183583, "predicted_label": "SUPPORTS", "predicted_evidence": [["Donald_Krim", 4], ["Leviathan_-LRB-2014_film-RRB-", 0], ["Pixar", 10], ["Pixar", 6], ["Finding_Dory", 0]]} +{"id": 10146, "predicted_label": "SUPPORTS", "predicted_evidence": [["20th_Century_Fox_Home_Entertainment", 0], ["20th_Century_Fox", 0], ["20th_Century_Fox_-LRB-disambiguation-RRB-", 10], ["Fox_Music", 22], ["20th_Century_Fox_-LRB-disambiguation-RRB-", 8]]} +{"id": 161570, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nicole_Kidman", 9], ["Baz_Luhrmann", 2], ["Romeo_+_Juliet", 0], ["Baz_Luhrmann", 0], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0]]} +{"id": 214267, "predicted_label": "REFUTES", "predicted_evidence": [["Born_and_Raised_in_Compton", 0], ["Born_and_Raised_in_Compton", 3], ["The_Way_It's_Goin'_Down", 1], ["The_Fixxers", 3], ["DJ_Quixotic", 12]]} +{"id": 105046, "predicted_label": "SUPPORTS", "predicted_evidence": [["NRG_Recording_Studios", 0], ["The_Only_Way_Out", 1], ["Barb_Wire_Dolls", 32], ["A_Thousand_Suns", 4], ["NRG", 27]]} +{"id": 226153, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Dawkins", 16], ["Out_Campaign", 27], ["Dawkins", 38], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2]]} +{"id": 186599, "predicted_label": "SUPPORTS", "predicted_evidence": [["Asylum_Records", 0], ["The_Boy_Does_Nothing", 4], ["Covered,_A_Revolution_in_Sound", 4], ["Ruba\u0301iya\u0301t-COLON-_Elektra's_40th_Anniversary", 1], ["Prisoner_in_Disguise", 0]]} +{"id": 58372, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Choice", 1], ["Listings_magazine", 0], ["TV_Guide_-LRB-Canada-RRB-", 4], ["TV-nytt", 5], ["TV-nytt", 16]]} +{"id": 134135, "predicted_label": "REFUTES", "predicted_evidence": [["Linkin_Park_discography", 8], ["List_of_awards_and_nominations_received_by_Linkin_Park", 9], ["Meteora_-LRB-album-RRB-", 0], ["Meteora_-LRB-album-RRB-", 9], ["List_of_songs_recorded_by_Linkin_Park", 52]]} +{"id": 206164, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Midwestern_Greenhouse_Gas_Reduction_Accord", 0], ["Midwestern_Greenhouse_Gas_Reduction_Accord", 21], ["Midwestern_Greenhouse_Gas_Reduction_Accord", 12], ["Midwestern_Greenhouse_Gas_Reduction_Accord", 22], ["Midwestern_Greenhouse_Gas_Reduction_Accord", 16]]} +{"id": 94162, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_bomber_aircraft", 881], ["List_of_bomber_aircraft", 957], ["List_of_bomber_aircraft", 1277], ["Index_of_World_War_II_articles_-LRB-F-RRB-", 80], ["Index_of_World_War_II_articles_-LRB-B-RRB-", 1033]]} +{"id": 119033, "predicted_label": "SUPPORTS", "predicted_evidence": [["Blog_for_America", 1], ["Seinfeld", 8], ["List_of_women_with_ovarian_cancer", 127], ["Marjorie_Gross", 0], ["Marjorie", 136]]} +{"id": 129460, "predicted_label": "REFUTES", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Insecure_-LRB-TV_series-RRB-", 0], ["Dr._Horrible's_Sing-Along_Blog", 10], ["Issa_Rae", 1], ["Issa_Rae", 6]]} +{"id": 202460, "predicted_label": "REFUTES", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 12], ["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0]]} +{"id": 170423, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Martin_-LRB-lawyer-RRB-", 8], ["Billy_Martin_-LRB-lawyer-RRB-", 7], ["2007_Atlanta_Falcons_season", 4], ["Madden_NFL_2004", 1], ["2007_Atlanta_Falcons_season", 10]]} +{"id": 117369, "predicted_label": "SUPPORTS", "predicted_evidence": [["Phantoscope", 8], ["Human_Remains_-LRB-Hell_album-RRB-", 72], ["A_River_Runs_Through_It", 3], ["Bagua_Province", 11], ["A_River_Runs_Through_It", 5]]} +{"id": 99932, "predicted_label": "REFUTES", "predicted_evidence": [["Stella_Richman", 19], ["Arfon_Griffiths", 0], ["Griffiths", 123], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 186884, "predicted_label": "REFUTES", "predicted_evidence": [["Celine_Dion_singles_discography", 32], ["Whitney_Houston_discography", 26], ["Eminem_discography", 31], ["Whitney_Houston_discography", 15], ["Norah_Jones_discography", 6]]} +{"id": 128975, "predicted_label": "REFUTES", "predicted_evidence": [["White_House_Press_Secretary", 0], ["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3], ["Robert_Gibbs", 11]]} +{"id": 192856, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 6], ["Ian_Brennan", 4], ["Ian_Brennan", 0], ["Ian_Brennan", 8], ["Ian_Brennan", 2]]} +{"id": 136148, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_women_with_ovarian_cancer", 127], ["Marjorie_Gross", 0], ["Seinfeld", 8], ["Marjorie", 136], ["Marjorie", 240]]} +{"id": 129753, "predicted_label": "SUPPORTS", "predicted_evidence": [["Folk_metal", 0], ["List_of_gothic_metal_bands", 1], ["Grammy_Award_for_Best_Metal_Performance", 0], ["List_of_gothic_metal_bands", 2], ["Heavy_metal_lyrics", 0]]} +{"id": 84702, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tim_Nielsen", 8], ["Benny_Nielsen_-LRB-footballer-RRB-", 2], ["Tim_Nielsen", 1], ["Eigil_Nielsen_-LRB-footballer,_born_1918-RRB-", 9], ["Walt_Nielsen", 5]]} +{"id": 226116, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gilles_-LRB-given_name-RRB-", 268], ["List_of_people_involved_with_the_French_Resistance", 87], ["List_of_people_involved_with_the_French_Resistance", 229], ["List_of_people_involved_with_the_French_Resistance", 223], ["Gilles_-LRB-given_name-RRB-", 96]]} +{"id": 165864, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joyce_Summers", 1], ["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 13]]} +{"id": 91414, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Microbiologist", 14], ["Microbiologist", 7], ["Microorganism", 10], ["Marine_microorganism", 7], ["Microbiologist", 4]]} +{"id": 126533, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billie_Joe", 2], ["Radio_Radio_Radio", 7], ["The_Influents", 11], ["Pinhead_Gunpowder", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 142161, "predicted_label": "REFUTES", "predicted_evidence": [["Bruno_Echagaray", 11], ["Neuberg_formula", 16], ["Neuberg_formula", 0], ["Match_Point", 9], ["Match_point", 3]]} +{"id": 187315, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Diana,_Princess_of_Wales", 0], ["Diana,_Princess_of_Wales", 10], ["Diana_\u2013_The_People's_Princess", 31], ["Diana,_Princess_of_Wales", 12], ["Diana_\u2013_The_People's_Princess", 3]]} +{"id": 84860, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prevalence_of_rabies", 13], ["Lagos_bat_virus", 2], ["Rabies_virus", 0], ["Prevalence_of_rabies", 8], ["Rabies_immunoglobulin", 0]]} +{"id": 44223, "predicted_label": "REFUTES", "predicted_evidence": [["Logtown,_Mississippi", 19], ["Lake_Alaotra", 18], ["Hannah\u2013Snowflake_Border_Crossing", 4], ["History_of_the_United_Kingdom_during_the_First_World_War", 6], ["Lewis_turning_point", 9]]} +{"id": 170406, "predicted_label": "REFUTES", "predicted_evidence": [["Arthur_Vick", 3], ["Arthur_Vick", 7], ["Billy_Martin_-LRB-lawyer-RRB-", 16], ["Marcus_Vick", 8], ["Billy_Martin_-LRB-lawyer-RRB-", 8]]} +{"id": 57021, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rupert_Grint", 1], ["Caio_Ce\u0301sar", 26], ["Caio_Ce\u0301sar", 8], ["Rupert_Grint", 0], ["Null_allele", 16]]} +{"id": 87976, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Disney's_Fantillusion", 1], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 8]]} +{"id": 153578, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 7], ["Al_Morgan", 36], ["Jose\u0301_Ferrer", 4], ["Jose\u0301_Ferrer", 0], ["Rafael_Ferrer_-LRB-actor-RRB-", 3]]} +{"id": 130849, "predicted_label": "REFUTES", "predicted_evidence": [["Pan's_Labyrinth", 0], ["Del_Toro_-LRB-surname-RRB-", 12], ["Guillermo_del_Toro", 0], ["Sundown_-LRB-video_game-RRB-", 1], ["Mimic_-LRB-film-RRB-", 0]]} +{"id": 122901, "predicted_label": "REFUTES", "predicted_evidence": [["Mutt_and_Jeff_live-action_filmography", 0], ["Second_Triumvirate_-LRB-Argentina-RRB-", 0], ["Frank_Putnam_Flint", 7], ["Team_Strawberry", 2], ["Slow_Poke", 34]]} +{"id": 202941, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 8], ["Avenged_Sevenfold", 10], ["Hail_to_the_King_-LRB-Avenged_Sevenfold_album-RRB-", 0], ["Avenged_Sevenfold", 6]]} +{"id": 141613, "predicted_label": "SUPPORTS", "predicted_evidence": [["AFC_East", 19], ["List_of_Nashville_Sounds_seasons", 15], ["AFC_East", 15], ["List_of_Washington_Wizards_head_coaches", 0], ["Washington_Wizards", 0]]} +{"id": 203386, "predicted_label": "SUPPORTS", "predicted_evidence": [["Goosebumps_-LRB-film-RRB-", 1], ["Ed_Wood_-LRB-film-RRB-", 5], ["The_People_vs._Larry_Flynt", 4], ["Mars_Attacks!", 9], ["American_Crime_Story", 11]]} +{"id": 119718, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Carl_Hans_Lody", 22], ["List_of_Japanese_spies,_1930\u201345", 5], ["Austin_Roe", 0], ["Craig_Green_-LRB-designer-RRB-", 6], ["Topman", 1]]} +{"id": 90754, "predicted_label": "SUPPORTS", "predicted_evidence": [["Damon_Albarn", 17], ["Lonely_Press_Play", 0], ["Mr_Tembo", 0], ["Jeff_Wootton", 7], ["Jeff_Wootton", 10]]} +{"id": 7262, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Clash_of_Super_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Infinite", 11], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom-COLON-_Infinite", 0]]} +{"id": 200391, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_DeLonge", 4], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Box_Car_Racer", 1], ["Tom_DeLonge", 11], ["Blink-182", 2]]} +{"id": 22310, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Portlandia_characters", 0], ["The_8G_Band", 1], ["List_of_Saturday_Night_Live_musical_sketches", 50], ["List_of_Saturday_Night_Live_musical_sketches", 54], ["Saturday_Night_Live_characters_appearing_on_Weekend_Update", 116]]} +{"id": 101722, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jab_Tak_Hai_Jaan", 16], ["Filmfare_Award_for_Best_Actress", 0], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Filmfare_Award_for_Best_Actress", 35], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 14]]} +{"id": 202942, "predicted_label": "REFUTES", "predicted_evidence": [["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8], ["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 17], ["Avenged_Sevenfold_discography", 11]]} +{"id": 108705, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joe_Rogan", 7], ["Brendan_Schaub", 3], ["Bryan_Callen", 3], ["The_Joe_Rogan_Experience", 0], ["Joe_Rogan", 13]]} +{"id": 226121, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Dawkins", 16], ["Out_Campaign", 27], ["God's_utility_function", 39], ["Over_Norton_Park", 2], ["Dawkins", 38]]} +{"id": 59520, "predicted_label": "REFUTES", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["Fanning_-LRB-surname-RRB-", 10], ["I_Am_Sam", 11], ["I_Am_Sam", 0], ["Dakota_Fanning", 0]]} +{"id": 62971, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lincoln_Borglum", 1], ["Borglum", 11], ["Lincoln_Borglum_Museum", 0], ["Lincoln_Borglum_Museum", 4], ["Mount_Rushmore", 13]]} +{"id": 129063, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Sparticle_Mystery", 11], ["Annette_Badland", 1], ["Grace_Mandeville", 0], ["Babe_Smith", 0], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5]]} +{"id": 56512, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_-LRB-surname-RRB-", 52], ["Edmund_H._Deas_House", 4], ["Edmund_H._Deas_House", 0], ["Edmund_Garrett", 3], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234]]} +{"id": 111993, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amiya_Chakravarty_-LRB-director-RRB-", 1], ["Army_Public_School,_Dagshai", 6], ["Dagshai", 9], ["Amiya_Chakravarty_-LRB-director-RRB-", 3], ["Radif", 5]]} +{"id": 89461, "predicted_label": "SUPPORTS", "predicted_evidence": [["Old_Tom_Gin", 0], ["Damson_gin", 5], ["Old_Tom_Gin", 15], ["Gin_palace", 7], ["Gin_palace", 3]]} +{"id": 109533, "predicted_label": "REFUTES", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Blue_Bayou_Restaurant", 9], ["Blue_Bayou_Restaurant", 13]]} +{"id": 73716, "predicted_label": "REFUTES", "predicted_evidence": [["Psych", 0], ["List_of_awards_and_nominations_received_by_Psych", 0], ["List_of_Psych_episodes", 0], ["Doctor_of_Psychology", 0], ["The_Linus_Pauling_Quartet", 23]]} +{"id": 137391, "predicted_label": "REFUTES", "predicted_evidence": [["Jacques_Ferrand", 1], ["Melancholia_-LRB-disambiguation-RRB-", 10], ["Melancholia_-LRB-disambiguation-RRB-", 3], ["Melancholia_-LRB-disambiguation-RRB-", 14], ["Melancholia_-LRB-disambiguation-RRB-", 12]]} +{"id": 111931, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Loaded_-LRB-band-RRB-", 0], ["Loaded_discography", 0], ["List_of_Guns_N'_Roses_members", 1], ["Loaded_-LRB-band-RRB-", 1]]} +{"id": 88872, "predicted_label": "SUPPORTS", "predicted_evidence": [["Game_of_Thrones_-LRB-season_7-RRB-", 11], ["Broadbent", 24], ["Game_of_Thrones_-LRB-season_7-RRB-", 0], ["Game_of_Thrones_-LRB-season_7-RRB-", 10], ["Broadbent", 20]]} +{"id": 171613, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Firdous_Jamal", 1], ["Brush_HMA", 26], ["Varugad", 16], ["Dandes_of_Argos", 18], ["Dandes_of_Argos", 16]]} +{"id": 137715, "predicted_label": "REFUTES", "predicted_evidence": [["Rapunzel", 2], ["Tale_Ognenovski", 5], ["Tale_Ognenovski", 9], ["The_Bard's_Tale", 14], ["Rapunzel", 1]]} +{"id": 195066, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bandar_Kundang", 1], ["Kirkby_Stephen_railway_station", 22], ["List_of_non-native_birds_of_Great_Britain", 35], ["List_of_non-native_birds_of_Great_Britain", 33], ["List_of_non-native_birds_of_Great_Britain", 40]]} +{"id": 155767, "predicted_label": "REFUTES", "predicted_evidence": [["Stan_Beeman", 0], ["Noah_Emmerich", 2], ["The_Americans_-LRB-season_1-RRB-", 7], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["Stan_Beeman", 2]]} +{"id": 39897, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon", 2], ["Wish_Upon", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Golden_Rule", 10], ["When_You_Wish_Upon_a_Weinstein", 7]]} +{"id": 128623, "predicted_label": "SUPPORTS", "predicted_evidence": [["Basildon", 13], ["Basildon", 3], ["Laindon", 15], ["Laindon", 21], ["Laindon", 11]]} +{"id": 156071, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kellyanne_Conway", 12], ["Bowling_Green_massacre", 0], ["2003_Motor_City_Bowl", 1], ["2003_Motor_City_Bowl", 10], ["Bowling_Green_massacre", 2]]} +{"id": 158428, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mountain_range", 0], ["Penibaetic_System", 0], ["Mountain_range", 2], ["La_Maroma", 0], ["Mountain_range", 1]]} +{"id": 115601, "predicted_label": "REFUTES", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Eddie_Murphy", 13], ["Eddie_Murphy_Delirious", 2], ["Eddie_Murphy_Raw", 0], ["Eddie_Murphy_Raw", 1]]} +{"id": 72748, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Terry_Crews", 9], ["Terry_Crews", 3], ["Terry_Crews_filmography", 0], ["Make_a_Smellmitment", 2], ["List_of_Washington_Redskins_players", 1]]} +{"id": 179289, "predicted_label": "REFUTES", "predicted_evidence": [["Trading_blows", 0], ["Tylenol_-LRB-brand-RRB-", 0], ["Robert_L._McNeil,_Jr.", 18], ["Robert_L._McNeil,_Jr.", 1], ["Trading_blows", 14]]} +{"id": 151519, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam_Radio", 4], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 6], ["Pearl_Jam_Radio", 0], ["Pearl_Jam_2012_Tour", 8], ["Pearl_Jam_discography", 8]]} +{"id": 185214, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chang_&_Eng", 1], ["Burundi_at_the_2008_Summer_Paralympics", 0], ["Burundi_at_the_2012_Summer_Olympics", 4], ["Chang_&_Eng", 3], ["Public_holidays_in_Sweden", 7]]} +{"id": 111206, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fidel_Castro_-LRB-disambiguation-RRB-", 16], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Bay_of_Pigs_Invasion", 1], ["Rau\u0301l_Castro", 12], ["Rau\u0301l_Castro", 7]]} +{"id": 173140, "predicted_label": "REFUTES", "predicted_evidence": [["Anne_Sullivan", 0], ["Ann_Sullivan", 3], ["Macy_-LRB-surname-RRB-", 8], ["Macy_-LRB-surname-RRB-", 16], ["Macy_-LRB-surname-RRB-", 4]]} +{"id": 30863, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["History_of_West_Ham_United_F.C.", 0], ["History_of_West_Ham_United_F.C.", 2]]} +{"id": 76097, "predicted_label": "REFUTES", "predicted_evidence": [["Meteora_-LRB-album-RRB-", 0], ["List_of_songs_recorded_by_Linkin_Park", 0], ["List_of_songs_recorded_by_Linkin_Park", 52], ["List_of_awards_and_nominations_received_by_Linkin_Park", 0], ["Meteora_-LRB-disambiguation-RRB-", 9]]} +{"id": 58926, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rabies", 22], ["Rabies_in_Haiti", 15], ["Rabies_in_Haiti", 10], ["Rabies_vaccine", 0], ["Rabies_in_Haiti", 0]]} +{"id": 212188, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miracle_at_St._Anna", 2], ["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 16], ["Miracle_at_St._Anna", 0], ["Miracle_at_St._Anna", 14]]} +{"id": 460, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Event_Horizon_-LRB-film-RRB-", 1], ["Andrew_Walker", 19], ["The_Wolfman_-LRB-2010_film-RRB-", 1], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 185382, "predicted_label": "SUPPORTS", "predicted_evidence": [["CHiPs_-LRB-film-RRB-", 0], ["Hit_and_Run_-LRB-2012_film-RRB-", 0], ["Brother's_Justice", 0], ["Employee_of_the_Month_-LRB-2006_film-RRB-", 0], ["The_Midnight_Show", 1]]} +{"id": 148516, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_L.F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["List_of_Tottenham_Hotspur_F.C._players", 14], ["List_of_Tottenham_Hotspur_F.C._players", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 1]]} +{"id": 54015, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Annette_Badland", 1], ["The_Sparticle_Mystery", 11], ["Babe_Smith", 0], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5], ["Annette_Badland", 0]]} +{"id": 90336, "predicted_label": "SUPPORTS", "predicted_evidence": [["Appropriation_-LRB-art-RRB-", 1], ["Appropriation_-LRB-art-RRB-", 0], ["College_of_Performing_Arts", 11], ["College_of_Performing_Arts", 5], ["Academy_of_Performing_Arts", 0]]} +{"id": 189763, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bibliotheca_Corviniana", 0], ["Corvus_-LRB-heraldry-RRB-", 14], ["Matthias_Corvinus", 31], ["Matthias_Corvinus", 0], ["Corvin", 18]]} +{"id": 87460, "predicted_label": "SUPPORTS", "predicted_evidence": [["XHamster", 6], ["K._M._George", 2], ["Indian_literature", 5], ["Sahitya_Akademi", 9], ["Sisir_Kumar_Das", 18]]} +{"id": 122459, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Greco-Roman_hairstyle", 51], ["Greco-Roman_hairstyle", 9], ["ICW_Heavyweight_Championship", 1], ["ICW_Heavyweight_Championship", 4], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15]]} +{"id": 195071, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0], ["Mars_-LRB-surname-RRB-", 36], ["Mars_-LRB-surname-RRB-", 16], ["Mars_-LRB-surname-RRB-", 26]]} +{"id": 43526, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 0], ["Janelle_Mona\u0301e", 0], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 0], ["Nana_Kwabena_Tuffuor", 0], ["Janelle_Mona\u0301e_discography", 4]]} +{"id": 135552, "predicted_label": "REFUTES", "predicted_evidence": [["Wildfang", 1], ["Wildfang", 0], ["Julia_Murdock_Smith", 0], ["Julia_Murdock_Smith", 12], ["Julia_Murdock_Smith", 25]]} +{"id": 64842, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Geographical_center_of_Sweden", 7], ["Geographical_center_of_Sweden", 3], ["Geographical_center_of_Sweden", 10], ["Geographical_center_of_Sweden", 15], ["Geographical_center_of_Sweden", 0]]} +{"id": 12121, "predicted_label": "REFUTES", "predicted_evidence": [["AMGTV", 0], ["KDKA_Sports_Showdown", 14], ["Reality_television", 9], ["Reality_television", 0], ["AMGTV", 4]]} +{"id": 15004, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_people_killed_in_duels", 52], ["List_of_people_killed_in_duels", 46], ["Aaron_Burr", 9], ["Alexander_Hamilton", 11], ["Alexander_Hamilton", 46]]} +{"id": 2447, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colin_Kaepernick", 1], ["2016_U.S._national_anthem_protests", 1], ["Pistol_offense", 18], ["Pistol_offense", 22], ["2016_San_Francisco_49ers_season", 11]]} +{"id": 191433, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["The_Ranch_-LRB-album-RRB-", 1], ["Capitol_Records_Nashville", 1], ["Get_Closer_-LRB-Keith_Urban_album-RRB-", 1], ["Get_Closer_-LRB-Keith_Urban_album-RRB-", 0]]} +{"id": 202028, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tamerlan_Tsarnaev", 8], ["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 13]]} +{"id": 104913, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tangled-COLON-_The_Series", 1], ["Pascal_and_Maximus", 1], ["Nathan_Greno", 10], ["Flynn_Rider", 7], ["Nathan_Greno", 11]]} +{"id": 7347, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["Paris_Hilton", 18], ["Paris_Hilton's_Dubai_BFF", 0], ["Rip_It_Up_-LRB-Jet_song-RRB-", 3], ["Paris_Hilton", 31]]} +{"id": 151786, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Damon_Albarn", 17], ["The_Selfish_Giant_-LRB-song-RRB-", 0], ["Mr_Tembo", 3], ["The_Selfish_Giant_-LRB-song-RRB-", 2], ["Lonely_Press_Play", 0]]} +{"id": 25548, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_Surfer_-LRB-film-RRB-", 0], ["Faith_Fay", 10], ["David_Brookwell", 3], ["Sean_McNamara", 0], ["Sean_McNamara", 5]]} +{"id": 19140, "predicted_label": "SUPPORTS", "predicted_evidence": [["Carter_Harris", 8], ["Aaron_Rahsaan_Thomas", 14], ["Aaron_Rahsaan_Thomas", 12], ["Aaron_Rahsaan_Thomas", 13], ["Carter_Harris", 14]]} +{"id": 21804, "predicted_label": "SUPPORTS", "predicted_evidence": [["Foreign_relations_of_Taiwan", 6], ["Foreign_relations_of_Taiwan", 15], ["Treaty_of_San_Francisco", 6], ["Foreign_relations_of_Taiwan", 14], ["Treaty_of_San_Francisco", 0]]} +{"id": 211801, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Channel_4_low-power_TV_stations_in_the_United_States", 99], ["Channel_4_low-power_TV_stations_in_the_United_States", 103], ["Channel_4_low-power_TV_stations_in_the_United_States", 95], ["Channel_4_low-power_TV_stations_in_the_United_States", 101], ["Channel_4_low-power_TV_stations_in_the_United_States", 93]]} +{"id": 46687, "predicted_label": "SUPPORTS", "predicted_evidence": [["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0], ["14th_Dalai_Lama", 10], ["8th_Arjia_Rinpoche", 2]]} +{"id": 183621, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finding_Dory", 1], ["Finding_Nemo", 1], ["Andrew_Stanton", 0], ["Pixar", 21], ["Finding_Nemo_-LRB-franchise-RRB-", 2]]} +{"id": 70049, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Considered_harmful", 10], ["Considered_harmful", 9], ["Considered_harmful", 15], ["Croatia\u2013Russia_relations", 10], ["Considered_harmful", 2]]} +{"id": 135929, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harold_Macmillan", 0], ["1961_Commonwealth_Prime_Ministers'_Conference", 1], ["Harold_Macmillan", 4], ["Never_So_Good", 0], ["Harold_Macmillan", 23]]} +{"id": 192895, "predicted_label": "REFUTES", "predicted_evidence": [["The_Monster_-LRB-song-RRB-", 2], ["Recovery_-LRB-Eminem_album-RRB-", 16], ["Recovery_-LRB-Eminem_album-RRB-", 9], ["Love_the_Way_You_Lie", 0], ["Love_the_Way_You_Lie", 15]]} +{"id": 118099, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_films_set_in_Shanghai", 27], ["Tulu_cinema", 17], ["Tulu_cinema", 22], ["Fist", 30], ["List_of_films_set_in_Shanghai", 89]]} +{"id": 116321, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bloods", 2], ["Bloods", 5], ["Bloods", 0], ["Bloods", 6], ["Signs_of_the_Time_-LRB-film-RRB-", 1]]} +{"id": 20953, "predicted_label": "SUPPORTS", "predicted_evidence": [["Basildon", 13], ["Eravipuram_railway_station", 0], ["Wath_-LRB-Hull_and_Barnsley-RRB-_railway_station", 0], ["Umri,_Kurukshetra", 19], ["Umri,_Kurukshetra", 10]]} +{"id": 157860, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dynasty_-LRB-film-RRB-", 1], ["The_Fugitive_-LRB-1993_film-RRB-", 1], ["Star_Wars-COLON-_The_Force_Awakens", 1], ["Presumed_Innocent_-LRB-film-RRB-", 1], ["Presumed_Innocent_-LRB-film-RRB-", 2]]} +{"id": 106870, "predicted_label": "SUPPORTS", "predicted_evidence": [["Naresh", 10], ["Naresh", 36], ["List_of_people_from_Peshawar", 5], ["Raees_Dynasty", 6], ["Shutter_-LRB-2012_film-RRB-", 3]]} +{"id": 199734, "predicted_label": "REFUTES", "predicted_evidence": [["Southern_California", 10], ["Tijuana", 21], ["Demographics_of_San_Diego_County", 7], ["Demographics_of_San_Diego_County", 4], ["Tijuana_metropolitan_area", 0]]} +{"id": 21085, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amyotrophic_lateral_sclerosis", 15], ["Sclerosis_-LRB-medicine-RRB-", 6], ["Amyotrophic_lateral_sclerosis", 0], ["Benjamin_Wolozin", 13], ["Benjamin_Wolozin", 3]]} +{"id": 207524, "predicted_label": "SUPPORTS", "predicted_evidence": [["Plan_B_discography", 13], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["B.o.B_discography", 1], ["B.o.B_discography", 10], ["B.o.B_discography", 15]]} +{"id": 27217, "predicted_label": "REFUTES", "predicted_evidence": [["Broadchurch", 3], ["Ross_Poldark", 3], ["Broadchurch", 4], ["Broadchurch", 19], ["Broadchurch", 17]]} +{"id": 128760, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Noah_Emmerich", 1], ["Stan_Beeman", 0], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["The_Americans_-LRB-season_1-RRB-", 7], ["Noah_Emmerich", 2]]} +{"id": 90314, "predicted_label": "SUPPORTS", "predicted_evidence": [["Troian_Bellisario", 5], ["Billboard_Dad", 0], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 204359, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 8], ["Mesozoic", 10], ["Extinction_event", 13], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 0], ["Paleontology_in_the_United_States", 13]]} +{"id": 155551, "predicted_label": "REFUTES", "predicted_evidence": [["Saudi_Arabia", 2], ["Michigan", 4], ["Geography_of_Michigan", 9], ["Geography_of_Michigan", 8], ["Michigan", 2]]} +{"id": 28656, "predicted_label": "REFUTES", "predicted_evidence": [["San_Diego_Comic-Con", 1], ["Mike_Towry", 1], ["Ken_Krueger", 2], ["Jackie_Estrada", 11], ["Mike_Towry", 5]]} +{"id": 40057, "predicted_label": "SUPPORTS", "predicted_evidence": [["58th_Bodil_Awards", 2], ["Return_to_Sender_-LRB-2004_film-RRB-", 4], ["List_of_people_from_Marin_County,_California", 235], ["List_of_women_with_ovarian_cancer", 13], ["List_of_women_with_ovarian_cancer", 29]]} +{"id": 69462, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Griffiths", 123], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2], ["Arfon_Griffiths", 0], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Stella_Richman", 19]]} +{"id": 165655, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Name_of_the_Wind", 14], ["The_Name_of_the_Wind", 12], ["The_Name_of_the_Wind", 10], ["Doctor_Who_and_the_Pescatons", 6], ["Destination_Nerva", 5]]} +{"id": 193855, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["Kelly_Jean_Van_Dyke", 1], ["Van_Dyke", 18], ["Van_Dyke", 10]]} +{"id": 222049, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_Korean_Film_Festival", 1], ["New_York_Korean_Film_Festival", 0], ["New_York_Korean_Film_Festival", 12], ["New_York_Korean_Film_Festival", 4], ["James_D._Brubaker", 0]]} +{"id": 124011, "predicted_label": "SUPPORTS", "predicted_evidence": [["En_dag_i_oktober", 6], ["Kleshas_-LRB-Buddhism-RRB-", 5], ["Kleshas_-LRB-Buddhism-RRB-", 9], ["Kleshas", 5], ["Kleshas_-LRB-Buddhism-RRB-", 0]]} +{"id": 12520, "predicted_label": "REFUTES", "predicted_evidence": [["Cromwell_Cup", 12], ["Bryan_Howard_-LRB-athlete-RRB-", 13], ["Cromwell_Cup", 4], ["Bryan_Howard_-LRB-athlete-RRB-", 0], ["List_of_awards_and_nominations_received_by_Netflix", 43]]} +{"id": 220219, "predicted_label": "REFUTES", "predicted_evidence": [["Sooraj_Dooba_Hain", 0], ["Dum_Maro_Dum_-LRB-song-RRB-", 1], ["Raabta_-LRB-song-RRB-", 0], ["Har_Kisi_Ko", 0], ["Mera_Joota_Hai_Japani", 1]]} +{"id": 164999, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polar_bear", 7], ["Polar_seas", 0], ["Polar_bear", 0], ["Polar_bear", 6], ["Polar_seas", 5]]} +{"id": 94624, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angela_Bassett", 6], ["List_of_awards_and_nominations_received_by_Angela_Bassett", 0], ["Dave_Bassett_-LRB-songwriter-RRB-", 23], ["Adam_Bassett", 7], ["Angela_Bassett", 0]]} +{"id": 215130, "predicted_label": "SUPPORTS", "predicted_evidence": [["Private_Lives", 0], ["Private_Lives_-LRB-disambiguation-RRB-", 0], ["Phoenix_Theatre,_London", 16], ["Phoenix_Theatre,_London", 20], ["Noe\u0308l_Coward_Society", 21]]} +{"id": 125079, "predicted_label": "REFUTES", "predicted_evidence": [["Ringo_Starr", 11], ["The_Beatles", 0], ["Harmood_Banner", 10], ["Harmood_Banner", 19], ["Harmood_Banner", 22]]} +{"id": 215128, "predicted_label": "REFUTES", "predicted_evidence": [["Her_Master's_Voice_-LRB-play-RRB-", 0], ["Chris_Jury", 17], ["Chris_Jury", 25], ["List_of_2013_This_American_Life_episodes", 136], ["Chris_Jury", 7]]} +{"id": 152079, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-character-RRB-", 4], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 137703, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Trio_Los_Condes", 3], ["Carl_Summers", 5], ["Cluster_Pluckers", 0], ["Lincoln_Thompson", 5], ["Kristin_Andreassen", 13]]} +{"id": 73979, "predicted_label": "SUPPORTS", "predicted_evidence": [["Speech_recognition", 2], ["Speech_Recognition_Grammar_Specification", 7], ["Speech_recognition", 1], ["Speech_Recognition_Grammar_Specification", 0], ["IListen", 2]]} +{"id": 88178, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sonny_Digital", 1], ["I'm_Different", 3], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Ja,_ma\u030a_han_-LRB-hon-RRB-_leva", 5], ["Ja,_ma\u030a_han_-LRB-hon-RRB-_leva", 0]]} +{"id": 174602, "predicted_label": "SUPPORTS", "predicted_evidence": [["Artpop", 13], ["Lady_Gaga_discography", 20], ["Lady_Gaga", 15], ["Lady_Gaga_discography", 16], ["Artpop", 20]]} +{"id": 187783, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sterile_Cuckoo", 0], ["Edward_Scissorhands", 0], ["Wendell_Burton", 10], ["Wendell_Burton", 1], ["Tim_Burton", 9]]} +{"id": 38004, "predicted_label": "SUPPORTS", "predicted_evidence": [["Julie_Klausner", 4], ["Lizzy_Caplan", 2], ["The_Southern_Vampire_Mysteries", 2], ["Caplan", 20], ["Julie_Klausner", 12]]} +{"id": 123886, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Faith_Fay", 10], ["California_Surf_Museum", 9], ["California_Surf_Museum", 10], ["Faith_Fay", 41], ["Faith_Fay", 37]]} +{"id": 49895, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Anastas_Jovanovic\u0301", 9], ["New_Invention", 5], ["Innovation_intermediary", 6], ["Anastas_Jovanovic\u0301", 19], ["Tom_Johnson_-LRB-astronomer-RRB-", 18]]} +{"id": 217683, "predicted_label": "REFUTES", "predicted_evidence": [["Mechanical_license", 54], ["Pelican_files", 3], ["George_L._Little", 15], ["George_L._Little", 6], ["Mechanical_license", 9]]} +{"id": 148917, "predicted_label": "SUPPORTS", "predicted_evidence": [["Singh_Is_Kinng", 0], ["Yeh_Dillagi", 1], ["Keemat_\u2013_They_Are_Back", 1], ["Singh_Is_Kinng", 3], ["Singh_Is_Kinng", 8]]} +{"id": 109878, "predicted_label": "REFUTES", "predicted_evidence": [["Greek_language", 14], ["Northern_Epirus", 20], ["Northern_Epirus", 17], ["List_of_Greek_place_names", 31], ["List_of_Greek_place_names", 39]]} +{"id": 136407, "predicted_label": "REFUTES", "predicted_evidence": [["John_Deighton", 24], ["Deighton", 18], ["John_Deighton", 0], ["Derek_Deighton", 0], ["Derek_Deighton", 1]]} +{"id": 219124, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_registered_political_parties_in_Vale\u0300ncia", 62], ["Valencia", 0], ["Valencia_Football_Club", 3], ["Valencia_Football_Club", 5], ["List_of_registered_political_parties_in_Vale\u0300ncia", 18]]} +{"id": 207531, "predicted_label": "SUPPORTS", "predicted_evidence": [["Virgin_Records", 5], ["Virgin_Records", 8], ["Mel_B", 5], ["Virgin_Records", 0], ["Virgin_Records", 9]]} +{"id": 215226, "predicted_label": "REFUTES", "predicted_evidence": [["The_Hitcher_-LRB-2007_film-RRB-", 4], ["The_Texas_Chainsaw_Massacre_-LRB-2003_film-RRB-", 1], ["Eric_Brevig", 6], ["List_of_films_set_in_Detroit", 145], ["Eric_Brevig", 1]]} +{"id": 24080, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ingushetia", 5], ["Ingushetia", 0], ["Ingushetia.org", 8], ["Ali_Taziev", 28], ["Ali_Taziev", 27]]} +{"id": 165231, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brownbrokers", 2], ["Brownbrokers", 1], ["Musical_theatre", 7], ["Development_of_musical_theatre", 5], ["Ken_Bloom", 33]]} +{"id": 93474, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Grand_Slam_girls'_singles_champions", 3], ["Jamie_Murray", 1], ["Williams_sisters", 0], ["List_of_Grand_Slam_girls'_singles_champions", 6], ["Jamie_Murray", 0]]} +{"id": 190155, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Floyd_Mayweather_Jr.", 3], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 0], ["Golden_Boy_Promotions", 15], ["Floyd_Mayweather_Jr.", 16]]} +{"id": 98810, "predicted_label": "REFUTES", "predicted_evidence": [["Mega_Millions", 21], ["Mega_Millions", 10], ["Progressive_jackpot", 0], ["Richie_Wraggs", 33], ["Cashola", 7]]} +{"id": 63557, "predicted_label": "SUPPORTS", "predicted_evidence": [["Camden,_New_Jersey", 40], ["Rutgers_University\u2013Camden", 2], ["Rutgers_Law_School", 3], ["Rutgers_Law_School", 5], ["Rutgers_University\u2013Newark", 3]]} +{"id": 179275, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tylenol_-LRB-brand-RRB-", 0], ["Cheese_-LRB-recreational_drug-RRB-", 4], ["Cheese_-LRB-recreational_drug-RRB-", 5], ["Robert_L._McNeil,_Jr.", 18], ["Hypercompetition", 8]]} +{"id": 2565, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Floyd_Soul_and_the_Wolf", 22], ["Shane_McMahon", 13], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9]]} +{"id": 137627, "predicted_label": "SUPPORTS", "predicted_evidence": [["NRG_Recording_Studios", 0], ["A_Thousand_Suns", 4], ["Got_the_Life", 1], ["Favourite_-LRB-EP-RRB-", 4], ["NRG", 27]]} +{"id": 202990, "predicted_label": "REFUTES", "predicted_evidence": [["Robert_J._Stevens", 1], ["Lockheed_Martin", 4], ["Marillyn_Hewson", 0], ["Hewson", 34], ["List_of_people_from_Potomac,_Maryland", 74]]} +{"id": 183597, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Finding_Dory", 0], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Pixar", 6]]} +{"id": 133045, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Political_status_of_the_Palestinian_territories", 50], ["List_of_World_Heritage_Sites_in_Western_Asia", 0], ["Political_status_of_the_Palestinian_territories", 53], ["Western_Asia", 0], ["History_of_Palestine", 62]]} +{"id": 165661, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Tom_Baker_-LRB-American_actor-RRB-", 0], ["Destination_Nerva", 4], ["Help_She_Can't_Swim", 20], ["Destination_Nerva", 5]]} +{"id": 223775, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ralph_Fults", 0], ["Bonnie_and_Clyde", 0], ["Barrow_Gang", 24], ["Fults", 7], ["Bonnie_and_Clyde", 1]]} +{"id": 165866, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dawn_Summers", 0], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2], ["Xander_Harris", 2]]} +{"id": 673, "predicted_label": "REFUTES", "predicted_evidence": [["History_of_Saxony-Anhalt", 0], ["Frederick_of_Saxony", 15], ["Anna_of_Saxony_-LRB-disambiguation-RRB-", 13], ["Frederick_of_Saxony", 11], ["Frederick_of_Saxony", 13]]} +{"id": 186328, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_about_Paris", 257], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 6], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 8], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 10], ["Mai\u0302trise_Notre_Dame_de_Paris", 17]]} +{"id": 179735, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wentworth_Miller", 2], ["Ruth_Sacks_Caplin", 52], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 68828, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Waterboy", 0], ["Happy_Madison_Productions", 5], ["Sandler", 22], ["Jack_Giarraputo", 2], ["Canteen_Boy", 22]]} +{"id": 137160, "predicted_label": "REFUTES", "predicted_evidence": [["Taylor_Lautner", 4], ["David_Vincent_-LRB-actor-RRB-", 0], ["Lautner", 3], ["Back_to_December", 3], ["David_Vincent_-LRB-actor-RRB-", 3]]} +{"id": 40125, "predicted_label": "REFUTES", "predicted_evidence": [["Val_Meets_The_VIPs", 15], ["There_Is_No_Alternative-COLON-_Why_Margaret_Thatcher_Matters", 0], ["The_Iron_Lady_-LRB-album-RRB-", 10], ["Thatcher_ministry", 7], ["Thatcher_ministry", 5]]} +{"id": 136308, "predicted_label": "SUPPORTS", "predicted_evidence": [["Timeline_of_media_in_English", 101], ["Timeline_of_media_in_English", 84], ["Timeline_of_media_in_English", 8], ["Timeline_of_media_in_English", 24], ["Megan_Rapinoe", 12]]} +{"id": 173739, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Earls_of_Leicester_-LRB-band-RRB-", 8], ["Scruggs_style", 14], ["Earl_Scruggs", 6], ["Scruggs", 9], ["The_Earls_of_Leicester_-LRB-band-RRB-", 5]]} +{"id": 93350, "predicted_label": "REFUTES", "predicted_evidence": [["Harvard_University", 0], ["Harvard_University", 15], ["Harvard_University", 6], ["List_of_ANAGPIC_meetings", 123], ["List_of_ANAGPIC_meetings", 185]]} +{"id": 172768, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_drama_films", 0], ["Lakhon", 12], ["The_Six_Shooter", 5], ["Action-adventure_-LRB-disambiguation-RRB-", 19], ["Action-adventure_-LRB-disambiguation-RRB-", 13]]} +{"id": 66938, "predicted_label": "SUPPORTS", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 3]]} +{"id": 198025, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 6], ["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Pyramid_Club", 20], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 154336, "predicted_label": "SUPPORTS", "predicted_evidence": [["Downtown_Portland,_Oregon", 0], ["Beaverton,_Oregon", 1], ["Portland_International_Airport", 11], ["List_of_MAX_Light_Rail_stations", 13], ["Portland_International_Airport", 1]]} +{"id": 31358, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Neoteric_evolutionary_theory", 81], ["Homo", 10], ["Homo_sapiens", 2], ["Homo_heidelbergensis", 3], ["Anatomically_modern_human", 0]]} +{"id": 111721, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janie_Fricke_discography", 0], ["Janie_Fricke_discography", 19], ["Janie_Fricke_discography", 4], ["Janie_Fricke_discography", 21], ["Chris_Brown_discography", 0]]} +{"id": 26598, "predicted_label": "SUPPORTS", "predicted_evidence": [["Starrcade", 0], ["Starrcade_-LRB-1983-RRB-", 0], ["Starrcade_-LRB-1989-RRB-", 0], ["Starrcade_-LRB-2000-RRB-", 0], ["Starrcade_-LRB-1993-RRB-", 0]]} +{"id": 94376, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["South_Wales_Coalfield", 0], ["South_Wales_Coalfield_Collection", 0], ["Geology_of_South_Wales", 49], ["Farewell_Rock", 2], ["Farewell_Rock", 4]]} +{"id": 52946, "predicted_label": "REFUTES", "predicted_evidence": [["Grinding_-LRB-dance-RRB-", 8], ["Daggering", 0], ["Dagga", 8], ["Folk_dance_forms_of_Odisha", 5], ["Folk_dance_forms_of_Odisha", 4]]} +{"id": 94741, "predicted_label": "REFUTES", "predicted_evidence": [["Heart", 19], ["Arthur_Vineberg", 12], ["Palmetto_Health", 24], ["Arthur_Vineberg", 13], ["Qardio", 0]]} +{"id": 101608, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Norman-language_writers", 170], ["Palmer_-LRB-surname-RRB-", 255], ["Robert_Palmer_-LRB-MP-RRB-", 0], ["Robert_Palmer_-LRB-MP-RRB-", 5], ["Palmer_-LRB-surname-RRB-", 253]]} +{"id": 35286, "predicted_label": "REFUTES", "predicted_evidence": [["A_Place_for_My_Head", 2], ["Hybrid_Theory_-LRB-EP-RRB-", 0], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2001", 8], ["Hybrid_Theory", 6], ["A_Place_for_My_Head", 0]]} +{"id": 223670, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Beethoven_Gesamtausgabe", 1], ["Franz_Gerhard_Wegeler", 0], ["Van_Beethoven_-LRB-train-RRB-", 1], ["Beethoven_in_film", 23], ["Franz_Gerhard_Wegeler", 17]]} +{"id": 216361, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abu_al-Ghazi_Bahadur", 34], ["Abu_al-Ghazi_Bahadur", 33], ["Uyghur_Arabic_alphabet", 6], ["Chagatai_people", 7], ["Uyghur_Arabic_alphabet", 5]]} +{"id": 172480, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Democratic_Party_-LRB-Italy-RRB-", 14], ["Democratic_Party_-LRB-Italy-RRB-", 3], ["Remake_Italy", 6], ["Renzi_-LRB-surname-RRB-", 22], ["Stefano_Fassina", 12]]} +{"id": 115832, "predicted_label": "SUPPORTS", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Alias_-LRB-comics-RRB-", 0], ["Ultimate_Spider-Man", 11], ["Brian_Michael_Bendis", 0], ["Ultimate_Spider-Man", 16]]} +{"id": 207518, "predicted_label": "SUPPORTS", "predicted_evidence": [["Plan_B_discography", 8], ["B.o.B_discography", 4], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["B.o.B_discography", 1], ["B.o.B_discography", 10]]} +{"id": 38175, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Steve_Grotowski", 23], ["Steve_Grotowski", 21], ["Grotowski_Institute_in_Wroc\u0142aw", 2], ["Grotowski_Institute_in_Wroc\u0142aw", 0]]} +{"id": 32172, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 2], ["Horten_AG", 7], ["The_Stereo_Record_Guide", 22], ["Penguin_Books", 7], ["The_Stereo_Record_Guide", 32]]} +{"id": 83197, "predicted_label": "REFUTES", "predicted_evidence": [["Ichabod_Crane_Central_School_District", 13], ["Presidency_of_Martin_Van_Buren", 0], ["Ichabod_Crane_Central_School_District", 3], ["1835_Democratic_National_Convention", 16], ["Martin_Van_Buren", 0]]} +{"id": 138271, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angelsberg", 0], ["Fischbach,_Mersch", 5], ["Tanja_Z\u030cakelj", 44], ["Tanja_Z\u030cakelj", 46], ["Tanja_Z\u030cakelj", 38]]} +{"id": 81877, "predicted_label": "REFUTES", "predicted_evidence": [["49ers\u2013Seahawks_rivalry", 0], ["2016_San_Francisco_49ers_season", 0], ["2014_San_Francisco_49ers_season", 0], ["2016_San_Francisco_49ers_season", 11], ["2014_San_Francisco_49ers_season", 13]]} +{"id": 144153, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_awards_and_nominations_received_by_David_Bowie", 6], ["Brit_Awards", 0], ["List_of_awards_and_nominations_received_by_Craig_David", 0], ["List_of_awards_and_nominations_received_by_Adele", 1], ["List_of_awards_and_nominations_received_by_Craig_David", 125]]} +{"id": 46636, "predicted_label": "REFUTES", "predicted_evidence": [["Vanessa_Williams", 10], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 0], ["Remember_Paul?", 1], ["Remember_Paul?", 14], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9]]} +{"id": 83785, "predicted_label": "SUPPORTS", "predicted_evidence": [["Morse_code_abbreviations", 3], ["QSK_operation_-LRB-full_break-in-RRB-", 14], ["QSK_operation_-LRB-full_break-in-RRB-", 10], ["Morse_code_abbreviations", 9], ["QSK_operation_-LRB-full_break-in-RRB-", 11]]} +{"id": 77048, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jose\u0301_Ferrer", 4], ["Al_Morgan", 66], ["Jose\u0301_Ferrer", 0], ["Rafael_Ferrer_-LRB-actor-RRB-", 3], ["Al_Morgan", 17]]} +{"id": 44592, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kaoliang", 0], ["Baijiu", 1], ["K-SOOL", 7], ["Distilled_beverage", 8], ["Wesley_Alba_Sturges", 10]]} +{"id": 1481, "predicted_label": "REFUTES", "predicted_evidence": [["EA_Black_Box", 0], ["Need_for_Speed-COLON-_The_Run", 0], ["List_of_PlayStation_3_games_released_on_disc", 10029], ["List_of_PlayStation_3_games_released_on_disc", 10015], ["List_of_PlayStation_3_games_released_on_disc", 10043]]} +{"id": 27301, "predicted_label": "SUPPORTS", "predicted_evidence": [["NRG_Recording_Studios", 0], ["A_Thousand_Suns", 4], ["Icon_for_Hire_-LRB-album-RRB-", 1], ["New_Surrender", 6], ["NRG", 27]]} +{"id": 194481, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tilda", 12], ["Snowpiercer", 5], ["Swinton_-LRB-surname-RRB-", 19], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Michael_Clayton_-LRB-film-RRB-", 1]]} +{"id": 19177, "predicted_label": "REFUTES", "predicted_evidence": [["London_Victoria_station", 0], ["Euston_railway_station", 1], ["Victoria_Palace", 0], ["History_of_the_London_Underground", 4], ["Victoria_Theatre", 31]]} +{"id": 122000, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danger_UXD", 5], ["Patsy_Smart", 3], ["Maurice_Roe\u0308ves", 3], ["UXB", 7], ["Royston_Tickner", 10]]} +{"id": 119935, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Estimated_date_of_confinement", 0], ["Tax_return_-LRB-Canada-RRB-", 20], ["Library_card", 12], ["Library_card", 4], ["Comm_South_Companies", 23]]} +{"id": 130052, "predicted_label": "SUPPORTS", "predicted_evidence": [["Canadian_heavy_metal", 5], ["Heavy_metal_lyrics", 0], ["Andrew_Haug", 5], ["List_of_gothic_metal_bands", 4], ["List_of_gothic_metal_bands", 1]]} +{"id": 106912, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arfon_Griffiths", 0], ["Griffiths", 123], ["Stella_Richman", 19], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 185426, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chips_and_dip", 7], ["Zapp's", 14], ["Zapp's", 10], ["Chips_and_dip", 1], ["Chip_race", 29]]} +{"id": 127819, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bob_Dole_presidential_campaign", 5], ["Bob_Dole_presidential_campaign", 3], ["Electoral_history_of_Bob_Dole", 186], ["Electoral_history_of_Bob_Dole", 221], ["Electoral_history_of_Bob_Dole", 233]]} +{"id": 8464, "predicted_label": "REFUTES", "predicted_evidence": [["Cordalene", 18], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 8], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 3], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 6], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 10]]} +{"id": 10452, "predicted_label": "SUPPORTS", "predicted_evidence": [["San_Diego_Comic-Con", 1], ["Ken_Krueger", 1], ["Mike_Towry", 1], ["Comic_book_convention", 0], ["Jackie_Estrada", 3]]} +{"id": 140391, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Dark_Tower_-LRB-series-RRB-", 13], ["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["Father_Callahan", 1], ["The_Dark_Tower-COLON-_The_Sorcerer", 3], ["All-World", 33]]} +{"id": 161094, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Ernest_He\u0301brard", 11], ["Siam_Nakhon_Province", 20], ["French_Indochina", 3], ["Franco-Thai_War", 4]]} +{"id": 93887, "predicted_label": "REFUTES", "predicted_evidence": [["University_of_California,_San_Diego", 0], ["Hispanic_Heritage_Baseball_Museum", 129], ["Hispanic_Heritage_Baseball_Museum", 130], ["Hispanic_Heritage_Baseball_Museum", 51], ["Hispanic_Heritage_Baseball_Museum", 92]]} +{"id": 32505, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Penguins_of_Madagascar", 1], ["Guild_of_Italian_American_Actors", 0], ["List_of_Italian-American_actors", 0], ["Lists_of_American_actors", 0], ["Lists_of_American_actors", 11]]} +{"id": 197371, "predicted_label": "REFUTES", "predicted_evidence": [["Simo\u0301n_Rodri\u0301guez", 24], ["Simo\u0301n_Rodri\u0301guez", 28], ["Simo\u0301n_Rodri\u0301guez", 27], ["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2]]} +{"id": 28679, "predicted_label": "REFUTES", "predicted_evidence": [["Creedence_Clearwater_Revival", 0], ["Doug_Clifford", 1], ["Creedence_Clearwater_Revisited", 0], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 4]]} +{"id": 171610, "predicted_label": "SUPPORTS", "predicted_evidence": [["Syracuse,_New_York", 2], ["Syracuse,_New_York", 1], ["Hamilton_White_House", 16], ["Hamilton_White_House", 77], ["The_Monterays", 4]]} +{"id": 179347, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2], ["Osamu_Tezuka's_Star_System", 2], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 85061, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Margaret_Thatcher", 8], ["The_Iron_Lady_-LRB-film-RRB-", 21], ["The_Iron_Lady_-LRB-film-RRB-", 17], ["The_Iron_Lady_-LRB-album-RRB-", 18], ["Val_Meets_The_VIPs", 15]]} +{"id": 26225, "predicted_label": "SUPPORTS", "predicted_evidence": [["Child_star", 10], ["Child_star", 12], ["Efraim_Diveroli", 0], ["AEY", 9], ["David_Packouz", 3]]} +{"id": 128606, "predicted_label": "REFUTES", "predicted_evidence": [["Kuh-e_Bandaka", 2], ["Kush_-LRB-cannabis-RRB-", 1], ["Kushan_Pass", 14], ["Hindu_Kush", 5], ["List_of_mountain_ranges_of_Pakistan", 15]]} +{"id": 226137, "predicted_label": "SUPPORTS", "predicted_evidence": [["Richard_Dawkins", 16], ["Out_Campaign", 27], ["Dawkins", 38], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2]]} +{"id": 28911, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching", 0], ["Kuching", 20], ["Kuching", 2], ["Bishop_of_Kuching", 4], ["Sarawak", 2]]} +{"id": 3337, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 0], ["Huckabee_-LRB-disambiguation-RRB-", 7], ["Electoral_history_of_Mike_Huckabee", 0], ["Electoral_history_of_Mike_Huckabee", 24]]} +{"id": 86012, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chaka_Khan", 4], ["Sweet_Thing_-LRB-Rufus_song-RRB-", 1], ["Never_Miss_the_Water", 0], ["Sweet_Thing_-LRB-Rufus_song-RRB-", 3], ["Dance_Classics_of_Chaka_Khan", 7]]} +{"id": 7202, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thomas_Duane", 0], ["Thomas_Duane", 45], ["Steve_Grotowski", 15], ["John_Garcia_Thompson", 9], ["Grotowski_Institute_in_Wroc\u0142aw", 1]]} +{"id": 9735, "predicted_label": "SUPPORTS", "predicted_evidence": [["Appropriation_-LRB-art-RRB-", 1], ["State_University_of_Performing_And_Visual_Arts", 28], ["Visual_arts", 1], ["Visual_arts", 2], ["Visual_arts", 5]]} +{"id": 72610, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["Michael_Carlson", 0], ["Michael_Carlson", 3], ["JB_Carlson", 2]]} +{"id": 184089, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_Waller", 28], ["James_Waller", 21], ["Command_responsibility", 14], ["Medina_-LRB-surname-RRB-", 33], ["William_Eckhardt_-LRB-law-RRB-", 0]]} +{"id": 204441, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Audioslave", 3], ["Tom_Morello_discography", 18], ["Rage_Against_the_Machine", 12], ["Tom_Morello_discography", 5]]} +{"id": 156398, "predicted_label": "REFUTES", "predicted_evidence": [["Star_Trek-COLON-_Discovery", 1], ["Star_Trek", 8], ["Star_Trek-COLON-_Discovery", 2], ["Star_Trek_-LRB-film-RRB-", 9], ["Star_Trek", 13]]} +{"id": 179328, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2], ["Osamu_Tezuka's_Star_System", 2], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 127217, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["1895\u201396_Thames_Ironworks_F.C._season", 9], ["Thames_Ironworks_F.C.", 0], ["Arnold_Hills", 29], ["Dave_Taylor_-LRB-Thames_Ironworks_F.C._founder-RRB-", 0], ["1896\u201397_Thames_Ironworks_F.C._season", 28]]} +{"id": 30800, "predicted_label": "SUPPORTS", "predicted_evidence": [["Indian_National_Army", 0], ["Frontier_Force", 6], ["Ethiopian_military_titles", 9], ["Ethiopian_military_titles", 5], ["Ethiopian_military_titles", 7]]} +{"id": 158426, "predicted_label": "REFUTES", "predicted_evidence": [["Penibaetic_System", 0], ["La_Maroma", 0], ["Axarqui\u0301a", 10], ["El_Fraile_-LRB-Sierra_del_Cabo_de_Gata-RRB-", 9], ["Montes_de_Ma\u0301laga", 0]]} +{"id": 499, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Daryl_Jacob", 0], ["Paul_Nicholls", 5], ["Paul_Nicholls", 3], ["Paul_Nicholls", 7], ["Paul_Nicholls", 0]]} +{"id": 204009, "predicted_label": "SUPPORTS", "predicted_evidence": [["MiGente.com", 9], ["MiGente.com", 1], ["MiGente.com", 10], ["Glee.com", 1], ["Glee.com", 4]]} +{"id": 224971, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kentucky_Bourbon_Festival", 0], ["Kentucky_Bourbon_Festival", 10], ["Kentucky_Bourbon_Festival", 9], ["Microdistillery", 1], ["Irish_whiskey", 14]]} +{"id": 45818, "predicted_label": "SUPPORTS", "predicted_evidence": [["2006\u20132008_Cuban_transfer_of_presidential_duties", 0], ["Cuban_presidential_election,_2008", 2], ["Rau\u0301l_Castro", 7], ["Vicente_Boti\u0301n", 27], ["Cuban_presidential_election,_2008", 5]]} +{"id": 165119, "predicted_label": "REFUTES", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Mickey_Rourke_filmography", 3], ["Leonard_Termo", 11], ["Mickey_Rourke_filmography", 17], ["Mickey_Rourke_filmography", 6]]} +{"id": 180716, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Something_Beginning_with_C", 2], ["Prayers_Be_Answered", 0], ["Expectations_-LRB-Dance_Exponents_album-RRB-", 0], ["Live_at_Mainstreet", 3]]} +{"id": 196752, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marnie_-LRB-disambiguation-RRB-", 10], ["Marnie_-LRB-disambiguation-RRB-", 8], ["Marni", 73], ["David_McKay_-LRB-actor-RRB-", 13], ["Marnie_-LRB-dog-RRB-", 1]]} +{"id": 112773, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ronan_O'Rahilly", 25], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 12], ["Casino_Royale_-LRB-1967_film-RRB-", 13], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 5], ["The_James_Bond_Bedside_Companion", 11]]} +{"id": 67189, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Blue_Jasmine", 0], ["Blue_Jasmine", 0], ["Cate_Blanchett", 4], ["List_of_accolades_received_by_Blue_Jasmine", 10], ["Dallas\u2013Fort_Worth_Film_Critics_Association_Awards_2013", 13]]} +{"id": 52723, "predicted_label": "SUPPORTS", "predicted_evidence": [["TV_Choice", 1], ["TV_Guide_-LRB-Canada-RRB-", 4], ["TV_Choice", 0], ["Single_cable_distribution", 0], ["Listings_magazine", 0]]} +{"id": 31168, "predicted_label": "REFUTES", "predicted_evidence": [["The_100_-LRB-TV_series-RRB-", 4], ["Space_habitat", 0], ["The_100_-LRB-TV_series-RRB-", 7], ["The_100_-LRB-TV_series-RRB-", 0], ["Deep_Space_Habitat", 3]]} +{"id": 30024, "predicted_label": "REFUTES", "predicted_evidence": [["Ed_Wood_bibliography", 139], ["Dr._Acula", 22], ["Ed_Wood_-LRB-film-RRB-", 0], ["Conrad_Brooks", 18], ["Ed_Wood_bibliography", 97]]} +{"id": 20925, "predicted_label": "REFUTES", "predicted_evidence": [["Trevor_Griffiths", 0], ["Griffiths", 123], ["Arfon_Griffiths", 0], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 49599, "predicted_label": "SUPPORTS", "predicted_evidence": [["2016_Archery_World_Cup", 2], ["Ho\u0302tel_des_Tournelles", 8], ["2016_Archery_World_Cup", 0], ["Henry_II_style", 4], ["Bertram_de_Verdun", 72]]} +{"id": 104126, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_J._Osborne", 41], ["Ann_Richards_-LRB-disambiguation-RRB-", 3], ["Michael_J._Osborne", 3], ["Ann_Richards_-LRB-disambiguation-RRB-", 8], ["Ann_Richards_-LRB-singer-RRB-", 0]]} +{"id": 110334, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Stewart,_Earl_of_Carrick", 12], ["Royal_Court_of_Scotland", 34], ["Royal_Court_of_Scotland", 27], ["Castalian_Band", 10], ["Royal_Court_of_Scotland", 24]]} +{"id": 157641, "predicted_label": "REFUTES", "predicted_evidence": [["Tony_Curtis", 8], ["Janet_Leigh", 5], ["Walking_My_Baby_Back_Home_-LRB-film-RRB-", 0], ["Walking_My_Baby_Back_Home_-LRB-film-RRB-", 7], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 151774, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bereavement_-LRB-film-RRB-", 0], ["Pilot_-LRB-White_Collar-RRB-", 8], ["We_Have_Always_Lived_in_the_Castle_-LRB-film-RRB-", 1], ["Pilot_-LRB-White_Collar-RRB-", 2], ["Texas_Chainsaw_3D", 3]]} +{"id": 139407, "predicted_label": "SUPPORTS", "predicted_evidence": [["Megan_Rapinoe", 12], ["Wildfang", 0], ["List_of_East_Coast_hip_hop_record_labels", 13], ["List_of_East_Coast_hip_hop_record_labels", 70], ["List_of_East_Coast_hip_hop_record_labels", 29]]} +{"id": 32891, "predicted_label": "SUPPORTS", "predicted_evidence": [["Advertising", 13], ["Old_man's_car", 5], ["List_of_political_ideologies", 13], ["List_of_political_ideologies", 1], ["Advertising", 0]]} +{"id": 100958, "predicted_label": "SUPPORTS", "predicted_evidence": [["British_Army", 1], ["British_Indian_Army", 8], ["Indian_Army", 3], ["British_Indian_Army", 5], ["Indian_Army_during_World_War_II", 12]]} +{"id": 128036, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Vostok_-LRB-sloop-of-war-RRB-", 0], ["Fabian_Gottlieb_von_Bellingshausen", 10], ["Mirny", 36], ["Lazarev_-LRB-surname-RRB-", 23]]} +{"id": 103663, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales", 5], ["Henry_Vane,_2nd_Duke_of_Cleveland", 4], ["Diana,_Princess_of_Wales", 0], ["Henry_Vane,_2nd_Duke_of_Cleveland", 13], ["Substantive_title", 20]]} +{"id": 131769, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["30th_Golden_Raspberry_Awards", 6], ["List_of_accolades_received_by_Gravity_-LRB-film-RRB-", 2], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["Sandra_Bullock_filmography", 0]]} +{"id": 30129, "predicted_label": "REFUTES", "predicted_evidence": [["Damon_Albarn", 17], ["The_Good,_the_Bad_&_the_Queen_-LRB-song-RRB-", 0], ["Damon_Albarn", 4], ["Damon_Albarn", 12], ["Ravenous_-LRB-soundtrack-RRB-", 1]]} +{"id": 51323, "predicted_label": "REFUTES", "predicted_evidence": [["Thomas_Jefferson_Randolph", 0], ["Thomas_Jefferson_Medal", 15], ["Thomas_Jefferson_Medal", 11], ["Thomas_Jefferson_Medal", 13], ["Thomas_Jefferson_Medal", 8]]} +{"id": 181114, "predicted_label": "REFUTES", "predicted_evidence": [["Leading_Ladies_-LRB-film-RRB-", 4], ["Leading_Ladies_-LRB-film-RRB-", 8], ["Leading_Ladies_-LRB-film-RRB-", 2], ["Leading_Ladies_-LRB-film-RRB-", 0], ["So_You_Think_You_Can_Dance_Scandinavia", 0]]} +{"id": 7258, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Jay_Mohr", 2], ["Eddie_Murphy", 13], ["Martin_Bregman", 1], ["Nash_-LRB-surname-RRB-", 91]]} +{"id": 213936, "predicted_label": "REFUTES", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Call_of_Duty", 9], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 6], ["Gray_Matter_Interactive", 5]]} +{"id": 29746, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_films_set_in_Shanghai", 27], ["List_of_films_set_in_Shanghai", 89], ["Fist", 30], ["Fist", 12], ["List_of_video_game_crowdfunding_projects", 3002]]} +{"id": 62703, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 157826, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murray_S._Hoffman", 4], ["Heart", 19], ["Arthur_Vineberg", 12], ["Qardio", 3], ["DASH_diet", 19]]} +{"id": 57902, "predicted_label": "REFUTES", "predicted_evidence": [["Boruto-COLON-_Naruto_the_Movie", 4], ["Episode_6646", 4], ["Drew_Carey's_Back-to-School_Rock_'n'_Roll_Comedy_Hour", 6], ["Glossary_of_shapes_with_metaphorical_names", 46], ["Hourglass_drum", 0]]} +{"id": 3009, "predicted_label": "SUPPORTS", "predicted_evidence": [["Horse", 5], ["List_of_Neolithic_settlements", 58], ["History_of_agriculture", 27], ["3rd_millennium_BC_in_North_American_history", 0], ["Stonehenge", 5]]} +{"id": 125622, "predicted_label": "SUPPORTS", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 1], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0]]} +{"id": 161527, "predicted_label": "SUPPORTS", "predicted_evidence": [["Baz_Luhrmann", 2], ["Baz_Luhrmann", 0], ["Romeo_+_Juliet", 0], ["Strictly_Ballroom", 7], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0]]} +{"id": 125491, "predicted_label": "SUPPORTS", "predicted_evidence": [["Escape_from_Planet_Monday", 0], ["So_Hot_Right_Now", 3], ["All_That_Jazz", 23], ["So_Hot_Right_Now", 0], ["So_Hot_Right_Now", 5]]} +{"id": 40226, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_gothic_metal_bands", 1], ["Swing_music", 0], ["Swing_music", 17], ["Swing_music", 19], ["Swing_music", 11]]} +{"id": 6683, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pistol_offense", 22], ["49ers\u2013Seahawks_rivalry", 13], ["Colin_Kaepernick", 2], ["49ers\u2013Seahawks_rivalry", 0], ["2016_San_Francisco_49ers_season", 0]]} +{"id": 63775, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_I", 9], ["Catherine_de'_Medici's_patronage_of_the_arts", 1], ["Concordat_of_Bologna", 2], ["Catherine_de'_Medici's_patronage_of_the_arts", 7], ["Concordat_of_Bologna", 0]]} +{"id": 44754, "predicted_label": "REFUTES", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Lina_Wolff", 5], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 174595, "predicted_label": "REFUTES", "predicted_evidence": [["Jay_Z_albums_discography", 6], ["Artpop", 13], ["MercyMe_discography", 22], ["Jay_Z_albums_discography", 9], ["Toni_Braxton_discography", 8]]} +{"id": 56021, "predicted_label": "REFUTES", "predicted_evidence": [["Noticias_Telemundo", 8], ["Telemundo", 5], ["Noticiero_Telemundo", 0], ["Noticiero_Telemundo", 11], ["Noticias_Telemundo", 0]]} +{"id": 173509, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sancho_Panza", 0], ["The_Truth_about_Sancho_Panza", 8], ["Clavilen\u0303o", 4], ["Don_Quixote", 6], ["The_Truth_about_Sancho_Panza", 0]]} +{"id": 64514, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Socks_-LRB-cat-RRB-", 0], ["Mikun_-LRB-disambiguation-RRB-", 18], ["Mikun_-LRB-disambiguation-RRB-", 16], ["Pet_store", 6]]} +{"id": 71125, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["John_Tempesta", 0], ["System_of_a_Down_discography", 0], ["List_of_American_musicians_of_Armenian_descent", 85]]} +{"id": 184052, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Lonergan_-LRB-surname-RRB-", 12], ["Walter_Lonergan", 10]]} +{"id": 88946, "predicted_label": "SUPPORTS", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Jessica_Jones", 1], ["Ultimate_Spider-Man", 16], ["Ultimate_Spider-Man", 11], ["Brian_Michael_Bendis", 0]]} +{"id": 28380, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Easy_to_Assemble", 7], ["Right_to_Kill?", 10], ["Right_to_Kill?", 6]]} +{"id": 179046, "predicted_label": "SUPPORTS", "predicted_evidence": [["Christa_McAuliffe", 10], ["Congressional_Space_Medal_of_Honor", 12], ["Congressional_Space_Medal_of_Honor", 9], ["Congressional_Space_Medal_of_Honor", 10], ["NASA_Distinguished_Service_Medal", 13]]} +{"id": 167985, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jack_Fingleton", 36], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 19], ["Jack_Fingleton", 16], ["Jack_Fingleton", 33], ["Jack_Fingleton", 18]]} +{"id": 113990, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bloom_Festival", 45], ["Australia\u2013Chile_Free_Trade_Agreement", 23], ["Bloom_Festival", 44], ["Bloom_Festival", 11], ["Bloom_Festival", 22]]} +{"id": 68081, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 62], ["List_of_fictional_U.S._Marshals", 96], ["Economy_of_South_Korea", 9], ["Economy_of_South_Korea", 17], ["Economy_of_South_Korea", 21]]} +{"id": 199732, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tijuana", 0], ["San_Diego_County,_California", 10], ["Tijuana_Municipality", 7], ["San_Diego", 17], ["Tijuana_metropolitan_area", 0]]} +{"id": 115940, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lizzy_Caplan", 2], ["Julie_Klausner", 4], ["Julie_Klausner", 12], ["Caplan", 20], ["Lizzy_the_Lezzy", 11]]} +{"id": 97243, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Walsh", 24], ["Joe_Walsh_-LRB-catcher-RRB-", 9], ["Joe_Walsh_-LRB-catcher-RRB-", 4], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0]]} +{"id": 86518, "predicted_label": "SUPPORTS", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting_-LRB-film-RRB-", 0], ["Ewan_McGregor", 2], ["Ewan_McGregor", 3], ["Ewen_Bremner", 1]]} +{"id": 25379, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_companies_of_Mexico", 3], ["Mexico", 3], ["List_of_companies_of_Poland", 3], ["Indonesia", 3], ["Vietnam", 1]]} +{"id": 115628, "predicted_label": "SUPPORTS", "predicted_evidence": [["Justin_Chatwin", 7], ["Sarah_Paulson", 1], ["Chatwin", 8], ["The_Return_of_Doctor_Mysterio", 6], ["Justin_Chatwin", 0]]} +{"id": 124717, "predicted_label": "REFUTES", "predicted_evidence": [["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 0], ["Paramore_-LRB-album-RRB-", 0], ["List_of_songs_recorded_by_Paramore", 18], ["List_of_songs_recorded_by_Paramore", 19], ["Paramore_discography", 12]]} +{"id": 24240, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jesus_in_Islam", 6], ["Quran", 0], ["Biblical_and_Quranic_narratives", 0], ["Chhatrabhog", 22], ["Chhatrabhog", 31]]} +{"id": 126235, "predicted_label": "SUPPORTS", "predicted_evidence": [["Literariness", 2], ["Marxist_literary_criticism", 13], ["Rene\u0301_Wellek", 19], ["Rene\u0301_Wellek", 20], ["Literariness", 1]]} +{"id": 116941, "predicted_label": "SUPPORTS", "predicted_evidence": [["PacSun", 1], ["PacSun", 3], ["PacSun", 0], ["Liu_Yu", 14], ["Liu_Song_-LRB-disambiguation-RRB-", 0]]} +{"id": 180723, "predicted_label": "REFUTES", "predicted_evidence": [["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Live_at_Mainstreet", 3], ["Something_Beginning_with_C", 2], ["Vidyagauri_Adkar", 0], ["Rohini_Bhate", 0]]} +{"id": 29515, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Chad_Vader-COLON-_Day_Shift_Manager_episodes", 6], ["Jude_Cole", 66], ["Jude_Cole", 18], ["Jude_Cole", 0], ["Jude_Cole", 65]]} +{"id": 194453, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda", 16], ["Tilda", 12], ["Swinton_-LRB-surname-RRB-", 19], ["Snowpiercer", 5], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4]]} +{"id": 207533, "predicted_label": "REFUTES", "predicted_evidence": [["Hamad_Sa'b", 11], ["Hamad_Sa'b", 10], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["I_Want_You_Back_-LRB-disambiguation-RRB-", 12], ["The_X_Factor_-LRB-UK_series_11-RRB-", 4]]} +{"id": 168044, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mike_Yard", 2], ["Nightly", 8], ["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["Mike_Yard", 0]]} +{"id": 135930, "predicted_label": "SUPPORTS", "predicted_evidence": [["Empire_Award_for_Best_Supporting_Actress", 1], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Concrete_Cow", 7], ["Blue_Jasmine", 1], ["List_of_accolades_received_by_Blue_Jasmine", 2]]} +{"id": 151957, "predicted_label": "REFUTES", "predicted_evidence": [["North_-LRB-surname-RRB-", 52], ["Edmund_H._Deas_House", 0], ["Edmund_Pendleton_-LRB-disambiguation-RRB-", 6], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234], ["Edmund_H._Deas_House", 4]]} +{"id": 111176, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kajol_filmography", 6], ["Filmfare_Award_for_Best_Music_Album", 650], ["Dilwale_Dulhania_Le_Jayenge", 15], ["Dilwale_Dulhania_Le_Jayenge", 0], ["Kajol_filmography", 7]]} +{"id": 833, "predicted_label": "SUPPORTS", "predicted_evidence": [["TakePart", 0], ["TakePart", 1], ["Participant_Media", 1], ["Jeffrey_Skoll", 1], ["Cineflix", 18]]} +{"id": 201751, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_Vietnam", 10], ["North_Vietnam", 0], ["Operation_Rolling_Thunder", 3], ["1965_in_the_Vietnam_War", 27], ["North_Korea\u2013Vietnam_relations", 16]]} +{"id": 227122, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["List_of_New_Orleans_Pelicans_seasons", 1], ["Southwest_Division_-LRB-NBA-RRB-", 0], ["List_of_New_Orleans_Pelicans_head_coaches", 1], ["Southwest_Division_-LRB-NBA-RRB-", 14]]} +{"id": 115020, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mister_Fantastic", 17], ["Invisible_Woman", 15], ["Human_Torch", 18], ["Alicia_Masters", 8], ["Fantastic_Four_in_film", 7]]} +{"id": 61448, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_extreme_points_of_U.S._states", 282], ["Shelley_Moore_Capito", 7], ["List_of_hospitals_in_West_Virginia", 91], ["Shelley_Moore_Capito", 6]]} +{"id": 207263, "predicted_label": "SUPPORTS", "predicted_evidence": [["Health_at_Every_Size", 8], ["Endometrial_cancer", 27], ["Endometrial_cancer", 26], ["Obesity", 9], ["Health_at_Every_Size", 7]]} +{"id": 126678, "predicted_label": "REFUTES", "predicted_evidence": [["Colosseum", 0], ["Colosseum", 44], ["Colosseum", 23], ["Domenico_Panaroli", 2], ["Colosseum_II", 0]]} +{"id": 82576, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 2], ["Claudia_Brant", 1], ["Bachata_Number_1's,_Vol._3", 8]]} +{"id": 204425, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brad_Wilk", 4], ["Rage_Against_the_Machine", 1], ["Tom_Morello_discography", 5], ["Wilk", 17], ["Lock_Up_-LRB-American_band-RRB-", 25]]} +{"id": 171064, "predicted_label": "REFUTES", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Princess_Lalla_Meryem_of_Morocco", 0], ["Lalla_-LRB-disambiguation-RRB-", 12], ["Princess_Lalla_Meryem_of_Morocco", 10]]} +{"id": 130726, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Screening_Room", 5], ["List_of_films_set_in_Shanghai", 27], ["Analog-to-digital_timeline", 49], ["List_of_films_set_in_Shanghai", 89], ["List_of_films_set_in_Shanghai", 91]]} +{"id": 158425, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penibaetic_System", 0], ["Montes_de_Ma\u0301laga", 0], ["California_Rangeland_Trust", 68], ["Gerald_Lyda", 35], ["Western_saddle", 0]]} +{"id": 114200, "predicted_label": "REFUTES", "predicted_evidence": [["Allen_Brain_Atlas", 4], ["Organization_for_Human_Brain_Mapping", 10], ["Allen_Brain_Atlas", 3], ["Allen_Brain_Atlas", 0], ["Brain", 19]]} +{"id": 159940, "predicted_label": "SUPPORTS", "predicted_evidence": [["McAuliffe-Shepard_Discovery_Center", 1], ["Christa_McAuliffe", 4], ["Christa_McAuliffe_Space_Education_Center", 6], ["Christa_McAuliffe_Space_Education_Center", 0], ["Christa_McAuliffe_Space_Education_Center", 4]]} +{"id": 178169, "predicted_label": "SUPPORTS", "predicted_evidence": [["World_Trade_Center_-LRB-2001\u2013present-RRB-", 5], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], ["List_of_tallest_buildings_in_New_York_City", 20], ["One_World_Trade_Center", 0], ["List_of_tallest_buildings_in_New_York_City", 1]]} +{"id": 140144, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boom_Town_-LRB-Doctor_Who-RRB-", 5], ["Annette_Badland", 0], ["Carter_family_-LRB-EastEnders-RRB-", 14], ["Babe_Smith", 0], ["Malcolm_Ridley", 19]]} +{"id": 50116, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eddie_Murphy", 13], ["The_Adventures_of_Pluto_Nash", 0], ["Generational_planet", 23], ["2007_suicide_bombings_in_Iraq", 67], ["2007_suicide_bombings_in_Iraq", 157]]} +{"id": 99033, "predicted_label": "SUPPORTS", "predicted_evidence": [["Morse_code", 18], ["Hybrid_automatic_repeat_request", 6], ["GPS_navigation_device", 10], ["GPS_navigation_device", 9], ["QSK_operation_-LRB-full_break-in-RRB-", 21]]} +{"id": 199418, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["Boyhood_-LRB-film-RRB-", 5], ["T.C._Steele_Boyhood_Home", 3], ["Hilton_of_Cadboll_Stone", 36], ["Hilton_of_Cadboll_Stone", 18]]} +{"id": 94136, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Terry_Crews", 9], ["Terry_Crews", 3], ["Make_a_Smellmitment", 2], ["Terry_Crews", 0], ["Make_a_Smellmitment", 4]]} +{"id": 156146, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soyuz_7K-L1", 8], ["Soyuz-V", 0], ["Soyuz-B", 0], ["Soyuz_-LRB-rocket-RRB-", 0], ["Soyuz_7K-L1", 0]]} +{"id": 72890, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edward_H._Swan_House", 11], ["1979_US_Open_\u2013_Men's_Singles", 10], ["1979_US_Open_\u2013_Men's_Singles", 4], ["Showdown_of_Champions", 9], ["Showdown_of_Champions", 23]]} +{"id": 111958, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hundred_Years'_War_-LRB-1415\u201353-RRB-", 0], ["Joan_of_Arc", 0], ["Hundred_Years'_War", 21], ["Siege_of_Saint-Pierre-le-Mou\u0302tier", 0], ["Joan_of_Arc", 2]]} +{"id": 25320, "predicted_label": "REFUTES", "predicted_evidence": [["Adnan_Al-Rifaey", 24], ["Quran", 7], ["Mus'haf", 17], ["Quran_desecration", 0], ["Mus'haf", 8]]} +{"id": 14328, "predicted_label": "SUPPORTS", "predicted_evidence": [["George_Norcross", 5], ["Rowan_University", 8], ["Cooper_Medical_School_of_Rowan_University", 3], ["Camden,_New_Jersey", 40], ["Cooper_Medical_School_of_Rowan_University", 0]]} +{"id": 105336, "predicted_label": "SUPPORTS", "predicted_evidence": [["Latin_Grammy_Award_for_Best_Contemporary_Pop_Vocal_Album", 2], ["List_of_number-one_Billboard_Latin_Pop_Albums_from_the_1980s", 11], ["Grammy_Award_for_Best_Latin_Pop_Album", 0], ["Grammy_Award_for_Best_Latin_Pop_Album", 4], ["List_of_number-one_Billboard_Latin_Pop_Albums_from_the_1980s", 16]]} +{"id": 199745, "predicted_label": "REFUTES", "predicted_evidence": [["Dicoria_-LRB-plant-RRB-", 10], ["Tijuana", 2], ["Dicoria_-LRB-plant-RRB-", 0], ["Dicoria_-LRB-plant-RRB-", 8], ["Dicoria_-LRB-plant-RRB-", 5]]} +{"id": 171621, "predicted_label": "REFUTES", "predicted_evidence": [["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["Gibbons", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 12], ["Watchmensch", 5], ["David_Gibbons_-LRB-disambiguation-RRB-", 3]]} +{"id": 89065, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paramore_discography", 1], ["List_of_songs_recorded_by_Paramore", 2], ["Paramore_discography", 5], ["Zac_Farro", 2], ["Paramore_-LRB-album-RRB-", 0]]} +{"id": 65437, "predicted_label": "REFUTES", "predicted_evidence": [["Philomena_-LRB-given_name-RRB-", 10], ["Philomena", 1], ["Philomena_Lee", 1], ["Philomena_Lee", 0], ["St._Philomena's_Church", 0]]} +{"id": 132549, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_F.C.", 7], ["History_of_Tottenham_Hotspur_F.C.", 6], ["History_of_Tottenham_Hotspur_F.C.", 0], ["Tottenham_Hotspur_F.C.", 9], ["List_of_Tottenham_Hotspur_F.C._players", 14]]} +{"id": 119779, "predicted_label": "REFUTES", "predicted_evidence": [["Ashley_Cole", 0], ["Choc_ice", 8], ["Cheryl-COLON-_My_Story", 2], ["Chris_Nathaniel", 29], ["Promise_This", 4]]} +{"id": 50061, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Issa_Rae", 2], ["Issa_Rae", 1], ["Insecure_-LRB-TV_series-RRB-", 0], ["Issa_Rae", 6]]} +{"id": 148437, "predicted_label": "SUPPORTS", "predicted_evidence": [["City_Central_-LRB-TV_series-RRB-", 6], ["Paul_Nicholls_-LRB-actor-RRB-", 1], ["David_Wicks", 4], ["David_Wicks", 0], ["Alan_Nicholls", 9]]} +{"id": 111590, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marco_Polo", 11], ["In_the_Footsteps_of_Marco_Polo", 1], ["Marco_Polo_-LRB-opera-RRB-", 4], ["In_the_Footsteps_of_Marco_Polo", 0], ["Marco_Polo_Cycling_Club", 22]]} +{"id": 135966, "predicted_label": "REFUTES", "predicted_evidence": [["Santa_Ana_winds_in_popular_culture", 53], ["Santa_Ana_winds_in_popular_culture", 85], ["Santa_Ana_winds_in_popular_culture", 86], ["Santa_Ana_winds_in_popular_culture", 55], ["Santa_Ana_winds_in_popular_culture", 70]]} +{"id": 224964, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kentucky_Bourbon_Festival", 9], ["Kentucky", 11], ["Competitive_barrel_rolling", 0], ["Uhuru_Design", 1], ["Kentucky_Bourbon_Festival", 2]]} +{"id": 165889, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alice_Cooper", 0], ["Alice_Cooper_a_Paris", 4], ["Alice_Cooper_-LRB-disambiguation-RRB-", 0], ["Alice_Cooper", 10], ["Neal_Smith_-LRB-drummer-RRB-", 19]]} +{"id": 84421, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_A21_Campaign", 15], ["Human_trafficking_in_the_United_Kingdom", 17], ["Beryl_Esembe", 16], ["Transnational_efforts_to_prevent_human_trafficking", 0], ["Human_trafficking_in_New_Zealand", 14]]} +{"id": 96501, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abdul_Karim_Parekh", 0], ["Quran", 0], ["International_propagation_of_Salafism_and_Wahhabism", 11], ["Jesus_in_Islam", 6], ["Madrasahs_in_Singapore", 0]]} +{"id": 71161, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_-LRB-surname-RRB-", 52], ["Edmund_H._Deas_House", 4], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234], ["Edmund_Pendleton_-LRB-disambiguation-RRB-", 6], ["Edmund_Garrett", 3]]} +{"id": 114910, "predicted_label": "SUPPORTS", "predicted_evidence": [["Weathering_rind", 6], ["Synoeca_septentrionalis", 3], ["N._B._Khatiwada", 30], ["N._B._Khatiwada", 22], ["N._B._Khatiwada", 56]]} +{"id": 124817, "predicted_label": "REFUTES", "predicted_evidence": [["Lo_Wei", 0], ["New_Fist_of_Fury", 0], ["Fist_of_Fury_-LRB-disambiguation-RRB-", 2], ["New_Fist_of_Fury", 3], ["Dragon_Fist", 0]]} +{"id": 202757, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chris_Renaud_-LRB-animator-RRB-", 2], ["Despicable_Me_2", 1], ["List_of_2010_box_office_number-one_films_in_Australia", 12], ["List_of_2010_box_office_number-one_films_in_Australia", 20], ["Despicable_Me_2", 0]]} +{"id": 219132, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_registered_political_parties_in_Vale\u0300ncia", 62], ["Valencia", 0], ["Valencia_Football_Club", 3], ["Valencia_Football_Club", 5], ["List_of_registered_political_parties_in_Vale\u0300ncia", 18]]} +{"id": 49125, "predicted_label": "REFUTES", "predicted_evidence": [["Lou_Gehrig", 15], ["Lou_Gehrig_Memorial_Award", 0], ["Hispanic_Heritage_Baseball_Museum", 13], ["Hispanic_Heritage_Baseball_Museum", 61], ["Lou_Gehrig_Memorial_Award", 10]]} +{"id": 117023, "predicted_label": "REFUTES", "predicted_evidence": [["Good_Witch_-LRB-TV_series-RRB-", 0], ["Good_Witch_-LRB-TV_series-RRB-", 1], ["Chris_Smith_-LRB-filmmaker-RRB-", 10], ["Chris_Smith_-LRB-filmmaker-RRB-", 6], ["AM_Radio_-LRB-song-RRB-", 1]]} +{"id": 203373, "predicted_label": "SUPPORTS", "predicted_evidence": [["Goosebumps_-LRB-film-RRB-", 1], ["American_Crime_Story", 11], ["The_People_vs._Larry_Flynt", 4], ["Ed_Wood_-LRB-film-RRB-", 5], ["Mars_Attacks!", 9]]} +{"id": 155722, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["The_Dark_Tower-COLON-_Treachery", 0], ["The_Dark_Tower-COLON-_Treachery", 1], ["The_Dark_Tower_-LRB-series-RRB-", 13], ["The_Dark_Tower_-LRB-series-RRB-", 0]]} +{"id": 199752, "predicted_label": "REFUTES", "predicted_evidence": [["Tijuana", 18], ["Tijuana", 0], ["Tijuana", 19], ["San_Diego\u2013Tijuana", 1], ["Tijuana", 20]]} +{"id": 218374, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Resistance", 6], ["Szlama_Grzywacz", 0], ["Thomas_Elek", 0], ["German_resistance_to_Nazism", 7], ["French_Resistance", 0]]} +{"id": 119647, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_hospitals_in_Arizona", 39], ["Prescott_Valley_Event_Center", 0], ["Arizona_Airways", 0], ["Arizona_Airways", 3], ["List_of_hospitals_in_Arizona", 151]]} +{"id": 147229, "predicted_label": "SUPPORTS", "predicted_evidence": [["Apple_II_series", 0], ["Steve_Jobs", 2], ["WOZ", 7], ["Apple_II_series", 19], ["Zaltair", 2]]} +{"id": 134585, "predicted_label": "REFUTES", "predicted_evidence": [["NRG_Recording_Studios", 0], ["A_Thousand_Suns", 4], ["NRG", 27], ["Got_the_Life", 1], ["Neve_8078", 24]]} +{"id": 185215, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Give_It_to_Me_-LRB-Timbaland_song-RRB-", 8], ["Give_It_to_Me_-LRB-Timbaland_song-RRB-", 2], ["Give_It_to_Me_-LRB-Timbaland_song-RRB-", 0], ["Chang_&_Eng", 3], ["Chang_&_Eng", 1]]} +{"id": 215224, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Score", 17], ["Sports_film", 0], ["Sports_film", 1], ["Sports_film", 2], ["Gilles_-LRB-given_name-RRB-", 305]]} +{"id": 80722, "predicted_label": "REFUTES", "predicted_evidence": [["Dome_of_the_Rock", 13], ["Trishanku", 21], ["Olympic_Tennis_Centre_-LRB-Rio_de_Janeiro-RRB-", 9], ["Trishanku", 40], ["Bolshoy_Obukhovsky_Bridge", 10]]} +{"id": 38107, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jolin_Tsai_filmography", 7], ["List_of_accolades_received_by_Zootopia", 1], ["Zootopia", 2], ["Givskud_Zoo", 23], ["Try_Everything", 0]]} +{"id": 218245, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_companies_of_Mexico", 2], ["Mexico", 2], ["Libya", 2], ["List_of_companies_of_Libya", 2], ["Sudan", 16]]} +{"id": 194354, "predicted_label": "SUPPORTS", "predicted_evidence": [["Happiness_in_Slavery", 0], ["Tsvety", 14], ["Happiness_in_Slavery", 2], ["Nine_Inch_Nails", 0], ["Deist_Requiem", 0]]} +{"id": 172471, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Democratic_Party_-LRB-Italy-RRB-", 14], ["Democratic_Party_-LRB-Italy-RRB-", 3], ["Remake_Italy", 6], ["Renzi_-LRB-surname-RRB-", 22], ["Stefano_Fassina", 12]]} +{"id": 146456, "predicted_label": "REFUTES", "predicted_evidence": [["Rhythm_Nation", 23], ["Escapade_-LRB-song-RRB-", 3], ["Rhythm_Nation", 0], ["Rhythm_Nation", 9], ["Escapade_-LRB-song-RRB-", 0]]} +{"id": 2988, "predicted_label": "SUPPORTS", "predicted_evidence": [["Royal_Bus_Lines", 22], ["Royal_Bus_Lines", 1], ["Lake_Street/Powderhorn_-LRB-Metro_Transit_station-RRB-", 2], ["Lake_Street/Powderhorn_-LRB-Metro_Transit_station-RRB-", 10], ["Bus_stop", 4]]} +{"id": 187222, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Hurt_Locker", 0], ["List_of_accolades_received_by_The_Hurt_Locker", 0], ["Nine_from_Aberdeen", 27], ["Explosive_Ordnance_Disposal_Badge", 0], ["List_of_accolades_received_by_The_Hurt_Locker", 23]]} +{"id": 168042, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["Minority_Report", 25], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Mike_Yard", 1]]} +{"id": 100782, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mister_Fantastic", 17], ["Invisible_Woman", 15], ["Human_Torch", 18], ["Alicia_Masters", 8], ["Fantastic_Four_in_film", 7]]} +{"id": 74936, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bobby_Jack_Fowler", 11], ["Bobby_Jack_Fowler", 5], ["Bobby_Jack_Fowler", 14], ["Bobby_Jack_Fowler", 1], ["Prior_Analytics", 13]]} +{"id": 192845, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palmer_R._Chitester_Fund", 7], ["Palmer_R._Chitester_Fund", 5], ["Ian_Brennan", 8], ["Ian_Brennan", 0], ["Ian_Brennan", 6]]} +{"id": 181881, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Princess_Mononoke", 4], ["Hayao_Miyazaki", 16]]} +{"id": 41923, "predicted_label": "REFUTES", "predicted_evidence": [["Mohabbatein", 1], ["Kajol_filmography", 6], ["Filmfare_Award_for_Best_Music_Album", 650], ["Kajol", 9], ["Kajol_filmography", 7]]} +{"id": 193895, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bea_Arthur", 0], ["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22], ["Billy_Goldenberg", 19], ["Bea_Arthur", 4]]} +{"id": 37097, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ivon_Murdoch", 7], ["Bill_Jenkings", 5], ["Bruce_Hundertmark", 5], ["News_International_phone_hacking_scandal", 3], ["Bill_Jenkings", 21]]} +{"id": 201757, "predicted_label": "SUPPORTS", "predicted_evidence": [["North_Vietnam", 0], ["North_Vietnam", 10], ["Land_reform_in_Vietnam", 6], ["Operation_Rolling_Thunder", 0], ["North_Korea\u2013Vietnam_relations", 0]]} +{"id": 107265, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sora_-LRB-Kingdom_Hearts-RRB-", 6], ["Organization_XIII", 5], ["Sora_-LRB-Kingdom_Hearts-RRB-", 4], ["Kingdom_Hearts_II", 19], ["Kingdom_Hearts_Coded", 13]]} +{"id": 201110, "predicted_label": "REFUTES", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Larry_Thurston", 35], ["Larry_Thurston", 13], ["1954\u201355_Chelsea_F.C._season", 9], ["Harry_C._Bentley", 14]]} +{"id": 56263, "predicted_label": "SUPPORTS", "predicted_evidence": [["Emmanuel_Fisher", 4], ["Miles_Fisher", 10], ["Goblin_-LRB-band-RRB-", 0], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5], ["Teenage_Mutant_Ninja_Turtles_-LRB-2014_film-RRB-", 2]]} +{"id": 185220, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["A_Quiet_Night_In", 9], ["Unknown_Chaplin", 13], ["Eugene_Chaplin", 5], ["Unknown_Chaplin", 7], ["A_Quiet_Night_In", 2]]} +{"id": 64237, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 7], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1], ["The_Cincinnati_Kid", 0], ["Norman_Jewison", 2]]} +{"id": 42709, "predicted_label": "REFUTES", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Behind_the_Player-COLON-_Duff_McKagan", 3], ["Martin_Feveyear", 1], ["Velvet_Revolver", 0], ["Martin_Feveyear", 3]]} +{"id": 59542, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bessie", 35], ["Me_and_Bessie", 4], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["Me_and_Bessie", 20], ["Bessie_-LRB-disambiguation-RRB-", 14]]} +{"id": 159719, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 120046, "predicted_label": "REFUTES", "predicted_evidence": [["Leonard_Hofstadter", 0], ["The_Big_Bang_Theory_-LRB-season_1-RRB-", 8], ["The_Santa_Simulation", 7], ["BBT", 46], ["Big_Bang_Theory_-LRB-disambiguation-RRB-", 12]]} +{"id": 179763, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wentworth_Miller", 2], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 21]]} +{"id": 162899, "predicted_label": "REFUTES", "predicted_evidence": [["Mani_Ratnam", 1], ["R._Madhavan", 6], ["List_of_awards_and_nominations_received_by_Aishwarya_Rai", 18], ["Mani_Ratnam_filmography", 1], ["Dil_Se..", 0]]} +{"id": 15084, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joe_Walsh", 30], ["Joe_Walsh", 24], ["The_Four_Seasons_-LRB-band-RRB-", 11], ["The_Drifters", 10], ["The_Miracles", 18]]} +{"id": 180722, "predicted_label": "REFUTES", "predicted_evidence": [["Live_at_Mainstreet", 0], ["Live_at_Mainstreet", 3], ["Shaquille_O'Neal_discography", 3], ["Eric_B._&_Rakim_discography", 15], ["Stan_Walker_discography", 5]]} +{"id": 163991, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeram_-LRB-2014_film-RRB-", 0], ["Aluri_Chakrapani", 1], ["Veeram", 0], ["Veeram_-LRB-2014_film-RRB-", 5], ["Veeram", 3]]} +{"id": 194470, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda", 12], ["Snowpiercer", 5], ["Swinton_-LRB-surname-RRB-", 19], ["Michael_Clayton_-LRB-film-RRB-", 1], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4]]} +{"id": 152037, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Palace", 0], ["Victoria_Theatre", 31], ["Palace_-LRB-disambiguation-RRB-", 20], ["Palace_Theatre,_Westcliff-on-Sea", 12], ["Victoria_Theatre", 39]]} +{"id": 89213, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barbara_Becnel", 1], ["List_of_major_perpetrators_of_the_Holocaust", 589], ["List_of_major_perpetrators_of_the_Holocaust", 73], ["Walter_Williams_-LRB-painter-RRB-", 6], ["Real_Soon", 6]]} +{"id": 204417, "predicted_label": "REFUTES", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["List_of_Black_Sabbath_band_members", 0], ["Tom_Morello_discography", 5], ["Tom_Morello_discography", 18], ["List_of_Black_Sabbath_band_members", 25]]} +{"id": 13951, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bereavement_-LRB-film-RRB-", 0], ["Pilot_-LRB-White_Collar-RRB-", 8], ["We_Have_Always_Lived_in_the_Castle_-LRB-film-RRB-", 1], ["Pilot_-LRB-White_Collar-RRB-", 2], ["Texas_Chainsaw_3D", 3]]} +{"id": 86809, "predicted_label": "REFUTES", "predicted_evidence": [["New_Brunswick_Route_100", 3], ["Rude_Boy_USA", 1], ["England_Away", 3], ["Daniela_Castillo", 11], ["New_Brunswick_Route_100", 0]]} +{"id": 192981, "predicted_label": "REFUTES", "predicted_evidence": [["Trade_-LRB-disambiguation-RRB-", 12], ["Stargate", 0], ["Godzilla_-LRB-1998_film-RRB-", 0], ["Trade_-LRB-disambiguation-RRB-", 16], ["Stargate", 12]]} +{"id": 172466, "predicted_label": "REFUTES", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_-LRB-surname-RRB-", 22], ["Stefano_Fassina", 9], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Democratic_Party_-LRB-Italy-RRB-", 3]]} +{"id": 113260, "predicted_label": "REFUTES", "predicted_evidence": [["Uranium", 30], ["Uranium", 3], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Uranium-234", 15]]} +{"id": 166646, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Angela_Hill", 16], ["The_Real_World-COLON-_New_Orleans", 12], ["Anne_Rice", 0], ["Anne_Rice", 22]]} +{"id": 6684, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pistol_offense", 22], ["Alex_Smith", 10], ["49ers\u2013Seahawks_rivalry", 13], ["Colin_Kaepernick", 6], ["Colin_Kaepernick", 2]]} +{"id": 207535, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mel_B", 5], ["Mel_B", 9], ["List_of_The_X_Factor_finalists_-LRB-Australia_season_3-RRB-", 2], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["Mel_B", 22]]} +{"id": 191434, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Days_Go_By", 4], ["Keith_Urban_-LRB-1991_album-RRB-", 0], ["Days_Go_By", 6], ["The_Ranch_-LRB-band-RRB-", 0]]} +{"id": 219152, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Barrios_of_Montevideo", 4], ["Valencia_CF", 15], ["Valencia_CF", 16], ["List_of_Valencia,_California_residential_villages", 117], ["Valencia_CF", 1]]} +{"id": 99128, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Shaw_PPV", 4], ["Sky_Box_Office", 5], ["Laura_Serrano", 14], ["Sky_Box_Office", 3], ["Laura_Serrano", 6]]} +{"id": 79553, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Carrie_Mathison", 2], ["Pilot_-LRB-Homeland-RRB-", 4], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Brody_-LRB-disambiguation-RRB-", 10], ["Bruiser_Brody_Memorial_Cup", 24]]} +{"id": 92444, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lucius_Lyon", 30], ["List_of_Michigan_sport_championships", 106], ["Lucius_Lyon", 21], ["Mud_Lake_-LRB-Michigan-RRB-", 0], ["List_of_Michigan_sport_championships", 80]]} +{"id": 112938, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["WDJZ", 10], ["Kenny_Woods", 18], ["Pilot_-LRB-White_Collar-RRB-", 2], ["Nomis_-LRB-film-RRB-", 1], ["Lefty_O'Doul_Bridge", 18]]} +{"id": 159722, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 213950, "predicted_label": "REFUTES", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Howard_Jachter", 3], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 6], ["Gray_Matter_Interactive", 5]]} +{"id": 60288, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Guillermo_del_Toro", 4], ["Guillermo_del_Toro", 0], ["Sundown_-LRB-video_game-RRB-", 1], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 0]]} +{"id": 113889, "predicted_label": "SUPPORTS", "predicted_evidence": [["Julie_Klausner", 4], ["Lizzy_Caplan", 2], ["Lizzy_Caplan", 3], ["Julie_Klausner", 12], ["Caplan", 20]]} +{"id": 196738, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alfred_Hitchcock_filmography", 1], ["Suspense_-LRB-disambiguation-RRB-", 8], ["Marnie_-LRB-disambiguation-RRB-", 10], ["Marnie_-LRB-disambiguation-RRB-", 8], ["Alfred_Hitchcock_filmography", 7]]} +{"id": 143526, "predicted_label": "SUPPORTS", "predicted_evidence": [["Quran", 7], ["Wiccan_Laws", 18], ["Ipsita_Roy_Chakraverti", 8], ["Kerr_Cuhulain", 6], ["Quran", 26]]} +{"id": 185390, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 62], ["List_of_fictional_U.S._Marshals", 45], ["List_of_fictional_U.S._Marshals", 96], ["Chip_race", 9], ["Chip_race", 29]]} +{"id": 140779, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["English_people", 15], ["English_people", 6], ["Dala-fur_sheep", 1], ["Dumyat", 24]]} +{"id": 179005, "predicted_label": "SUPPORTS", "predicted_evidence": [["Steve_Ditko", 3], ["In_Search_of_Steve_Ditko", 0], ["Captain_Glory", 3], ["Charlton_Neo", 0], ["Captain_Glory", 11]]} +{"id": 18736, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Lost", 1], ["List_of_accolades_received_by_Lost_in_Translation_-LRB-film-RRB-", 13], ["Filmfare_Award_for_Best_Actress", 56], ["Filmfare_Award_for_Best_Music_Album", 18], ["List_of_accolades_received_by_Lost_in_Translation_-LRB-film-RRB-", 10]]} +{"id": 81778, "predicted_label": "REFUTES", "predicted_evidence": [["Joseph_Brody", 9], ["Joseph_Brody", 7], ["Carrie_Mathison", 0], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Pilot_-LRB-Homeland-RRB-", 4]]} +{"id": 218243, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angus_Maddison_statistics_of_the_ten_largest_economies_by_GDP_-LRB-PPP-RRB-", 0], ["World_Bank_historical_list_of_ten_largest_countries_by_GDP", 0], ["Oil_reserves_in_Libya", 0], ["Ricky_Martin_singles_discography", 33], ["Ricky_Martin_singles_discography", 40]]} +{"id": 166638, "predicted_label": "REFUTES", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Anne_Rice", 22]]} +{"id": 80575, "predicted_label": "SUPPORTS", "predicted_evidence": [["Black_Canary", 0], ["Batman_and_Son", 2], ["Batman_and_Son", 15], ["Green_Arrow", 0], ["Green_Arrow", 15]]} +{"id": 207378, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Efraim_Diveroli", 6], ["David_Packouz", 3], ["Efraim_Diveroli", 0], ["Ephraim_-LRB-given_name-RRB-", 30], ["War_Dogs_-LRB-2016_film-RRB-", 2]]} +{"id": 126973, "predicted_label": "REFUTES", "predicted_evidence": [["Evolution_of_aerobic_fermentation", 4], ["Pony", 4], ["Horse", 2], ["Cutting_-LRB-sport-RRB-", 13], ["Evolution_of_aerobic_fermentation", 6]]} +{"id": 141716, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Savannah_Music_Festival", 4], ["Savannah_Music_Festival", 0], ["Lexa_-LRB-The_100-RRB-", 9], ["Lexa_-LRB-The_100-RRB-", 3], ["Manuel_Gonzales", 31]]} +{"id": 94500, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chespirito_-LRB-TV_series-RRB-", 8], ["Guild_of_Italian_American_Actors", 0], ["List_of_Italian-American_actors", 0], ["Lists_of_American_actors", 0], ["Lists_of_American_actors", 11]]} +{"id": 204444, "predicted_label": "REFUTES", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6], ["Brad_Wilk", 4], ["Wilk", 17]]} +{"id": 202056, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 13], ["2011_Waltham_triple_murder", 14]]} +{"id": 201115, "predicted_label": "REFUTES", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Guy_de_Bourgogne", 39], ["Joseph_Katz", 6], ["Robert_J._Bentley", 0], ["Robert_J._Bentley", 5]]} +{"id": 185304, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["G-Force_-LRB-film-RRB-", 0], ["Pirates_of_the_Caribbean-COLON-_The_Curse_of_the_Black_Pearl", 1], ["Remember_the_Titans", 0], ["G-Force_-LRB-film-RRB-", 5], ["Chase_-LRB-2010_TV_series-RRB-", 2]]} +{"id": 138759, "predicted_label": "REFUTES", "predicted_evidence": [["Down_Town_-LRB-magazine-RRB-", 3], ["Zougla", 11], ["CZW_Cage_of_Death", 1], ["Solstice_Live!", 8], ["Chemotaxonomy", 33]]} +{"id": 120759, "predicted_label": "REFUTES", "predicted_evidence": [["Gran_Hermano_11_-LRB-Spain-RRB-", 4], ["Japanese_House_of_Councillors_election,_2007", 9], ["Sargent_House", 11], ["House_of_Bourbon-Dampierre", 1], ["Gran_Hermano_11_-LRB-Spain-RRB-", 6]]} +{"id": 88360, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jesus_in_Islam", 14], ["Jesus_in_Islam", 7], ["Jesus_in_Islam", 1], ["Special_revelation", 9], ["The_Church_of_Jesus_Christ_of_Latter-day_Saints", 10]]} +{"id": 110429, "predicted_label": "REFUTES", "predicted_evidence": [["Henry_II_of_France", 13], ["Henry_II_style", 4], ["Henry_II,_Holy_Roman_Emperor", 10], ["Bertram_de_Verdun", 72], ["Henry_II_of_France", 0]]} +{"id": 26501, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tom_Murphy_-LRB-artist-RRB-", 29], ["Hunter_B._Shirley", 6], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 51], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 60], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 177]]} +{"id": 109766, "predicted_label": "SUPPORTS", "predicted_evidence": [["Directly_struck_membranophones", 66], ["Ebrahim_Ghanbari_Mehr", 199], ["Directly_struck_membranophones", 132], ["Directly_struck_membranophones", 129], ["Directly_struck_membranophones", 45]]} +{"id": 5705, "predicted_label": "REFUTES", "predicted_evidence": [["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["List_of_Harry_Potter_cast_members", 1], ["Emma_Watson_-LRB-disambiguation-RRB-", 7], ["Harry_Potter_and_the_Half-Blood_Prince_-LRB-film-RRB-", 7]]} +{"id": 165665, "predicted_label": "REFUTES", "predicted_evidence": [["Tom_Baker_-LRB-English_actor-RRB-", 15], ["Tom_Baker_-LRB-English_actor-RRB-", 10], ["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Jane_Slavin", 6], ["Tom_Baker_-LRB-American_actor-RRB-", 0]]} +{"id": 113117, "predicted_label": "SUPPORTS", "predicted_evidence": [["Match_Point", 2], ["Neuberg_formula", 16], ["Greed_-LRB-film-RRB-", 14], ["Match_Point", 0], ["Neuberg_formula", 0]]} +{"id": 127957, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Choice", 1], ["Ash_Kane", 3], ["TV_Quick", 10], ["TV_Quick", 4], ["EastEnders", 12]]} +{"id": 228331, "predicted_label": "SUPPORTS", "predicted_evidence": [["Island_Records_-LRB-disambiguation-RRB-", 2], ["Island_Records", 12], ["Ron_Rogers", 7], ["Island_Records", 10], ["Island_Records_-LRB-disambiguation-RRB-", 12]]} +{"id": 106478, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["AMGTV", 4], ["List_of_Ace_titles_in_numeric_series", 1785], ["List_of_Ace_titles_in_numeric_series", 1782], ["List_of_Ace_titles_in_numeric_series", 1779]]} +{"id": 199746, "predicted_label": "REFUTES", "predicted_evidence": [["Cross_Border_Xpress", 0], ["Ervan_Coleman", 4], ["Estadio_Gasmart", 0], ["San_Diego\u2013Tijuana", 0], ["San_Diego\u2013Tijuana", 2]]} +{"id": 21188, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Battle_of_Arretium", 65], ["Battle_of_Arretium", 62], ["Asiatech", 2], ["Vertex_Railcar", 14], ["Index_of_World_War_II_articles_-LRB-B-RRB-", 290]]} +{"id": 40325, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civic_Center,_San_Francisco", 2], ["United_Nations_Conference_on_International_Organization", 0], ["Treaty_of_San_Francisco", 0], ["Foreign_relations_of_Taiwan", 6], ["Foreign_relations_of_Taiwan", 15]]} +{"id": 160764, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_downloadable_songs_for_the_Rock_Band_series", 5], ["2007_in_downloadable_songs_for_the_Rock_Band_series", 1], ["2012_in_downloadable_songs_for_the_Rock_Band_series", 1], ["2008_in_downloadable_songs_for_the_Rock_Band_series", 1], ["2013_in_downloadable_songs_for_the_Rock_Band_series", 1]]} +{"id": 173725, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Earl_Scruggs", 0], ["Scruggs_style", 14], ["Earl_Scruggs", 25], ["Scruggs", 9], ["Jim_Shumate", 9]]} +{"id": 44544, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Aparshakti_Khurana", 0], ["Khurana", 17], ["Aparshakti_Khurana", 1], ["Dangal_-LRB-film-RRB-", 14]]} +{"id": 71241, "predicted_label": "SUPPORTS", "predicted_evidence": [["She's_Just_an_Old_Love_Turned_Memory", 0], ["Same_Old_Love", 20], ["Rondel_-LRB-poem-RRB-", 36], ["Rondel_-LRB-poem-RRB-", 23], ["Same_Old_Love", 17]]} +{"id": 187797, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["Wendell_Burton", 10], ["Wendell_Burton", 1], ["The_Sterile_Cuckoo", 0], ["The_Sterile_Cuckoo", 3]]} +{"id": 145941, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Walsh", 24], ["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Barnstorm_-LRB-band-RRB-", 10], ["The_Confessor_-LRB-song-RRB-", 3]]} +{"id": 191426, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Maurice_El_Mediouni", 7], ["Faith_Hill_discography", 12], ["Days_Go_By", 4], ["Faith_Hill_discography", 24]]} +{"id": 171632, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Middle_name", 25], ["Middle_name", 33], ["Middle_name", 29], ["Middle_name", 1], ["Middle_name", 14]]} +{"id": 87081, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boogie_Chillen'", 3], ["Blues_Jumped_the_Rabbit", 0], ["All_Your_Love_-LRB-I_Miss_Loving-RRB-", 0], ["Dallas_Blues", 0], ["All_Your_Love_-LRB-I_Miss_Loving-RRB-", 2]]} +{"id": 40144, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rachel_Green", 0], ["List_of_Friends_characters", 1], ["Monica_Geller", 0], ["Jake_-LRB-given_name-RRB-", 114], ["The_Last_One_-LRB-Friends-RRB-", 8]]} +{"id": 80262, "predicted_label": "REFUTES", "predicted_evidence": [["Eminem_discography", 13], ["Eminem", 0], ["Eminem_discography", 30], ["Eminem_discography", 47], ["The_Marshall_Mathers_LP_2", 0]]} +{"id": 152108, "predicted_label": "REFUTES", "predicted_evidence": [["Murda_Beatz", 0], ["Migos", 8], ["Dabbin_Fever", 3], ["No_Shopping", 2], ["More_Life", 5]]} +{"id": 121880, "predicted_label": "REFUTES", "predicted_evidence": [["1211_Avenue_of_the_Americas", 7], ["Rupert_Murdoch", 3], ["Fox_Sports", 2], ["21st_Century_Fox", 6], ["Fox_Sports", 0]]} +{"id": 109214, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rondel_-LRB-poem-RRB-", 36], ["Rondel_-LRB-poem-RRB-", 23], ["Love,_Smokey", 13], ["Old_Love", 9], ["Love,_Smokey", 9]]} +{"id": 35844, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_people_named_Daniel", 189], ["List_of_people_named_Daniel", 153], ["List_of_people_named_Daniel", 319], ["List_of_people_named_Daniel", 155], ["List_of_people_named_Daniel", 345]]} +{"id": 89920, "predicted_label": "REFUTES", "predicted_evidence": [["Michigan", 2], ["Geography_of_Michigan", 9], ["Michigan", 4], ["Geography_of_Michigan", 8], ["Mississippi_River_campaigns_in_the_American_Civil_War", 1]]} +{"id": 156405, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Margaret_Markov", 7], ["Aparshakti_Khurana", 0], ["Khurana", 17], ["Sonia_Khurana", 474]]} +{"id": 136594, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lithuanians_in_the_United_Kingdom", 6], ["Prussian_Lithuanians", 0], ["Ethnographic_Lithuania", 3], ["Ethnographic_Lithuania", 7], ["Ethnographic_Lithuania", 17]]} +{"id": 60320, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Oddities_-LRB-TV_series-RRB-", 9], ["Laura_Dahl", 2], ["Gubler", 6], ["Matthew_Gray_Gubler", 0], ["Alvin_and_the_Chipmunks", 13]]} +{"id": 144377, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Showbiz_Show_with_David_Spade", 0], ["Resident_Alien", 13], ["Showbiz", 21], ["The_Do-Over", 6], ["The_Do-Over", 1]]} +{"id": 196971, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 2], ["Vincible_ignorance", 13], ["Glossary_of_Indian_culture", 206], ["Glossary_of_Indian_culture", 99], ["Diwali", 19]]} +{"id": 124443, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_ABA_heavyweight_champions", 205], ["List_of_ABA_super-heavyweight_champions", 4], ["ABC_News_-LRB-radio-RRB-", 4], ["ABC_News_-LRB-radio-RRB-", 36], ["ABC_News_-LRB-radio-RRB-", 14]]} +{"id": 211272, "predicted_label": "REFUTES", "predicted_evidence": [["The_Wall_Live_-LRB-2010\u201313-RRB-", 10], ["Slash_2010\u201311_World_Tour", 17], ["Get_Your_Sting_and_Blackout_World_Tour", 5], ["Night_Visions_Tour", 1], ["Slash_2010\u201311_World_Tour", 0]]} +{"id": 200390, "predicted_label": "SUPPORTS", "predicted_evidence": [["Blink-182", 2], ["Mark_Hoppus", 5], ["List_of_songs_recorded_by_Blink-182", 3], ["Blink-182_discography", 4], ["Buddha_-LRB-album-RRB-", 3]]} +{"id": 203992, "predicted_label": "REFUTES", "predicted_evidence": [["Hollywood_Life", 0], ["ESPN_Deportes.com", 0], ["Moneycontrol.com", 6], ["Moneycontrol.com", 15], ["Moneycontrol.com", 10]]} +{"id": 113068, "predicted_label": "SUPPORTS", "predicted_evidence": [["Quran", 0], ["Muhammad_in_Islam", 1], ["Jesus_in_Islam", 6], ["Chhatrabhog", 36], ["Chhatrabhog", 31]]} +{"id": 195371, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dunc_\u201cTurbo\u201d_Dindas", 6], ["Digital_graffiti", 12], ["Dunc_\u201cTurbo\u201d_Dindas", 20], ["Digital_graffiti", 0], ["Digital_graffiti", 9]]} +{"id": 193894, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bea_Arthur", 0], ["Billy_Goldenberg", 22], ["Billy_Goldenberg", 18], ["Bea_-LRB-given_name-RRB-", 0], ["Ryyty", 7]]} +{"id": 93423, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewan_McGregor", 2], ["Ewen_Bremner", 1], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 131396, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_postal_employees", 3], ["Men_in_Black_II", 0], ["Men_in_Black_-LRB-film-RRB-", 1], ["Men_in_Black_3", 0], ["Men_in_Black_3", 2]]} +{"id": 172104, "predicted_label": "SUPPORTS", "predicted_evidence": [["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Antonina_Armato", 26], ["Stars_Dance", 14]]} +{"id": 12738, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bowen,_Queensland", 0], ["Shire_of_Bowen", 1], ["Mackay,_Queensland", 0], ["Whitsundays_-LRB-disambiguation-RRB-", 12], ["Cyclone_Ada", 0]]} +{"id": 112301, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Leonard_Hofstadter", 0], ["Galecki", 8], ["The_Little_Dog_Laughed", 9], ["The_Little_Dog_Laughed", 23], ["Johnny_Galecki", 0]]} +{"id": 120704, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["A_Very_Potter_Musical", 6], ["Rupert_Grint", 0], ["Harry_Potter_and_the_Philosopher's_Stone_-LRB-film-RRB-", 5], ["Caio_Ce\u0301sar", 8], ["Caio_Ce\u0301sar", 26]]} +{"id": 17123, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_Ford_Coppola", 4], ["Banjo_on_My_Knee_-LRB-film-RRB-", 1], ["Francis_Ford_Coppola", 8], ["Edmund_H._Deas_House", 0], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234]]} +{"id": 123702, "predicted_label": "REFUTES", "predicted_evidence": [["Shadowhunters", 6], ["List_of_Shadowhunters_episodes", 6], ["Alfred_Prunier", 10], ["Bookatable", 0], ["Eveve", 4]]} +{"id": 174597, "predicted_label": "SUPPORTS", "predicted_evidence": [["Artpop", 13], ["Lady_Gaga_discography", 20], ["Lady_Gaga", 15], ["Lady_Gaga_discography", 16], ["Artpop", 20]]} +{"id": 139679, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Four_Christmases", 3], ["Walk_the_Line_-LRB-soundtrack-RRB-", 3], ["Tim_McGraw", 13], ["Walk_the_Line_-LRB-soundtrack-RRB-", 2], ["Walk_the_Line_-LRB-soundtrack-RRB-", 1]]} +{"id": 160345, "predicted_label": "SUPPORTS", "predicted_evidence": [["Juventus_F.C.", 1], ["Logos_and_uniforms_of_the_Boston_Red_Sox", 0], ["List_of_Juventus_F.C._players", 5], ["Juventus_TV", 0], ["Logos_and_uniforms_of_the_Boston_Red_Sox", 2]]} +{"id": 148308, "predicted_label": "SUPPORTS", "predicted_evidence": [["Scott_High_School_-LRB-Ohio-RRB-", 14], ["Touchscreen", 9], ["Electronic_voting_in_Brazil", 44], ["Electronic_voting_in_Brazil", 36], ["Sara_Delano_Roosevelt_Memorial_House", 9]]} +{"id": 103220, "predicted_label": "REFUTES", "predicted_evidence": [["7_Independent_Company_-LRB-Rhodesia-RRB-", 8], ["1st_Independent_Company_-LRB-Australia-RRB-", 0], ["7_Independent_Company_-LRB-Rhodesia-RRB-", 0], ["Bayerisches_Staatsballett", 0], ["1st_Independent_Company_-LRB-Australia-RRB-", 1]]} +{"id": 180586, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hans_Hass", 2], ["20,000_Leagues_Under_the_Sea_-LRB-1916_film-RRB-", 5], ["20,000_Leagues_Under_the_Sea_-LRB-1916_film-RRB-", 6], ["20,000_Leagues_Under_the_Sea_-LRB-1916_film-RRB-", 14], ["20,000_Leagues_Under_the_Sea_-LRB-1916_film-RRB-", 15]]} +{"id": 80582, "predicted_label": "SUPPORTS", "predicted_evidence": [["2014_NFL_quarterbacks_win\u2013loss_records", 11], ["Pistol_offense", 22], ["Pistol_offense", 18], ["Colin_Kaepernick", 5], ["Colin_Kaepernick", 0]]} +{"id": 90559, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Global_warming_hiatus", 0], ["Global_warming_controversy", 0], ["Hurricane_Katrina_and_global_warming", 17], ["Hurricane_Katrina_and_global_warming", 13], ["Climate_change_denial", 0]]} +{"id": 26592, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_J._Eagan_-LRB-ACIPCO-RRB-", 0], ["John_J._Eagan_-LRB-ACIPCO-RRB-", 28], ["Raees", 3], ["Raees_Warsi", 0], ["Raees_-LRB-film-RRB-", 4]]} +{"id": 100967, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["French_Indochina", 0], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Scouts_Lao", 4], ["History_of_Cambodia", 35], ["Indochina_Wars", 0]]} +{"id": 160580, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Bar_Refaeli", 4], ["Esti_Ginzburg", 3], ["Shlomit_Malka", 4], ["Shlomit_Malka", 0]]} +{"id": 120735, "predicted_label": "SUPPORTS", "predicted_evidence": [["Archipelagic_state", 0], ["Lucayan_Archipelago", 4], ["Archipelagic_state", 8], ["List_of_islands_of_Hawaii", 14], ["Archipelagic_state", 7]]} +{"id": 129255, "predicted_label": "SUPPORTS", "predicted_evidence": [["XHamster", 6], ["XHamster", 2], ["XHamster", 1], ["XHamster", 7], ["XHamster", 0]]} +{"id": 212339, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Dualstar", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 30585, "predicted_label": "SUPPORTS", "predicted_evidence": [["Humphrey_Bogart", 16], ["Jane_Bryan", 4], ["2HB", 4], ["Clint_Eastwood_in_the_1990s", 56], ["Bogart_-LRB-surname-RRB-", 12]]} +{"id": 122827, "predicted_label": "REFUTES", "predicted_evidence": [["News_International_phone_hacking_scandal", 3], ["Ivon_Murdoch", 7], ["James_Murdoch", 0], ["Bill_Jenkings", 21], ["Rupert_Murdoch", 0]]} +{"id": 180590, "predicted_label": "SUPPORTS", "predicted_evidence": [["Swordfish_-LRB-film-RRB-", 1], ["Swordfish_-LRB-film-RRB-", 0], ["A\u0301guila_Blanca_-LRB-heist-RRB-", 12], ["Death_of_Brian_Douglas_Wells", 10], ["Death_of_Brian_Douglas_Wells", 6]]} +{"id": 219287, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Circaea", 13], ["List_of_plants_of_Burkina_Faso", 791], ["Capsicum_chinense", 0], ["Capsicum_baccatum", 9], ["Capsicum_baccatum", 0]]} +{"id": 752, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_L.F.C.", 0], ["History_of_Tottenham_Hotspur_F.C.", 0], ["Bobby_Buckle", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["History_of_Tottenham_Hotspur_F.C.", 1]]} +{"id": 2537, "predicted_label": "SUPPORTS", "predicted_evidence": [["Reggae", 0], ["Reggae", 27], ["High_Off_My_Love", 6], ["Paris_Hilton", 18], ["Paris_-LRB-Paris_Hilton_album-RRB-", 9]]} +{"id": 143453, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Taylor_Lautner", 6], ["Back_to_December", 3], ["2012_Teen_Choice_Awards", 6], ["Lautner", 3], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 2]]} +{"id": 220281, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bullitt_-LRB-disambiguation-RRB-", 0], ["Joshua_Fry_Bullitt,_Jr.", 39], ["Oxmoor_Farm", 15], ["Bullitt_-LRB-disambiguation-RRB-", 21], ["Bullitt_-LRB-disambiguation-RRB-", 38]]} +{"id": 135813, "predicted_label": "REFUTES", "predicted_evidence": [["Brazzers", 0], ["Daybreak_-LRB-2008_film-RRB-", 0], ["Daybreak_-LRB-2008_film-RRB-", 1], ["List_of_adult_television_channels", 25], ["Brazzers", 2]]} +{"id": 61106, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_View_to_a_Kill", 6], ["Licence_to_Kill", 13], ["Licence_to_Kill", 1], ["The_James_Bond_Bedside_Companion", 11], ["Casino_Royale_-LRB-2006_film-RRB-", 1]]} +{"id": 213945, "predicted_label": "REFUTES", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Call_of_Duty_-LRB-video_game-RRB-", 11], ["Call_of_Duty-COLON-_United_Offensive", 1], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5]]} +{"id": 41422, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finger_search_tree", 14], ["Horse", 11], ["Horse", 2], ["Orohippus", 3], ["Finger_search_tree", 0]]} +{"id": 219154, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Valencia,_California_residential_villages", 69], ["List_of_Valencia,_California_residential_villages", 85], ["List_of_Valencia,_California_residential_villages", 61], ["List_of_Valencia,_California_residential_villages", 81], ["List_of_Valencia,_California_residential_villages", 115]]} +{"id": 24839, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stan_Williams", 5], ["Real_Soon", 5], ["Stan_Williams", 21], ["Barbara_Becnel", 14], ["Barbara_Becnel", 1]]} +{"id": 68610, "predicted_label": "SUPPORTS", "predicted_evidence": [["Olivia_Pope", 0], ["Butter_-LRB-2011_film-RRB-", 0], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 146810, "predicted_label": "REFUTES", "predicted_evidence": [["Sisimiut", 17], ["Nuuk", 1], ["Sisimiut", 11], ["Sisimiut", 0], ["Nuuk", 0]]} +{"id": 165139, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wonder_Woman_-LRB-2017_film-RRB-", 0], ["Mickey_Rourke_filmography", 1], ["Black_Lightning_-LRB-disambiguation-RRB-", 16], ["Iron_Man_2", 0], ["Wonder_Woman_-LRB-2017_film-RRB-", 5]]} +{"id": 202471, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 178158, "predicted_label": "REFUTES", "predicted_evidence": [["World_Trade_Center_-LRB-2001\u2013present-RRB-", 15], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 3], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], ["7_World_Trade_Center", 15], ["One_World_Trade_Center", 9]]} +{"id": 177152, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 3], ["Situationist_International", 7], ["Victorian_fashion", 5], ["Alien_invasion", 22], ["Invasion_literature", 0]]} +{"id": 105361, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lawless_-LRB-surname-RRB-", 39], ["Nicholas_Lawless,_1st_Baron_Cloncurry", 0], ["Nicholas_Lawless,_1st_Baron_Cloncurry", 3], ["Countess_Palatine_Ingrid_Von_Marburg", 6], ["Countess_Palatine_Ingrid_Von_Marburg", 7]]} +{"id": 123477, "predicted_label": "REFUTES", "predicted_evidence": [["Tenacious_D_discography", 3], ["Tenacious_D", 0], ["Tenacious_D_-LRB-TV_series-RRB-", 0], ["Tenacious_D_discography", 0], ["Tenacious_D_-LRB-disambiguation-RRB-", 9]]} +{"id": 82541, "predicted_label": "REFUTES", "predicted_evidence": [["Luisa_Via_Roma", 0], ["Free_People", 0], ["White_Stuff_Clothing", 0], ["Craig_Green_-LRB-designer-RRB-", 15], ["Free_People", 2]]} +{"id": 168963, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nicholas_Shackleton", 40], ["Songs_for_the_Philologists", 18], ["Songs_for_the_Philologists", 26], ["List_of_PlayStation_3_games_released_on_disc", 1459], ["Songs_for_the_Philologists", 20]]} +{"id": 64400, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium-234", 30], ["Uranium", 30], ["Uranium-234", 28], ["Sarla_International_Academy", 8], ["Sarla_International_Academy", 0]]} +{"id": 184054, "predicted_label": "REFUTES", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Walter_Lonergan", 10], ["Walter_Lonergan", 5]]} +{"id": 168978, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Magic_Beyond_Words", 1], ["Pottermore", 0], ["J._K._Rowling", 0], ["Magic_Beyond_Words", 0], ["Pottermore", 1]]} +{"id": 197345, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 2], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage_-LRB-season_1-RRB-", 6], ["List_of_Marvel_Cinematic_Universe_television_series", 13]]} +{"id": 4916, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Wicks", 4], ["City_Central_-LRB-TV_series-RRB-", 6], ["Paul_Nicholls_-LRB-actor-RRB-", 1], ["City_Central_-LRB-TV_series-RRB-", 0], ["Daryl_Jacob", 0]]} +{"id": 35382, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Government_trifecta", 4], ["Government_trifecta", 20], ["Government_trifecta", 0], ["Michael_J._Osborne", 41], ["Michael_J._Osborne", 3]]} +{"id": 222028, "predicted_label": "REFUTES", "predicted_evidence": [["James_D._Brubaker", 0], ["James_D._Brubaker", 7], ["Brubaker_-LRB-disambiguation-RRB-", 0], ["James_D._Brubaker", 17], ["James_D._Brubaker", 3]]} +{"id": 53711, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cartoonists_Co-Op_Press", 2], ["Richard_Green_-LRB-telecommunication-RRB-", 14], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1780], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1778]]} +{"id": 95728, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_American_musicians_of_Armenian_descent", 85], ["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["System_of_a_Down_discography", 0], ["System_of_a_Down_discography", 25]]} +{"id": 179348, "predicted_label": "SUPPORTS", "predicted_evidence": [["Osamu_Tezuka", 6], ["List_of_Osamu_Tezuka_manga", 5], ["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2]]} +{"id": 93911, "predicted_label": "SUPPORTS", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 3]]} +{"id": 169025, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manmohan_Singh", 1], ["First_Manmohan_Singh_ministry", 0], ["Manmohan_Singh_ministry", 3], ["First_Manmohan_Singh_ministry", 5], ["Manmohan_Singh_ministry", 5]]} +{"id": 67727, "predicted_label": "SUPPORTS", "predicted_evidence": [["Touchscreen", 9], ["Gaming_computer", 6], ["Gaming_computer", 2], ["History_of_video_games", 12], ["Vigor_Gaming", 2]]} +{"id": 27033, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_L.F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["List_of_Tottenham_Hotspur_F.C._players", 14], ["List_of_Tottenham_Hotspur_F.C._players", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 1]]} +{"id": 143131, "predicted_label": "REFUTES", "predicted_evidence": [["Bukuwe_Bisare", 1], ["Euzhan_Palcy", 1], ["Philip_Kaufman", 16], ["SrnB-SrnC_toxin-antitoxin_system", 1], ["Philip_Kaufman", 14]]} +{"id": 159086, "predicted_label": "SUPPORTS", "predicted_evidence": [["Universidad_de_San_Carlos_de_Guatemala", 28], ["Right_to_Life_Australia", 24], ["List_of_civil_rights_leaders", 169], ["Universidad_de_San_Carlos_de_Guatemala", 0], ["List_of_civil_rights_leaders", 287]]} +{"id": 212335, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Dualstar", 0], ["New_York_Minute_-LRB-film-RRB-", 5], ["Mary-Kate_and_Ashley_Olsen", 2]]} +{"id": 53901, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_Fisher_-LRB-actor-RRB-", 5], ["Zebras_-LRB-Law_&_Order-COLON-_Special_Victims_Unit-RRB-", 7], ["James_Fisher_-LRB-actor-RRB-", 15], ["Miles_Fisher", 9], ["Ice_-LRB-Kelly_Rowland_song-RRB-", 3]]} +{"id": 189450, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yandex", 1], ["Yandex.Money", 7], ["Yandex.Direct", 9], ["Yandex", 9], ["Yandex.Translate", 0]]} +{"id": 159700, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 186876, "predicted_label": "SUPPORTS", "predicted_evidence": [["Celine_Dion_singles_discography", 32], ["Whitney_Houston_discography", 26], ["Norah_Jones_discography", 6], ["Eminem_discography", 13], ["Celine_Dion_singles_discography", 15]]} +{"id": 39018, "predicted_label": "REFUTES", "predicted_evidence": [["Duane_Chapman", 0], ["Jonathan_Chapman_-LRB-academic-RRB-", 48], ["Duane_Chapman", 2], ["Duane_Chapman", 1], ["Duane_-LRB-surname-RRB-", 6]]} +{"id": 41810, "predicted_label": "REFUTES", "predicted_evidence": [["Prescott,_Massachusetts", 8], ["Prescott,_Arizona", 11], ["Prescott_and_Northwestern_Railroad", 14], ["Prescott,_Arizona", 2], ["Prescott,_Arizona", 0]]} +{"id": 149457, "predicted_label": "REFUTES", "predicted_evidence": [["Real_person_fiction", 0], ["Real_person_fiction", 4], ["Eponymous_author", 12], ["Fred_the_Webmate", 19], ["Eponymous_author", 6]]} +{"id": 16202, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Jewell_-LRB-Worcestershire_cricketer-RRB-", 19], ["Harvey_Jewell", 1], ["Guy_Jewell", 16], ["Marshall_Jewell", 4], ["Harvey_Jewell", 16]]} +{"id": 85570, "predicted_label": "REFUTES", "predicted_evidence": [["Sloop-of-war", 0], ["HMS_Victoria_-LRB-1859-RRB-", 13], ["USS_Cumberland_-LRB-1842-RRB-", 16], ["Sloop-of-war", 5], ["Gun_deck", 0]]} +{"id": 11310, "predicted_label": "SUPPORTS", "predicted_evidence": [["Papua_-LRB-province-RRB-", 3], ["Territory_of_Papua", 0], ["Papua", 21], ["Papua", 13], ["Territory_of_Papua", 9]]} +{"id": 40481, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pontic_Greek", 0], ["Standard_Greek", 8], ["Greek_language", 13], ["Greek_language", 0], ["Greek_language", 14]]} +{"id": 168982, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Complete_Guide_to_Middle-earth", 8], ["The_Languages_of_Tolkien's_Middle-earth", 0], ["The_Complete_Guide_to_Middle-earth", 0], ["Spaceship_Earth", 36], ["Spaceship_Earth", 27]]} +{"id": 209849, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tie_clip", 0], ["Tie_clip", 5], ["Tie", 19], ["Tie", 23], ["Tie", 29]]} +{"id": 99904, "predicted_label": "REFUTES", "predicted_evidence": [["Ashley_Cole", 0], ["Cheryl-COLON-_My_Story", 2], ["Chris_Nathaniel", 42], ["Chris_Nathaniel", 29], ["Promise_This", 4]]} +{"id": 137508, "predicted_label": "REFUTES", "predicted_evidence": [["Bessie", 35], ["J._C._Johnson", 0], ["J._C._Johnson", 36], ["Bessie", 23], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5]]} +{"id": 100481, "predicted_label": "SUPPORTS", "predicted_evidence": [["Augustus", 42], ["Livia_-LRB-given_name-RRB-", 0], ["Laurentius_Suslyga", 21], ["Porticus_of_Livia", 1], ["Laurentius_Suslyga", 20]]} +{"id": 179308, "predicted_label": "SUPPORTS", "predicted_evidence": [["Franchising", 8], ["Burger_King_franchises", 13], ["America's_Best_Franchising", 6], ["Burger_King_franchises", 7], ["Burger_King_franchises", 2]]} +{"id": 154423, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Me_and_Bessie", 0], ["Bessie", 35], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["Me_and_Bessie", 20], ["J._C._Johnson", 23]]} +{"id": 48101, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kingfisher_plc", 0], ["Ian_Cheshire_-LRB-businessman-RRB-", 3], ["Arcadia_Group", 0], ["Associated_British_Foods", 0], ["Topman", 3]]} +{"id": 192903, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Monster_-LRB-song-RRB-", 2], ["Love_the_Way_You_Lie", 17], ["Love_the_Way_You_Lie", 0], ["Love_the_Way_You_Lie", 15], ["The_Monster_-LRB-song-RRB-", 7]]} +{"id": 59614, "predicted_label": "REFUTES", "predicted_evidence": [["Camilla,_Duchess_of_Cornwall", 6], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Shand", 16], ["Rosalind_Shand", 1], ["Donald_Shand", 3]]} +{"id": 1666, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ed_Wood_-LRB-film-RRB-", 0], ["Edward_Wood", 10], ["Edward_Wood", 12], ["Dr._Acula", 22], ["Edward_Wood", 0]]} +{"id": 130406, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sweet_Baby_-LRB-band-RRB-", 10], ["Kerplunk_-LRB-album-RRB-", 2], ["Quit_Talkin'_Claude...", 1], ["Riverdales_-LRB-album-RRB-", 1], ["Sweet_Baby_-LRB-band-RRB-", 9]]} +{"id": 201382, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Varsity_Blues_-LRB-film-RRB-", 5], ["Varsity_Blues", 3], ["List_of_Hamilton_Tigers_-LRB-football-RRB-_seasons", 257], ["Varsity_Blues_-LRB-film-RRB-", 0], ["Toronto_Varsity_Blues_men's_ice_hockey", 0]]} +{"id": 172468, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_-LRB-surname-RRB-", 22], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Matteo_Renzi", 6], ["Stefano_Fassina", 12]]} +{"id": 125675, "predicted_label": "SUPPORTS", "predicted_evidence": [["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["I'm_Different", 3], ["Give_It_2_U", 9], ["Mercy_-LRB-GOOD_Music_song-RRB-", 0]]} +{"id": 173495, "predicted_label": "REFUTES", "predicted_evidence": [["Sancho_Panza", 0], ["Sam_Weller_-LRB-character-RRB-", 0], ["Ricote_-LRB-Don_Quixote-RRB-", 3], ["The_Truth_about_Sancho_Panza", 8], ["Ricote_-LRB-Don_Quixote-RRB-", 5]]} +{"id": 135085, "predicted_label": "SUPPORTS", "predicted_evidence": [["Training_Day_-LRB-disambiguation-RRB-", 3], ["Racesafe_Marshals_Association", 18], ["KWJC", 56], ["Training_Day_-LRB-disambiguation-RRB-", 5], ["Training_Day_-LRB-disambiguation-RRB-", 12]]} +{"id": 126229, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edison_Machine_Works", 0], ["Nikola_Tesla", 5], ["Kunihiko_Iwadare", 5], ["John_White_Howell", 44], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6]]} +{"id": 63056, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lashkargah", 0], ["Lashkargah", 1], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2007-RRB-", 36], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2007-RRB-", 20], ["Lashkargah", 3]]} +{"id": 124355, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["WDJZ", 10], ["Pilot_-LRB-White_Collar-RRB-", 2], ["Kenny_Woods", 18], ["Anthony_Meindl", 20], ["Pilot_-LRB-White_Collar-RRB-", 8]]} +{"id": 73295, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Terry_Crews", 9], ["Terry_Crews", 3], ["Make_a_Smellmitment", 2], ["Make_a_Smellmitment", 8], ["Make_a_Smellmitment", 4]]} +{"id": 179015, "predicted_label": "REFUTES", "predicted_evidence": [["Stan_Lee", 1], ["Captain_Glory", 11], ["Captain_Glory", 3], ["Jack_Kirby", 24], ["Steve_Ditko", 19]]} +{"id": 4172, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Sesame_Street_puppeteers", 136], ["List_of_Sesame_Street_puppeteers", 140], ["List_of_Sesame_Street_puppeteers", 44], ["Monster_-LRB-Lady_Gaga_song-RRB-", 2], ["Monster_Jam_World_Finals", 17]]} +{"id": 91635, "predicted_label": "REFUTES", "predicted_evidence": [["Legend_of_the_Guardians-COLON-_The_Owls_of_Ga'Hoole", 5], ["The_Dressmaker_-LRB-2015_film-RRB-", 7], ["List_of_films_set_in_Detroit", 108], ["Gold_mining_in_the_United_States", 2], ["List_of_films_set_in_Detroit", 98]]} +{"id": 145956, "predicted_label": "REFUTES", "predicted_evidence": [["Karl_Germer", 1], ["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Confessions_of_Aleister_Crowley", 0], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 3]]} +{"id": 18752, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["JB_Carlson", 2], ["JB_Carlson", 1], ["Jesse_Carlson", 24]]} +{"id": 123500, "predicted_label": "SUPPORTS", "predicted_evidence": [["Age_of_Apocalypse", 5], ["X-Men_-LRB-film_series-RRB-", 5], ["X-Men_-LRB-film_series-RRB-", 10], ["X-Men_-LRB-film_series-RRB-", 9], ["Age_of_Apocalypse", 6]]} +{"id": 9234, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vanessa_Williams", 10], ["Remember_Paul?", 1], ["Grant_Bowler", 4], ["Remember_Paul?", 14], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9]]} +{"id": 4529, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["List_of_American_musicians_of_Armenian_descent", 85], ["System_of_a_Down_discography", 0], ["Elect_the_Dead", 2]]} +{"id": 199422, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 2], ["Boyhood_-LRB-film-RRB-", 1], ["Boyhood_-LRB-film-RRB-", 0], ["Linklater", 19], ["Bob_Sabiston", 13]]} +{"id": 183138, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tata_Motors", 13], ["Bombay_House", 8], ["Tata_Sumo", 7], ["Tata_Motors", 7], ["Tata_Daewoo", 0]]} +{"id": 28802, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["WWE_European_Championship", 4], ["Judgment_Day_-LRB-2007-RRB-", 9], ["WWE_European_Championship", 0], ["Stephanie_McMahon", 5], ["List_of_WWE_European_Champions", 10]]} +{"id": 20903, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["One_Tree_Hill_-LRB-season_3-RRB-", 3], ["Brooke_Davis", 0], ["Gasoline_Rainbows", 0], ["List_of_female_film_and_television_directors", 311], ["Brooke_Davis", 3]]} +{"id": 84745, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pitch_Black_-LRB-film-RRB-", 11], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 6], ["Riddick_-LRB-character-RRB-", 0], ["Pitch_Black_-LRB-film-RRB-", 10], ["The_Chronicles_of_Riddick", 0]]} +{"id": 165239, "predicted_label": "SUPPORTS", "predicted_evidence": [["Moneta", 1], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Machiavelli_and_the_Four_Seasons", 22], ["Central_Atlas_Tamazight", 9], ["O\u0308stra_Go\u0308inge_Municipality", 0]]} +{"id": 11528, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bones_-LRB-TV_series-RRB-", 5], ["List_of_fictional_anthropologists", 21], ["Temperance_\"Bones\"_Brennan", 6], ["List_of_fictional_anthropologists", 96], ["List_of_fictional_anthropologists", 114]]} +{"id": 26008, "predicted_label": "REFUTES", "predicted_evidence": [["The_Canterville_Ghost_-LRB-disambiguation-RRB-", 18], ["The_Canterville_Ghost_-LRB-disambiguation-RRB-", 16], ["The_Canterville_Ghost_-LRB-disambiguation-RRB-", 14], ["The_Canterville_Ghost_-LRB-disambiguation-RRB-", 8], ["The_Canterville_Ghost_-LRB-disambiguation-RRB-", 12]]} +{"id": 56289, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ashley_Graham", 5], ["Ashley_Graham_-LRB-model-RRB-", 0], ["Ashley_Graham", 0], ["Ashley_Graham", 3], ["Ashley_Graham", 7]]} +{"id": 205735, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wings_for_This_Man", 0], ["First_Motion_Picture_Unit", 0], ["First_Motion_Picture_Unit", 8], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10], ["Richard_L._Bare", 12]]} +{"id": 30746, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Stephanie_McMahon", 4], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9], ["Judgment_Day_-LRB-2007-RRB-", 10]]} +{"id": 130271, "predicted_label": "REFUTES", "predicted_evidence": [["Vivek_Mushran", 2], ["The_Six_Wives_of_Henry_VIII", 4], ["Vivek_Mushran", 3], ["Brandon_-LRB-surname-RRB-", 67], ["Brandon_-LRB-surname-RRB-", 27]]} +{"id": 105025, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sandur_Hoard", 5], ["History_of_the_Faroe_Islands", 4], ["Island_Command_Faroes", 1], ["Faroe_Islands_national_football_team_results", 0], ["History_of_the_Faroe_Islands", 10]]} +{"id": 25573, "predicted_label": "REFUTES", "predicted_evidence": [["Greeks_in_Albania", 15], ["Northern_Epirus", 20], ["Northern_Epirus", 17], ["Greek_language", 14], ["Medieval_Greek", 9]]} +{"id": 13070, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Charles_Manson_Superstar", 0], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["One_Mind", 2], ["Manson", 13], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 2]]} +{"id": 92731, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sikkim", 4], ["Protected_areas_of_Laos", 39], ["Yuksom", 13], ["Protected_areas_of_Laos", 113], ["Protected_areas_of_Laos", 31]]} +{"id": 119201, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Concert_for_Bangladesh", 13], ["The_Day_the_World_Gets_'Round", 3], ["The_Day_the_World_Gets_'Round", 2], ["The_Concert_for_Bangladesh", 14], ["Directorate-General_for_European_Civil_Protection_and_Humanitarian_Aid_Operations", 0]]} +{"id": 12553, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["The_Killam_Trusts", 0]]} +{"id": 187208, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Hurt_Locker", 0], ["Kathryn_Bigelow", 1], ["Tom_Cruise_filmography", 21], ["Tom_Cruise_filmography", 19], ["Tom_Cruise_filmography", 20]]} +{"id": 226858, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jenna_Jameson", 3], ["My_Plaything", 6], ["ClubJenna", 0], ["Jenna_Jameson", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 20280, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Open_access_in_Chile", 3], ["Open_access_in_Chile", 51], ["Open_access_in_Chile", 19], ["Open_access_in_Chile", 28], ["List_of_Government_Juntas_of_Chile", 7]]} +{"id": 89985, "predicted_label": "SUPPORTS", "predicted_evidence": [["Grinding_-LRB-dance-RRB-", 0], ["Paul_Taylor_Dance_Company", 80], ["Grinding_-LRB-dance-RRB-", 8], ["Dagga", 8], ["Daggering", 0]]} +{"id": 209088, "predicted_label": "REFUTES", "predicted_evidence": [["John_Frusciante_discography", 18], ["List_of_Red_Hot_Chili_Peppers_band_members", 59], ["Readymade_-LRB-song-RRB-", 0], ["List_of_Red_Hot_Chili_Peppers_band_members", 55], ["John_Frusciante_discography", 0]]} +{"id": 111980, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nelli_Cooman", 21], ["Nelli_Cooman", 14], ["Duke_Alexander_of_Wu\u0308rttemberg_-LRB-1804\u20131885-RRB-", 0], ["Duke_Alexander_of_Wu\u0308rttemberg_-LRB-1804\u20131885-RRB-", 18], ["Nelli_Cooman", 0]]} +{"id": 189459, "predicted_label": "REFUTES", "predicted_evidence": [["Yandex", 1], ["Yandex.Direct", 9], ["Yandex", 9], ["Yandex", 14], ["Yandex.Direct", 15]]} +{"id": 20060, "predicted_label": "REFUTES", "predicted_evidence": [["NRG_Recording_Studios", 0], ["A_Thousand_Suns", 4], ["NRG", 27], ["Got_the_Life", 1], ["Neve_8078", 24]]} +{"id": 157277, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Tale_of_Mrs._Tiggy-Winkle", 24], ["The_Tale_of_Mrs._Tiggy-Winkle", 23], ["Winter's_Tale_-LRB-disambiguation-RRB-", 30], ["Winter's_Tale_-LRB-disambiguation-RRB-", 24], ["Winter's_Tale_-LRB-disambiguation-RRB-", 20]]} +{"id": 55741, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jah_Jerry_Haynes", 37], ["Sonny_Bradshaw", 0], ["Laurence_Cane-Honeysett", 3], ["Jah_Jerry_Haynes", 24], ["Music_of_Jamaica", 5]]} +{"id": 54833, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_Knicks", 1], ["List_of_New_York_Knicks_seasons", 0], ["1994_NBA_Finals", 0], ["1975\u201376_New_York_Knicks_season", 0], ["Em_Bryant", 9]]} +{"id": 35412, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mind_Meld", 0], ["The_Ballad_of_Bilbo_Baggins", 8], ["The_Ballad_of_Bilbo_Baggins", 1], ["Nimoy", 7], ["Nimoy", 5]]} +{"id": 11398, "predicted_label": "SUPPORTS", "predicted_evidence": [["Theatrical_jousting", 0], ["Henry_II_of_France", 13], ["Henry_II,_Holy_Roman_Emperor", 10], ["Jousting", 0], ["Henry_II_style", 4]]} +{"id": 70035, "predicted_label": "SUPPORTS", "predicted_evidence": [["Patsy_Moore", 0], ["Stuart_Sikes", 4], ["Steve_Weisberg", 68], ["Steve_Weisberg", 22], ["Steve_Weisberg", 8]]} +{"id": 73113, "predicted_label": "REFUTES", "predicted_evidence": [["I_Forgot_to_Remember_to_Forget", 1], ["Scott_Moore", 15], ["Elvis_Presley's_guitars", 6], ["List_of_moths_of_India_-LRB-Geometridae-RRB-", 1199], ["Scotty_Cameron", 47]]} +{"id": 205732, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Richard_L._Bare", 12], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10]]} +{"id": 171637, "predicted_label": "SUPPORTS", "predicted_evidence": [["Comics_Literacy_Awareness", 6], ["Comics_Literacy_Awareness", 0], ["Watchmen", 21], ["Gibbons", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 0]]} +{"id": 96603, "predicted_label": "REFUTES", "predicted_evidence": [["Manhood_-LRB-film-RRB-", 0], ["Attention_Shoppers_-LRB-film-RRB-", 0], ["Dr._Linus", 7], ["Richard_Alpert_-LRB-Lost-RRB-", 0], ["Jack_the_Dog", 0]]} +{"id": 138033, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 27777, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Starrs", 11], ["Colosseum", 23], ["Domenico_Panaroli", 2], ["Colosseum_II", 0], ["Colosseum_II", 1]]} +{"id": 130959, "predicted_label": "REFUTES", "predicted_evidence": [["Tom_Morello_discography", 23], ["Rage_Against_the_Machine", 0], ["Tom_Morello_discography", 17], ["Audioslave", 10], ["Audioslave", 2]]} +{"id": 135962, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_singing_actors_and_actresses_in_Indian_cinema", 0], ["List_of_singing_actors_and_actresses_in_Indian_cinema", 7], ["List_of_pornographic_actors_who_appeared_in_mainstream_films", 10], ["Romeo_Bosetti", 22], ["Romeo_Bosetti", 10]]} +{"id": 65683, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Ballad_of_Bilbo_Baggins", 1], ["Nimoy", 5], ["Nimoy", 7], ["The_Ballad_of_Bilbo_Baggins", 0], ["Lionel_Nimrod's_Inexplicable_World", 1]]} +{"id": 140359, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bee_Gees", 4], ["Bee_Gees", 14], ["Immortality_-LRB-Celine_Dion_song-RRB-", 20], ["Bee_Gees'_1st", 10], ["Immortality_-LRB-Celine_Dion_song-RRB-", 11]]} +{"id": 77480, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Love_on_the_Rocks_-LRB-Neil_Diamond_song-RRB-", 1], ["Red_Red_Wine", 5], ["The_Essential_Neil_Diamond", 0], ["Classics-COLON-_The_Early_Years", 3], ["Love_on_the_Rocks_-LRB-Neil_Diamond_song-RRB-", 0]]} +{"id": 35124, "predicted_label": "REFUTES", "predicted_evidence": [["Tales_from_the_Crypt_-LRB-TV_series-RRB-", 0], ["List_of_Dexter_episodes", 0], ["List_of_Dexter_episodes", 11], ["KBMY", 2], ["KBMY", 14]]} +{"id": 71613, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Paul_Tatum", 12], ["Whitall_Tatum_Company", 7], ["Tatum_-LRB-given_name-RRB-", 12], ["Whitall_Tatum_Company", 0], ["Paul_Tatum", 10]]} +{"id": 214244, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Way_It's_Goin'_Down", 1], ["The_Fixxers", 3], ["Born_and_Raised_in_Compton", 0], ["DJ_Quixotic", 12], ["DJ_Quixotic", 11]]} +{"id": 173498, "predicted_label": "REFUTES", "predicted_evidence": [["The_Truth_about_Sancho_Panza", 8], ["The_Truth_about_Sancho_Panza", 0], ["Harry_Potter_and_the_Chamber_of_Secrets", 8], ["Harry_Potter_and_the_Prisoner_of_Azkaban_-LRB-film-RRB-", 9], ["Harry_Potter_and_the_Chamber_of_Secrets", 0]]} +{"id": 119212, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sailing_Aarhus", 12], ["Sailing_Aarhus", 6], ["Aarhus_University", 0], ["New_Forests_of_Aarhus", 0], ["Aarhus_Sejlklub", 0]]} +{"id": 204030, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bride_for_Rent", 2], ["Lily_Collins", 13], ["Julia_Roberts_filmography", 15], ["Romantic_comedy_film", 0], ["Romantic_comedy_film", 1]]} +{"id": 202772, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chris_Renaud_-LRB-animator-RRB-", 2], ["Despicable_Me_2", 1], ["Yarrow_Cheney", 4], ["Despicable_Me", 3], ["Yarrow_Cheney", 1]]} +{"id": 181190, "predicted_label": "REFUTES", "predicted_evidence": [["G.I._Joe-COLON-_A_Real_American_Hero_-LRB-Marvel_Comics-RRB-", 0], ["Warner_Bros._Inc._v._American_Broadcasting_Companies,_Inc.", 4], ["List_of_G.I._Joe_series", 50], ["Warner_Bros._Inc._v._American_Broadcasting_Companies,_Inc.", 3], ["List_of_G.I._Joe_series", 34]]} +{"id": 94740, "predicted_label": "REFUTES", "predicted_evidence": [["Eiffel_Tower", 8], ["Chrysler", 31], ["Chrysler_Building", 5], ["Chrysler_Building", 6], ["Architecture_of_New_York_City", 7]]} +{"id": 107231, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Canned_Heat_-LRB-disambiguation-RRB-", 11], ["Canned_response", 7], ["Canned_Heat_-LRB-disambiguation-RRB-", 7], ["Canned_Heat", 2], ["Van_Camp's", 0]]} +{"id": 120997, "predicted_label": "SUPPORTS", "predicted_evidence": [["Faroe_Islands", 9], ["History_of_the_Faroe_Islands", 4], ["History_of_the_Faroe_Islands", 8], ["Norwegian_Code", 16], ["History_of_the_Faroe_Islands", 5]]} +{"id": 1480, "predicted_label": "SUPPORTS", "predicted_evidence": [["EA_Black_Box", 0], ["Need_for_Speed-COLON-_The_Run", 0], ["List_of_PlayStation_3_games_released_on_disc", 10029], ["List_of_PlayStation_3_games_released_on_disc", 10015], ["List_of_PlayStation_3_games_released_on_disc", 10043]]} +{"id": 101618, "predicted_label": "REFUTES", "predicted_evidence": [["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 15], ["Quintilis", 4], ["Birth_flower", 2]]} +{"id": 30333, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maurice_Roe\u0308ves", 3], ["Patsy_Smart", 3], ["Danger_UXD", 5], ["UXB", 7], ["Danger_UXB", 0]]} +{"id": 12369, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 10], ["James_VI_and_I", 0], ["Royal_Court_of_Scotland", 27], ["Adrian_Vanson", 3], ["Adrian_Vanson", 20]]} +{"id": 112986, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angelsberg", 0], ["Fischbach,_Mersch", 5], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 152], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 155], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 169]]} +{"id": 57559, "predicted_label": "SUPPORTS", "predicted_evidence": [["Apple_II_series", 0], ["Steve_Jobs", 2], ["WOZ", 13], ["Woz\u0301niak", 31], ["Apple_II_series", 19]]} +{"id": 91234, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary_of_Teck", 12], ["Hsatung", 7], ["Mary_of_Teck", 13], ["Duke_Alexander_of_Wu\u0308rttemberg_-LRB-1804\u20131885-RRB-", 18], ["Mary_of_Teck", 0]]} +{"id": 145321, "predicted_label": "SUPPORTS", "predicted_evidence": [["ODVA_-LRB-company-RRB-", 7], ["Esco_-LRB-Singaporean_company-RRB-", 0], ["Esco_-LRB-Singaporean_company-RRB-", 3], ["TomTom", 5], ["ODVA_-LRB-company-RRB-", 1]]} +{"id": 17024, "predicted_label": "SUPPORTS", "predicted_evidence": [["Imagine_That_-LRB-film-RRB-", 1], ["Black-ish_-LRB-season_1-RRB-", 6], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 207379, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["David_Packouz", 3], ["Efraim_Diveroli", 0], ["Ephraim_-LRB-given_name-RRB-", 30], ["AEY", 9], ["War_Dogs_-LRB-2016_film-RRB-", 2]]} +{"id": 167468, "predicted_label": "REFUTES", "predicted_evidence": [["Karaoke_Superstars", 3], ["Hilary_Duff", 3], ["The_Id_-LRB-album-RRB-", 6], ["Cadet_Kelly", 0], ["Larry_Shaw_-LRB-director-RRB-", 9]]} +{"id": 114896, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gopalaswami_Parthasarathy_-LRB-diplomat-RRB-", 0], ["Gopalaswami_Parthasarathy_-LRB-diplomat-RRB-", 3], ["List_of_Underdog_episodes", 298], ["List_of_Underdog_episodes", 296], ["List_of_Underdog_episodes", 348]]} +{"id": 180588, "predicted_label": "REFUTES", "predicted_evidence": [["Super_-LRB-2010_American_film-RRB-", 8], ["Psycho_III", 5], ["Skyfall", 24], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 8], ["List_of_highest-grossing_films", 2]]} +{"id": 110933, "predicted_label": "SUPPORTS", "predicted_evidence": [["Great_Saxon_Revolt", 0], ["Archduke_Ferdinand_of_Austria", 22], ["Great_Saxon_Revolt", 39], ["Archduke_Ferdinand_of_Austria", 38], ["Henry,_Holy_Roman_Emperor", 4]]} +{"id": 206159, "predicted_label": "REFUTES", "predicted_evidence": [["Rafael_C._Castillo", 16], ["East_Palo_Alto,_California", 0], ["Liz_Kniss", 5], ["East_Palo_Alto,_California", 6], ["Cubberley_Community_Center", 0]]} +{"id": 76138, "predicted_label": "REFUTES", "predicted_evidence": [["Annette_Badland", 1], ["Lizzie_Hopley", 3], ["Boom_Town_-LRB-Doctor_Who-RRB-", 0], ["The_Sparticle_Mystery", 0], ["Lizzie_Hopley", 18]]} +{"id": 4171, "predicted_label": "REFUTES", "predicted_evidence": [["Panama_Creature", 0], ["Bessie_-LRB-lake_monster-RRB-", 25], ["Panama_Creature", 3], ["List_of_Sesame_Street_puppeteers", 136], ["Turtle_Lake_Monster", 1]]} +{"id": 211804, "predicted_label": "REFUTES", "predicted_evidence": [["Baahubali-COLON-_The_Beginning", 14], ["Skyfall", 24], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 7], ["Baahubali-COLON-_The_Beginning", 17], ["Raaz_3D", 9]]} +{"id": 124339, "predicted_label": "SUPPORTS", "predicted_evidence": [["KNTS-LP", 7], ["AMGTV", 0], ["AMGTV", 4], ["AMGTV", 5], ["WWLF-LP", 7]]} +{"id": 200378, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Ryan_Sinn", 17], ["After_Midnight_-LRB-Blink-182_song-RRB-", 19], ["Angels_&_Airwaves", 0], ["Box_Car_Racer", 1]]} +{"id": 70276, "predicted_label": "SUPPORTS", "predicted_evidence": [["YouTube", 15], ["Universo_Online", 5], ["YouTube", 7], ["Alexa", 10], ["Heritrix", 11]]} +{"id": 131965, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sleepy_Hollow_-LRB-film-RRB-", 5], ["8mm_-LRB-film-RRB-", 0], ["Andrew_Walker", 19], ["Andrew_Kevin_Walker", 0], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 213948, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 57583, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Andy's_Ancestry", 10], ["Christening_-LRB-The_Office-RRB-", 6], ["Livin'_the_Dream", 7], ["A.A.R.M.", 7], ["Lotto_-LRB-The_Office-RRB-", 8]]} +{"id": 190153, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Oscar_De_La_Hoya_vs._Floyd_Mayweather_Jr.", 0], ["Golden_Boy_Promotions", 5], ["Oscar_De_La_Hoya_vs._Manny_Pacquiao", 4], ["Oscar_De_La_Hoya_vs._Manny_Pacquiao", 0]]} +{"id": 66908, "predicted_label": "REFUTES", "predicted_evidence": [["Soy_el_mejor", 3], ["List_of_Mobile_Suit_Gundam_00_episodes", 8], ["List_of_Mobile_Suit_Gundam_00_episodes", 11], ["List_of_Mobile_Suit_Gundam_00_episodes", 12], ["List_of_Mobile_Suit_Gundam_00_episodes", 7]]} +{"id": 227137, "predicted_label": "REFUTES", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["List_of_baseball_parks_in_New_Orleans", 48], ["New_Orleans_Pelicans", 0], ["List_of_New_Orleans_Pelicans_head_coaches", 0], ["List_of_baseball_parks_in_New_Orleans", 8]]} +{"id": 97921, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lexa_-LRB-The_100-RRB-", 9], ["Lexa_-LRB-The_100-RRB-", 3], ["College_of_Performing_Arts", 5], ["College_of_Performing_Arts", 11], ["Academy_of_Performing_Arts", 0]]} +{"id": 86397, "predicted_label": "REFUTES", "predicted_evidence": [["The_Ben_Stiller_Show", 1], ["Sultan_Pepper", 5], ["Sultan_Pepper", 0], ["The_Ben_Stiller_Show", 0], ["The_Ben_Stiller_Show", 7]]} +{"id": 65516, "predicted_label": "SUPPORTS", "predicted_evidence": [["Warner_Bros._Cartoons", 9], ["Warner_Bros._Studios,_Burbank", 8], ["Warner_Bros._Cartoons", 11], ["Warner_Bros._Cartoons", 18], ["Warner_Bros._Studios,_Burbank", 13]]} +{"id": 67529, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_brain", 0], ["Human_brain", 25], ["Human_brain", 9], ["Human_brain", 1], ["Hippocampus_anatomy", 13]]} +{"id": 73392, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 104555, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 15], ["Global_warming", 12], ["Duncan_Wingham", 5], ["Regional_effects_of_global_warming", 10], ["Regional_effects_of_global_warming", 1]]} +{"id": 75902, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vivek_Mushran", 2], ["Vivek_Mushran", 7], ["The_Six_Wives_of_Henry_VIII", 4], ["List_of_people_with_surname_Carey", 308], ["The_Six_Wives_of_Henry_VIII", 8]]} +{"id": 201061, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Binnya_Kyan", 4], ["Daddy_Day_Care", 0], ["Regina_King", 4], ["Huey_Freeman", 7], ["Huey_Freeman", 4]]} +{"id": 67115, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Rosalind_Shand", 1], ["Shand", 16], ["Camilla,_Duchess_of_Cornwall", 6], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 4]]} +{"id": 61641, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_I_of_France", 11], ["Boubou_Macoutes", 0], ["L'Entreco\u0302te", 10], ["Boubou_Macoutes", 3], ["L'Entreco\u0302te", 4]]} +{"id": 112394, "predicted_label": "REFUTES", "predicted_evidence": [["Jolin_Tsai_filmography", 7], ["Bolt_-LRB-2008_film-RRB-", 2], ["Zootopia", 2], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 15], ["Bolt_-LRB-2008_film-RRB-", 11]]} +{"id": 1111, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_number-one_Billboard_Top_Latin_Albums_of_2004", 9], ["List_of_awards_and_nominations_received_by_Kelly_Clarkson", 9], ["List_of_awards_and_nominations_received_by_Kelly_Clarkson", 0], ["Sarah_McLachlan_discography", 0], ["Sarah_McLachlan_discography", 33]]} +{"id": 11823, "predicted_label": "REFUTES", "predicted_evidence": [["Bantu_peoples", 13], ["Misconceptions_about_HIV/AIDS", 2], ["Misconceptions_about_HIV/AIDS", 1], ["Epidemiology_of_HIV/AIDS", 22], ["Epidemiology_of_HIV/AIDS", 3]]} +{"id": 222030, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brubaker", 0], ["James_D._Brubaker", 3], ["Bruce_Brubaker_-LRB-baseball-RRB-", 11], ["James_D._Brubaker", 13], ["Bruce_Brubaker_-LRB-baseball-RRB-", 8]]} +{"id": 173118, "predicted_label": "SUPPORTS", "predicted_evidence": [["Macy_-LRB-surname-RRB-", 4], ["Helen_Keller", 2], ["Anne_Sullivan_Communication_Center", 9], ["Deliverance_-LRB-1919_film-RRB-", 2], ["Deliverance_-LRB-1919_film-RRB-", 0]]} +{"id": 14514, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Craig_David", 0], ["List_of_awards_and_nominations_received_by_Craig_David", 442], ["List_of_awards_and_nominations_received_by_Craig_David", 263], ["List_of_awards_and_nominations_received_by_Craig_David", 287], ["List_of_awards_and_nominations_received_by_Craig_David", 311]]} +{"id": 219033, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["W._Mott_Hupfel_III", 7], ["Tower_Rock", 10], ["Stereotypes_about_indigenous_peoples_of_North_America", 12], ["Cultural_Amnesia", 11], ["W._Mott_Hupfel_III", 6]]} +{"id": 186592, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elliot_Roberts", 4], ["Asylum_Records", 0], ["Centerfield_-LRB-album-RRB-", 2], ["Dante_Ross", 32], ["Asylum_Records", 1]]} +{"id": 94414, "predicted_label": "REFUTES", "predicted_evidence": [["The_Barnstable_Patriot", 5], ["1211_Avenue_of_the_Americas", 7], ["News_Corp_Australia", 15], ["News_Corporation", 10], ["Rupert_Murdoch", 0]]} +{"id": 44396, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["More_Life", 5], ["Flexin_On_Purpose", 4], ["The_Return_of_East_Atlanta_Santa", 3], ["MC4_-LRB-mixtape-RRB-", 12]]} +{"id": 82761, "predicted_label": "SUPPORTS", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["On_the_Radio_\u2013_The_Perry_Como_Shows_1943", 10], ["On_the_Radio_\u2013_The_Perry_Como_Shows_1943", 3], ["On_the_Radio_\u2013_The_Perry_Como_Shows_1943", 22], ["Halsey_-LRB-singer-RRB-", 3]]} +{"id": 75960, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Issa_Rae", 2], ["Issa_Rae", 1], ["Issa_Rae", 6], ["Delusional_Downtown_Divas", 0]]} +{"id": 219128, "predicted_label": "SUPPORTS", "predicted_evidence": [["Valencia", 0], ["Valencia", 11], ["Valencia", 2], ["Valencia", 17], ["Valencia", 12]]} +{"id": 66940, "predicted_label": "SUPPORTS", "predicted_evidence": [["Never_So_Good", 9], ["Never_So_Good", 4], ["Night_of_the_Long_Knives_-LRB-1962-RRB-", 0], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20]]} +{"id": 84839, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manson_Family", 0], ["Charles_Manson", 0], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 2], ["Marilyn_Manson_-LRB-band-RRB-", 3]]} +{"id": 138565, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michelin_Guide", 0], ["Jean-Luc_Naret", 8], ["Jean-Luc_Naret", 6], ["Jean-Luc_Naret", 1], ["Andre\u0301_Michelin", 3]]} +{"id": 38299, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2007-RRB-", 73], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2009-RRB-", 56], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 38], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 47]]} +{"id": 179330, "predicted_label": "SUPPORTS", "predicted_evidence": [["Osamu_Tezuka", 6], ["Osamu_Tezuka", 23], ["List_of_Osamu_Tezuka_manga", 5], ["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6]]} +{"id": 145705, "predicted_label": "REFUTES", "predicted_evidence": [["Eva_Green", 1], ["Tragedy_of_a_Ridiculous_Man", 0], ["Gabriella_Cristiani", 3], ["Laura_Betti", 1], ["Tragedy_of_a_Ridiculous_Man", 2]]} +{"id": 55335, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Glossary_of_shapes_with_metaphorical_names", 46], ["Hourglass_drum", 0], ["Hourglass_treefrog_-LRB-disambiguation-RRB-", 6], ["Hourglass_treefrog_-LRB-disambiguation-RRB-", 10], ["Hourglass_treefrog_-LRB-disambiguation-RRB-", 3]]} +{"id": 97298, "predicted_label": "SUPPORTS", "predicted_evidence": [["History_of_Rutgers_University", 0], ["Rutgers_University", 0], ["Rutgers_University\u2013Camden", 0], ["Camden,_New_Jersey", 40], ["Rutgers_University\u2013Newark", 0]]} +{"id": 5688, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lytico-bodig_disease", 5], ["Benjamin_Wolozin", 13], ["Sclerosis_-LRB-medicine-RRB-", 6], ["Benjamin_Wolozin", 3], ["List_of_OMIM_disorder_codes", 299]]} +{"id": 91959, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Thomas_Jefferson_Medal_in_Architecture", 2], ["Thomas_Jefferson_Medal", 0], ["Thomas_Jefferson_Medal", 15], ["Thomas_Jefferson_Medal", 11], ["Thomas_Jefferson_Medal", 13]]} +{"id": 159936, "predicted_label": "SUPPORTS", "predicted_evidence": [["McAuliffe-Shepard_Discovery_Center", 1], ["Concord_High_School", 0], ["Concord_High_School", 6], ["Concord_High_School", 20], ["Concord_High_School", 8]]} +{"id": 168040, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["The_Nightly_Show_with_Larry_Wilmore", 0], ["Minority_Report", 25], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 6]]} +{"id": 88383, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_discography", 0]]} +{"id": 168059, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2015-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 12]]} +{"id": 177160, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 3], ["The_Great_War_of_1892", 0], ["Alien_invasion", 22], ["Invasion_literature", 0], ["Alien_invasion", 4]]} +{"id": 146260, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sarah_Woodruff_Walker", 15], ["Song_for_Athene", 2], ["Diana,_Princess_of_Wales", 0], ["Song_for_Athene", 10], ["Song_for_Athene", 3]]} +{"id": 22017, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching", 0], ["Sarawak", 2], ["Kuching", 14], ["Kuching", 20], ["Kuching", 2]]} +{"id": 203387, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Goosebumps", 5], ["Goosebumps", 3], ["List_of_Goosebumps_books", 2], ["Goosebumps_Most_Wanted", 1], ["Deep_Trouble", 7]]} +{"id": 105953, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joe_Walsh", 24], ["Joe_Walsh", 16], ["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Barnstorm_-LRB-band-RRB-", 10]]} +{"id": 39351, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dupsy_Abiola", 3], ["Chandragupt_Institute_of_Management", 9], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["David_Packouz", 0]]} +{"id": 84498, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Andrew_Kevin_Walker", 0], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Seven_-LRB-1995_film-RRB-", 1], ["Andrew_Walker", 19], ["The_Wolfman_-LRB-2010_film-RRB-", 1]]} +{"id": 170409, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_Vick", 13], ["Michael_Vick", 0], ["Marcus_Vick", 2], ["Billy_Martin_-LRB-lawyer-RRB-", 8], ["2007_Atlanta_Falcons_season", 4]]} +{"id": 219134, "predicted_label": "REFUTES", "predicted_evidence": [["University_of_Valencia", 7], ["Valencia,_Bukidnon", 7], ["Valencia", 0], ["Valencian_Community", 2], ["Valencia", 2]]} +{"id": 155375, "predicted_label": "SUPPORTS", "predicted_evidence": [["Reggae", 0], ["Reggae", 27], ["High_Off_My_Love", 6], ["Paris_Hilton", 18], ["Paris_-LRB-Paris_Hilton_album-RRB-", 9]]} +{"id": 219030, "predicted_label": "REFUTES", "predicted_evidence": [["Classic_Incantations-COLON-_The_German_Film_Orchestra_Babelsberg_performs_A.R._Rahman", 0], ["Cultural_Amnesia", 11], ["These_Hopeless_Savages", 0], ["My_Leopold", 12], ["My_Leopold", 4]]} +{"id": 95995, "predicted_label": "SUPPORTS", "predicted_evidence": [["Make_Your_Move_-LRB-film-RRB-", 0], ["Hough_-LRB-surname-RRB-", 8], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 48], ["Hough_-LRB-surname-RRB-", 44]]} +{"id": 96466, "predicted_label": "SUPPORTS", "predicted_evidence": [["Online_gaming_in_China", 10], ["Online_gaming_in_China", 14], ["Online_gaming_in_China", 3], ["Online_gaming_in_China", 0], ["Online_gaming_in_China", 29]]} +{"id": 170427, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Quinn", 1], ["2007_Atlanta_Falcons_season", 10], ["2007_Atlanta_Falcons_season", 4], ["Marcus_Vick", 1], ["Mike_Quinn", 12]]} +{"id": 161572, "predicted_label": "REFUTES", "predicted_evidence": [["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Moulin_Rouge!_Music_from_Baz_Luhrmann's_Film", 1], ["MoZella", 9], ["Romeo_and_Juliet_on_screen", 7], ["Romeo_and_Juliet_on_screen", 2]]} +{"id": 164996, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polar_bear", 7], ["Polar_bear", 10], ["Nictitating_membrane", 2], ["Mitchell_Taylor", 0], ["Agreement_on_the_Conservation_of_Polar_Bears", 4]]} +{"id": 180736, "predicted_label": "REFUTES", "predicted_evidence": [["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Live_at_Mainstreet", 3], ["Something_Beginning_with_C", 2], ["Vidyagauri_Adkar", 0], ["Rohini_Bhate", 0]]} +{"id": 214247, "predicted_label": "REFUTES", "predicted_evidence": [["Born_and_Raised_in_Compton", 3], ["Penicillin_on_Wax", 8], ["The_Fixxers", 3], ["Born_and_Raised_in_Compton", 0], ["DJ_Quixotic", 12]]} +{"id": 50012, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Margaret_Thatcher", 3], ["Thatcherism", 0], ["The_Iron_Lady_-LRB-film-RRB-", 21], ["Margaret_Thatcher", 13], ["The_Iron_Lady_-LRB-album-RRB-", 10]]} +{"id": 198230, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn", 3], ["Solar_eclipses_on_Saturn", 0], ["Sade_Sati", 33], ["Saturn_IB", 1], ["Solar_eclipses_on_Saturn", 3]]} +{"id": 107362, "predicted_label": "REFUTES", "predicted_evidence": [["Snow_White_and_the_Huntsman", 8], ["William_Henry_Claflin,_Jr.", 5], ["Adams_Claflin_House", 2], ["Horace_Brigham_Claflin", 9], ["Horace_Brigham_Claflin", 6]]} +{"id": 40922, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civilization_IV", 14], ["Civilization-COLON-_The_Card_Game", 0], ["Civilization_IV-COLON-_Colonization", 0], ["Civilization_IV-COLON-_Colonization", 7], ["Rhye's_and_Fall_of_Civilization", 0]]} +{"id": 53320, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mystic_River_-LRB-film-RRB-", 9], ["List_of_accolades_received_by_Milk_-LRB-film-RRB-", 19], ["List_of_accolades_received_by_Milk_-LRB-film-RRB-", 7], ["List_of_accolades_received_by_Milk_-LRB-film-RRB-", 9], ["J/P_Haitian_Relief_Organization", 43]]} +{"id": 106369, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["List_of_stage_names", 49], ["Middle_name", 25], ["Middle_name", 33]]} +{"id": 77835, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Simon_Green_-LRB-cricketer-RRB-", 5], ["Zane_Green", 9], ["Mike_Green_-LRB-footballer,_born_July_1989-RRB-", 10], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Simon_Green_-LRB-cricketer-RRB-", 10]]} +{"id": 43080, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jamie_Murray", 1], ["List_of_Grand_Slam_girls'_singles_champions", 3], ["Mark_Woodforde", 20], ["Williams_sisters", 0], ["List_of_Grand_Slam_girls'_singles_champions", 6]]} +{"id": 217666, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pelican_files", 3], ["A_Time_to_Kill_-LRB-Grisham_novel-RRB-", 3], ["George_L._Little", 15], ["George_L._Little", 6], ["A_Time_to_Kill_-LRB-Grisham_novel-RRB-", 7]]} +{"id": 166654, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_books_by_Jacob_Neusner", 2402], ["Matty_Simmons", 4], ["Matty_Simmons", 1], ["List_of_books_by_Jacob_Neusner", 1605], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0]]} +{"id": 177142, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 3], ["A_General_History_of_the_Pyrates", 0], ["Ikutaro_Kakehashi", 3], ["The_Myth_of_the_Eastern_Front", 10], ["Alien_invasion", 22]]} +{"id": 194021, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["O_Jin-u", 27], ["Kim_Jong-chul", 9], ["O_Jin-u", 9], ["Kim_Jong-chul", 0], ["O_Jin-u", 2]]} +{"id": 13742, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Love_on_the_Rocks_-LRB-Neil_Diamond_song-RRB-", 11], ["Love_on_the_Rocks_-LRB-Neil_Diamond_song-RRB-", 12], ["Red_Red_Wine", 5], ["Classics-COLON-_The_Early_Years", 3], ["The_Essential_Neil_Diamond", 0]]} +{"id": 117114, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 63], ["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 60], ["U.S._Route_30_in_New_Jersey", 1]]} +{"id": 115637, "predicted_label": "REFUTES", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["Clues_-LRB-Robert_Palmer_album-RRB-", 9], ["Robert_Palmer_-LRB-MP-RRB-", 0], ["Clues_-LRB-Robert_Palmer_album-RRB-", 4], ["Drive_-LRB-Robert_Palmer_album-RRB-", 0]]} +{"id": 43300, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_accolades_received_by_The_Hunger_Games_film_series", 3], ["The_Hunger_Games_-LRB-film_series-RRB-", 1], ["House_at_the_End_of_the_Street", 0], ["The_Hunger_Games_-LRB-film-RRB-", 2], ["Silver_Linings_Playbook", 2]]} +{"id": 107185, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Loaded_-LRB-band-RRB-", 0], ["Loaded_discography", 0], ["Velvet_Revolver", 13], ["Velvet_Revolver", 0]]} +{"id": 181214, "predicted_label": "SUPPORTS", "predicted_evidence": [["Southpaw_-LRB-film-RRB-", 0], ["Harvey_Fuqua", 8], ["Cle_Shaheed_Sloan", 5], ["J._B._Fuqua", 36], ["J._B._Fuqua", 0]]} +{"id": 169002, "predicted_label": "REFUTES", "predicted_evidence": [["Indian_general_election,_2009", 17], ["Manmohan_Singh", 1], ["List_of_Prime_Ministers_of_India", 20], ["List_of_Prime_Ministers_of_India", 17], ["List_of_Prime_Ministers_of_India", 19]]} +{"id": 199740, "predicted_label": "REFUTES", "predicted_evidence": [["Education_Amendments_of_1972", 2], ["Surface_Transportation_and_Uniform_Relocation_Assistance_Act", 8], ["Federal_Aid_Highway_Act_of_1921", 0], ["State_aid_for_libraries", 5], ["Federal-Aid_Highway_Act", 3]]} +{"id": 191436, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Days_Go_By", 4], ["Marc_Copely", 18], ["Marc_Copely", 24], ["Jerry_Flowers", 3]]} +{"id": 45756, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Daggering", 0], ["Grinding_-LRB-dance-RRB-", 8], ["Tillicum_Village", 10], ["Anthony_Shay", 4], ["Kopac\u030cka_-LRB-folk_dance-RRB-", 8]]} +{"id": 175647, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Publication_history_of_Anarky", 20], ["General_-LRB-DC_Comics-RRB-", 10], ["Anarky", 19], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 208], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 308]]} +{"id": 159093, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guatemala", 16], ["Universidad_de_San_Carlos_de_Guatemala", 28], ["List_of_journalists_killed_in_Guatemala", 1], ["Efrai\u0301n_Ri\u0301os_Montt", 24], ["Efrai\u0301n_Ri\u0301os_Montt", 3]]} +{"id": 129011, "predicted_label": "REFUTES", "predicted_evidence": [["Change_Your_Life_-LRB-Little_Mix_song-RRB-", 0], ["Change_Your_Life_-LRB-Little_Mix_song-RRB-", 22], ["Little_Mix", 6], ["Little_Mix_discography", 5], ["DNA_-LRB-Little_Mix_album-RRB-", 0]]} +{"id": 14018, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tatum_O'Neal", 6], ["Edward_H._Swan_House", 11], ["Tatum_O'Neal", 0], ["John_McEnroe_career_statistics", 4], ["1979_US_Open_\u2013_Men's_Singles", 0]]} +{"id": 195030, "predicted_label": "REFUTES", "predicted_evidence": [["Jack_Renner_-LRB-recording_engineer-RRB-", 0], ["Michael_Bishop_-LRB-sound_engineer-RRB-", 7], ["Jeff_Thacher", 25], ["Grammy_Award_for_Record_of_the_Year", 20], ["Gareth_Cousins", 74]]} +{"id": 147305, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 0], ["Electoral_history_of_Mike_Huckabee", 0], ["Huckabee_-LRB-disambiguation-RRB-", 7], ["David_Huckabee", 1]]} +{"id": 196985, "predicted_label": "SUPPORTS", "predicted_evidence": [["Black-and-white_dualism", 46], ["S\u0327eva_Zistane\u0302", 3], ["Diwali", 2], ["S\u0327eva_Zistane\u0302", 11], ["Sal_Mubarak", 0]]} +{"id": 146671, "predicted_label": "REFUTES", "predicted_evidence": [["Canadian_heavy_metal", 19], ["Canadian_heavy_metal", 8], ["List_of_gothic_metal_bands", 3], ["Christian_metal", 13], ["Heavy_metal_lyrics", 0]]} +{"id": 71473, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prussian_Lithuanians", 0], ["Ethnographic_Lithuania", 17], ["Ethnographic_Lithuania", 7], ["Ethnographic_Lithuania", 3], ["Lithuanians_in_the_United_Kingdom", 6]]} +{"id": 168060, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2015-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 12]]} +{"id": 71687, "predicted_label": "REFUTES", "predicted_evidence": [["David_Packouz", 0], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["The_Soul_Stirrers", 42], ["Christian_Va\u0301squez", 46]]} +{"id": 205639, "predicted_label": "SUPPORTS", "predicted_evidence": [["St._Anger", 0], ["Kekal", 9], ["Thundersteel", 0], ["List_of_awards_and_nominations_received_by_Metallica", 4], ["Metallica", 0]]} +{"id": 64226, "predicted_label": "REFUTES", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Aparshakti_Khurana", 0], ["Aparshakti_Khurana", 2], ["Khurana", 17], ["Dangal_-LRB-film-RRB-", 12]]} +{"id": 100038, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ripon_College_-LRB-Wisconsin-RRB-", 1], ["WRPN-FM", 0], ["WRPN-FM", 5], ["Outwood_Academy_Ripon", 8], ["WRPN-FM", 6]]} +{"id": 6097, "predicted_label": "SUPPORTS", "predicted_evidence": [["Men_in_Black_-LRB-film-RRB-", 7], ["Will_Smith_filmography", 8], ["Men_in_Black_-LRB-film-RRB-", 8], ["Men_in_Black_II", 0], ["Men_in_Black_II", 3]]} +{"id": 17455, "predicted_label": "REFUTES", "predicted_evidence": [["The_Physician's_Tale", 4], ["The_Tale_of_Gamelyn", 0], ["The_Tale_of_Gamelyn", 3], ["The_Tale_of_Gamelyn", 1], ["Pandosto", 0]]} +{"id": 99939, "predicted_label": "REFUTES", "predicted_evidence": [["Henrietta_-LRB-given_name-RRB-", 11], ["Henrietta_-LRB-given_name-RRB-", 7], ["Sprechgesang", 0], ["Henrietta_-LRB-given_name-RRB-", 2], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 2]]} +{"id": 200392, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Ryan_Sinn", 9], ["Ryan_Sinn", 17], ["After_Midnight_-LRB-Blink-182_song-RRB-", 19], ["Angels_&_Airwaves", 0]]} +{"id": 132355, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["David_Packouz", 0], ["List_of_Jewish_American_visual_artists", 8], ["Christian_Va\u0301squez", 46]]} +{"id": 208410, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jay_Z_albums_discography", 35], ["Jay_Z_albums_discography", 0], ["Excuse_Me_Miss", 3], ["Excuse_My_French", 9], ["Jay_Z_albums_discography", 4]]} +{"id": 138380, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jane_Bryan", 4], ["2HB", 4], ["Bogart_-LRB-surname-RRB-", 12], ["The_Desperate_Hours_-LRB-film-RRB-", 0], ["Marked_Woman", 1]]} +{"id": 15452, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mount_Rushmore", 1], ["Mount_Rushmore", 12], ["Lincoln_Borglum", 0], ["Charles_E._Rushmore", 22], ["Mount_Rushmore", 0]]} +{"id": 139869, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Andrew_Kevin_Walker", 0], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["The_Hire-COLON-_The_Follow", 0], ["Andrew_Walker", 19], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 183596, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Disney_Infinity", 7], ["Pixar", 0], ["Finding_Dory", 0], ["Andrew_Stanton", 0]]} +{"id": 41975, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_C._Kellogg_III", 5], ["Kellogg_-LRB-name-RRB-", 91], ["Kellogg_-LRB-name-RRB-", 83], ["Kellogg_-LRB-name-RRB-", 45], ["Kellogg_-LRB-name-RRB-", 41]]} +{"id": 13230, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_View_to_a_Kill", 6], ["Licence_to_Kill", 1], ["Licence_to_Kill", 13], ["Casino_Royale_-LRB-2006_film-RRB-", 1], ["A_View_to_a_Kill", 0]]} +{"id": 125780, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Romanian_websites_by_number_of_unique_visitors", 5], ["List_of_Romanian_websites_by_number_of_unique_visitors", 6], ["VK_-LRB-social_networking-RRB-", 10], ["List_of_Romanian_websites_by_number_of_unique_visitors", 0], ["List_of_Romanian_websites_by_number_of_unique_visitors", 1]]} +{"id": 91114, "predicted_label": "REFUTES", "predicted_evidence": [["Eric_Church", 0], ["Eric_Church", 11], ["Luke_Laird", 7], ["Eric_Church", 12], ["Haley_Georgia", 6]]} +{"id": 106580, "predicted_label": "SUPPORTS", "predicted_evidence": [["White_House_Press_Secretary", 0], ["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3], ["Robert_Gibbs", 11]]} +{"id": 87494, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Basildon_Park", 0], ["Basildon", 0], ["Basildon", 13], ["Borough_of_Basildon", 0], ["The_Vandals_-LRB-UK_band-RRB-", 4]]} +{"id": 115004, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elina_Kechicheva", 7], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Vanessa_Ives", 0], ["Cathy_Pill", 6], ["Cathy_Pill", 12]]} +{"id": 215198, "predicted_label": "REFUTES", "predicted_evidence": [["Asiedu_Yirenkyi", 5], ["Drama_Studio", 5], ["Drama_Studio", 3], ["Drama_Studio", 0], ["Asiedu_Yirenkyi", 12]]} +{"id": 138373, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["Miranda_Otto", 0], ["The_Girl_Who_Came_Late", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4]]} +{"id": 22092, "predicted_label": "SUPPORTS", "predicted_evidence": [["Linkin_Park_discography", 8], ["List_of_awards_and_nominations_received_by_Linkin_Park", 9], ["Meteora_-LRB-album-RRB-", 0], ["Meteora_-LRB-album-RRB-", 9], ["List_of_songs_recorded_by_Linkin_Park", 52]]} +{"id": 101340, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good_Wife", 12], ["The_Good_Wife_-LRB-disambiguation-RRB-", 0], ["The_Good_Wife", 9], ["The_Good_Wife", 0], ["The_Good_Wife_-LRB-disambiguation-RRB-", 6]]} +{"id": 181604, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["WGBX-TV", 1], ["WGBH-TV", 1], ["WGBH-TV", 0], ["WGBX-TV", 0], ["WGBH_-LRB-FM-RRB-", 2]]} +{"id": 144823, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stan_Beeman", 0], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["The_Americans_-LRB-season_1-RRB-", 7], ["Noah_Emmerich", 2], ["Stan_Beeman", 2]]} +{"id": 171061, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Princess_Lalla_Meryem_of_Morocco", 20], ["Princess_Lalla_Meryem_of_Morocco", 0], ["Lalla", 1]]} +{"id": 224981, "predicted_label": "REFUTES", "predicted_evidence": [["Festival_of_the_Bluegrass", 0], ["International_Bluegrass_Music_Museum", 0], ["Festival_of_the_Bluegrass", 5], ["Festival_of_the_Bluegrass", 8], ["International_Bluegrass_Music_Association", 3]]} +{"id": 201364, "predicted_label": "SUPPORTS", "predicted_evidence": [["Varsity_Blues_-LRB-film-RRB-", 5], ["Varsity_Blues", 3], ["Varsity_Blues_-LRB-film-RRB-", 0], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 20]]} +{"id": 127118, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["A_View_to_a_Kill", 6], ["Licence_to_Kill", 1], ["Licence_to_Kill", 13], ["The_James_Bond_Bedside_Companion", 20], ["Casino_Royale_-LRB-2006_film-RRB-", 1]]} +{"id": 106646, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hindu_Kush", 5], ["List_of_mountain_ranges_of_Pakistan", 15], ["Hindu_Kush", 11], ["List_of_mountain_ranges_of_Pakistan", 13], ["Kuh-e_Bandaka", 10]]} +{"id": 115705, "predicted_label": "REFUTES", "predicted_evidence": [["Michigan", 13], ["National_Safe_Boating_Council", 4], ["Boating_Western_Australia", 0], ["California_Division_of_Boating_and_Waterways", 1], ["National_Safe_Boating_Council", 1]]} +{"id": 174031, "predicted_label": "REFUTES", "predicted_evidence": [["Pink_Floyd", 0], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["The_Endless_River", 0], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 5]]} +{"id": 53613, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ronan_O'Rahilly", 25], ["A_View_to_a_Kill", 0], ["Casino_Royale_-LRB-1967_film-RRB-", 13], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 12], ["A_View_to_a_Kill", 2]]} +{"id": 63669, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hurricane_Katrina_and_global_warming", 17], ["Hurricane_Katrina_and_global_warming", 13], ["Global_warming_controversy", 6], ["Global_warming_hiatus", 9], ["Global_warming_hiatus", 0]]} +{"id": 123612, "predicted_label": "SUPPORTS", "predicted_evidence": [["Toys_-LRB-film-RRB-", 0], ["Mrs._Doubtfire", 8], ["Mike_Green_-LRB-footballer,_born_July_1989-RRB-", 10], ["Mrs._Doubtfire", 0], ["Mrs._Doubtfire", 1]]} +{"id": 153005, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Unconquerable_Nation", 4], ["Unconquerable_Nation", 0], ["Ultimate_Spider-Man", 11], ["Ultimate_Spider-Man", 16]]} +{"id": 211298, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Closer", 8], ["Grey's_Anatomy", 16], ["How_to_Save_a_Life_-LRB-Grey's_Anatomy-RRB-", 12], ["Eternal_Happiness", 10], ["Eternal_Happiness", 3]]} +{"id": 1596, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_the_National_Football_League_in_Los_Angeles", 6], ["Bounty_Hunter_Bloods", 0], ["History_of_the_National_Football_League_in_Los_Angeles", 12], ["Bounty_Hunter_Bloods", 6], ["Gangs_in_Memphis,_Tennessee", 8]]} +{"id": 166474, "predicted_label": "SUPPORTS", "predicted_evidence": [["Roswell_-LRB-TV_series-RRB-", 0], ["Friday_Night_Lights_-LRB-TV_series-RRB-", 1], ["Michael_Guerin", 0], ["Maria_DeLuca", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0]]} +{"id": 35552, "predicted_label": "SUPPORTS", "predicted_evidence": [["Taylor_Lautner", 4], ["Back_to_December", 3], ["Taylor_Lautner", 0], ["Lautner", 3], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 2]]} +{"id": 75312, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bruno_Echagaray", 11], ["Shinall_Mountain", 24], ["Neuberg_formula", 16], ["Neuberg_formula", 0], ["Match_point", 0]]} +{"id": 206149, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palo_Alto,_California", 0], ["Liz_Kniss", 23], ["East_Palo_Alto,_California", 6], ["Stanford,_California", 4], ["Liz_Kniss", 24]]} +{"id": 198010, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["New_York_City_Landmarks_Preservation_Commission", 6], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 218368, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wind_power", 18], ["Maximum_power_point_tracking", 15], ["Maximum_power_point_tracking", 17], ["Virginia_Smith_Converter_Station", 7], ["Wolmirstedt_substation", 8]]} +{"id": 202475, "predicted_label": "REFUTES", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], ["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["TTSS", 5]]} +{"id": 80863, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["Matthew_Chapman_-LRB-author-RRB-", 25], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Miranda_Otto", 0], ["The_Girl_Who_Came_Late", 0]]} +{"id": 18464, "predicted_label": "REFUTES", "predicted_evidence": [["Restaurant_Gordon_Ramsay", 0], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 32], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 2], ["Gordon_Ramsay", 6], ["Ramsay_-LRB-surname-RRB-", 44]]} +{"id": 121786, "predicted_label": "SUPPORTS", "predicted_evidence": [["Raees_Warsi", 0], ["Raees_-LRB-film-RRB-", 4], ["Raees_-LRB-film-RRB-", 1], ["Raees", 3], ["Rais", 6]]} +{"id": 165919, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billion_Dollar_Babies_-LRB-song-RRB-", 4], ["Billion_Dollar_Babies_-LRB-song-RRB-", 9], ["Billion_Dollar_Babies_-LRB-song-RRB-", 11], ["Neal_Smith_-LRB-drummer-RRB-", 14], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 7]]} +{"id": 126915, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 10], ["I_Kissed_a_Girl", 0], ["I_Kissed_a_Girl", 19], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 10], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 3]]} +{"id": 165244, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Machiavelli_and_the_Four_Seasons", 22], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Keyboard_concertos_by_Johann_Sebastian_Bach", 6], ["Piano_concerto", 3], ["Keyboard_concertos_by_Johann_Sebastian_Bach", 8]]} +{"id": 175476, "predicted_label": "REFUTES", "predicted_evidence": [["Gustav_Friedrich_Wilhelm_Gro\u00dfmann", 1], ["Ludwig_van_Beethoven", 5], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45], ["Christian_Gottlob_Neefe", 0]]} +{"id": 174030, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Endless_River", 0], ["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["Pink_Floyd", 0], ["The_Division_Bell", 0], ["Richard_Wright_-LRB-musician-RRB-", 1]]} +{"id": 70535, "predicted_label": "SUPPORTS", "predicted_evidence": [["Peripheral", 9], ["Gaming_computer", 6], ["Vigor_Gaming", 2], ["History_of_video_games", 12], ["Gaming_computer", 2]]} +{"id": 66969, "predicted_label": "SUPPORTS", "predicted_evidence": [["YouTube", 15], ["Reply_girl", 0], ["Where_the_Hell_is_Matt?", 46], ["Reply_girl", 6], ["List_of_most_disliked_YouTube_videos", 23]]} +{"id": 202998, "predicted_label": "REFUTES", "predicted_evidence": [["Daniel_Michael_Tellep", 1], ["Lockheed_Martin", 1], ["Aerial_Common_Sensor", 33], ["Daniel_Michael_Tellep", 0], ["Lockheed_Martin_Aeronautics", 9]]} +{"id": 27865, "predicted_label": "SUPPORTS", "predicted_evidence": [["Emil_and_the_Detectives_-LRB-film-RRB-", 13], ["In_the_Shadows", 7], ["Hot_Karl_-LRB-disambiguation-RRB-", 6], ["Allu_Arjun,_roles_and_awards", 6], ["Hot_Karl_-LRB-disambiguation-RRB-", 8]]} +{"id": 106236, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edison_Machine_Works", 0], ["Nikola_Tesla", 5], ["Kunihiko_Iwadare", 5], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6], ["John_White_Howell", 58]]} +{"id": 101746, "predicted_label": "REFUTES", "predicted_evidence": [["Mauri_people", 127], ["Mahinda_II_of_Anuradhapura", 0], ["Mauri_people", 26], ["Mauri_people", 118], ["Mauri_people", 12]]} +{"id": 165901, "predicted_label": "REFUTES", "predicted_evidence": [["Neal_Smith_-LRB-drummer-RRB-", 0], ["Neal_Smith_-LRB-drummer-RRB-", 35], ["Alice_Cooper", 0], ["Billion_Dollar_Babies_-LRB-song-RRB-", 1], ["Neal_Smith_-LRB-drummer-RRB-", 14]]} +{"id": 129420, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greek_language", 13], ["Greek_language", 0], ["Pontic_Greek", 0], ["Pontic_Greek", 11], ["Pontic_Greek", 3]]} +{"id": 1825, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Moster_-LRB-motion_movie_poster-RRB-", 18], ["Back_to_December", 3], ["Lautner", 3], ["Taylor_Lautner", 0], ["My_Life_as_a_Poster", 6]]} +{"id": 130369, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sexy_Beast", 2], ["Henry_VIII_-LRB-TV_serial-RRB-", 5], ["Henry_VIII_-LRB-TV_serial-RRB-", 0], ["The_Six_Wives_of_Henry_VIII", 4], ["The_Six_Wives_of_Henry_VIII", 8]]} +{"id": 159710, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 166659, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Ace_titles_in_numeric_series", 1459], ["List_of_Ace_titles_in_numeric_series", 960], ["List_of_Ace_titles_in_numeric_series", 222], ["List_of_Ace_titles_in_numeric_series", 1495], ["List_of_Ace_titles_in_numeric_series", 1493]]} +{"id": 184077, "predicted_label": "REFUTES", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Walter_Lonergan", 10], ["Walter_Lonergan", 5]]} +{"id": 168056, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2016-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 12]]} +{"id": 12618, "predicted_label": "SUPPORTS", "predicted_evidence": [["Numb_-LRB-Linkin_Park_song-RRB-", 12], ["Waiting_for_the_End", 10], ["Numb_-LRB-Linkin_Park_song-RRB-", 0], ["Waiting_for_the_End", 0], ["List_of_songs_recorded_by_Linkin_Park", 44]]} +{"id": 229319, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pet", 0], ["Working_animal", 0], ["Working_animal", 21], ["Every_Living_Thing", 6], ["Archeus", 24]]} +{"id": 192959, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stargate_-LRB-film-RRB-", 1], ["Stargate_-LRB-film-RRB-", 2], ["Stargate_-LRB-film-RRB-", 9], ["Media_portrayal_of_LGBT_people", 7], ["Media_portrayal_of_LGBT_people", 5]]} +{"id": 19112, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chatwin", 8], ["Justin_Chatwin", 0], ["Dragonball_Evolution", 3], ["Legacy_-LRB-2017_film-RRB-", 1], ["Justin_Chatwin", 3]]} +{"id": 15139, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rebels-COLON-_City_of_Indra", 0], ["Jamison_Ernest", 62], ["Kendall_-LRB-given_name-RRB-", 5], ["Jamison_Ernest", 20], ["Jamison_Ernest", 7]]} +{"id": 20694, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Sherrill_Houser", 1], ["Lincoln_Borglum", 0], ["Borglum", 9], ["Borglum", 11], ["Mount_Rushmore", 1]]} +{"id": 151156, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ethnographic_Lithuania", 8], ["Ethnographic_Lithuania", 17], ["Lithuanians_in_the_United_Kingdom", 6], ["Battle_of_Olkieniki_-LRB-1706-RRB-", 2], ["Siege_of_Polotsk", 15]]} +{"id": 77157, "predicted_label": "REFUTES", "predicted_evidence": [["AFC_East", 15], ["AFC_East", 19], ["Washington_Wizards", 12], ["Southeast_Division_-LRB-NBA-RRB-", 12], ["AFC_East", 16]]} +{"id": 202044, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2011_Waltham_triple_murder", 7], ["Tamerlan_Tsarnaev", 8], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 14], ["2011_Waltham_triple_murder", 8]]} +{"id": 206174, "predicted_label": "REFUTES", "predicted_evidence": [["El_Palo_Alto", 0], ["East_Palo_Alto,_California", 0], ["Palo_Alto_Weekly", 15], ["East_Palo_Alto,_California", 32], ["East_Palo_Alto,_California", 16]]} +{"id": 202794, "predicted_label": "REFUTES", "predicted_evidence": [["Yahoo!", 6], ["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me_2", 1], ["Yahoo!", 13], ["Yahoo!", 1]]} +{"id": 184100, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hugh_Thompson_Jr.", 12], ["Command_responsibility", 14], ["Medina_-LRB-surname-RRB-", 33], ["William_Eckhardt_-LRB-law-RRB-", 0], ["F._Lee_Bailey", 3]]} +{"id": 84994, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-season_3-RRB-", 0], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 190158, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Floyd_Mayweather_Jr.", 3], ["Golden_Boy_Promotions", 15], ["Floyd_Mayweather_Jr.", 16], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 3]]} +{"id": 152044, "predicted_label": "SUPPORTS", "predicted_evidence": [["Walking_My_Baby_Back_Home_-LRB-film-RRB-", 7], ["Walking_My_Baby_Back_Home_-LRB-film-RRB-", 0], ["Back_Up,_Dancer", 6], ["Lisa_Joann_Thompson", 1], ["Ashley_Everett", 12]]} +{"id": 52559, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombiana_-LRB-disambiguation-RRB-", 0], ["Colombian_short-tailed_bat", 1], ["G._colombiana", 5], ["G._colombiana", 3], ["A._colombiana", 3]]} +{"id": 69549, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["First_100_days_of_Donald_Trump's_presidency", 7], ["The_Conservative_Case_for_Trump", 28], ["Brad_Parscale", 8], ["White_House_Chief_Strategist", 10], ["White_House_Chief_Strategist", 9]]} +{"id": 85479, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lemmy", 2], ["John_Cougar,_John_Deere,_John_3-COLON-16", 2], ["Heavy_metal_drumming", 1], ["Hit_Stix", 2], ["Heavy_metal_drumming", 0]]} +{"id": 225308, "predicted_label": "REFUTES", "predicted_evidence": [["Thanks_for_Sharing", 1], ["Benched", 0], ["The_House_-LRB-2017_film-RRB-", 1], ["Watkins_-LRB-surname-RRB-", 98], ["Watkins_-LRB-surname-RRB-", 125]]} +{"id": 25247, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bee_Gees", 4], ["Ossie_Byrne", 16], ["Immortality_-LRB-Celine_Dion_song-RRB-", 7], ["Bee_Gees", 14], ["Albhy_Galuten", 1]]} +{"id": 46004, "predicted_label": "REFUTES", "predicted_evidence": [["Charles_Manson_Superstar", 0], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Vincent_Bugliosi", 11], ["Vincent_Bugliosi", 2], ["Manson", 13]]} +{"id": 88165, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Slipknot_discography", 9], ["Slipknot_-LRB-band-RRB-", 2], ["List_of_songs_recorded_by_Slipknot", 6], ["List_of_Slipknot_band_members", 8], ["List_of_awards_and_nominations_received_by_Slipknot", 2]]} +{"id": 197364, "predicted_label": "REFUTES", "predicted_evidence": [["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["General_Simo\u0301n_Boli\u0301var_Municipality", 8], ["General_Simo\u0301n_Boli\u0301var_Municipality", 0], ["General_Simo\u0301n_Boli\u0301var_Municipality", 1]]} +{"id": 45036, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_ROH_World_Tag_Team_Champions", 10], ["IWGP_Heavyweight_Championship", 26], ["IWGP_Junior_Heavyweight_Championship", 24], ["List_of_IWGP_Junior_Heavyweight_Tag_Team_Champions", 20], ["List_of_ROH_World_Tag_Team_Champions", 24]]} +{"id": 198037, "predicted_label": "REFUTES", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 6], ["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Dorothy_Miner", 9], ["Pyramid_Club", 20]]} +{"id": 165888, "predicted_label": "REFUTES", "predicted_evidence": [["Welcome_to_My_Nightmare_-LRB-film-RRB-", 2], ["Alice_Cooper_-LRB-disambiguation-RRB-", 0], ["Alice_Cooper", 0], ["Billion_Dollar_Babies_-LRB-song-RRB-", 11], ["Neal_Smith_-LRB-drummer-RRB-", 14]]} +{"id": 24063, "predicted_label": "REFUTES", "predicted_evidence": [["TASCAM_Digital_Interface", 18], ["TASCAM_Digital_Interface", 4], ["TASCAM_Digital_Interface", 20], ["Gwynns_Falls_Leakin_Park", 2], ["Bonython_Park", 4]]} +{"id": 143060, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["Siam_Nakhon_Province", 20], ["1940\u201346_in_the_Vietnam_War", 20], ["Indochina_Wars", 15], ["French_Indochina", 16]]} +{"id": 85298, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kle\u0301ber_Guerra", 12], ["Kle\u0301ber_Guerra", 6], ["Paramore_discography", 1], ["List_of_songs_recorded_by_Paramore", 1], ["Paramore_-LRB-album-RRB-", 0]]} +{"id": 143732, "predicted_label": "REFUTES", "predicted_evidence": [["Randy_Savage", 4], ["Randy_Savage", 0], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15], ["WrestleMania_X", 15], ["WrestleMania_X", 11]]} +{"id": 120578, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bret_Easton_Ellis", 20], ["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Bret", 19], ["Brat_Pack_-LRB-literary-RRB-", 16]]} +{"id": 130501, "predicted_label": "SUPPORTS", "predicted_evidence": [["Liam_Neeson_filmography", 0], ["Jude_Law", 1], ["List_of_awards_and_nominations_received_by_Jennifer_Lawrence", 0], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 1], ["Liam_Neeson_filmography", 2]]} +{"id": 92657, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_Murdoch", 0], ["James_Murdoch", 5], ["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3], ["Bill_Jenkings", 21]]} +{"id": 39608, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alana_Blanchard", 8], ["California_Surf_Museum", 9], ["Soul_Surfer_-LRB-film-RRB-", 0], ["Michelle_Von_Emster_case", 7], ["Shark_net", 9]]} +{"id": 179315, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Franchising", 8], ["America's_Best_Franchising", 8], ["Essex_Thameside", 7], ["Essex_Thameside", 6], ["Franchising", 10]]} +{"id": 227084, "predicted_label": "SUPPORTS", "predicted_evidence": [["Part_of_Me", 7], ["List_of_songs_recorded_by_Katy_Perry", 38], ["Katy_Perry_discography", 26], ["List_of_songs_recorded_by_Katy_Perry", 36], ["Katy_Perry_discography", 0]]} +{"id": 455, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee_Ralph", 5], ["Sandra_Bullock_filmography", 14], ["Sandra_Bullock_filmography", 7]]} +{"id": 184096, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Mozote_massacre", 0], ["El_Mozote", 1], ["El_Calabozo_massacre", 8], ["Domingo_Monterrosa", 6], ["Rufina_Amaya", 0]]} +{"id": 27753, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-season_4-RRB-", 0], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 159701, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 131477, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_The_Daily_Show_episodes", 12], ["The_Daily_Show", 2], ["List_of_The_Daily_Show_recurring_segments", 6], ["The_Daily_Show-COLON-_Indecision_2004", 4], ["The_Daily_Show", 0]]} +{"id": 202052, "predicted_label": "REFUTES", "predicted_evidence": [["Ibragim_Todashev", 3], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 14], ["Tamerlan_Tsarnaev", 8], ["Boston_Marathon_bombing", 5]]} +{"id": 10100, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bahamas", 0], ["Scouting_and_Guiding_in_the_Bahamas", 7], ["The_Scout_Association_of_the_Bahamas", 5], ["Scouting_and_Guiding_in_the_Bahamas", 4], ["The_Scout_Association_of_the_Bahamas", 6]]} +{"id": 84701, "predicted_label": "SUPPORTS", "predicted_evidence": [["Connie_Nielsen", 0], ["Connie_Nielsen", 2], ["Benny_Nielsen_-LRB-footballer-RRB-", 2], ["Tim_Nielsen", 1], ["Tim_Nielsen", 8]]} +{"id": 141888, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lockheed_Martin", 9], ["Lockheed_Martin_Information_Technology", 0], ["Lockheed_Martin_Aeronautics", 0], ["Lockheed_Martin", 10], ["Lockheed_Martin_Information_Technology", 3]]} +{"id": 202784, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despicable_Me_-LRB-franchise-RRB-", 3], ["List_of_2010_box_office_number-one_films_in_Australia", 12], ["List_of_2010_box_office_number-one_films_in_Australia", 20], ["List_of_2010_box_office_number-one_films_in_Australia", 8], ["List_of_2010_box_office_number-one_films_in_Australia", 16]]} +{"id": 192843, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 4], ["Ian_Brennan", 6], ["Ian_Brennan", 8], ["Ian_Brennan", 0], ["Ian_Brennan", 2]]} +{"id": 21236, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lil_Wayne_singles_discography", 14], ["Lil_Wayne", 14], ["Go_D.J.", 8], ["Go_D.J.", 11], ["Go_D.J.", 3]]} +{"id": 172749, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Beach_-LRB-film-RRB-", 0], ["Rooney_Mara", 7], ["The_Plague_Dogs_-LRB-film-RRB-", 0], ["Franklin_and_the_Turtle_Lake_Treasure", 0], ["Rooney_Mara", 1]]} +{"id": 194454, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda_Swinton", 0], ["Swinton_-LRB-surname-RRB-", 19], ["Tilda", 12], ["Swinton_-LRB-surname-RRB-", 17], ["Snowpiercer", 5]]} +{"id": 181619, "predicted_label": "REFUTES", "predicted_evidence": [["WGBH-TV", 4], ["WGBH-TV", 0], ["WGBX-TV", 2], ["WGBX-TV", 0], ["WGBX-TV", 1]]} +{"id": 42770, "predicted_label": "REFUTES", "predicted_evidence": [["The_Ben_Stiller_Show", 1], ["Sultan_Pepper", 5], ["Sultan_Pepper", 0], ["The_Ben_Stiller_Show", 0], ["The_Ben_Stiller_Show", 7]]} +{"id": 213953, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Call_of_Duty_-LRB-video_game-RRB-", 11], ["Call_of_Duty", 9], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 6]]} +{"id": 187791, "predicted_label": "REFUTES", "predicted_evidence": [["Julia_-LRB-1977_film-RRB-", 8], ["The_Sterile_Cuckoo_-LRB-novel-RRB-", 4], ["The_Sterile_Cuckoo", 3], ["The_Sterile_Cuckoo", 0], ["Wendell_Burton", 1]]} +{"id": 17859, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_-LRB-given_names-RRB-", 28], ["Janelle_Mona\u0301e", 0], ["Janelle_Mona\u0301e_discography", 4], ["Janelle_Mona\u0301e_discography", 0], ["The_ArchAndroid", 0]]} +{"id": 202759, "predicted_label": "REFUTES", "predicted_evidence": [["Chris_Renaud_-LRB-animator-RRB-", 2], ["Despicable_Me_3", 2], ["Despicable_Me", 3], ["Minions_-LRB-film-RRB-", 1], ["Despicable_Me_2", 1]]} +{"id": 199756, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["NK_Nafta_Lendava", 0], ["Prosec_Mexico", 1], ["Effects_of_NAFTA_on_Mexico", 1], ["Effects_of_NAFTA_on_Mexico", 7], ["Prosec_Mexico", 0]]} +{"id": 114188, "predicted_label": "REFUTES", "predicted_evidence": [["The_Ben_Stiller_Show", 1], ["Sultan_Pepper", 5], ["Sultan_Pepper", 0], ["The_Ben_Stiller_Show", 0], ["The_Ben_Stiller_Show", 7]]} +{"id": 215213, "predicted_label": "REFUTES", "predicted_evidence": [["Michael_G._Ankerich", 1], ["Michael_G._Ankerich", 9], ["Michael_G._Ankerich", 2], ["Michael_G._Ankerich", 0], ["Davis_Miller", 11]]} +{"id": 96969, "predicted_label": "REFUTES", "predicted_evidence": [["Hundred_Years'_War", 21], ["Hundred_Years'_War", 0], ["Hundred_Years'_War", 23], ["Edwardian_era", 0], ["Edwardian_era", 3]]} +{"id": 217660, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Pelican_Brief_-LRB-film-RRB-", 0], ["Julia_Roberts_filmography", 7], ["The_Firm_-LRB-1993_film-RRB-", 1], ["The_Firm_-LRB-1993_film-RRB-", 2], ["A_Time_to_Kill_-LRB-Grisham_novel-RRB-", 3]]} +{"id": 68377, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vainakhia", 6], ["Abukhadzhi_Idrisov", 0], ["Mountain_Autonomous_Soviet_Socialist_Republic", 11], ["Sulom-Beck_Oskanov", 1], ["Sulom-Beck_Oskanov", 3]]} +{"id": 222043, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brubaker_-LRB-disambiguation-RRB-", 0], ["James_D._Brubaker", 3], ["Robert_Brubaker_-LRB-tenor-RRB-", 20], ["Bruce_Brubaker_-LRB-baseball-RRB-", 8], ["James_D._Brubaker", 13]]} +{"id": 94787, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_Cruise_filmography", 19], ["Tom_Cruise_filmography", 20], ["Tom_Cruise_filmography", 21], ["Julianne_Moore_filmography", 16], ["Julianne_Moore_filmography", 12]]} +{"id": 37945, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 220210, "predicted_label": "REFUTES", "predicted_evidence": [["Sooraj_Dooba_Hain", 0], ["Dum_Maro_Dum_-LRB-song-RRB-", 1], ["Raabta_-LRB-song-RRB-", 0], ["Har_Kisi_Ko", 0], ["Mera_Joota_Hai_Japani", 1]]} +{"id": 24044, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lois_Maxwell", 0], ["A_View_to_a_Kill", 6], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 12], ["A_View_to_a_Kill", 0], ["A_View_to_a_Kill", 2]]} +{"id": 37229, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Non-physical_entity", 2], ["Causal_closure", 4], ["Actor_-LRB-UML-RRB-", 9], ["Life", 0], ["Inverted_spectrum", 6]]} +{"id": 209093, "predicted_label": "REFUTES", "predicted_evidence": [["Stadium_Arcadium_World_Tour", 0], ["Hump_de_Bump", 1], ["Red_Hot_Chili_Peppers_discography", 21], ["Stadium_Arcadium", 5], ["Red_Hot_Chili_Peppers_discography", 23]]} +{"id": 66493, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Leonetti", 9]]} +{"id": 20623, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Razor's_Edge_-LRB-1984_film-RRB-", 1], ["Scrooged", 6], ["Lost_in_Translation_-LRB-film-RRB-", 2], ["Broken_Flowers", 2], ["Lost_in_Translation_-LRB-film-RRB-", 5]]} +{"id": 14406, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sabbat_-LRB-English_band-RRB-", 10], ["Rage_Against_the_Machine", 20], ["Tom_Morello_discography", 23], ["The_Battle_of_Los_Angeles_Tour", 7], ["Tin_Machine_Tour", 2]]} +{"id": 194362, "predicted_label": "SUPPORTS", "predicted_evidence": [["Broken_-LRB-1993_film-RRB-", 1], ["The_White_EP_-LRB-Mirrors_EP-RRB-", 4], ["Look_at_Me_-LRB-Mirrors_song-RRB-", 7], ["Happiness_in_Slavery", 0], ["No_Treason", 21]]} +{"id": 64149, "predicted_label": "SUPPORTS", "predicted_evidence": [["Land_of_No_Return", 0], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Right_to_Kill?", 10], ["Easy_to_Assemble", 7], ["Easy_to_Assemble", 4]]} +{"id": 123511, "predicted_label": "SUPPORTS", "predicted_evidence": [["Annette_Badland", 1], ["Lizzie_Hopley", 3], ["Boom_Town_-LRB-Doctor_Who-RRB-", 0], ["Lizzie_Hopley", 18], ["The_Sparticle_Mystery", 0]]} +{"id": 40250, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Papua_-LRB-province-RRB-", 3], ["Dendrobium_lineale", 1], ["Morelia_amethistina", 5], ["West_Papua_-LRB-province-RRB-", 5], ["Arnold_Ap", 14]]} +{"id": 175740, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cry_of_the_Owl_-LRB-1987_film-RRB-", 0], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 0], ["The_Two_Faces_of_January", 0], ["Robert_Weil_-LRB-editor-RRB-", 12], ["Robert_Weil_-LRB-editor-RRB-", 176]]} +{"id": 31013, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shoot_to_Kill_-LRB-Cole_novel-RRB-", 2], ["Yevgeny_Nikitin", 5], ["Kjell_Bondevik", 22], ["A_View_to_a_Kill_-LRB-disambiguation-RRB-", 10], ["A_View_to_a_Kill_-LRB-disambiguation-RRB-", 12]]} +{"id": 47963, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bloods", 1], ["Ghost_Shadows", 12], ["Gangs_in_Memphis,_Tennessee", 12], ["Tweedy_Bird_Loc", 1], ["Bloods", 5]]} +{"id": 108880, "predicted_label": "REFUTES", "predicted_evidence": [["Harold_Macmillan", 0], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 8]]} +{"id": 215210, "predicted_label": "REFUTES", "predicted_evidence": [["Davis_Miller", 11], ["Davis_Miller", 38], ["American_Dreamer", 3], ["Davis_Miller", 77], ["Davis_Miller", 95]]} +{"id": 173721, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Scruggs_style", 14], ["Randy_Scruggs", 15], ["Earl_Scruggs", 25], ["Scruggs", 9], ["Jim_Shumate", 9]]} +{"id": 105530, "predicted_label": "SUPPORTS", "predicted_evidence": [["American_Sniper", 1], ["American_Sniper_-LRB-book-RRB-", 0], ["Taya_Kyle", 1], ["Taya_Kyle", 0], ["American_Sniper", 14]]} +{"id": 209848, "predicted_label": "REFUTES", "predicted_evidence": [["ITunes_Session", 29], ["Tie", 19], ["ITunes_Session", 33], ["Tie", 43], ["Tie", 50]]} +{"id": 173502, "predicted_label": "REFUTES", "predicted_evidence": [["Sancho_Panza", 0], ["Sam_Weller_-LRB-character-RRB-", 0], ["Ricote_-LRB-Don_Quixote-RRB-", 3], ["The_Truth_about_Sancho_Panza", 8], ["Ricote_-LRB-Don_Quixote-RRB-", 4]]} +{"id": 101226, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam_Radio", 4], ["Pearl_Jam_2012_Tour", 0], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 16], ["List_of_Pearl_Jam_band_members", 19], ["Pearl_Jam_Radio", 0]]} +{"id": 137888, "predicted_label": "REFUTES", "predicted_evidence": [["Olivia_Pope", 0], ["Butter_-LRB-2011_film-RRB-", 0], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 129088, "predicted_label": "REFUTES", "predicted_evidence": [["Laura_Dahl", 2], ["Matthew_Gray_Gubler", 0], ["Gubler", 6], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray", 3]]} +{"id": 172479, "predicted_label": "SUPPORTS", "predicted_evidence": [["Renzi_-LRB-surname-RRB-", 22], ["Matteo_Renzi", 0], ["Stefano_Fassina", 12], ["Matteo_Renzi", 6], ["Matteo_Renzi", 7]]} +{"id": 117000, "predicted_label": "REFUTES", "predicted_evidence": [["Michigan", 2], ["Colorado", 2], ["Connecticut", 9], ["Pennsylvania", 5], ["Georgia_-LRB-U.S._state-RRB-", 7]]} +{"id": 187108, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mariano_Vivanco", 8], ["Last_Night_-LRB-2010_film-RRB-", 1], ["Last_Night_-LRB-2010_film-RRB-", 5], ["My_Brother_the_Pig", 0], ["Miami_-LRB-Will_Smith_song-RRB-", 6]]} +{"id": 203370, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edward_Scissorhands", 0], ["The_Nightmare_Before_Christmas", 0], ["Goosebumps", 3], ["Skellington_Productions", 4], ["Tim_Burton", 9]]} +{"id": 115153, "predicted_label": "REFUTES", "predicted_evidence": [["Meteora_-LRB-disambiguation-RRB-", 7], ["List_of_awards_and_nominations_received_by_Linkin_Park", 9], ["Meteora_-LRB-album-RRB-", 13], ["Meteora_-LRB-album-RRB-", 0], ["Meteora_-LRB-album-RRB-", 7]]} +{"id": 53050, "predicted_label": "SUPPORTS", "predicted_evidence": [["L.A._Reid", 1], ["Xscape_-LRB-album-RRB-", 3], ["Sweat_-LRB-Ciara_song-RRB-", 3], ["Xscape_-LRB-album-RRB-", 1], ["Columbia/Epic_Label_Group", 9]]} +{"id": 92769, "predicted_label": "REFUTES", "predicted_evidence": [["Dev_Patel", 6], ["NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 0], ["Outstanding_Drama_Series", 11], ["Higher_Learning", 5], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2]]} +{"id": 76323, "predicted_label": "SUPPORTS", "predicted_evidence": [["University_of_Mississippi_School_of_Law", 0], ["University_of_Mississippi_School_of_Law", 7], ["University_of_Mississippi", 0], ["University_of_Mississippi", 4], ["The_Scholar-COLON-_St._Mary's_Law_Review_on_Minority_Issues", 0]]} +{"id": 153394, "predicted_label": "SUPPORTS", "predicted_evidence": [["Praful_Bhavsar", 0], ["Praful_Bhavsar", 1], ["Shuttle\u2013Mir_Program", 0], ["Vasily_Mishin", 64], ["Praful_Bhavsar", 13]]} +{"id": 97776, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_-LRB-given_name-RRB-", 63], ["Tom_-LRB-given_name-RRB-", 61], ["Tom_-LRB-given_name-RRB-", 45], ["Game_of_Thrones_-LRB-season_7-RRB-", 0], ["Game_of_Thrones_-LRB-season_7-RRB-", 10]]} +{"id": 145385, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Camilla,_Duchess_of_Cornwall", 6], ["Shand", 16], ["Rosalind_Shand", 1], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 4]]} +{"id": 90611, "predicted_label": "REFUTES", "predicted_evidence": [["Doctor_of_Psychology", 0], ["Doctor_of_Psychology", 10], ["The_Linus_Pauling_Quartet", 23], ["List_of_Psych_episodes", 6], ["List_of_Psych_episodes", 1]]} +{"id": 36444, "predicted_label": "REFUTES", "predicted_evidence": [["Henry_II_style", 4], ["Jean_Cavenac_de_la_Vigne", 4], ["Bertram_de_Verdun", 67], ["Jean_Cavenac_de_la_Vigne", 11], ["Henry_II_style", 0]]} +{"id": 72474, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Acetylcholine", 18], ["Muscarinic_antagonist", 0], ["Nicotinic_acetylcholine_receptor", 10]]} +{"id": 220216, "predicted_label": "SUPPORTS", "predicted_evidence": [["Raabta_-LRB-song-RRB-", 0], ["Kal_Ho_Naa_Ho_-LRB-song-RRB-", 0], ["Raabta_-LRB-song-RRB-", 5], ["Arijit_Singh", 31], ["Kal_Ho_Naa_Ho_-LRB-song-RRB-", 1]]} +{"id": 56908, "predicted_label": "REFUTES", "predicted_evidence": [["Republic_of_Macedonia", 3], ["Republic_of_Macedonia", 26], ["Republic_of_Macedonia", 24], ["Teuta_Arifi", 73], ["Teuta_Arifi", 36]]} +{"id": 105354, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 13], ["Black-ish_-LRB-season_1-RRB-", 6], ["Olivia_Pope", 0], ["Yara_-LRB-given_name-RRB-", 37]]} +{"id": 154809, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tenacious_D_-LRB-TV_series-RRB-", 0], ["Tenacious_D_-LRB-disambiguation-RRB-", 9], ["Tenacious_D_-LRB-TV_series-RRB-", 2], ["Tenacious_D_-LRB-disambiguation-RRB-", 11], ["Tenacious_D_-LRB-TV_series-RRB-", 6]]} +{"id": 57743, "predicted_label": "SUPPORTS", "predicted_evidence": [["AEY", 9], ["David_Packouz", 3], ["Efraim_Diveroli", 0], ["Ephraim_-LRB-given_name-RRB-", 30], ["War_Dogs_-LRB-2016_film-RRB-", 2]]} +{"id": 43523, "predicted_label": "REFUTES", "predicted_evidence": [["Billboard_Dad", 0], ["Troian_Bellisario", 5], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 227070, "predicted_label": "REFUTES", "predicted_evidence": [["Katy_Perry_videography", 12], ["Unconditionally", 7], ["Katy_Perry_discography", 23], ["Unconditionally", 1], ["Katy_Perry_discography", 26]]} +{"id": 186609, "predicted_label": "SUPPORTS", "predicted_evidence": [["Asylum_Records", 0], ["Bell_Records", 5], ["Planet_Records", 0], ["Oriole_Records_-LRB-U.S.-RRB-", 0], ["Jamison_Ernest", 15]]} +{"id": 204006, "predicted_label": "REFUTES", "predicted_evidence": [["Glee.com", 1], ["Glee.com", 8], ["Glee_albums_discography", 6], ["List_of_songs_in_Glee_-LRB-season_1-RRB-", 0], ["Brad_Ellis", 22]]} +{"id": 112423, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frank_Pickersgill", 16], ["John_Kenneth_Macalister", 12], ["Asian_Canadians", 6], ["Frank_Pickersgill", 27], ["Frank_Pickersgill", 8]]} +{"id": 44156, "predicted_label": "REFUTES", "predicted_evidence": [["Love_You_All_My_Lifetime", 3], ["Love_You_All_My_Lifetime", 4], ["Never_Miss_the_Water", 2], ["Never_Miss_the_Water", 0], ["Dance_Classics_of_Chaka_Khan", 0]]} +{"id": 126652, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_That_'70s_Show_home_video_releases", 20], ["Ashton_Kutcher", 8], ["Ashton_-LRB-given_name-RRB-", 6], ["Ashton_-LRB-given_name-RRB-", 20], ["The_Real_Wedding_Crashers", 1]]} +{"id": 195085, "predicted_label": "REFUTES", "predicted_evidence": [["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0], ["Ruddy_kingfisher", 0], ["Ruddy-breasted_crake", 3], ["Ruddy-breasted_crake", 0]]} +{"id": 34184, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 1], ["The_Chronicles_of_Riddick", 0], ["Pitch_Black_-LRB-film-RRB-", 0], ["Riddick_-LRB-character-RRB-", 0], ["List_of_video_game_crowdfunding_projects", 3417]]} +{"id": 13217, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tremont_Street_Subway", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 1], ["Canal_Street_Incline", 12], ["Canal_Street_Incline", 3]]} +{"id": 152461, "predicted_label": "SUPPORTS", "predicted_evidence": [["El_Gran_Luchadore", 18], ["El_Gran_Luchadore", 9], ["El_Gran_Luchadore", 16], ["Substance_use_disorder", 9], ["Substance_use_disorder", 14]]} +{"id": 100684, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jane_Bryan", 4], ["2HB", 4], ["Bogart_-LRB-surname-RRB-", 12], ["Humphrey_Bogart_filmography", 0], ["Humphrey_Bogart_filmography", 4]]} +{"id": 45205, "predicted_label": "REFUTES", "predicted_evidence": [["Progressive_jackpot", 0], ["Mega_Millions", 21], ["List_of_six-number_lottery_games", 37], ["Progressive_jackpot", 10], ["Mega_Millions", 5]]} +{"id": 14799, "predicted_label": "SUPPORTS", "predicted_evidence": [["TV_Choice", 1], ["TV_Guide_-LRB-Canada-RRB-", 4], ["Irshad_Ashraf", 21], ["TV_Choice", 0], ["TV_Quick", 10]]} +{"id": 165663, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paul_M._Lally", 19], ["Peter_Grimwade", 0], ["Tom_-LRB-given_name-RRB-", 15], ["Doctor_Who_and_the_Pescatons", 0], ["Destination_Nerva", 0]]} +{"id": 150524, "predicted_label": "REFUTES", "predicted_evidence": [["Basildon", 13], ["Loco_Motion_-LRB-Youth_Group-RRB-", 17], ["Pitsea", 4], ["Pitsea", 5], ["Borough_of_Basildon", 1]]} +{"id": 142651, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kanye_-LRB-disambiguation-RRB-", 14], ["Pusha_T_discography", 14], ["Numbers_on_the_Boards", 1], ["Pusha_T_discography", 9], ["Pusha_T_discography", 12]]} +{"id": 58913, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good,_the_Bad_&_the_Queen_-LRB-song-RRB-", 0], ["Damon_Albarn", 4], ["Damon_Albarn", 12], ["Damon_Albarn", 17], ["Jeff_Wootton", 1]]} +{"id": 123978, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Damon_Albarn", 17], ["The_Selfish_Giant_-LRB-song-RRB-", 2], ["Mr_Tembo", 3], ["Lonely_Press_Play", 0], ["Lonely_Press_Play", 3]]} +{"id": 145508, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Crews", 9], ["Terry_Crews", 3], ["Make_a_Smellmitment", 2], ["Terry_Crews", 0], ["Dulmont_Magnum", 23]]} +{"id": 14854, "predicted_label": "REFUTES", "predicted_evidence": [["James_Murdoch", 0], ["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3], ["Rupert_Murdoch", 13], ["Bill_Jenkings", 21]]} +{"id": 105842, "predicted_label": "REFUTES", "predicted_evidence": [["Chris_Eubank_Jr.", 0], ["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 3], ["Chris_Eubank", 0], ["Juan_Carlos_Gime\u0301nez_Ferreyra", 1]]} +{"id": 8499, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_exophonic_writers", 7], ["Parabola_Allegory", 0], ["The_Allegory_of_Faith", 0], ["Parabola_Allegory", 10], ["The_Allegory_of_Faith", 5]]} +{"id": 143816, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Shoal_Air", 0], ["Kununurra,_Western_Australia", 4], ["Kununurra,_Western_Australia", 0], ["Sinistral_and_dextral", 13], ["Sinistral_and_dextral", 0]]} +{"id": 179334, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mushi_Production", 7], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 5], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 194781, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fortunes_of_War_-LRB-TV_series-RRB-", 0], ["Fortunes_of_War_-LRB-TV_series-RRB-", 1], ["Henry_V_-LRB-1989_film-RRB-", 5], ["List_of_accolades_received_by_My_Week_with_Marilyn", 20], ["Benjamin_Caron", 16]]} +{"id": 206712, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samwell_Tarly", 0], ["Samwell", 9], ["Samwell_Tarly", 4], ["Rebecca_Benson", 5], ["John_Bradley-West", 0]]} +{"id": 54615, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_Surfer_-LRB-film-RRB-", 0], ["Sean_McNamara", 5], ["David_Brookwell", 3], ["Sean_McNamara", 3], ["Sean_McNamara", 0]]} +{"id": 168057, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["Minority_Report", 25], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Mike_Yard", 1]]} +{"id": 101812, "predicted_label": "REFUTES", "predicted_evidence": [["Love_Affair_-LRB-1939_film-RRB-", 0], ["Love_Comes_Along", 0], ["Casanova_-LRB-2005_film-RRB-", 0], ["April_Showers", 7], ["Yeh_Dillagi", 5]]} +{"id": 168055, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["Nightly", 8], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2015-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1]]} +{"id": 193413, "predicted_label": "SUPPORTS", "predicted_evidence": [["Past_Doctor_Adventures", 4], ["Izzy_Sinclair", 42], ["Doctor_Who-COLON-_The_Monthly_Range", 1], ["Eighth_Doctor_comic_stories", 0], ["Miranda_-LRB-Doctor_Who-RRB-", 0]]} +{"id": 212334, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Dualstar", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 166650, "predicted_label": "REFUTES", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Prince_Lestat", 0]]} +{"id": 144809, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["Marcelo_Cassaro", 1], ["Comic_book_convention", 13], ["Bill_Schelly", 53], ["Comic_book_convention", 0]]} +{"id": 80605, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_PMPC_Star_Awards_for_TV's_Multi-Award_Winning_Performers_&_Personalities", 7], ["List_of_PMPC_Star_Awards_for_TV's_Multi-Award_Winning_Performers_&_Personalities", 3], ["List_of_PMPC_Star_Awards_for_TV's_Multi-Award_Winning_Performers_&_Personalities", 9], ["List_of_PMPC_Star_Awards_for_TV's_Multi-Award_Winning_Performers_&_Personalities", 27], ["List_of_PMPC_Star_Awards_for_TV's_Multi-Award_Winning_Performers_&_Personalities", 11]]} +{"id": 198210, "predicted_label": "SUPPORTS", "predicted_evidence": [["Outline_of_Saturn", 3], ["Sixth_planet_-LRB-disambiguation-RRB-", 2], ["Saturn", 0], ["Mutual_reception", 32], ["Saturn_Glacier", 7]]} +{"id": 26132, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 1], ["Grenaa_Municipality", 4], ["Odder_Municipality", 0], ["Aarhus_Municipality", 0], ["Grenaa_Municipality", 0]]} +{"id": 173122, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ann_Sullivan", 3], ["Macy_-LRB-surname-RRB-", 8], ["Macy_-LRB-surname-RRB-", 16], ["Macy_-LRB-surname-RRB-", 4], ["Ann_Sullivan", 0]]} +{"id": 92990, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brazzers", 0], ["Insex", 0], ["Ramo\u0301n_Nomar", 1], ["OMAC_Laser_300", 29], ["Machine_pistol", 8]]} +{"id": 29953, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kim_Pensyl", 6], ["Deep_Purple_-LRB-song-RRB-", 24], ["Ruth_Berman_Harris", 0], ["Ruth_Berman_Harris", 14], ["Daniel_Matto", 12]]} +{"id": 610, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_Food", 7], ["George_Tillman_Jr.", 3], ["Maxine_Chadway", 1], ["Soul_Food", 5], ["George_Tillman_Jr.", 8]]} +{"id": 76327, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Library_card", 12], ["Library_card", 4], ["Library_card", 11], ["Cibola_National_Forest", 3], ["Cibola_National_Forest", 37]]} +{"id": 78663, "predicted_label": "SUPPORTS", "predicted_evidence": [["Song_for_Athene", 2], ["Diana,_Princess_of_Wales-COLON-_Tribute", 0], ["Diana,_Princess_of_Wales", 0], ["Diana,_Princess_of_Wales-COLON-_Tribute", 4], ["Song_for_Athene", 10]]} +{"id": 74701, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_anthropologists", 96], ["List_of_fictional_anthropologists", 21], ["Bare_Bones", 8], ["List_of_fictional_anthropologists", 114], ["Bones_-LRB-TV_series-RRB-", 7]]} +{"id": 139118, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["Soul_Survivor_-LRB-book-RRB-", 1], ["Soul_Survivor_-LRB-book-RRB-", 3], ["Soul_Survivor_-LRB-book-RRB-", 4]]} +{"id": 90151, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amyotrophic_lateral_sclerosis", 15], ["List_of_OMIM_disorder_codes", 307], ["List_of_OMIM_disorder_codes", 297], ["List_of_OMIM_disorder_codes", 309], ["Lytico-bodig_disease", 5]]} +{"id": 201812, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fanning_-LRB-surname-RRB-", 10], ["Captain_America-COLON-_The_First_Avenger", 3], ["Fanning_-LRB-surname-RRB-", 20], ["Captain_America_-LRB-disambiguation-RRB-", 11], ["Captain_America_-LRB-disambiguation-RRB-", 7]]} +{"id": 185298, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jeanine_Basinger", 11], ["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Automotive", 0], ["Bradley_Automotive", 8], ["Fuller_-LRB-surname-RRB-", 137]]} +{"id": 12828, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bruce_Chatwin", 6], ["Urge_-LRB-film-RRB-", 1], ["No_Stranger_Than_Love", 1], ["Chatwin", 8], ["Justin_Chatwin", 0]]} +{"id": 79759, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Gifted_-LRB-TV_series-RRB-", 0], ["Emma_Frost", 9], ["X-Men", 15], ["The_Gifted_-LRB-TV_series-RRB-", 7], ["X-Men", 2]]} +{"id": 141663, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cranchiidae", 0], ["Squid_as_food", 0], ["List_of_squid-faced_humanoids", 52], ["Squid_cocktail", 4], ["Squid_cocktail", 5]]} +{"id": 50127, "predicted_label": "REFUTES", "predicted_evidence": [["Harold_Macmillan", 0], ["Frank_MacMillan_-LRB-politician-RRB-", 17], ["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3]]} +{"id": 12204, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Dark_Tower_-LRB-series-RRB-", 13], ["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["Father_Callahan", 1], ["The_Dark_Tower-COLON-_The_Sorcerer", 3], ["All-World", 33]]} +{"id": 46133, "predicted_label": "REFUTES", "predicted_evidence": [["Vietnam", 1], ["Mexico", 3], ["List_of_companies_of_Mexico", 3], ["Haiti", 2], ["Indonesia", 3]]} +{"id": 61953, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fixed_annuity", 89], ["Fixed_annuity", 88], ["Fixed_annuity", 90], ["Fixed_annuity", 91], ["French_Cathedral,_Berlin", 2]]} +{"id": 127409, "predicted_label": "SUPPORTS", "predicted_evidence": [["Romantic_comedy_film", 5], ["Romantic_comedy_film", 0], ["Romantic_comedy_-LRB-disambiguation-RRB-", 0], ["Jack_Nicholson", 20], ["J/P_Haitian_Relief_Organization", 1]]} +{"id": 96145, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sean_Tuohy", 4], ["Blindside", 0], ["The_Blind_Side_-LRB-film-RRB-", 11], ["Blindside", 9], ["Blindside", 11]]} +{"id": 125009, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_recorded_by_Linkin_Park", 49], ["Numb_-LRB-Linkin_Park_song-RRB-", 12], ["What_I've_Done", 10], ["What_I've_Done", 9], ["List_of_songs_recorded_by_Linkin_Park", 53]]} +{"id": 67903, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Trump_Mortgage", 4], ["The_Trump_Organization", 12], ["Trump_Ocean_Resort_Baja_Mexico", 4], ["Trump_Mortgage", 14], ["Trump_Ocean_Resort_Baja_Mexico", 20]]} +{"id": 82886, "predicted_label": "REFUTES", "predicted_evidence": [["Rabies", 10], ["Rabies_virus", 1], ["Rabies", 9], ["Rabies_vaccine", 8], ["Rabies_testing", 14]]} +{"id": 34228, "predicted_label": "REFUTES", "predicted_evidence": [["Haley_Georgia", 0], ["Jude_Cole", 77], ["Jude_Cole", 79], ["Sports_Hall_Smederevo", 3], ["Haley_Georgia", 6]]} +{"id": 130611, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fargo_-LRB-season_2-RRB-", 6], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-A\u2013M-RRB-", 179], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-N\u2013Z-RRB-", 101], ["Wells_Fargo", 2], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-N\u2013Z-RRB-", 23]]} +{"id": 117695, "predicted_label": "SUPPORTS", "predicted_evidence": [["Castro_-LRB-surname-RRB-", 93], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Fidel_Castro_-LRB-disambiguation-RRB-", 16], ["Bay_of_Pigs_Invasion", 1], ["Rau\u0301l_Castro", 12]]} +{"id": 124597, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_OMIM_disorder_codes", 307], ["List_of_OMIM_disorder_codes", 303], ["Project_MinE", 0], ["List_of_OMIM_disorder_codes", 305], ["Project_MinE", 24]]} +{"id": 105702, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guantanamo's_Child", 1], ["Canadian_response_to_Omar_Khadr", 19], ["Canadian_response_to_Omar_Khadr", 24], ["Canadian_response_to_Omar_Khadr", 0], ["Canadian_response_to_Omar_Khadr", 23]]} +{"id": 195083, "predicted_label": "REFUTES", "predicted_evidence": [["Ray_Ruddy", 7], ["Ray_Ruddy", 5], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0], ["Joe_Ruddy", 5]]} +{"id": 65691, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2], ["Daytime_Emmy_Award_for_Outstanding_Digital_Daytime_Drama_Series", 11], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 7], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 3], ["List_of_awards_and_nominations_received_by_Six_Feet_Under", 14]]} +{"id": 81351, "predicted_label": "REFUTES", "predicted_evidence": [["Peripheral", 9], ["Touchscreen", 9], ["Sony_Tablet", 0], ["Microsoft_Tablet_PC", 0], ["Peripheral", 4]]} +{"id": 93178, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Haug", 4], ["Heavy_metal_lyrics", 3], ["Heavy_metal_lyrics", 0], ["List_of_gothic_metal_bands", 4], ["Andrew_Haug", 5]]} +{"id": 29804, "predicted_label": "REFUTES", "predicted_evidence": [["Andrew_Kevin_Walker", 0], ["Andrew_Walker", 19], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Seven_-LRB-1995_film-RRB-", 1], ["Nerdland", 0]]} +{"id": 137011, "predicted_label": "REFUTES", "predicted_evidence": [["Bliss_-LRB-1997_film-RRB-", 7], ["Twin_Peaks-COLON-_Fire_Walk_with_Me", 2], ["The_Mighty_Quinn_-LRB-film-RRB-", 0], ["Sheryl_Lee_Ralph", 0], ["One_Tree_Hill_-LRB-season_3-RRB-", 8]]} +{"id": 228431, "predicted_label": "SUPPORTS", "predicted_evidence": [["Henry_Eeles_Dresser", 13], ["How_to_be_an_Alien", 3], ["Action_at_Lanark", 15], ["How_to_be_an_Alien", 5], ["John_Wallace", 46]]} +{"id": 24271, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Toronto_Raptors", 18], ["1994\u201395_New_York_Knicks_season", 0], ["1996\u201397_New_York_Knicks_season", 0], ["Atlantic_Division_-LRB-NBA-RRB-", 1], ["1996\u201397_New_York_Knicks_season", 10]]} +{"id": 159584, "predicted_label": "REFUTES", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 7], ["Henry_T._Bannon", 6], ["Frank_O'Bannon", 10], ["Henry_T._Bannon", 3]]} +{"id": 185305, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Fuller", 1], ["Bradley_Automotive", 0], ["Jeanine_Basinger", 11], ["Fuller_-LRB-surname-RRB-", 11]]} +{"id": 13079, "predicted_label": "SUPPORTS", "predicted_evidence": [["Viola_Davis", 6], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 7], ["Richard_Penn_-LRB-actor-RRB-", 6], ["Richard_Penn_-LRB-actor-RRB-", 0], ["Richard_Penn_-LRB-actor-RRB-", 3]]} +{"id": 198020, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 6], ["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3], ["Dorothy_Miner", 9]]} +{"id": 58172, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Issa_Rae", 2], ["Insecure_-LRB-TV_series-RRB-", 0], ["I_Am_Other", 4], ["Issa_Rae", 6]]} +{"id": 154884, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Concert_for_Bangladesh", 13], ["The_Day_the_World_Gets_'Round", 3], ["The_Day_the_World_Gets_'Round", 2], ["The_Day_the_World_Gets_'Round", 1], ["The_Concert_for_Bangladesh", 14]]} +{"id": 57030, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Slipknot_band_members", 8], ["Slipknot_discography", 9], ["List_of_songs_recorded_by_Slipknot", 6], ["Michael_Thomson", 9], ["List_of_songs_recorded_by_Slipknot", 15]]} +{"id": 194027, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kim_Jong-il", 16], ["Chairman_of_the_State_Affairs_Commission", 11], ["O_Jin-u", 16], ["Kim_Jong-il", 3], ["Kim_Yong-chun", 13]]} +{"id": 223674, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ludwig_van_Beethoven", 5], ["Beethoven_in_film", 14], ["Masonic_music", 15], ["Christian_Gottlob_Neefe", 9], ["Ludwig_van_Beethoven", 0]]} +{"id": 38522, "predicted_label": "SUPPORTS", "predicted_evidence": [["Connie_Nielsen", 2], ["Connie_Nielsen", 0], ["Tim_Nielsen", 1], ["Tim_Nielsen", 8], ["Benny_Nielsen_-LRB-footballer-RRB-", 2]]} +{"id": 48822, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bill_Hader", 1], ["Taylor_Lautner", 4], ["Bill_Hader", 6], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 2], ["Bill_Hader", 7]]} +{"id": 133017, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Radio_Radio_Radio", 7], ["The_Influents", 11], ["Billie_Joe", 2], ["Pinhead_Gunpowder", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 46780, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hundred_Years'_War", 0], ["Hundred_Years'_War", 23], ["Hundred_Years'_War", 21], ["Toy_Soldiers-COLON-_Cold_War", 2], ["Toy_Soldiers-COLON-_Cold_War", 1]]} +{"id": 22096, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revival", 0], ["Doug_Clifford", 1], ["Creedence_Clearwater_Revisited", 0], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 4]]} +{"id": 70430, "predicted_label": "REFUTES", "predicted_evidence": [["Tottenham_Hotspur_L.F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["List_of_Tottenham_Hotspur_F.C._players", 14], ["List_of_Tottenham_Hotspur_F.C._players", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 1]]} +{"id": 72079, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_American_Horror_Story_cast_members", 9], ["American_Horror_Story", 5], ["List_of_American_Horror_Story_cast_members", 5], ["American_Horror_Story", 10], ["List_of_American_Horror_Story_cast_members", 10]]} +{"id": 69612, "predicted_label": "REFUTES", "predicted_evidence": [["Horse", 3], ["Donkey", 12], ["N\u00f8stvet_and_Lihult_cultures", 15], ["4th_millennium_BC_in_North_American_history", 0], ["4th_millennium_BC_in_North_American_history", 1]]} +{"id": 224373, "predicted_label": "REFUTES", "predicted_evidence": [["Southampton_F.C._Under-23s", 0], ["List_of_Southampton_F.C._players_-LRB-25\u201399_appearances-RRB-", 4], ["List_of_Southampton_F.C._players", 4], ["2016\u201317_Southampton_F.C._season", 0], ["2015\u201316_Southampton_F.C._season", 0]]} +{"id": 81110, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Laura_Letinsky", 0], ["Jacques_Ferrand", 1], ["Laura_Letinsky", 27], ["Laura_Letinsky", 28], ["Melancholia_-LRB-2011_film-RRB-", 9]]} +{"id": 182288, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn_Corporation", 0], ["Sade_Sati", 32], ["Saturn_MP_transmission", 0], ["Saturn_Cycling_Team", 1], ["Saturn_-LRB-store-RRB-", 0]]} +{"id": 70145, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Acetylcholine", 18], ["Muscarinic_antagonist", 0], ["Nicotinic_acetylcholine_receptor", 10]]} +{"id": 55045, "predicted_label": "REFUTES", "predicted_evidence": [["Black-ish_-LRB-season_1-RRB-", 6], ["Imagine_That_-LRB-film-RRB-", 1], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 120836, "predicted_label": "REFUTES", "predicted_evidence": [["No_Strings_Attached_-LRB-film-RRB-", 0], ["Reitman", 14], ["Reitman", 12], ["Ashton_-LRB-given_name-RRB-", 20], ["Ashton_Kutcher", 0]]} +{"id": 217671, "predicted_label": "REFUTES", "predicted_evidence": [["The_Pelican_Brief_-LRB-film-RRB-", 0], ["The_Pelican_Brief", 0], ["The_Firm_-LRB-1993_film-RRB-", 1], ["The_Firm_-LRB-1993_film-RRB-", 2], ["A_Time_to_Kill_-LRB-Grisham_novel-RRB-", 3]]} +{"id": 50354, "predicted_label": "REFUTES", "predicted_evidence": [["Wanted_-LRB-2016_TV_series-RRB-", 1], ["Storage_Wars-COLON-_Texas", 16], ["Turn-COLON-_Washington's_Spies", 5], ["Turn-COLON-_Washington's_Spies", 4], ["Coast_Guard_Alaska", 4]]} +{"id": 63874, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Janet_Lee_-LRB-disambiguation-RRB-", 8], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 1], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 47317, "predicted_label": "REFUTES", "predicted_evidence": [["Greek_language", 14], ["Northern_Epirus", 20], ["Northern_Epirus", 17], ["Medieval_Greek", 9], ["Northern_Epirus", 12]]} +{"id": 54702, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dress_uniform", 9], ["Stroller_-LRB-style-RRB-", 6], ["Dress_uniform", 3], ["Service_dress", 10], ["Formal_wear", 10]]} +{"id": 123101, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Weekend_-LRB-Homeland-RRB-", 6], ["Carrie_Mathison", 0], ["Homeland_-LRB-TV_series-RRB-", 0], ["Pilot_-LRB-Homeland-RRB-", 4], ["Carrie_Mathison", 2]]} +{"id": 44732, "predicted_label": "REFUTES", "predicted_evidence": [["Gangs_in_the_United_Kingdom", 16], ["History_of_sign_language", 1], ["Gang_signal", 1], ["Koko_-LRB-gorilla-RRB-", 0], ["Gang_signal", 2]]} +{"id": 211798, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Neeraj_Kabi", 23], ["Matthew_Jones_House", 11], ["Harlow_Row", 0], ["Clinker_brick", 12], ["Salem_Black_River_Presbyterian_Church", 3]]} +{"id": 215212, "predicted_label": "REFUTES", "predicted_evidence": [["Call_of_Cthulhu", 9], ["Michael_G._Ankerich", 1], ["Michael_G._Ankerich", 9], ["Michael_G._Ankerich", 2], ["Michael_G._Ankerich", 0]]} +{"id": 221074, "predicted_label": "SUPPORTS", "predicted_evidence": [["A&W_Root_Beer", 0], ["Mug_Root_Beer", 9], ["Monarch_Beverage_Company", 6], ["Chicago_Root_Beer", 8], ["Monarch_Beverage_Company", 5]]} +{"id": 222036, "predicted_label": "REFUTES", "predicted_evidence": [["Robert_Brubaker", 2], ["Brubaker_-LRB-disambiguation-RRB-", 0], ["James_D._Brubaker", 3], ["Bruce_Brubaker_-LRB-baseball-RRB-", 8], ["James_D._Brubaker", 13]]} +{"id": 85700, "predicted_label": "REFUTES", "predicted_evidence": [["Shand", 16], ["Camilla,_Duchess_of_Cornwall", 6], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Rosalind_Shand", 1], ["Donald_Shand", 3]]} +{"id": 88378, "predicted_label": "SUPPORTS", "predicted_evidence": [["Grinding_-LRB-dance-RRB-", 8], ["Daggering", 0], ["Pon_de_Floor", 5], ["Dagga", 8], ["Flatness_-LRB-art-RRB-", 41]]} +{"id": 15884, "predicted_label": "REFUTES", "predicted_evidence": [["The_Concert_for_Bangladesh", 13], ["International_Student_Festival_in_Trondheim", 5], ["Battle_of_Dongshan_Island", 26], ["Indigenous_peoples_and_the_UN-REDD_Program_in_Panama", 25], ["The_Concert_for_Bangladesh", 3]]} +{"id": 174036, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Endless_River", 0], ["Pink_Floyd", 0], ["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 4], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10]]} +{"id": 172474, "predicted_label": "REFUTES", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_-LRB-surname-RRB-", 22], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Remake_Italy", 6], ["Stefano_Fassina", 12]]} +{"id": 108859, "predicted_label": "REFUTES", "predicted_evidence": [["Gordon_Ramsay", 11], ["Restaurant_Gordon_Ramsay", 0], ["Gordon_Ramsay", 6], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 32], ["Gordon_Ramsay_at_Claridge's", 0]]} +{"id": 142224, "predicted_label": "REFUTES", "predicted_evidence": [["Hindu_Kush", 5], ["List_of_mountain_ranges_of_Pakistan", 15], ["Kush_-LRB-cannabis-RRB-", 1], ["Kushan_Pass", 1], ["Kushan_Pass", 2]]} +{"id": 130363, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vatos_Locos", 4], ["Raphael_-LRB-Teenage_Mutant_Ninja_Turtles-RRB-", 3], ["Leonardo_-LRB-Teenage_Mutant_Ninja_Turtles-RRB-", 3], ["Michelangelo_-LRB-Teenage_Mutant_Ninja_Turtles-RRB-", 3], ["Donatello_-LRB-Teenage_Mutant_Ninja_Turtles-RRB-", 4]]} +{"id": 183607, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Pixar", 16], ["Pixar", 6]]} +{"id": 56324, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bruno_Echagaray", 11], ["Neuberg_formula", 16], ["Match_Point", 2], ["Conation", 8], ["Conation", 5]]} +{"id": 217658, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Pelican_Brief_-LRB-film-RRB-", 0], ["The_Firm_-LRB-1993_film-RRB-", 0], ["Pelican_files", 3], ["The_Firm_-LRB-1993_film-RRB-", 2], ["George_L._Little", 15]]} +{"id": 196978, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sal_Mubarak", 0], ["Glossary_of_Indian_culture", 96], ["Diwali", 2], ["Diwali_in_Gujarat", 8], ["Glossary_of_Indian_culture", 94]]} +{"id": 173713, "predicted_label": "SUPPORTS", "predicted_evidence": [["Foggy_Mountain_Breakdown", 0], ["Scruggs_style", 3], ["Scruggs_style", 14], ["Earl_Scruggs", 0], ["Foggy_Mountain_Boys", 1]]} +{"id": 52330, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching", 20], ["Kuching", 2], ["Bidayuh", 5], ["Kuching", 0], ["Fort_Margherita", 0]]} +{"id": 156298, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Battle_of_Los_Angeles_Tour", 7], ["The_Battle_of_Los_Angeles_Tour", 0], ["The_Battle_of_Los_Angeles_Tour", 3], ["Starbucks_collectibles", 0], ["Starbucks_collectibles", 1]]} +{"id": 2835, "predicted_label": "SUPPORTS", "predicted_evidence": [["Flaked", 2], ["Flaked", 1], ["Pauma_Complex", 30], ["Pauma_Complex", 20], ["Kedgeree", 0]]} +{"id": 205662, "predicted_label": "REFUTES", "predicted_evidence": [["St._Anger", 0], ["Vonray", 8], ["St._Anger", 3], ["Goudie_-LRB-band-RRB-", 23], ["Jim_Dickson_-LRB-producer-RRB-", 28]]} +{"id": 217205, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Grand_Theft_Auto_V_characters", 8], ["Jinnah_family", 12], ["Idiorrhythmic_monasticism", 3], ["Myths_of_the_Near_Future", 26], ["Myths_of_the_Near_Future", 29]]} +{"id": 80576, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Krishna_Iyer", 9], ["Krishna_Iyer", 10], ["Krishna_Iyer", 8], ["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["Ayan_-LRB-soundtrack-RRB-", 0]]} +{"id": 47414, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Concert_for_Bangladesh", 13], ["Indigenous_peoples_and_the_UN-REDD_Program_in_Panama", 25], ["Japanese_aircraft_carrier_Ho\u0304sho\u0304", 4], ["The_Concert_for_Bangladesh", 14], ["The_Concert_for_Bangladesh", 0]]} +{"id": 158419, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penibaetic_System", 0], ["Subbaetic_System", 0], ["Sistema_Ibe\u0301rico", 0], ["Andalusia", 14], ["Geology_of_the_Iberian_Peninsula", 0]]} +{"id": 118948, "predicted_label": "SUPPORTS", "predicted_evidence": [["TV_Quick", 4], ["TV_Quick", 10], ["Linden_Hills_Library", 40], ["TV_Quick", 5], ["GSN_Live", 11]]} +{"id": 84397, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rachel_Berry", 24], ["List_of_Friends_episodes", 6], ["The_One_with_the_Rumor", 2], ["The_Last_One_-LRB-Friends-RRB-", 8], ["List_of_Sesame_Street_puppeteers", 29]]} +{"id": 149037, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Angela_Bassett", 0], ["Go_to_Hell_-LRB-American_Horror_Story-RRB-", 5], ["Go_to_Hell_-LRB-American_Horror_Story-RRB-", 4], ["Adam_Bassett", 7], ["Dave_Bassett_-LRB-songwriter-RRB-", 23]]} +{"id": 9938, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jolin_Tsai_filmography", 7], ["Bolt_-LRB-2008_film-RRB-", 2], ["Zootopia", 2], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 15], ["Byron_Howard", 0]]} +{"id": 153247, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ed_Wood_-LRB-film-RRB-", 6], ["Ed_Wood_-LRB-film-RRB-", 0], ["Edward_Wood", 0], ["Ed_Wood_-LRB-film-RRB-", 11], ["Conrad_Brooks", 3]]} +{"id": 58334, "predicted_label": "SUPPORTS", "predicted_evidence": [["I'm_Different", 3], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], ["2_Chainz", 7]]} +{"id": 611, "predicted_label": "REFUTES", "predicted_evidence": [["Soul_Food", 5], ["Soul_Food", 7], ["Maxine_Chadway", 1], ["George_Tillman_Jr.", 8], ["Soul_Food_-LRB-film-RRB-", 0]]} +{"id": 196961, "predicted_label": "REFUTES", "predicted_evidence": [["Diwali", 2], ["Black-and-white_dualism", 46], ["Sal_Mubarak", 0], ["Black-and-white_dualism", 51], ["Black-and-white_dualism", 49]]} +{"id": 80478, "predicted_label": "REFUTES", "predicted_evidence": [["Non-physical_entity", 2], ["Causal_closure", 4], ["Inverted_spectrum", 6], ["Life", 0], ["Causal_closure", 1]]} +{"id": 145079, "predicted_label": "SUPPORTS", "predicted_evidence": [["Arctic_methane_emissions", 8], ["Global_warming", 12], ["Global_warming", 13], ["Arctic_methane_emissions", 0], ["Arctic_methane_emissions", 7]]} +{"id": 193896, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bea_Arthur", 0], ["Rue_La_Rue_Cafe", 4], ["Billy_Goldenberg", 22], ["Rue_La_Rue_Cafe", 8], ["Billy_Goldenberg", 18]]} +{"id": 111807, "predicted_label": "REFUTES", "predicted_evidence": [["History_of_The_Simpsons", 21], ["The_Simpsons", 13], ["List_of_previous_General_Hospital_cast_members", 0], ["General_Hospital_cast_members", 0], ["List_of_The_Simpsons_episodes", 13]]} +{"id": 18064, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Red_Siren", 1], ["Colombiana", 0], ["Olivier_Megaton", 0], ["Beto_Benites", 3], ["Olivier_-LRB-given_name-RRB-", 61]]} +{"id": 185309, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bradley_Automotive", 0], ["Jeanine_Basinger", 11], ["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Automotive", 8], ["Bradley_Automotive", 20]]} +{"id": 165865, "predicted_label": "SUPPORTS", "predicted_evidence": [["Buffy_Summers", 3], ["Kristy_Swanson", 0], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_Summers", 0]]} +{"id": 150374, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Relient_K_Tours_and_Live_Performances", 49], ["List_of_Relient_K_Tours_and_Live_Performances", 6], ["We_Belong_Together", 17], ["List_of_Relient_K_Tours_and_Live_Performances", 27], ["List_of_Relient_K_Tours_and_Live_Performances", 2]]} +{"id": 136841, "predicted_label": "REFUTES", "predicted_evidence": [["Kleshas_-LRB-Buddhism-RRB-", 0], ["Wholesome_Wave", 8], ["Kleshas_-LRB-Buddhism-RRB-", 9], ["Kleshas_-LRB-Buddhism-RRB-", 5], ["Wholesome_Wave", 0]]} +{"id": 59393, "predicted_label": "REFUTES", "predicted_evidence": [["Gothic_romance_film", 0], ["Gothic_romance_film", 14], ["Gothic_romance_film", 2], ["Melancholia_-LRB-disambiguation-RRB-", 14], ["Melancholia_-LRB-disambiguation-RRB-", 10]]} +{"id": 218252, "predicted_label": "SUPPORTS", "predicted_evidence": [["Libya", 26], ["2004_world_oil_market_chronology", 122], ["Libya", 2], ["2004_world_oil_market_chronology", 26], ["National_Transitional_Council", 12]]} +{"id": 134268, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philip_H._Lathrop", 2], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 7], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1], ["The_Cincinnati_Kid", 0]]} +{"id": 178172, "predicted_label": "REFUTES", "predicted_evidence": [["One_World_Trade_Center", 0], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 15], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 2], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 17], ["One_World_Trade_Center", 15]]} +{"id": 220291, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bullitt_-LRB-disambiguation-RRB-", 8], ["Bullitt_-LRB-disambiguation-RRB-", 6], ["Bullitt's_Lick", 0], ["Bullitt_-LRB-disambiguation-RRB-", 38], ["Joshua_Fry_Bullitt,_Jr.", 8]]} +{"id": 62919, "predicted_label": "REFUTES", "predicted_evidence": [["Griffiths", 123], ["Arfon_Griffiths", 0], ["Stella_Richman", 19], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 107511, "predicted_label": "REFUTES", "predicted_evidence": [["Derek_Deighton", 0], ["Derek_Deighton", 1], ["Deighton", 18], ["John_Deighton", 0], ["John_Deighton", 24]]} +{"id": 167971, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bradman_-LRB-disambiguation-RRB-", 16], ["Jack_Fingleton", 46], ["Jack_Fingleton", 29], ["List_of_international_cricket_centuries_by_Don_Bradman", 23], ["Jack_Fingleton", 4]]} +{"id": 204338, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fort_Row", 46], ["Leptictida", 2], ["Fort_Row", 31], ["Dinosaur", 3], ["Dinosaur", 9]]} +{"id": 161580, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Strictly_Ballroom", 7], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 1], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["MoZella", 4], ["MoZella", 9]]} +{"id": 21242, "predicted_label": "SUPPORTS", "predicted_evidence": [["Babe_Smith", 0], ["Annette_Badland", 0], ["General_Hospital", 1], ["Capwell", 7], ["Capwell", 13]]} +{"id": 215220, "predicted_label": "REFUTES", "predicted_evidence": [["Dreamer_-LRB-2005_film-RRB-", 0], ["Mariah's_Storm", 4], ["John_Gatins", 4], ["Need_for_Speed_-LRB-film-RRB-", 0], ["Gatins", 4]]} +{"id": 47357, "predicted_label": "SUPPORTS", "predicted_evidence": [["Margaret_Thatcher", 3], ["Val_Meets_The_VIPs", 15], ["The_Iron_Lady_-LRB-film-RRB-", 21], ["Margaret_Thatcher", 13], ["The_Iron_Lady_-LRB-album-RRB-", 10]]} +{"id": 60458, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aristotle", 4], ["Assos", 8], ["Aristotle", 7], ["Aristotle_of_Mytilene", 16], ["Aristotle_of_Mytilene", 12]]} +{"id": 5466, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_the_National_Football_League_in_Los_Angeles", 12], ["Estimated_date_of_confinement", 0], ["Library_card", 12], ["Tax_return_-LRB-Canada-RRB-", 20], ["History_of_the_National_Football_League_in_Los_Angeles", 1]]} +{"id": 204352, "predicted_label": "REFUTES", "predicted_evidence": [["Cretaceous", 8], ["Paleontology_in_Louisiana", 17], ["Cretaceous", 9], ["Alva_Jo_Fischer", 22], ["Hadu\u0301r", 1]]} +{"id": 87109, "predicted_label": "REFUTES", "predicted_evidence": [["Malcolm_Ridley", 19], ["Malcolm_Ridley", 34], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5], ["Trevor_Baxter", 18], ["Annette_Badland", 0]]} +{"id": 119288, "predicted_label": "REFUTES", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Eddie_Murphy", 13], ["Eddie_Murphy_Delirious", 2], ["Eddie_Murphy_Raw", 0], ["Eddie_Murphy_Raw", 1]]} +{"id": 47091, "predicted_label": "REFUTES", "predicted_evidence": [["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["The_Dark_Tower_-LRB-series-RRB-", 13], ["The_Dark_Tower-COLON-_Treachery", 1], ["The_Dark_Tower-COLON-_Treachery", 0], ["The_Dark_Tower-COLON-_The_Sorcerer", 3]]} +{"id": 186927, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Paralyze", 2], ["Cher_albums_discography", 7], ["Half-Breed_-LRB-album-RRB-", 1], ["Cher_albums_discography", 21], ["Cher_albums_discography", 22]]} +{"id": 53796, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despacito", 12], ["Charlie_Cruz", 25], ["Si_Tu\u0301_Me_Besas", 9], ["Ella_Lo_Que_Quiere_Es_Salsa", 0], ["Si_Tu\u0301_Me_Besas", 0]]} +{"id": 1275, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Homo_sapiens_-LRB-Marvel_Comics-RRB-", 3], ["Homo_sapiens_-LRB-Marvel_Comics-RRB-", 0], ["Homo_sapiens", 0], ["Neoteric_evolutionary_theory", 81], ["Homo", 10]]} +{"id": 57483, "predicted_label": "SUPPORTS", "predicted_evidence": [["Winter's_Tale_-LRB-disambiguation-RRB-", 16], ["Katy_Evans", 5], ["Romance_novel", 0], ["Romance_novel", 2], ["List_of_works_by_Georgette_Heyer", 34]]} +{"id": 184058, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Margaret_-LRB-2011_film-RRB-", 0], ["Manchester_by_the_Sea_-LRB-film-RRB-", 1], ["Walter_Lonergan", 10]]} +{"id": 177161, "predicted_label": "REFUTES", "predicted_evidence": [["Adventure_game", 11], ["Shoot_'em_up", 12], ["Invasion_literature", 0], ["The_Battle_of_Dorking", 0], ["Alien_invasion", 22]]} +{"id": 200295, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["Natural_Born_Killers", 0], ["Brian_Berdan", 5], ["Oliver_Stone", 13], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 3]]} +{"id": 202798, "predicted_label": "SUPPORTS", "predicted_evidence": [["Illumination_Mac_Guff", 0], ["Mac_Guff", 4], ["Despicable_Me_2", 1], ["Pat_&_Stan", 1], ["Illumination_Mac_Guff", 1]]} +{"id": 141153, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Land_of_No_Return", 0], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Easy_to_Assemble", 7], ["Right_to_Kill?", 10], ["Right_to_Kill?", 6]]} +{"id": 46727, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Camouflage_-LRB-Rufus_album-RRB-", 5], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 7], ["Camouflage_-LRB-Rufus_album-RRB-", 1], ["Dance_Classics_of_Chaka_Khan", 0], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 3]]} +{"id": 152011, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amyotrophic_lateral_sclerosis", 15], ["Sclerosis_-LRB-medicine-RRB-", 6], ["List_of_OMIM_disorder_codes", 305], ["List_of_OMIM_disorder_codes", 309], ["List_of_OMIM_disorder_codes", 303]]} +{"id": 14884, "predicted_label": "SUPPORTS", "predicted_evidence": [["Floppy_disk", 0], ["History_of_IBM_magnetic_disk_drives", 7], ["Floppy_disk", 5], ["Floppy_disk_format", 0], ["History_of_the_floppy_disk", 0]]} +{"id": 64622, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barbara_Robinson_-LRB-producer-RRB-", 16], ["American_Film_Company", 9], ["Participant_Media", 0], ["American_Film_Company", 3], ["Participant_Media", 1]]} +{"id": 168973, "predicted_label": "SUPPORTS", "predicted_evidence": [["Middle-earth", 0], ["Middle-earth", 4], ["Middle-earth", 10], ["Middle-earth", 7], ["Huxley_-LRB-surname-RRB-", 8]]} +{"id": 24259, "predicted_label": "REFUTES", "predicted_evidence": [["SpaceX", 5], ["Wisconsin_Institutes_for_Discovery", 3], ["Wisconsin_Institutes_for_Discovery", 1], ["SpaceX", 18], ["MirCorp", 8]]} +{"id": 209087, "predicted_label": "REFUTES", "predicted_evidence": [["Stadium_Arcadium_World_Tour", 0], ["Hump_de_Bump", 1], ["Red_Hot_Chili_Peppers_discography", 21], ["Stadium_Arcadium", 5], ["Red_Hot_Chili_Peppers_discography", 23]]} +{"id": 183140, "predicted_label": "REFUTES", "predicted_evidence": [["Tata_Motors", 13], ["Bombay_House", 8], ["Tata_Sumo", 7], ["Tata_Motors", 7], ["Tata_Daewoo", 0]]} +{"id": 7956, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Easy_to_Assemble", 3], ["Land_of_No_Return", 0], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Right_to_Kill?", 10], ["Right_to_Kill?", 6]]} +{"id": 177167, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alien_invasion", 22], ["Alien_invasion", 4], ["Speculative_Fiction_Group", 2], ["SF_Canada", 4], ["Speculative_Fiction_Group", 0]]} +{"id": 114659, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["List_of_stage_names", 36], ["List_of_stage_names", 49], ["Middle_name", 25]]} +{"id": 128960, "predicted_label": "REFUTES", "predicted_evidence": [["Murda_Beatz", 0], ["Culture_-LRB-Migos_album-RRB-", 2], ["Hip_hop", 1], ["Hip_hop_music", 4], ["Hip_hop", 27]]} +{"id": 63631, "predicted_label": "SUPPORTS", "predicted_evidence": [["Great_Northern_War", 33], ["Great_Northern_War", 16], ["Russian_bayors", 35], ["Great_Northern_War", 12], ["List_of_Ottoman_governors_of_Algiers", 123]]} +{"id": 219285, "predicted_label": "SUPPORTS", "predicted_evidence": [["Capsicum_chinense", 0], ["Bhut_jolokia", 1], ["Piri_piri", 0], ["Capsicum_baccatum", 9], ["List_of_plants_of_Burkina_Faso", 791]]} +{"id": 206715, "predicted_label": "REFUTES", "predicted_evidence": [["Rebecca_Benson", 5], ["Samwell_Tarly", 0], ["John_Bradley-West", 0], ["Samwell_Tarly", 3], ["Samwell", 9]]} +{"id": 155995, "predicted_label": "REFUTES", "predicted_evidence": [["Harold_Macmillan", 0], ["Frank_MacMillan_-LRB-politician-RRB-", 17], ["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3]]} +{"id": 71967, "predicted_label": "REFUTES", "predicted_evidence": [["Younger_-LRB-TV_series-RRB-", 5], ["List_of_Shadowhunters_episodes", 6], ["Shadowhunters", 6], ["List_of_Let's_Stay_Together_episodes", 5], ["Let's_Stay_Together_-LRB-TV_series-RRB-", 8]]} +{"id": 158421, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penibaetic_System", 0], ["Sierra_de_las_Nieves_-LRB-disambiguation-RRB-", 2], ["Sierra_de_las_Nieves", 0], ["Montes_de_Ma\u0301laga", 0], ["La_Maroma", 0]]} +{"id": 73734, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["No_Country_for_Old_Men_-LRB-film-RRB-", 8], ["National_Board_of_Review", 13], ["National_Board_of_Review", 2], ["List_of_accolades_received_by_No_Country_for_Old_Men", 23], ["National_Board_of_Review", 7]]} +{"id": 143494, "predicted_label": "REFUTES", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 1], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0]]} +{"id": 156913, "predicted_label": "REFUTES", "predicted_evidence": [["Will_Smith_filmography", 8], ["Men_in_Black_II-COLON-_Alien_Escape", 1], ["Colin_Brady", 2], ["Men_in_Black_II", 3], ["Men_in_Black_II-COLON-_Alien_Escape", 0]]} +{"id": 226132, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Out_Campaign", 27], ["Richard_Dawkins-COLON-_How_a_Scientist_Changed_the_Way_We_Think", 0], ["Richard_Dawkins", 16], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2]]} +{"id": 117063, "predicted_label": "SUPPORTS", "predicted_evidence": [["Derek_Hough", 3], ["BHB", 3], ["Ballas_Hough_Band", 0], ["Derek_Hough", 0], ["Julianne_Hough", 5]]} +{"id": 193897, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["British_European_Airways", 17], ["BookExpo_America", 2], ["BookExpo_America", 0], ["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22]]} +{"id": 67950, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Linkin_Park", 9], ["Meteora_-LRB-album-RRB-", 0], ["Meteora_-LRB-album-RRB-", 9], ["Linkin_Park_discography", 8], ["List_of_songs_recorded_by_Linkin_Park", 52]]} +{"id": 10041, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trollhunters", 0], ["Arcadia_-LRB-popular_culture-RRB-", 16], ["Arcadia_-LRB-popular_culture-RRB-", 31], ["Arcadia_-LRB-popular_culture-RRB-", 132], ["Anton_Yelchin", 6]]} +{"id": 4746, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Behind_the_Player-COLON-_Duff_McKagan", 3], ["Martin_Feveyear", 1], ["List_of_Guns_N'_Roses_members", 1], ["Martin_Feveyear", 3]]} +{"id": 108227, "predicted_label": "REFUTES", "predicted_evidence": [["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["Jack_Falahee", 0], ["Leonie_Ku\u0308ng", 4], ["Manfred_Klieme", 0]]} +{"id": 99730, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jenni_Baird", 11], ["Day_One_-LRB-1989_film-RRB-", 0], ["The_Echo_of_Thunder", 0], ["Kris_Aquino_filmography", 14], ["Ek_Khiladi_Ek_Haseena_-LRB-film-RRB-", 1]]} +{"id": 224983, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Racing_identity", 0], ["List_of_sled_dog_races", 12], ["Racing_identity", 17], ["Dog_racing_-LRB-disambiguation-RRB-", 5], ["List_of_sled_dog_races", 5]]} +{"id": 3176, "predicted_label": "SUPPORTS", "predicted_evidence": [["Great_Lakes_Institute_of_Management,_Gurgaon", 3], ["Surya_Group_of_Institutions", 20], ["Great_Lakes_Institute_of_Management,_Gurgaon", 2], ["Indian_Institutes_of_Management", 11], ["Indian_Institute_of_Management_Bangalore", 0]]} +{"id": 148583, "predicted_label": "REFUTES", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_knobs", 60], ["List_of_bottoms", 46], ["List_of_knobs", 11], ["List_of_knobs", 186]]} +{"id": 23512, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 1], ["Philomena_-LRB-film-RRB-", 9], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 16], ["Golden_Globe_Award_for_Best_Animated_Feature_Film", 0], ["List_of_awards_and_nominations_received_by_Netflix", 36]]} +{"id": 113212, "predicted_label": "SUPPORTS", "predicted_evidence": [["2016_Tour_de_France", 0], ["List_of_teams_and_cyclists_in_the_2016_Tour_de_France", 0], ["List_of_teams_and_cyclists_in_the_2013_Tour_de_France", 5], ["List_of_teams_and_cyclists_in_the_2013_Tour_de_France", 12], ["List_of_teams_and_cyclists_in_the_2014_Tour_de_France", 12]]} +{"id": 145037, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Francis_Ford_Coppola", 4], ["Patton_-LRB-film-RRB-", 2], ["Edmund_H._Deas_House", 0], ["Edmund_H._Deas_House", 4], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234]]} +{"id": 195035, "predicted_label": "SUPPORTS", "predicted_evidence": [["Buddy_Cannon", 0], ["List_of_people_with_surname_Carey", 92], ["Buddy_Cannon", 1], ["List_of_people_with_surname_Carey", 325], ["List_of_people_with_surname_Carey", 207]]} +{"id": 3556, "predicted_label": "SUPPORTS", "predicted_evidence": [["46th_Primetime_Emmy_Awards", 12], ["35th_Primetime_Emmy_Awards", 8], ["35th_Primetime_Emmy_Awards", 7], ["34th_Primetime_Emmy_Awards", 9], ["A_River_Runs_Through_It", 3]]} +{"id": 92818, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 147355, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Indy_500_-LRB-disambiguation-RRB-", 0], ["Indy_500_-LRB-disambiguation-RRB-", 10], ["1996_Indianapolis_500", 9], ["1996_Indianapolis_500", 1], ["1995_Indianapolis_500", 24]]} +{"id": 100683, "predicted_label": "REFUTES", "predicted_evidence": [["James_VI_and_I", 11], ["James_VI_and_I", 0], ["John_Stewart,_Earl_of_Carrick", 12], ["Adrian_Vanson", 20], ["Royal_Court_of_Scotland", 1]]} +{"id": 123956, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Neoteric_evolutionary_theory", 81], ["Homo", 10], ["Homo_sapiens", 2], ["Homo_heidelbergensis", 3], ["Anatomically_modern_human", 0]]} +{"id": 63498, "predicted_label": "SUPPORTS", "predicted_evidence": [["Four_Christmases", 3], ["Walk_the_Line_-LRB-soundtrack-RRB-", 3], ["Tim_McGraw", 13], ["Walk_the_Line_-LRB-soundtrack-RRB-", 2], ["Walk_the_Line_-LRB-soundtrack-RRB-", 1]]} +{"id": 200274, "predicted_label": "SUPPORTS", "predicted_evidence": [["Popcorn_-LRB-novel-RRB-", 1], ["Natural_Born_Killers", 0], ["List_of_Natural_Born_Killers_characters", 0], ["Quentin_Tarantino_filmography", 11], ["Quentin_Tarantino_Film_Festival", 0]]} +{"id": 92154, "predicted_label": "REFUTES", "predicted_evidence": [["Artaserse_-LRB-Vinci-RRB-", 10], ["Mari\u0301a_Alicia_Delgado", 12], ["All_That_-LRB-season_4-RRB-", 28], ["Ocean's_Thirteen", 2], ["Ocean's_Thirteen", 1]]} +{"id": 4959, "predicted_label": "REFUTES", "predicted_evidence": [["John_Dolmayan", 0], ["John_Tempesta", 21], ["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["System_of_a_Down_discography", 0]]} +{"id": 47660, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Octosquid", 9], ["Eight_Arms_to_Hold_You_-LRB-song-RRB-", 12], ["Radial_arm_maze", 18], ["Eight_Arms_to_Hold_You_-LRB-song-RRB-", 0], ["Radial_arm_maze", 1]]} +{"id": 186924, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cher_albums_discography", 22], ["Cher_albums_discography", 25], ["The_Geffen_Film_Company", 0], ["Keyshia_Cole_discography", 7], ["Keyshia_Cole_discography", 18]]} +{"id": 222041, "predicted_label": "REFUTES", "predicted_evidence": [["James_D._Brubaker", 0], ["James_D._Brubaker", 7], ["Brubaker_-LRB-disambiguation-RRB-", 0], ["James_D._Brubaker", 17], ["James_D._Brubaker", 3]]} +{"id": 61542, "predicted_label": "SUPPORTS", "predicted_evidence": [["Melancholia_-LRB-2011_film-RRB-", 0], ["Goalpost_Pictures", 16], ["Tom_Cruise_filmography", 21], ["Tom_Cruise_filmography", 19], ["Tom_Cruise_filmography", 20]]} +{"id": 204017, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Criticism_of_Walmart", 6], ["Glee_albums_discography", 14], ["Glee_albums_discography", 19], ["Glee_albums_discography", 10], ["Glee_albums_discography", 6]]} +{"id": 134979, "predicted_label": "SUPPORTS", "predicted_evidence": [["George_Tillman_Jr.", 4], ["George_Tillman_Jr.", 0], ["Soul_Food", 7], ["Soul_food", 3], ["Soul_food", 0]]} +{"id": 202456, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 2], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 12]]} +{"id": 95056, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Survivor_Series_-LRB-2004-RRB-", 8], ["El_Gran_Luchadore", 9], ["Attitude_Era", 6], ["AAA_When_Worlds_Collide", 14], ["El_Gran_Luchadore", 16]]} +{"id": 92509, "predicted_label": "SUPPORTS", "predicted_evidence": [["My_Theodosia", 3], ["United_States_presidential_election,_1800", 17], ["United_States_presidential_election,_1800", 23], ["Burr_-LRB-surname-RRB-", 4], ["List_of_Vice_Presidents_of_the_United_States", 2]]} +{"id": 194471, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda", 16], ["Swinton_-LRB-surname-RRB-", 19], ["Tilda", 12], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["I_Am_Love_-LRB-film-RRB-", 2]]} +{"id": 168549, "predicted_label": "REFUTES", "predicted_evidence": [["Degrassi_-LRB-season_14-RRB-", 13], ["List_of_All_That_episodes", 10], ["Prison_Break_-LRB-season_5-RRB-", 8], ["Prison_Break_-LRB-season_5-RRB-", 4], ["Yune", 8]]} +{"id": 126026, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kyle_-LRB-surname-RRB-", 28], ["Kyle_-LRB-surname-RRB-", 22], ["American_Sniper_-LRB-book-RRB-", 0], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["American_Sniper", 1]]} +{"id": 3426, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["My_Plaything", 6], ["Jenna_Jameson", 12], ["Jenna_Jameson", 0], ["Jameson_-LRB-surname-RRB-", 29], ["ClubJenna", 0]]} +{"id": 138213, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_bottoms", 30], ["List_of_mountains_of_the_Alleghenies", 0], ["List_of_mountains_of_the_Alleghenies", 70], ["List_of_mountains_of_the_Alleghenies", 68], ["List_of_bottoms", 44]]} +{"id": 16008, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Riverdale_High_School_-LRB-Riverdale,_Georgia-RRB-", 12], ["Riverdale_High_School", 15], ["Riverdale_High_School", 9], ["Riverdale_High_School", 5], ["Riverdale_Elementary_School", 18]]} +{"id": 53760, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Garden_State", 0], ["Rickshaw_Inn", 4], ["William_A._Conway", 0], ["William_A._Conway", 14], ["Garden_State_Stakes", 28]]} +{"id": 193415, "predicted_label": "REFUTES", "predicted_evidence": [["Past_Doctor_Adventures", 4], ["Izzy_Sinclair", 42], ["Doctor_Who-COLON-_The_Monthly_Range", 1], ["Eighth_Doctor_comic_stories", 0], ["Miranda_-LRB-Doctor_Who-RRB-", 0]]} +{"id": 129206, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_rights_in_the_Philippines", 10], ["Timeline_of_Western_Saharan_history", 83], ["Foreign_relations_of_Taiwan", 14], ["Foreign_relations_of_Taiwan", 15], ["Human_rights_in_the_Philippines", 9]]} +{"id": 76482, "predicted_label": "REFUTES", "predicted_evidence": [["Manson_Family", 0], ["Charles_Manson", 0], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Marilyn_Manson_-LRB-band-RRB-", 3], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 0]]} +{"id": 3111, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Claudia_Brant", 0], ["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Nada_Es_Para_Siempre", 0], ["Nada_Es_Para_Siempre", 1]]} +{"id": 224978, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fumarole", 8], ["Canadian_Forward", 13], ["Equality_Act_2006", 9], ["Canadian_Forward", 8], ["Equality_Act_2006", 11]]} +{"id": 139796, "predicted_label": "SUPPORTS", "predicted_evidence": [["Arthur_Jeffrey_Dempster", 0], ["Dempster", 5], ["Uranium-235", 6], ["Arthur_Dempster", 3], ["Natural_uranium", 11]]} +{"id": 122148, "predicted_label": "SUPPORTS", "predicted_evidence": [["Warrior_-LRB-Kesha_album-RRB-", 8], ["Kesha", 0], ["Kesha_v._Dr._Luke", 2], ["Kesha_v._Dr._Luke", 0], ["Sleazy_-LRB-Kesha_song-RRB-", 0]]} +{"id": 165123, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Marvel_Cinematic_Universe_tie-in_comics", 7], ["Mickey_Rourke", 13], ["Iron_Man_3", 1], ["Iron_Man_2", 0]]} +{"id": 90769, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Megan_Rapinoe", 12], ["Wildfang", 0], ["List_of_airlines_by_foundation_date", 188], ["List_of_airlines_by_foundation_date", 0], ["List_of_airlines_by_foundation_date", 358]]} +{"id": 129835, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revival", 0], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 0], ["Creedence_Clearwater_Revisited", 4], ["Pre-Creedence", 0]]} +{"id": 18142, "predicted_label": "REFUTES", "predicted_evidence": [["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 330], ["Timeline_of_Class_I_railroads_-LRB-1910\u201329-RRB-", 137], ["Timeline_of_Class_I_railroads_-LRB-1910\u201329-RRB-", 108], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 55], ["Professional_American_football_championship_games", 318]]} +{"id": 74211, "predicted_label": "SUPPORTS", "predicted_evidence": [["Economy_of_Chile", 0], ["Chile", 20], ["List_of_companies_of_Chile", 5], ["Outline_of_Chile", 11], ["Geography_and_wealth", 8]]} +{"id": 112166, "predicted_label": "SUPPORTS", "predicted_evidence": [["Green_Day", 1], ["Tre\u0301", 3], ["Kerplunk_-LRB-album-RRB-", 2], ["\u00a1Tre\u0301!", 10], ["Kerplunk_-LRB-album-RRB-", 0]]} +{"id": 105060, "predicted_label": "REFUTES", "predicted_evidence": [["Enrique_Llanes", 2], ["Survivor_Series_-LRB-2004-RRB-", 8], ["Survivor_Series_-LRB-2004-RRB-", 13], ["El_Gran_Luchadore", 18], ["AAA_When_Worlds_Collide", 10]]} +{"id": 174601, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Artpop_-LRB-song-RRB-", 8], ["Artpop", 16], ["Sexxx_Dreams", 6], ["Artpop", 13], ["Gypsy_-LRB-Lady_Gaga_song-RRB-", 8]]} +{"id": 218240, "predicted_label": "SUPPORTS", "predicted_evidence": [["Libya", 2], ["List_of_companies_of_Libya", 2], ["Indonesia", 29], ["List_of_companies_of_Indonesia", 6], ["Algeria", 14]]} +{"id": 105705, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brazzers", 0], ["Daybreak_-LRB-2008_film-RRB-", 0], ["Daybreak_-LRB-2008_film-RRB-", 1], ["Elaz\u0131g\u0306", 3], ["List_of_adult_television_channels", 25]]} +{"id": 121709, "predicted_label": "SUPPORTS", "predicted_evidence": [["Patsy_Smart", 3], ["Danger_UXD", 5], ["Ken_Kitson", 3], ["Euston_Films", 2], ["UXB", 7]]} +{"id": 80259, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Stewart,_Earl_of_Carrick", 12], ["Royal_Court_of_Scotland", 34], ["Royal_Court_of_Scotland", 27], ["Castalian_Band", 10], ["Royal_Court_of_Scotland", 24]]} +{"id": 119870, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coat_of_arms_of_Ingushetia", 0], ["Ingushetia", 5], ["Ingushetia", 0], ["Ingushetia.org", 8], ["Rashid_Gaysanov", 1]]} +{"id": 132447, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor_M3", 0], ["Muscarinic_acetylcholine_receptor", 0], ["Acetylcholine", 18], ["Muscarinic_antagonist", 16], ["Muscarinic_antagonist", 0]]} +{"id": 195910, "predicted_label": "REFUTES", "predicted_evidence": [["Frozen_-LRB-2013_film-RRB-", 13], ["Home_Alone", 7], ["Bayside_Shakedown", 8], ["Michael_Bay_filmography", 17], ["Michael_Bay_filmography", 23]]} +{"id": 31456, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brazzers", 0], ["Daybreak_-LRB-2008_film-RRB-", 0], ["List_of_adult_television_channels", 126], ["List_of_adult_television_channels", 101], ["List_of_adult_television_channels", 91]]} +{"id": 47202, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ira_Trivedi", 9], ["Ira_Trivedi", 4], ["Laurence_Byrne", 1], ["Students'_Guide_to_Colleges", 16], ["Penguin_Modern_Poets", 0]]} +{"id": 39609, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alana_Blanchard", 8], ["California_Surf_Museum", 9], ["Soul_Surfer_-LRB-film-RRB-", 0], ["Michelle_Von_Emster_case", 7], ["Shark_net", 9]]} +{"id": 16500, "predicted_label": "SUPPORTS", "predicted_evidence": [["Howarth_of_London", 19], ["Half_United", 0], ["IResQ", 2], ["OshKosh_B'Gosh", 20], ["PacSun", 1]]} +{"id": 62201, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gifted_education", 0], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 61], ["List_of_high_schools_for_the_gifted_in_Vietnam", 0], ["Michelle_Ronksley-Pavia", 28], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 0]]} +{"id": 217672, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Grisham", 0], ["Pelican_files", 3], ["George_L._Little", 15], ["George_L._Little", 6], ["John_Grisham", 15]]} +{"id": 203393, "predicted_label": "SUPPORTS", "predicted_evidence": [["Goosebumps", 5]]} +{"id": 114974, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revival", 0], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 0], ["Creedence_Clearwater_Revisited", 4], ["Pre-Creedence", 0]]} +{"id": 70071, "predicted_label": "SUPPORTS", "predicted_evidence": [["Garden_State", 0], ["Garden_State", 3], ["Queer_Lounge", 18], ["Garden_State", 5], ["Jason_Michael_Berman", 12]]} +{"id": 96562, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Still_Jennifer_Lopez", 0], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Let's_Get_Loud_-LRB-disambiguation-RRB-", 8], ["Still_Jennifer_Lopez", 3], ["Jennifer_Lopez_filmography", 29]]} +{"id": 119253, "predicted_label": "REFUTES", "predicted_evidence": [["Otello", 4], ["Palmer_-LRB-surname-RRB-", 255], ["Otello", 5], ["Clues_-LRB-Robert_Palmer_album-RRB-", 4], ["Robert_Palmer_-LRB-MP-RRB-", 3]]} +{"id": 172746, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barb_wire_-LRB-disambiguation-RRB-", 10], ["Barb_wire_-LRB-disambiguation-RRB-", 14], ["101_Dalmatians", 11], ["Evita", 11], ["Dragonheart_-LRB-disambiguation-RRB-", 11]]} +{"id": 226097, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_On_Ice_-LRB-book-RRB-", 3], ["Pineapple_Express_-LRB-film-RRB-", 1], ["Bongwater_-LRB-film-RRB-", 1], ["Too_Much_Sleep", 0], ["Too_Much_Sleep", 2]]} +{"id": 151207, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Barry_Watson_-LRB-producer-RRB-", 6], ["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["List_of_fictional_U.S._Marshals", 51], ["List_of_video_game_crowdfunding_projects", 918]]} +{"id": 31733, "predicted_label": "REFUTES", "predicted_evidence": [["Frederick_Treves_-LRB-actor-RRB-", 7], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Stella_Richman", 19], ["Griffiths", 123], ["Frederick_Treves_-LRB-actor-RRB-", 15]]} +{"id": 121278, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Israel", 3], ["Palestinian_territories", 25], ["History_of_Palestine", 26], ["Jerusalem", 2], ["East_Jerusalem", 20]]} +{"id": 154619, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civilization_IV", 14], ["Civilization-COLON-_The_Card_Game", 0], ["Civilization_IV-COLON-_Colonization", 0], ["Civilization_IV-COLON-_Colonization", 7], ["Civilization_IV-COLON-_Beyond_the_Sword", 0]]} +{"id": 228341, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jude_Cole", 0], ["Island_Records_-LRB-disambiguation-RRB-", 2], ["Island_Records", 12], ["Island_Records", 1], ["Ron_Rogers", 7]]} +{"id": 208427, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prince_of_Belvedair", 0], ["Pyranja", 15], ["Pyranja", 0], ["Excuse_My_French", 9], ["Excuse_My_French", 3]]} +{"id": 8208, "predicted_label": "SUPPORTS", "predicted_evidence": [["Anil_Devgan", 0], ["Phool_Aur_Kaante", 12], ["Ajay_Devgn", 0], ["Devgan", 6], ["Veeru_Devgan", 0]]} +{"id": 218232, "predicted_label": "SUPPORTS", "predicted_evidence": [["Libya", 2], ["Libya_-LRB-disambiguation-RRB-", 3], ["Human_trafficking_in_Libya", 0], ["Libya", 0], ["Human_rights_in_Libya", 12]]} +{"id": 198234, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn", 18], ["Moons_of_Saturn", 3], ["Titan_-LRB-moon-RRB-", 6], ["Saturn", 0], ["Titan_-LRB-moon-RRB-", 0]]} +{"id": 89376, "predicted_label": "REFUTES", "predicted_evidence": [["James_Earl_Jones", 4], ["List_of_stutterers", 10], ["Robert_Earl_Jones", 4], ["Robert_Earl_Jones", 5], ["List_of_stutterers", 5]]} +{"id": 201743, "predicted_label": "REFUTES", "predicted_evidence": [["North_Vietnam", 10], ["Operation_Rolling_Thunder", 3], ["1965_in_the_Vietnam_War", 27], ["North_Korea\u2013Vietnam_relations", 16], ["North_Korea\u2013Vietnam_relations", 7]]} +{"id": 224974, "predicted_label": "SUPPORTS", "predicted_evidence": [["Festival_of_the_Bluegrass", 0], ["International_Bluegrass_Music_Museum", 0], ["Festival_of_the_Bluegrass", 5], ["Festival_of_the_Bluegrass", 8], ["International_Bluegrass_Music_Association", 3]]} +{"id": 103806, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jolin_Tsai_filmography", 7], ["Bolt_-LRB-2008_film-RRB-", 2], ["Zootopia", 2], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 15], ["Byron_Howard", 0]]} +{"id": 32956, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombian_short-tailed_bat", 1], ["C._colombiana", 0], ["Colombian_short-tailed_bat", 0], ["G._colombiana", 3], ["C._colombiana", 3]]} +{"id": 122530, "predicted_label": "REFUTES", "predicted_evidence": [["Band_Baaja_Baaraat", 0], ["Aaha_Kalyanam", 1], ["Anushka_Sharma", 7], ["Himani_Kapoor", 11], ["Himani_Kapoor", 20]]} +{"id": 110175, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_bottoms", 30], ["List_of_knobs", 246], ["List_of_bottoms", 50], ["List_of_bottoms", 5], ["List_of_knobs", 5]]} +{"id": 87760, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Noah_Cyrus", 4], ["Ron_Cyrus", 1], ["Jenna_Andrews", 1], ["Brother_Clyde_-LRB-album-RRB-", 2], ["Cyrus_-LRB-surname-RRB-", 12]]} +{"id": 204010, "predicted_label": "REFUTES", "predicted_evidence": [["Glee.com", 1], ["Glee.com", 9], ["List_of_songs_in_Glee_-LRB-season_2-RRB-", 17], ["Glee_albums_discography", 27], ["Glee_albums_discography", 14]]} +{"id": 169011, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_institutions_of_higher_education_in_Andhra_Pradesh", 6], ["Manmohan_Singh", 0], ["P._V._Narasimha_Rao", 7], ["P._V._Narasimha_Rao", 5], ["Manmohan_Singh", 1]]} +{"id": 71011, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["AMGTV", 4], ["WDSF-LD", 2], ["WBXZ-LP", 9], ["WBXZ-LP", 10]]} +{"id": 13894, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["English_language_in_Europe", 13], ["English_people", 6], ["Anglo", 0], ["The_English_people", 4]]} +{"id": 58178, "predicted_label": "SUPPORTS", "predicted_evidence": [["Moonlight_-LRB-2016_film-RRB-", 6], ["List_of_accolades_received_by_Moonlight_-LRB-2016_film-RRB-", 6], ["Simon_Staho", 88], ["Simon_Staho", 45], ["Simon_Staho", 55]]} +{"id": 103914, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Israeli_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II", 10], ["Lockheed_Martin_F-35_Lightning_II", 0]]} +{"id": 131798, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Whisperer_-LRB-song-RRB-", 2], ["Nothing_but_the_Beat", 16], ["Menges", 29], ["Menges", 17], ["Menges", 25]]} +{"id": 147718, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kate_Josephine_Bateman", 10], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Right_to_Kill?", 6], ["Easy_to_Assemble", 4]]} +{"id": 155145, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kerplunk_-LRB-album-RRB-", 2], ["Riverdales_-LRB-album-RRB-", 6], ["Quit_Talkin'_Claude...", 10], ["Sleep,_What's_That?", 4], ["Quit_Talkin'_Claude...", 1]]} +{"id": 195040, "predicted_label": "SUPPORTS", "predicted_evidence": [["Girl_Code", 7], ["Jen_Smith", 11], ["List_of_songs_recorded_by_Katy_Perry", 20], ["List_of_songs_recorded_by_Katy_Perry", 33], ["List_of_songs_recorded_by_Katy_Perry", 9]]} +{"id": 196964, "predicted_label": "REFUTES", "predicted_evidence": [["Diwali", 19], ["Sal_Mubarak", 11], ["Sal_Mubarak", 0], ["Divali_Nagar", 13], ["Diwali", 4]]} +{"id": 51288, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Outrage_-LRB-2011_film-RRB-", 0], ["Premante_Idera", 0], ["Manasu", 11], ["Rajinikanth_filmography", 8], ["Sayyeshaa", 0]]} +{"id": 147211, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hot_Right_Now", 0], ["DJ_Fresh", 8], ["DJ_Fresh_discography", 12], ["So_Hot_Right_Now", 5], ["So_Hot_Right_Now", 0]]} +{"id": 99211, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2009-RRB-", 56], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2011-RRB-", 48], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2011-RRB-", 82], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2011-RRB-", 75], ["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12]]} +{"id": 189751, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthias_Corvinus", 31], ["Bibliotheca_Corviniana", 0], ["Hunyadi_family", 1], ["Matthias_Corvinus", 0], ["Hunyadi_family", 18]]} +{"id": 96671, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Osvaldo_Reyes", 3], ["Broaden-and-build", 26], ["Flourishing", 5], ["Flourishing", 1], ["Flourishing", 0]]} +{"id": 117314, "predicted_label": "SUPPORTS", "predicted_evidence": [["Advertising", 0], ["Iwan_Bloch", 10], ["Masahiro_Morioka", 5], ["Advertising", 13], ["Ishmael_-LRB-novel-RRB-", 1]]} +{"id": 193861, "predicted_label": "REFUTES", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["Dick_Van_Dyke", 3], ["Conny_Van_Dyke", 0], ["Dick_Van_Dyke", 8]]} +{"id": 138958, "predicted_label": "SUPPORTS", "predicted_evidence": [["Carrie_Mathison", 2], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Carrie_Mathison", 0], ["Homeland_-LRB-TV_series-RRB-", 3], ["Pilot_-LRB-Homeland-RRB-", 4]]} +{"id": 180578, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fairey_Swordfish", 6], ["Fairey_Swordfish", 3], ["Hill_Head", 23], ["Hill_Head", 22], ["Hill_Head", 24]]} +{"id": 122816, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Concert_for_Bangladesh", 13], ["The_Concert_for_Bangladesh", 14], ["The_Concert_for_Bangladesh", 0], ["The_Concert_for_Bangladesh", 2], ["Directorate-General_for_European_Civil_Protection_and_Humanitarian_Aid_Operations", 0]]} +{"id": 22435, "predicted_label": "REFUTES", "predicted_evidence": [["Sandur_Hoard", 5], ["History_of_the_Faroe_Islands", 4], ["Island_Command_Faroes", 1], ["Faroe_Islands_national_football_team_results", 0], ["History_of_the_Faroe_Islands", 10]]} +{"id": 85060, "predicted_label": "SUPPORTS", "predicted_evidence": [["1895\u201396_Thames_Ironworks_F.C._season", 9], ["Thames_Ironworks_F.C.", 0], ["Arnold_Hills", 29], ["Dave_Taylor_-LRB-Thames_Ironworks_F.C._founder-RRB-", 0], ["Thames_Ironworks_F.C.", 10]]} +{"id": 51825, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soyuz_at_the_Guiana_Space_Centre", 0], ["Soyuz_7K-OK", 12], ["Soyuz_-LRB-rocket-RRB-", 9], ["Soyuz-V", 8], ["Soyuz-V", 12]]} +{"id": 155180, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tenacious_D_discography", 3], ["Tenacious_D", 0], ["Tenacious_D_-LRB-disambiguation-RRB-", 3], ["Tenacious_D", 11], ["Tenacious_D_discography", 12]]} +{"id": 215491, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hani_-LRB-singer-RRB-", 2], ["Weekly_Idol", 1], ["Weekly_Idol", 0], ["Gwiyomi", 2], ["Jung_Il-hoon", 2]]} +{"id": 181606, "predicted_label": "SUPPORTS", "predicted_evidence": [["WGBH-TV", 4], ["WGBX-TV", 2], ["WGBH-TV", 0], ["WGBX-TV", 0], ["WGBH_-LRB-FM-RRB-", 0]]} +{"id": 8727, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sayyeshaa", 1], ["Abigail_Eames", 2], ["Rajinikanth_filmography", 23], ["Harshvardhan_Rane", 5], ["Harshvardhan_Rane", 10]]} +{"id": 175721, "predicted_label": "REFUTES", "predicted_evidence": [["Lajos", 50], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 10], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 0], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 3], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 18]]} +{"id": 6115, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["AMGTV", 4], ["List_of_Ace_titles_in_numeric_series", 1785], ["List_of_Ace_titles_in_numeric_series", 1782], ["List_of_Ace_titles_in_numeric_series", 1779]]} +{"id": 123411, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Daily_Show", 2], ["Jon_Stewart", 1], ["The_Daily_Show", 8], ["Contacto_Deportivo", 0], ["Contacto_Deportivo", 4]]} +{"id": 36988, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ora_-LRB-Rita_Ora_album-RRB-", 10], ["Hot_Right_Now", 0], ["DJ_Fresh", 8], ["Hot_Right_Now", 4], ["DJ_Fresh_discography", 12]]} +{"id": 181873, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nasu-COLON-_Summer_in_Andalusia", 13], ["Nasu-COLON-_Summer_in_Andalusia", 0], ["Makiko_Futaki", 2], ["List_of_Disney_theatrical_animated_features", 10], ["Hayao_Miyazaki", 17]]} +{"id": 34005, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Heterophony", 23], ["Heterophony", 11], ["Piano", 23], ["Vocal_harmony", 0], ["Estudiantina", 9]]} +{"id": 33675, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oxfam_bookshops", 1], ["Science_shop", 31], ["Stopsley", 9], ["Topman", 1], ["Topman", 3]]} +{"id": 32672, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["17th_PTV_Awards", 10], ["Mohra", 4], ["List_of_accolades_received_by_Nebraska_-LRB-film-RRB-", 24], ["List_of_accolades_received_by_Nebraska_-LRB-film-RRB-", 9], ["Filmfare_Award_for_Best_Music_Album", 24]]} +{"id": 201064, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["7..._-LRB-Mint_Condition_album-RRB-", 8], ["American_Crime_-LRB-TV_series-RRB-", 6], ["Huey_Freeman", 4], ["Being_Mary_Jane", 8], ["Reina_King", 5]]} +{"id": 111637, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bruce_Shand", 0], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Shand", 16], ["Camilla,_Duchess_of_Cornwall", 6], ["Rosalind_Shand", 1]]} +{"id": 21323, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stab_wound", 0], ["Henry_II_of_France", 13], ["Theatrical_jousting", 0], ["Henry_II_style", 4], ["Henry_II_of_France", 0]]} +{"id": 51107, "predicted_label": "SUPPORTS", "predicted_evidence": [["Authorization_for_Use_of_Military_Force", 5], ["Frontier_Force", 6], ["Anil_Shorey", 18], ["Authorization_for_Use_of_Military_Force", 0], ["Authorization_for_Use_of_Military_Force", 3]]} +{"id": 192973, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kyle's_Bed_&_Breakfast", 4], ["G.B.F._-LRB-film-RRB-", 2], ["Stargate_-LRB-film-RRB-", 2], ["Stargate_-LRB-film-RRB-", 1], ["Stargate", 12]]} +{"id": 201756, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_Vietnam", 0], ["Operation_Rolling_Thunder", 3], ["1965_in_the_Vietnam_War", 18], ["Land_reform_in_Vietnam", 1], ["1965_in_the_Vietnam_War", 27]]} +{"id": 184049, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Walter_Lonergan", 10], ["Walter_Lonergan", 5]]} +{"id": 127408, "predicted_label": "SUPPORTS", "predicted_evidence": [["Life", 0], ["Living_Things", 3], ["Non-physical_entity", 2], ["Causal_closure", 4], ["LExEN", 4]]} +{"id": 182445, "predicted_label": "REFUTES", "predicted_evidence": [["Theory_of_justification", 0], ["Justification", 2], ["Foundherentism", 17], ["Meta-epistemology", 0], ["Virtue_epistemology", 1]]} +{"id": 110008, "predicted_label": "SUPPORTS", "predicted_evidence": [["Illinois_Loyalty", 70], ["Suburban_Prairie_Conference", 0], ["Washington_and_Lee_Swing", 166], ["Illinois_Loyalty", 0], ["Illinois_Loyalty", 4]]} +{"id": 63431, "predicted_label": "REFUTES", "predicted_evidence": [["Hundred_Years'_War_-LRB-1369\u201389-RRB-", 0], ["Hundred_Years'_War_-LRB-1337\u201360-RRB-", 14], ["Hundred_Years'_War", 21], ["Hundred_Years'_War_-LRB-1415\u201353-RRB-", 2], ["Purveyance", 25]]} +{"id": 81046, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yale_University", 23], ["List_of_Yale_Law_School_alumni", 0], ["Edwin_F._Blair", 0], ["List_of_Yale_Law_School_alumni", 1], ["John_Seiler_Brubacher", 0]]} +{"id": 102142, "predicted_label": "REFUTES", "predicted_evidence": [["The_Real_Milli_Vanilli", 0], ["Milli_-LRB-disambiguation-RRB-", 3], ["Milli_-LRB-disambiguation-RRB-", 6], ["Milli_-LRB-disambiguation-RRB-", 0], ["Milli_-LRB-disambiguation-RRB-", 10]]} +{"id": 46272, "predicted_label": "REFUTES", "predicted_evidence": [["Indian_Institute_of_Management_Bangalore", 5], ["The_Nritarutya_Dance_Collective", 174], ["Indian_Institute_of_Management_Bangalore", 0], ["Indian_Institute_of_Management_-LRB-disambiguation-RRB-", 9], ["IIM_Alumni", 6]]} +{"id": 99807, "predicted_label": "SUPPORTS", "predicted_evidence": [["Princess_Beatrice_of_the_United_Kingdom", 14], ["Victoria_Palace", 0], ["Palace_Theatre,_Westcliff-on-Sea", 5], ["Victoria_Theatre", 31], ["Palace_Theatre,_Westcliff-on-Sea", 12]]} +{"id": 146639, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aftab_Sachak", 5], ["Aftab_Sachak", 0], ["Aftab_Sachak", 10], ["Aftab_Sachak", 9], ["Aftab_Sachak", 6]]} +{"id": 105664, "predicted_label": "REFUTES", "predicted_evidence": [["Advertising", 0], ["Advertising_Standards_Authority_-LRB-United_Kingdom-RRB-", 7], ["Marketing_communications", 1], ["Advertising_Standards_Authority_-LRB-South_Africa-RRB-", 2], ["Community_marketing", 1]]} +{"id": 137126, "predicted_label": "REFUTES", "predicted_evidence": [["Samantha_-LRB-Hole_song-RRB-", 3], ["Samantha_-LRB-Hole_song-RRB-", 6], ["Samantha_-LRB-Hole_song-RRB-", 0], ["Samantha_-LRB-Hole_song-RRB-", 2], ["Tualatin_Valley_Highway", 0]]} +{"id": 227068, "predicted_label": "SUPPORTS", "predicted_evidence": [["Roar_-LRB-song-RRB-", 0], ["Roar_-LRB-song-RRB-", 7], ["Katy_Perry_discography", 26], ["Roar_-LRB-song-RRB-", 14], ["Katy_Perry", 18]]} +{"id": 78305, "predicted_label": "SUPPORTS", "predicted_evidence": [["Virgin_Islands_Party", 20], ["Virgin_Islands_Party", 5], ["Virgin_Islands_Party", 17], ["Virgin_Islands_Party", 1], ["Liberal_Democrats", 14]]} +{"id": 146581, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sci-Fest_LA", 16], ["Caplan", 20], ["Lizzy_Caplan", 2], ["The_Southern_Vampire_Mysteries", 2], ["The_Southern_Vampire_Mysteries", 0]]} +{"id": 22928, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["John_Tempesta", 0], ["System_of_a_Down_discography", 25], ["List_of_American_musicians_of_Armenian_descent", 85]]} +{"id": 224384, "predicted_label": "REFUTES", "predicted_evidence": [["Southampton_F.C._Under-23s", 0], ["List_of_Southampton_F.C._players_-LRB-25\u201399_appearances-RRB-", 4], ["List_of_Southampton_F.C._players", 4], ["2015\u201316_Southampton_F.C._season", 0], ["2016\u201317_Southampton_F.C._season", 0]]} +{"id": 120678, "predicted_label": "SUPPORTS", "predicted_evidence": [["Margaret_Thatcher", 8], ["Margaret_Thatcher", 1], ["The_Iron_Lady_-LRB-film-RRB-", 17], ["The_Iron_Lady_-LRB-album-RRB-", 18], ["Margaret_Thatcher_-LRB-disambiguation-RRB-", 12]]} +{"id": 94829, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_antagonist", 1], ["Acetylcholine", 18], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Muscarinic_antagonist", 16]]} +{"id": 59607, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eddie_Murphy", 13], ["The_Adventures_of_Pluto_Nash", 0], ["Martin_Bregman", 1], ["Jay_Mohr", 2], ["Eddie_Murphy", 0]]} +{"id": 216364, "predicted_label": "SUPPORTS", "predicted_evidence": [["Karluk_languages", 3], ["Chagatai_people", 7], ["Chagatai", 9], ["Chagatai_Khan", 2], ["Uyghur_Arabic_alphabet", 5]]} +{"id": 110396, "predicted_label": "REFUTES", "predicted_evidence": [["Dr._Katz,_Professional_Therapist", 6], ["Lei\u0301smo", 4], ["Animate_Objects", 0], ["Vishva", 13], ["Animate_-LRB-disambiguation-RRB-", 9]]} +{"id": 112608, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edmund_Lewis", 5], ["Edmund_Pendleton_-LRB-disambiguation-RRB-", 6], ["North_-LRB-surname-RRB-", 52], ["Edmund_H._Deas_House", 0], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234]]} +{"id": 223, "predicted_label": "SUPPORTS", "predicted_evidence": [["Advertising", 0], ["Advertising_Standards_Authority_-LRB-United_Kingdom-RRB-", 7], ["Marketing_communications", 1], ["Advertising_Standards_Authority_-LRB-South_Africa-RRB-", 2], ["Community_marketing", 1]]} +{"id": 181635, "predicted_label": "SUPPORTS", "predicted_evidence": [["Embassy_of_the_United_States,_Mogadishu", 0], ["Mogadishu", 20], ["Mogadishu", 18], ["Embassy_of_the_United_States,_Mogadishu", 16], ["Embassy_of_the_United_States,_Mogadishu", 14]]} +{"id": 153654, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Nada_Es_Para_Siempre", 0], ["Claudia_Brant", 1], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 7]]} +{"id": 97320, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tatum_O'Neal", 6], ["Tatum_O'Neal", 0], ["Andy_Roddick_Foundation", 7], ["Federer\u2013Roddick_rivalry", 0], ["Andy_Roddick", 12]]} +{"id": 41155, "predicted_label": "SUPPORTS", "predicted_evidence": [["Martin_Bregman", 1], ["Eddie_Murphy", 13], ["The_Adventures_of_Pluto_Nash", 0], ["Pluto_-LRB-Disney-RRB-", 17], ["Eddie_Murphy", 0]]} +{"id": 177157, "predicted_label": "REFUTES", "predicted_evidence": [["Invasion_literature", 3], ["Alien_invasion", 22], ["Invasion_literature", 0], ["Alien_invasion", 4], ["The_Back_Door_-LRB-fiction-RRB-", 0]]} +{"id": 140449, "predicted_label": "REFUTES", "predicted_evidence": [["First_Album", 19], ["Hourglass_-LRB-James_Taylor_album-RRB-", 0], ["Hourglass_-LRB-James_Taylor_album-RRB-", 7], ["Hourglass_-LRB-James_Taylor_album-RRB-", 11], ["First_Album", 0]]} +{"id": 37547, "predicted_label": "REFUTES", "predicted_evidence": [["John_Deighton", 0], ["Deighton", 18], ["Derek_Deighton", 1], ["Derek_Deighton", 0], ["John_Deighton", 15]]} +{"id": 24449, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_Murdoch", 0], ["News_International_phone_hacking_scandal", 3], ["Genie_Energy", 10], ["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 14]]} +{"id": 92811, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harold_Macmillan", 0], ["Supermac", 3], ["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20]]} +{"id": 202986, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lockheed_Martin", 4], ["Lockheed_Martin", 16], ["Lockheed_Martin_Aeronautics", 3], ["Lockheed_Martin_Aeronautics", 0], ["Lockheed_Martin", 0]]} +{"id": 90283, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage", 1], ["Luke_Cage_-LRB-season_1-RRB-", 6], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["List_of_Marvel_Cinematic_Universe_television_series", 13]]} +{"id": 85122, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["AMGTV", 4], ["WDSF-LD", 2], ["WBXZ-LP", 9], ["WBXZ-LP", 10]]} +{"id": 127234, "predicted_label": "REFUTES", "predicted_evidence": [["Andrew_Walker", 19], ["Andrew_Kevin_Walker", 0], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Event_Horizon_-LRB-film-RRB-", 1], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 121668, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prince_Vultan", 2], ["Prince_Vultan", 0], ["Trishanku", 40], ["Trishanku", 44], ["Mandate_of_Heaven", 3]]} +{"id": 187106, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mariano_Vivanco", 8], ["Last_Night_-LRB-2010_film-RRB-", 1], ["Last_Night_-LRB-2010_film-RRB-", 5], ["The_Other_Guys", 1], ["Reel_Moments", 8]]} +{"id": 72401, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Columbia_River", 21], ["Blue_Wedges", 0], ["Blue_Wedges", 10], ["Proposed_Columbia_Gorge_casino", 4], ["Sheridan_State_Scenic_Corridor", 2]]} +{"id": 64402, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Columbia_River", 21], ["Blue_Wedges", 0], ["Blue_Wedges", 10], ["Harbor_Clearance_Unit_One", 14], ["Coast_Guard_Station_Cape_Disappointment", 13]]} +{"id": 146335, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["English_people", 6], ["English_people", 15], ["Massachusett_language", 0], ["Benga_people", 3]]} +{"id": 51212, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_New_York_Knicks_seasons", 0], ["Westchester_Knicks", 0], ["1994_NBA_Finals", 0], ["Em_Bryant", 44], ["Em_Bryant", 9]]} +{"id": 194771, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Blue_Collar_TV", 0], ["Larry_the_Cable_Guy", 12], ["Larry_the_Cable_Guy", 0], ["Blue_Collar_TV", 24], ["Larry_the_Cable_Guy", 7]]} +{"id": 215113, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ben_Jonson", 0], ["Noe\u0308l_Coward", 0], ["Ben_Jonson", 2], ["Private_Lives_-LRB-film-RRB-", 0], ["Toby_Sawyer", 10]]} +{"id": 21647, "predicted_label": "REFUTES", "predicted_evidence": [["14th_Dalai_Lama", 10], ["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0], ["Thubten_Choekyi_Nyima,_9th_Panchen_Lama", 46]]} +{"id": 78752, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sebastian_Stan", 1], ["Stan_Pincura", 11], ["Sebastian_Stan", 0], ["Stan_-LRB-surname-RRB-", 22], ["Political_Animals_and_Animal_Politics", 5]]} +{"id": 123159, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_the_National_Football_League_in_Los_Angeles", 12], ["Terry_Crews", 9], ["List_of_Los_Angeles_Chargers_head_coaches", 2], ["History_of_the_National_Football_League_in_Los_Angeles", 9], ["List_of_Los_Angeles_Chargers_head_coaches", 0]]} +{"id": 114920, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kellyanne_Conway", 12], ["Bowling_Green_massacre", 0], ["Bowling_Green_massacre", 2], ["Alternative_facts", 0], ["Conway_-LRB-surname-RRB-", 66]]} +{"id": 202935, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Hail_to_the_King_-LRB-Avenged_Sevenfold_album-RRB-", 0], ["Avenged_Sevenfold_discography", 0], ["Avenged_Sevenfold", 0], ["Avenged_Sevenfold", 6]]} +{"id": 152641, "predicted_label": "REFUTES", "predicted_evidence": [["Edward_Heath", 0], ["John_Major", 0], ["The_Iron_Lady_-LRB-film-RRB-", 21], ["The_Iron_Lady_-LRB-film-RRB-", 0], ["Val_Meets_The_VIPs", 15]]} +{"id": 172093, "predicted_label": "SUPPORTS", "predicted_evidence": [["Antonina_Armato", 29], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Antonina_Armato", 26], ["Stars_Dance", 0]]} +{"id": 29873, "predicted_label": "REFUTES", "predicted_evidence": [["Reign_Over_Me", 0], ["The_Search_for_John_Gissing", 0], ["Indian_Summer_-LRB-1993_film-RRB-", 0], ["List_of_films_set_in_Detroit", 285], ["Jack_Binder", 1]]} +{"id": 194796, "predicted_label": "REFUTES", "predicted_evidence": [["Fortunes_of_War_-LRB-TV_series-RRB-", 0], ["Emma_Thompson", 2], ["Fortunes_of_War_-LRB-TV_series-RRB-", 1], ["Eric_Thompson_-LRB-disambiguation-RRB-", 0], ["Annie_Thompson", 30]]} +{"id": 203694, "predicted_label": "REFUTES", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Olivier_Courson", 2], ["Will_Smith_filmography", 7], ["Michael_Bay_filmography", 23], ["Will_Smith_filmography", 19]]} +{"id": 90558, "predicted_label": "REFUTES", "predicted_evidence": [["Global_warming", 28], ["Global_warming_hiatus", 0], ["Economics_of_global_warming", 0], ["Economics_of_global_warming", 14], ["Hurricane_Katrina_and_global_warming", 17]]} +{"id": 151767, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vend_counter", 4], ["U-Turn_Vending", 0], ["Eu'Vend", 3], ["Vend_counter", 0], ["Eu'Vend", 8]]} +{"id": 78, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Homeland_-LRB-TV_series-RRB-", 3], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Pilot_-LRB-Homeland-RRB-", 4], ["Brody_-LRB-disambiguation-RRB-", 3], ["Homeland_-LRB-TV_series-RRB-", 14]]} +{"id": 34846, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["University_of_Mississippi", 4], ["Islam_in_Russia", 5], ["University_of_Mississippi", 0], ["Water_supply_and_sanitation_in_Grenada", 5], ["HIV/AIDS_in_Peru", 10]]} +{"id": 115108, "predicted_label": "REFUTES", "predicted_evidence": [["Beijing_International_MBA_at_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 5], ["Yenching_Academy", 6], ["He_Weifang", 6]]} +{"id": 148599, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Enrique_Llanes", 2], ["Survivor_Series_-LRB-2004-RRB-", 8], ["Survivor_Series_-LRB-2004-RRB-", 13], ["El_Gran_Luchadore", 18], ["AAA_When_Worlds_Collide", 10]]} +{"id": 211289, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ghost_Whisperer_-LRB-season_5-RRB-", 7], ["Next_-LRB-Desperate_Housewives-RRB-", 10], ["Secrets_That_I_Never_Want_to_Know", 11], ["Desperate_Housewives_-LRB-season_7-RRB-", 6], ["List_of_Weeds_episodes", 22]]} +{"id": 16581, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hindu_Kush", 5], ["Geography_of_Afghanistan", 9], ["List_of_mountain_ranges_of_Pakistan", 13], ["Kuh-e_Bandaka", 2], ["Hindu_Kush", 6]]} +{"id": 218365, "predicted_label": "REFUTES", "predicted_evidence": [["Wind_power", 18], ["Maximum_power_point_tracking", 15], ["Maximum_power_point_tracking", 17], ["Virginia_Smith_Converter_Station", 7], ["Wolmirstedt_substation", 8]]} +{"id": 128551, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colosseum", 23], ["Domenico_Panaroli", 2], ["Colosseum_II", 0], ["The_Colosseum_-LRB-Manhattan-RRB-", 14], ["The_Colosseum_-LRB-Manhattan-RRB-", 10]]} +{"id": 60295, "predicted_label": "SUPPORTS", "predicted_evidence": [["Make_Your_Move_-LRB-film-RRB-", 0], ["Hough_-LRB-surname-RRB-", 8], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 48], ["Hough_-LRB-surname-RRB-", 44]]} +{"id": 20316, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Inner_city", 0], ["Griffiths", 123], ["Arfon_Griffiths", 0], ["Inner_city", 4], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6]]} +{"id": 140353, "predicted_label": "REFUTES", "predicted_evidence": [["Henry_II_style", 4], ["Jean_Cavenac_de_la_Vigne", 4], ["Bertram_de_Verdun", 67], ["Jean_Cavenac_de_la_Vigne", 11], ["Henry_II_style", 0]]} +{"id": 86914, "predicted_label": "REFUTES", "predicted_evidence": [["Jaan_Paan_Liqueur", 0], ["Taboo_-LRB-drink-RRB-", 0], ["Absinthe", 1], ["Bathtub_gin", 0], ["Bathtub_gin", 14]]} +{"id": 61937, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chaka_Khan", 4], ["Sweet_Thing_-LRB-Rufus_song-RRB-", 1], ["Dance_Classics_of_Chaka_Khan", 7], ["Never_Miss_the_Water", 0], ["Dance_Classics_of_Chaka_Khan", 0]]} +{"id": 86829, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chalk_Mountain,_Texas", 3], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["Kyle_-LRB-surname-RRB-", 22], ["American_Sniper_-LRB-book-RRB-", 0], ["American_Sniper", 14]]} +{"id": 136970, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luca_Lazar", 109], ["Sound_installation", 7], ["Liquid_Shard", 2], ["Field_of_Corn", 19], ["Field_of_Corn", 7]]} +{"id": 140432, "predicted_label": "SUPPORTS", "predicted_evidence": [["Armeena_Khan", 4], ["Raees_Dynasty", 6], ["Aamina_Sheikh", 17], ["Aamina_Sheikh", 14], ["Aamina_Sheikh", 15]]} +{"id": 226129, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Out_Campaign", 27], ["Richard_Dawkins", 16], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2], ["Dawkins", 38]]} +{"id": 99353, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dev_Patel", 6], ["NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 0], ["Outstanding_Drama_Series", 11], ["How_to_Get_Away_with_Murder", 12], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2]]} +{"id": 158264, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Battles_of_Narvik", 13], ["Battles_of_Narvik", 4], ["Harstad/Narvik_Airport,_Evenes", 12], ["Battles_of_Narvik", 0], ["Ofoten_Line", 13]]} +{"id": 69806, "predicted_label": "REFUTES", "predicted_evidence": [["Aaina_-LRB-1977_film-RRB-", 2], ["Amiya_Chakravarty_-LRB-director-RRB-", 1], ["Vichitra_Jeevitham", 2], ["Daag_-LRB-1973_film-RRB-", 0], ["Amiya_Chakravarty_-LRB-director-RRB-", 3]]} +{"id": 65039, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee", 7], ["Sheryl_Lee", 6], ["Sheryl_Lee", 0]]} +{"id": 92277, "predicted_label": "REFUTES", "predicted_evidence": [["The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 0], ["Dan_Trebil", 12], ["D2-COLON-_The_Mighty_Ducks", 2]]} +{"id": 171634, "predicted_label": "REFUTES", "predicted_evidence": [["David_Gibbons_-LRB-disambiguation-RRB-", 3], ["Watchmensch", 1], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["Watchmen", 1], ["David_Gibbons_-LRB-disambiguation-RRB-", 12]]} +{"id": 137725, "predicted_label": "REFUTES", "predicted_evidence": [["Law_&_Order-COLON-_UK_-LRB-series_8-RRB-", 1], ["Daryl_Jacob", 0], ["Paul_Nicholls_-LRB-actor-RRB-", 1], ["Paul_Nicholls_-LRB-actor-RRB-", 0], ["Paul_Nicholls", 0]]} +{"id": 211783, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["White_Fang_-LRB-disambiguation-RRB-", 6], ["Golden_dream", 9], ["Burning_Daylight_-LRB-disambiguation-RRB-", 5], ["Burning_Daylight_-LRB-disambiguation-RRB-", 7], ["Burning_Daylight_-LRB-disambiguation-RRB-", 11]]} +{"id": 31167, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_100_-LRB-TV_series-RRB-", 4], ["Space_habitat", 0], ["The_100_-LRB-TV_series-RRB-", 7], ["The_100_-LRB-TV_series-RRB-", 0], ["Deep_Space_Habitat", 3]]} +{"id": 193903, "predicted_label": "REFUTES", "predicted_evidence": [["Billy_Goldenberg", 19], ["Billy_Goldenberg", 22], ["Billy_Goldenberg", 18], ["Susan_Harris", 11], ["British_European_Airways", 8]]} +{"id": 179317, "predicted_label": "SUPPORTS", "predicted_evidence": [["Franchising", 8], ["Kylie_-LRB-album-RRB-", 10], ["Taylor_Swift_discography", 10], ["David_Guetta_discography", 0], ["Kylie_-LRB-album-RRB-", 18]]} +{"id": 78683, "predicted_label": "SUPPORTS", "predicted_evidence": [["Racing_Stripes", 0], ["Quest_for_Camelot", 0], ["Underdog_-LRB-film-RRB-", 1], ["Frederik_Du_Chau", 0], ["List_of_Underdog_episodes", 298]]} +{"id": 2400, "predicted_label": "SUPPORTS", "predicted_evidence": [["Al_Pacino", 11], ["Al_Pacino", 7], ["Salvatore_Tessio", 0], ["The_Godfather_Saga", 0], ["The_Godfather_II_-LRB-video_game-RRB-", 4]]} +{"id": 149460, "predicted_label": "REFUTES", "predicted_evidence": [["Bloods", 0], ["Compton_Menace", 6], ["Quality_Street_Gang", 9], ["Quality_Street_Gang", 5], ["Spanish_Gangster_Disciples", 36]]} +{"id": 10158, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["List_of_homeschooled_people", 141], ["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["Emma_Watson_-LRB-disambiguation-RRB-", 9], ["List_of_Harry_Potter_cast_members", 19]]} +{"id": 46507, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage_-LRB-season_1-RRB-", 6], ["Luke_Cage", 1], ["Luke_Cage", 8], ["Luke_Cage_-LRB-TV_series-RRB-", 14]]} +{"id": 11178, "predicted_label": "SUPPORTS", "predicted_evidence": [["Regina_-LRB-Dino_Crisis-RRB-", 0], ["Dino_Crisis_-LRB-video_game-RRB-", 1], ["Dino_Crisis_-LRB-video_game-RRB-", 6], ["Dino_Crisis_-LRB-video_game-RRB-", 0], ["Dino_Crisis_-LRB-video_game-RRB-", 14]]} +{"id": 181837, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Disney_theatrical_animated_features", 4], ["Animation_studios_owned_by_The_Walt_Disney_Company", 0], ["Walt_Disney_Animation_Studios", 9], ["Walt_Disney_Pictures", 4], ["Walt_Disney_Animation_Studios", 0]]} +{"id": 185729, "predicted_label": "REFUTES", "predicted_evidence": [["R._Madhavan", 13], ["Mani_Ratnam_filmography", 0], ["Dil_Se..", 0], ["Mani_Ratnam_filmography", 9], ["Mani_Ratnam", 10]]} +{"id": 118068, "predicted_label": "REFUTES", "predicted_evidence": [["Harmood_Banner", 10], ["Liverpool_Sound_Collage", 5], ["Trade_Mark_of_Quality_discography", 217], ["Harmood_Banner", 19], ["Johnny_Hutchinson", 6]]} +{"id": 125287, "predicted_label": "SUPPORTS", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["DreamWorks", 10], ["DreamWorks", 0], ["Halsey_-LRB-singer-RRB-", 3], ["DreamWorks", 17]]} +{"id": 71124, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Quick", 10], ["TV_Quick", 4], ["TV_Quick", 5], ["TV_Quick", 1], ["TV_Quick", 0]]} +{"id": 185310, "predicted_label": "REFUTES", "predicted_evidence": [["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Fuller", 1], ["Bradley_Automotive", 0], ["Jeanine_Basinger", 11], ["Fuller_-LRB-surname-RRB-", 11]]} +{"id": 178342, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rock_'n'_Roll_to_the_Rescue", 3], ["Rock_'n'_Roll_to_the_Rescue", 5], ["Theo_Peoples", 6], ["Ray_Reyes", 22], ["Ray_Reyes", 24]]} +{"id": 49021, "predicted_label": "REFUTES", "predicted_evidence": [["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Fabian_Gottlieb_von_Bellingshausen", 10], ["Mirny", 36], ["3rd_Soviet_Antarctic_Expedition", 33], ["Fabian_Gottlieb_von_Bellingshausen", 17]]} +{"id": 55874, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bloods", 2], ["Tiffany_Blue", 0], ["Purple", 6], ["Tiffany_Blue", 5], ["Cardinal_-LRB-color-RRB-", 0]]} +{"id": 59715, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Sun_Rising_-LRB-poem-RRB-", 22], ["The_Sun_Rising_-LRB-poem-RRB-", 2], ["Michael_Malley", 10], ["List_of_Speakers_of_the_United_States_House_of_Representatives", 16], ["Michael_Malley", 42]]} +{"id": 181826, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2016_World's_Strongest_Man", 262], ["2016_World's_Strongest_Man", 167], ["2016_World's_Strongest_Man", 26], ["2016_World's_Strongest_Man", 141], ["2016_World's_Strongest_Man", 94]]} +{"id": 53165, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stan_Pincura", 11], ["Sebastian_Stan", 0], ["Stan_-LRB-surname-RRB-", 22], ["Political_Animals_and_Animal_Politics", 5], ["Political_Animals_and_Animal_Politics", 6]]} +{"id": 213949, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Call_of_Duty_-LRB-video_game-RRB-", 11], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 9833, "predicted_label": "SUPPORTS", "predicted_evidence": [["State_of_Palestine", 1], ["Lebanon,_Maine", 2], ["Hussein_al-Musawi", 34], ["Syrian_Civil_War_spillover_in_Lebanon", 6], ["State_of_Palestine", 0]]} +{"id": 194033, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kim_Jong-chul", 9], ["Kim_Jong-chul", 0], ["Kim_Jong-il_bibliography", 3], ["O_Jin-u", 27], ["O_Jin-u", 4]]} +{"id": 220215, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tezaab", 0], ["Raabta_-LRB-song-RRB-", 0], ["Tochi_Raina", 1], ["Sony_Wah", 0], ["Raabta_-LRB-song-RRB-", 5]]} +{"id": 88040, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Estimated_date_of_confinement", 0], ["Library_card", 12], ["Tax_return_-LRB-Canada-RRB-", 20], ["Library_card", 11], ["Library_card", 4]]} +{"id": 43812, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Papua_-LRB-province-RRB-", 3], ["Postage_stamps_and_postal_history_of_Western_New_Guinea", 9], ["Postage_stamps_and_postal_history_of_Papua_New_Guinea", 17], ["Postage_stamps_and_postal_history_of_Western_New_Guinea", 10], ["Papua_-LRB-province-RRB-", 1]]} +{"id": 132256, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Angela_Bassett", 0], ["Black_Reel_Award_for_Best_Actress-COLON-_T.V._Movie/Cable", 10], ["Black_Reel_Award_for_Best_Actress-COLON-_T.V._Movie/Cable", 4], ["Viola_Davis", 11], ["Viola_Davis", 16]]} +{"id": 91599, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Last_Day_in_Florida", 7], ["Customer_Loyalty_-LRB-The_Office-RRB-", 7], ["Traveling_Salesmen", 6], ["Dave_Shalansky", 6], ["Dave_Shalansky", 7]]} +{"id": 78244, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prosenjit_Chatterjee", 15], ["Jackie_-LRB-magazine-RRB-", 30], ["The_Take", 13], ["Paula_-LRB-1915_film-RRB-", 1], ["Delusion_-LRB-disambiguation-RRB-", 22]]} +{"id": 62898, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_compositions_by_Alan_Hovhaness", 475], ["List_of_compositions_by_Alan_Hovhaness", 565], ["List_of_compositions_by_Charles_Wuorinen", 442], ["List_of_compositions_by_Leopold_Koz\u030celuch", 1], ["Piano_sextet", 56]]} +{"id": 186598, "predicted_label": "REFUTES", "predicted_evidence": [["Asylum_Records", 0], ["Geffen", 13], ["Elliot_Roberts", 4], ["Elliot_Roberts", 0], ["Jamison_Ernest", 15]]} +{"id": 18065, "predicted_label": "SUPPORTS", "predicted_evidence": [["Colombiana", 0], ["The_Red_Siren", 1], ["Olivier_Megaton", 0], ["Beto_Benites", 3], ["Olivier_-LRB-given_name-RRB-", 61]]} +{"id": 110221, "predicted_label": "SUPPORTS", "predicted_evidence": [["Speech_recognition", 2], ["Speech_recognition", 1], ["IListen", 2], ["Speech_Recognition_Grammar_Specification", 1], ["Speech_Recognition_Grammar_Specification", 0]]} +{"id": 44427, "predicted_label": "SUPPORTS", "predicted_evidence": [["Liverpool", 13], ["Tourism_in_Colombia", 7], ["Tourism_in_Slovenia", 15], ["Tourism_in_Colombia", 5], ["Tourism_in_Slovenia", 52]]} +{"id": 181831, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_people_from_Union_City,_New_Jersey", 143], ["List_of_people_from_Union_City,_New_Jersey", 38], ["List_of_people_from_Union_City,_New_Jersey", 122], ["List_of_people_from_Union_City,_New_Jersey", 114], ["List_of_people_from_Union_City,_New_Jersey", 99]]} +{"id": 185208, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_vexillologists", 65], ["Bennington_flag", 0], ["List_of_vexillologists", 57], ["List_of_vexillologists", 29], ["Bennington_flag", 9]]} +{"id": 94705, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["Me_and_Bessie", 20], ["Bessie_-LRB-disambiguation-RRB-", 16], ["Bessie_-LRB-disambiguation-RRB-", 14], ["Me_and_Bessie", 0]]} +{"id": 193882, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Goldenberg", 19], ["The_Borden_Twins", 8], ["Billy_Goldenberg", 18], ["The_Borden_Twins", 4], ["Billy_Goldenberg", 22]]} +{"id": 17030, "predicted_label": "SUPPORTS", "predicted_evidence": [["Reign_Over_Me", 0], ["The_Search_for_John_Gissing", 0], ["Indian_Summer_-LRB-1993_film-RRB-", 0], ["List_of_films_set_in_Detroit", 285], ["Jack_Binder", 1]]} +{"id": 17973, "predicted_label": "REFUTES", "predicted_evidence": [["Apta_railway_station", 12], ["Kajol", 9], ["Kajol_filmography", 6], ["Dilwale_Dulhania_Le_Jayenge", 7], ["Kajol_filmography", 7]]} +{"id": 172298, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marjorie", 20], ["Farber", 26], ["Marjorie", 310], ["List_of_civil_rights_leaders", 60], ["Bond_-LRB-surname-RRB-", 124]]} +{"id": 208417, "predicted_label": "SUPPORTS", "predicted_evidence": [["Excuse_My_French", 3], ["Excuse_My_French", 9], ["Excuse_Me_Miss", 3], ["Excuse_Me_Miss", 0], ["Excuse_Me_Miss", 8]]} +{"id": 17031, "predicted_label": "REFUTES", "predicted_evidence": [["Reign_Over_Me", 0], ["The_Search_for_John_Gissing", 0], ["Indian_Summer_-LRB-1993_film-RRB-", 0], ["List_of_films_set_in_Detroit", 285], ["Reign_Over_Me", 1]]} +{"id": 112506, "predicted_label": "SUPPORTS", "predicted_evidence": [["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Faber_-LRB-surname-RRB-", 162], ["Never_So_Good", 0], ["Harold_Macmillan", 0]]} +{"id": 23736, "predicted_label": "SUPPORTS", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 3]]} +{"id": 70446, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_programmes_broadcast_by_Astro_Ceria", 28], ["List_of_programmes_broadcast_by_Astro_Ceria", 64], ["List_of_programmes_broadcast_by_Astro_Ceria", 20], ["List_of_programmes_broadcast_by_Astro_Ceria", 90], ["List_of_programmes_broadcast_by_Astro_Ceria", 22]]} +{"id": 183148, "predicted_label": "REFUTES", "predicted_evidence": [["Tata_Motors", 13], ["Bombay_Stock_Exchange", 0], ["BSE_SENSEX", 0], ["Tata_Motors", 7], ["Madras_Stock_Exchange", 2]]} +{"id": 155383, "predicted_label": "SUPPORTS", "predicted_evidence": [["Floppy_disk", 0], ["History_of_the_floppy_disk", 0], ["Disk_storage", 0], ["Floppy_disk_format", 10], ["History_of_IBM_magnetic_disk_drives", 0]]} +{"id": 151935, "predicted_label": "SUPPORTS", "predicted_evidence": [["Electoral_history_of_Barry_Goldwater", 0], ["Muhlenbergia", 330], ["Electoral_history_of_Barry_Goldwater", 200], ["Electoral_history_of_Barry_Goldwater", 63], ["Flag_of_Arizona", 16]]} +{"id": 201105, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["List_of_people_from_Gateshead", 9], ["List_of_people_from_Gateshead", 128], ["Bentley", 6], ["Bentley_-LRB-surname-RRB-", 68]]} +{"id": 38029, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 7], ["Rob_Davis_-LRB-musician-RRB-", 17], ["Viola_Davis", 6], ["Rob_Davis_-LRB-musician-RRB-", 16], ["How_to_Get_Away_with_Murder", 11]]} +{"id": 92231, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_Food_-LRB-film-RRB-", 0], ["Soul_Food_Taqueria", 0], ["Soul_Food_-LRB-Goodie_Mob_album-RRB-", 0], ["Soul_Food", 7], ["Soul_food", 3]]} +{"id": 10698, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["La_Ciudad_Blanca", 28], ["Medway_Megaliths", 17], ["Prior_Analytics", 13], ["Euhelopus", 3], ["Melt_pond", 7]]} +{"id": 77783, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Howard_Dean", 0], ["Donnie_Fowler", 17], ["United_States_presidential_election_in_New_York,_1964", 55], ["United_States_presidential_election_in_New_York,_1964", 28], ["United_States_presidential_election_in_New_York,_1964", 54]]} +{"id": 196982, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 2], ["Black-and-white_dualism", 46], ["Sal_Mubarak", 0], ["Black-and-white_dualism", 51], ["Black-and-white_dualism", 49]]} +{"id": 155814, "predicted_label": "SUPPORTS", "predicted_evidence": [["3rd_Degree_-LRB-game_show-RRB-", 1], ["Bill_Anderson_-LRB-singer-RRB-", 12], ["Fazura", 2], ["Fazura", 9], ["Larry_Pickett", 67]]} +{"id": 142855, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_highest-grossing_Indian_films_in_overseas_markets", 7], ["Kajol_filmography", 6], ["Kajol", 9], ["Filmfare_Award_for_Best_Music_Album", 650], ["Kajol_filmography", 7]]} +{"id": 202049, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tamerlan_Tsarnaev", 8], ["Boston_Marathon_bombing", 4], ["Tamerlan_Tsarnaev", 9], ["Dzhokhar_Tsarnaev", 4], ["Dzhokhar_Tsarnaev", 7]]} +{"id": 225285, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 98], ["Saturday_Night_Live_-LRB-season_35-RRB-", 9], ["Benched", 0], ["The_House_-LRB-2017_film-RRB-", 1], ["Watkins_-LRB-surname-RRB-", 48]]} +{"id": 111049, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Road_to_El_Dorado", 2], ["The_Road_to_El_Dorado", 8], ["The_Road_to_El_Dorado", 0], ["El_Dorado_AVA", 0], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5]]} +{"id": 45226, "predicted_label": "SUPPORTS", "predicted_evidence": [["1961_Commonwealth_Prime_Ministers'_Conference", 10], ["Never_So_Good", 9], ["Harold_Macmillan", 15], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3]]} +{"id": 36922, "predicted_label": "REFUTES", "predicted_evidence": [["Linkin_Park_discography", 12], ["List_of_songs_recorded_by_Linkin_Park", 28], ["Linkin_Park_discography", 11], ["Meteora_-LRB-album-RRB-", 0], ["Linkin_Park_discography", 8]]} +{"id": 39499, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fargo_-LRB-season_2-RRB-", 6], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-A\u2013M-RRB-", 179], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-N\u2013Z-RRB-", 101], ["Wells_Fargo", 2], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-N\u2013Z-RRB-", 23]]} +{"id": 26289, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fist_of_Fury_-LRB-disambiguation-RRB-", 10], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 1], ["List_of_films_set_in_Shanghai", 27], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 0], ["Fist_of_Fury_II", 11]]} +{"id": 46134, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Igor_Stravinsky_discography", 66], ["Igor_Stravinsky_discography", 461], ["Igor_Stravinsky_discography", 94], ["Igor_Stravinsky_discography", 125], ["Igor_Stravinsky_discography", 87]]} +{"id": 165653, "predicted_label": "SUPPORTS", "predicted_evidence": [["Uncharted_3-COLON-_Drake's_Deception", 12], ["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Help_She_Can't_Swim", 5], ["Tom_-LRB-given_name-RRB-", 11], ["Help_She_Can't_Swim", 20]]} +{"id": 73508, "predicted_label": "REFUTES", "predicted_evidence": [["Helen_Anker", 1], ["Palace_Theatre,_London", 0], ["Palace_-LRB-disambiguation-RRB-", 20], ["Helen_Anker", 8], ["Victoria_Palace", 0]]} +{"id": 202771, "predicted_label": "REFUTES", "predicted_evidence": [["Chris_Renaud_-LRB-animator-RRB-", 2], ["Despicable_Me_2", 1], ["Despicable_Me", 3], ["Yarrow_Cheney", 4], ["Yarrow_Cheney", 1]]} +{"id": 175937, "predicted_label": "REFUTES", "predicted_evidence": [["Aunt_May", 1], ["Aunt_May", 0], ["Spider-Man", 2], ["Spider-Man-COLON-_Back_in_Black", 2], ["Aunt_May", 6]]} +{"id": 11700, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["More_Life", 5], ["No_Frauds", 1], ["Flexin_On_Purpose", 4], ["GTTM-COLON-_Goin_Thru_the_Motions", 4]]} +{"id": 51597, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Toorak_Park", 11], ["Toorak_Park", 10], ["Toorak_Park", 17], ["Villa_Park", 14], ["Villa_Park", 3]]} +{"id": 149612, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bee_Gees", 6], ["Tales_from_the_Brothers_Gibb", 5], ["Tales_from_the_Brothers_Gibb", 17], ["Albhy_Galuten", 1], ["Tales_from_the_Brothers_Gibb", 1]]} +{"id": 84040, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_discography", 3], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9]]} +{"id": 227372, "predicted_label": "REFUTES", "predicted_evidence": [["The_Sonny_Kendis_Show", 5], ["Giada's_Weekend_Getaways", 0], ["Giada_at_Home", 0], ["The_Sonny_Kendis_Show", 1], ["The_Sonny_Kendis_Show", 0]]} +{"id": 211786, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Weeds_episodes", 26], ["High_School_Musical", 12], ["List_of_Weeds_episodes", 6], ["Lyamtsino,_Moscow_Oblast", 8], ["1922_Tempe_Normal_Owls_football_team", 1]]} +{"id": 49326, "predicted_label": "REFUTES", "predicted_evidence": [["Warning_-LRB-Green_Day_album-RRB-", 3], ["Kerplunk", 3], ["Kerplunk_-LRB-album-RRB-", 2], ["Kerplunk_-LRB-album-RRB-", 0], ["Kerplunk_-LRB-album-RRB-", 22]]} +{"id": 161861, "predicted_label": "REFUTES", "predicted_evidence": [["Kristen_Anderson-Lopez", 1], ["The_Book_of_Mormon_-LRB-musical-RRB-", 2], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["Kristen_Anderson-Lopez", 20], ["Kristen_Anderson-Lopez", 7]]} +{"id": 63746, "predicted_label": "REFUTES", "predicted_evidence": [["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["I'm_Different", 3], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], ["Cabin_Fever_3_-LRB-mixtape-RRB-", 3]]} +{"id": 159937, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Christa_McAuliffe_Prize", 1], ["Christa", 49], ["The_Christa_McAuliffe_Prize", 0], ["Christa_McAuliffe_Space_Education_Center", 0], ["Christa_McAuliffe_Space_Education_Center", 4]]} +{"id": 169045, "predicted_label": "REFUTES", "predicted_evidence": [["The_Accidental_Prime_Minister", 0], ["Manmohan", 23], ["Manmohan_Singh", 0], ["Manmohan_Singh", 10], ["P._V._Narasimha_Rao", 7]]} +{"id": 199738, "predicted_label": "REFUTES", "predicted_evidence": [["Tijuana", 0], ["Ervan_Coleman", 3], ["Cross_Border_Xpress", 0], ["Estadio_Gasmart", 0], ["Estadio_Gasmart", 7]]} +{"id": 119536, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Reilly_-LRB-footballer,_born_1962-RRB-", 12], ["Santa_Monica_'72", 1], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 0], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 2]]} +{"id": 103484, "predicted_label": "REFUTES", "predicted_evidence": [["Tony_Fabelo", 2], ["Michael_J._Osborne", 3], ["Michael_J._Osborne", 41], ["Ann_Richards_School_for_Young_Women_Leaders", 1], ["Ann_Richards_-LRB-disambiguation-RRB-", 0]]} +{"id": 48922, "predicted_label": "REFUTES", "predicted_evidence": [["Thomas_Toughill", 9], ["Remember_Paul?", 14], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9], ["Grant_Bowler", 4], ["Vanessa_Williams", 10]]} +{"id": 191256, "predicted_label": "REFUTES", "predicted_evidence": [["Jean-Michel_Basquiat", 11], ["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Jean-Michel", 168], ["Michael_Holman_-LRB-filmmaker-RRB-", 4]]} +{"id": 46666, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tia_Maria", 1], ["Gin", 0], ["Plymouth_Gin_Distillery", 20], ["Gin", 3], ["Gin_palace", 3]]} +{"id": 167453, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harwell_CADET", 13], ["Hilary_Duff", 3], ["Cadet_Kelly", 0], ["The_Cheetah_Girls_2", 1], ["Larry_Shaw_-LRB-director-RRB-", 9]]} +{"id": 226104, "predicted_label": "SUPPORTS", "predicted_evidence": [["Russia_Leaves_the_War", 0], ["The_Atlantic_Migration,_1607\u20131860", 0], ["Freedom_from_Fear-COLON-_The_American_People_in_Depression_and_War,_1929\u20131945", 0], ["What_Hath_God_Wrought-COLON-_The_Transformation_of_America,_1815\u20131848", 0], ["Freedom_from_Fear-COLON-_The_American_People_in_Depression_and_War,_1929\u20131945", 5]]} +{"id": 57631, "predicted_label": "REFUTES", "predicted_evidence": [["Ripon_College", 3], ["WRPN-FM", 1], ["Sarah_Powers_Bradish", 10], ["WRPN-FM", 36], ["Outwood_Academy_Ripon", 8]]} +{"id": 211789, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brick_-LRB-film-RRB-", 0], ["Don_Jon", 0], ["Morgan_M._Morgansen's_Date_with_Destiny", 0], ["10_Things_I_Hate_About_You", 0], ["500_Days_of_Summer", 1]]} +{"id": 195366, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Messengers_-LRB-producers-RRB-", 5], ["I_Changed_a_Lot", 6], ["Graffiti_-LRB-Chris_Brown_album-RRB-", 0], ["Colin_Tilley", 15], ["Chris_Brown_discography", 4]]} +{"id": 35377, "predicted_label": "REFUTES", "predicted_evidence": [["Sikkimese_people", 13], ["Sikkim", 4], ["N._B._Khatiwada", 30], ["Sikkim_Sangram_Parishad", 3], ["Sikkimese_people", 15]]} +{"id": 59635, "predicted_label": "SUPPORTS", "predicted_evidence": [["British_colonization_of_the_Americas", 0], ["Comparison_of_American_and_British_English", 0], ["James_VI_and_I", 11], ["James_VI_and_I", 0], ["Comparison_of_American_and_British_English", 1]]} +{"id": 28227, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marco_Polo", 11], ["In_the_Footsteps_of_Marco_Polo", 3], ["In_the_Footsteps_of_Marco_Polo", 0], ["Marco_Polo_Cycling_Club", 22], ["Marco_Polo_-LRB-opera-RRB-", 2]]} +{"id": 161863, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Robert_Redford", 16], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["The_Book_of_Mormon_-LRB-musical-RRB-", 2], ["Robert_Redford", 17], ["The_Book_of_Mormon_-LRB-musical-RRB-", 3]]} +{"id": 173505, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sancho_Panza", 0], ["Sam_Weller_-LRB-character-RRB-", 0], ["The_Truth_about_Sancho_Panza", 8], ["The_Truth_about_Sancho_Panza", 13], ["Ricote_-LRB-Don_Quixote-RRB-", 3]]} +{"id": 6271, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angela_Bassett", 6], ["Yale-NUS_College", 9], ["Timothy_Davis-Reed", 2], ["Timothy_Davis-Reed", 14], ["List_of_awards_and_nominations_received_by_Meryl_Streep", 27]]} +{"id": 200282, "predicted_label": "SUPPORTS", "predicted_evidence": [["Natural_Born_Killers", 5], ["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["Popcorn_-LRB-novel-RRB-", 1], ["List_of_Natural_Born_Killers_characters", 0], ["Natural_Born_Killers", 0]]} +{"id": 172769, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_sister_cities_in_California", 1646], ["List_of_sister_cities_in_California", 1744], ["List_of_sister_cities_in_California", 1614], ["List_of_sister_cities_in_California", 1762], ["List_of_sister_cities_in_California", 1669]]} +{"id": 165237, "predicted_label": "SUPPORTS", "predicted_evidence": [["String_quartet", 0], ["String_Quartets_1\u20133", 13], ["List_of_Simax_albums", 98], ["String_quartet", 21], ["List_of_Simax_albums", 70]]} +{"id": 83655, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angelsberg", 0], ["Fischbach,_Mersch", 5], ["Angelsberg", 1], ["Astris_-LRB-rocket_stage-RRB-", 9], ["Astris_-LRB-rocket_engine-RRB-", 8]]} +{"id": 88941, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michelin_Guide", 0], ["Pierre_Wynants", 8], ["Michelin_Guide", 3], ["Pierre_Wynants", 10], ["The_Restaurant_Marco_Pierre_White", 14]]} +{"id": 134179, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jeff_Wootton", 13], ["Jeff_Wootton", 4], ["Ravenous_-LRB-soundtrack-RRB-", 1], ["Damon_Albarn", 4], ["Damon_Albarn", 0]]} +{"id": 83812, "predicted_label": "SUPPORTS", "predicted_evidence": [["Same_Old_Love", 3], ["Same_Old_Love", 5], ["Old_Love", 9], ["Same_Old_Love", 0], ["Old_Love", 11]]} +{"id": 137809, "predicted_label": "REFUTES", "predicted_evidence": [["Global_warming", 13], ["Global_warming_hiatus", 23], ["Global_warming_hiatus", 0], ["Economics_of_global_warming", 14], ["Hurricane_Katrina_and_global_warming", 13]]} +{"id": 94599, "predicted_label": "REFUTES", "predicted_evidence": [["Berlin_Wall", 22], ["Western_Wall", 0], ["Casparian_strip", 34], ["Western_Wall", 23], ["Casparian_strip", 0]]} +{"id": 65583, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harvard_ROTC", 13], ["Harvard_ROTC", 11], ["List_of_ANAGPIC_meetings", 185], ["List_of_ANAGPIC_meetings", 123], ["List_of_ANAGPIC_meetings", 157]]} +{"id": 122290, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nilahue_River", 7], ["A_River_Runs_Through_It", 3], ["A_River_Runs_Through_It", 0], ["Bagua_Province", 10], ["A_River_Runs_Through_It", 5]]} +{"id": 49820, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Faith_Fay", 10], ["California_Surf_Museum", 9], ["List_of_homeschooled_people", 137], ["List_of_homeschooled_people", 84], ["California_Surf_Museum", 10]]} +{"id": 159583, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pfarr_Log_House", 15], ["Log_cabin_-LRB-disambiguation-RRB-", 17], ["Pfarr_Log_House", 19], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 548], ["Pioneer_Log_Cabin_Museum", 0]]} +{"id": 46158, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_J._Osborne", 41], ["Ann_Richards_-LRB-disambiguation-RRB-", 3], ["Michael_J._Osborne", 3], ["Ann_Richards_-LRB-disambiguation-RRB-", 8], ["Ann_Richards_-LRB-singer-RRB-", 0]]} +{"id": 25825, "predicted_label": "SUPPORTS", "predicted_evidence": [["Whitney_Houston_discography", 15], ["Bad_Romance", 12], ["Bryan_Adams_discography", 6], ["Avril_Lavigne_discography", 30], ["Bad_Romance", 2]]} +{"id": 194484, "predicted_label": "SUPPORTS", "predicted_evidence": [["Swinton_-LRB-surname-RRB-", 19], ["Tilda", 12], ["Tilda_Swinton", 0], ["Swinton_-LRB-surname-RRB-", 17], ["Michael_Clayton_-LRB-film-RRB-", 1]]} +{"id": 202467, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 155212, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["The_Killam_Trusts", 0]]} +{"id": 85191, "predicted_label": "REFUTES", "predicted_evidence": [["Ray_Moore_-LRB-baseball-RRB-", 22], ["Scott_Moore", 15], ["George_Fletcher_Moore", 85], ["Frank_Moore_-LRB-performance_artist-RRB-", 63], ["Ray_Moore_-LRB-baseball-RRB-", 48]]} +{"id": 24175, "predicted_label": "SUPPORTS", "predicted_evidence": [["Broadcasting_and_the_foundation_of_the_Premier_League", 7], ["News_Corporation_takeover_bid_for_BSkyB", 0], ["James_Murdoch", 0], ["News_International_phone_hacking_scandal", 3], ["News_International_phone_hacking_scandal", 14]]} +{"id": 53331, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gina_D's_Kids_Club", 6], ["Louis_He\u0301bert", 9], ["I_Wish_-LRB-band-RRB-", 13], ["Arcadia_-LRB-popular_culture-RRB-", 132], ["2011_Algerian_self-immolations", 53]]} +{"id": 80970, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Euripides", 26], ["Agrippa_Castor", 12], ["Jacques_Carrey", 10], ["Aristotle", 4], ["Aristotle", 9]]} +{"id": 27283, "predicted_label": "SUPPORTS", "predicted_evidence": [["Anne_of_the_Thousand_Days", 9], ["The_Six_Wives_of_Henry_VIII", 4], ["Trent_Harris", 13], ["The_Six_Wives_of_Henry_VIII", 8], ["The_Six_Wives_of_Henry_VIII", 2]]} +{"id": 187117, "predicted_label": "REFUTES", "predicted_evidence": [["Mariano_Vivanco", 8], ["2_Fast_2_Furious", 2], ["My_Brother_the_Pig", 0], ["Teddy_Zee", 34], ["Last_Night_-LRB-2010_film-RRB-", 5]]} +{"id": 153276, "predicted_label": "SUPPORTS", "predicted_evidence": [["Irulum_Oliyum", 4], ["Jeevana_Jyothi_-LRB-1975_film-RRB-", 1], ["Vichitra_Jeevitham", 2], ["Daag_-LRB-1973_film-RRB-", 0], ["Vani_Rani_-LRB-film-RRB-", 1]]} +{"id": 213940, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 112489, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fischbach,_Mersch", 5], ["Angelsberg", 0], ["Miss_Europe_2017", 61], ["Miss_Europe_2017", 43], ["History_of_Europe", 0]]} +{"id": 186325, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_songs_about_Paris", 257], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 6], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 8], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 10], ["The_Hunchback_of_Notre_Dame_-LRB-musical-RRB-", 3]]} +{"id": 177159, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_General_History_of_the_Pyrates", 0], ["Ikutaro_Kakehashi", 3], ["Invasion_literature", 3], ["Alien_invasion", 22], ["Invasion_literature", 0]]} +{"id": 23749, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kellogg's", 6], ["LifeGem", 3], ["LifeGem", 2], ["Kellogg's", 0], ["Kellogg_-LRB-name-RRB-", 91]]} +{"id": 73329, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_antagonist", 1], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Acetylcholine", 18], ["Acetylcholine", 0]]} +{"id": 53510, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Schitt's_Creek_episodes", 17], ["Shadowhunters", 6], ["List_of_Shadowhunters_episodes", 6], ["Skam_-LRB-TV_series-RRB-", 11], ["Skam_-LRB-TV_series-RRB-", 27]]} +{"id": 133783, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Camden,_New_Jersey", 0], ["U.S._Route_30_in_New_Jersey", 8], ["U.S._Route_30_in_New_Jersey", 1], ["U.S._Route_30_in_New_Jersey", 7], ["List_of_New_Jersey_tornadoes", 65]]} +{"id": 8022, "predicted_label": "REFUTES", "predicted_evidence": [["Colin_Kaepernick", 5], ["2016_San_Francisco_49ers_season", 11], ["Pistol_offense", 22], ["Pistol_offense", 18], ["2016_U.S._national_anthem_protests", 1]]} +{"id": 215493, "predicted_label": "REFUTES", "predicted_evidence": [["Roy_Green_-LRB-radio-RRB-", 7], ["Hani_-LRB-singer-RRB-", 2], ["Weekly_Idol", 0], ["Jung_Il-hoon", 2], ["Gwiyomi", 2]]} +{"id": 147059, "predicted_label": "REFUTES", "predicted_evidence": [["Black-ish_-LRB-season_1-RRB-", 6], ["Olivia_Pope", 0], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 15747, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cartoonists_Co-Op_Press", 2], ["Richard_Green_-LRB-telecommunication-RRB-", 14], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Pinoy_Dream_Academy_-LRB-season_1-RRB-", 15], ["Pinoy_Dream_Academy_-LRB-season_1-RRB-", 14]]} +{"id": 207517, "predicted_label": "SUPPORTS", "predicted_evidence": [["B.o.B_discography", 4], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["B.o.B_discography", 1], ["B.o.B_discography", 10], ["B.o.B_discography", 15]]} +{"id": 39855, "predicted_label": "SUPPORTS", "predicted_evidence": [["Winter's_Tale_-LRB-disambiguation-RRB-", 30], ["Winter's_Tale_-LRB-disambiguation-RRB-", 26], ["Winter's_Tale_-LRB-disambiguation-RRB-", 28], ["Winter's_Tale_-LRB-disambiguation-RRB-", 22], ["Winter's_Tale_-LRB-disambiguation-RRB-", 24]]} +{"id": 183624, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Pixar", 16], ["Pixar", 6]]} +{"id": 66501, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["Stronger_-LRB-Britney_Spears_song-RRB-", 3], ["Stronger_-LRB-Britney_Spears_song-RRB-", 0], ["List_of_songs_recorded_by_Katy_Perry", 0], ["List_of_songs_recorded_by_Katy_Perry", 16]]} +{"id": 124190, "predicted_label": "SUPPORTS", "predicted_evidence": [["Blanche_Colton_Williams", 3], ["Stan_Williams", 5], ["Todd_Williams", 43], ["Leo_Williams_-LRB-athlete-RRB-", 17], ["Leo_Williams_-LRB-athlete-RRB-", 21]]} +{"id": 139147, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 63], ["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 60], ["U.S._Route_30_in_New_Jersey", 1]]} +{"id": 13395, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jab_Tak_Hai_Jaan", 16], ["Filmfare_Award_for_Best_Actress", 0], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Anushka_Sharma", 0], ["Filmfare_Award_for_Best_Actress", 35]]} +{"id": 41150, "predicted_label": "REFUTES", "predicted_evidence": [["Santana_discography", 3], ["Santana_discography", 0], ["Santana_-LRB-band-RRB-", 0], ["Coke_Escovedo", 19], ["Santana_-LRB-surname-RRB-", 13]]} +{"id": 82280, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Democratic_Party_-LRB-United_States-RRB-", 1], ["Democratic-Republican_Party", 0], ["Thomas_Jefferson_Medal", 15], ["Thomas_Jefferson_Medal", 11], ["Thomas_Jefferson_Medal", 13]]} +{"id": 123823, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_Surfer_-LRB-film-RRB-", 0], ["Faith_Fay", 10], ["California_Surf_Museum", 9], ["Faith_Fay", 23], ["California_Surf_Museum", 10]]} +{"id": 228335, "predicted_label": "SUPPORTS", "predicted_evidence": [["Compass_Point_Studios", 0], ["Axiom_-LRB-record_label-RRB-", 0], ["Axiom_-LRB-record_label-RRB-", 5], ["Blackwell_-LRB-surname-RRB-", 46], ["Sarm_West_Studios", 1]]} +{"id": 104241, "predicted_label": "REFUTES", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 0], ["Huckabee_-LRB-disambiguation-RRB-", 7], ["Electoral_history_of_Mike_Huckabee", 0], ["Electoral_history_of_Mike_Huckabee", 24]]} +{"id": 215225, "predicted_label": "REFUTES", "predicted_evidence": [["Dreamer_-LRB-2005_film-RRB-", 0], ["Mariah's_Storm", 4], ["John_Gatins", 4], ["Need_for_Speed_-LRB-film-RRB-", 0], ["Gatins", 4]]} +{"id": 35617, "predicted_label": "SUPPORTS", "predicted_evidence": [["Les_fils_du_vent", 1], ["Colombiana", 0], ["Colombiana", 3], ["Jean-Jacques_Beineix", 3], ["Besson_-LRB-surname-RRB-", 25]]} +{"id": 133184, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 4], ["Sheryl_Lee_Ralph", 12], ["WiX", 9]]} +{"id": 141159, "predicted_label": "REFUTES", "predicted_evidence": [["Soyuz-V", 8], ["Soyuz_7K-T", 0], ["Soyuz-2", 17], ["Soyuz_7K-T", 15], ["Soyuz_7K-OK", 9]]} +{"id": 204640, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Earth_Summit", 3], ["Rio_Grande_Silvery_Minnow_v._Bureau_of_Reclamation", 0], ["Rio_Bonito", 3], ["Weather_gage", 26], ["Earth_Summit", 0]]} +{"id": 91705, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Black_Reel_Awards_of_2016", 8], ["Black_Reel_Awards_of_2016", 4], ["Beware_of_Christians", 1], ["One_Nation_Under_God_-LRB-film-RRB-", 1], ["Jared_Hedges", 7]]} +{"id": 204002, "predicted_label": "REFUTES", "predicted_evidence": [["MiGente.com", 9], ["Glee.com", 1], ["MiGente.com", 1], ["MiGente.com", 10], ["Glee.com", 4]]} +{"id": 10082, "predicted_label": "SUPPORTS", "predicted_evidence": [["Arjun_Menon", 0], ["Krishna_Iyer", 9], ["Arjun_Menon", 1], ["Krishna_Iyer", 8], ["List_of_songs_recorded_by_Bombay_Jayashri", 4]]} +{"id": 179736, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wentworth_Miller", 2], ["Gregg_Miller", 13], ["Charlie_Miller_-LRB-security_researcher-RRB-", 11], ["Wentworth_Miller", 0], ["List_of_Prisoner_characters_\u2013_miscellaneous", 65]]} +{"id": 186935, "predicted_label": "REFUTES", "predicted_evidence": [["Cher_albums_discography", 25], ["Cher", 16], ["Cher_-LRB-disambiguation-RRB-", 10], ["Cher_filmography", 36], ["Cher_filmography", 20]]} +{"id": 1745, "predicted_label": "SUPPORTS", "predicted_evidence": [["Woody_Allen_filmography", 17], ["Take_the_Money_and_Run", 4], ["Take_the_Money_and_Run", 0], ["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee_Ralph", 0]]} +{"id": 72578, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greek_language", 13], ["Andreas_Zarbalas", 5], ["Greeks_in_Albania", 15], ["Greek_language", 0], ["Archimedean_Upper_Conservatory", 21]]} +{"id": 194024, "predicted_label": "REFUTES", "predicted_evidence": [["Kim_Jong-il", 16], ["Kim_Jong-il", 3], ["List_of_leaders_of_North_Korea", 8], ["List_of_leaders_of_North_Korea", 21], ["Song_of_General_Kim_Jong-il", 7]]} +{"id": 98559, "predicted_label": "REFUTES", "predicted_evidence": [["Apple_II", 0], ["Steve_Wozniak", 5], ["Woz\u0301niak", 31], ["Zaltair", 0], ["Zaltair", 2]]} +{"id": 15674, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soul_Food_-LRB-film-RRB-", 0], ["Wake_Up_Everybody_-LRB-2004_album-RRB-", 2], ["Pleasures_U_Like", 0], ["Cool_Relax", 1], ["Soul_Food", 7]]} +{"id": 60358, "predicted_label": "REFUTES", "predicted_evidence": [["Kundun", 1], ["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0], ["8th_Arjia_Rinpoche", 2]]} +{"id": 130576, "predicted_label": "REFUTES", "predicted_evidence": [["Bob_Shand", 4], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Camilla,_Duchess_of_Cornwall", 6], ["Shand", 16], ["Rosalind_Shand", 1]]} +{"id": 73941, "predicted_label": "REFUTES", "predicted_evidence": [["Game_of_Thrones_-LRB-season_1-RRB-", 15], ["Game_of_Thrones_-LRB-season_2-RRB-", 11], ["Game_of_Thrones_-LRB-season_2-RRB-", 17], ["List_of_awards_and_nominations_received_by_Peter_Dinklage", 0], ["Peter_Dinklage_on_screen_and_stage", 0]]} +{"id": 196759, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marnie_-LRB-dog-RRB-", 7], ["Marnie_-LRB-dog-RRB-", 1], ["Crystal_World", 0], ["Marni", 54], ["Marni", 56]]} +{"id": 166502, "predicted_label": "REFUTES", "predicted_evidence": [["Max_Evans_-LRB-Roswell-RRB-", 4], ["Maria_DeLuca", 0], ["Michael_Guerin", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0], ["Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 13949, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Lost", 0], ["Sinners_-LRB-disambiguation-RRB-", 5], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2], ["American_literature", 33], ["Sinners_-LRB-disambiguation-RRB-", 9]]} +{"id": 219276, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Capsicum_chinense", 0], ["List_of_plants_of_Burkina_Faso", 791], ["Datil_pepper", 0], ["Barbara_Pickersgill", 1], ["Capsicum_baccatum", 9]]} +{"id": 184091, "predicted_label": "SUPPORTS", "predicted_evidence": [["Command_responsibility", 14], ["William_Eckhardt_-LRB-law-RRB-", 0], ["Medina_-LRB-surname-RRB-", 33], ["Hugh_Thompson_Jr.", 12], ["My_Lai_Massacre", 0]]} +{"id": 115261, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mini_monster_truck", 4], ["The_Ugly_Duckling_-LRB-disambiguation-RRB-", 3], ["The_Ugly_Duckling_-LRB-disambiguation-RRB-", 16], ["The_Ugly_Duckling_-LRB-disambiguation-RRB-", 14], ["List_of_Sesame_Street_puppeteers", 136]]} +{"id": 149051, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Iron_Lady_-LRB-album-RRB-", 33], ["Val_Meets_The_VIPs", 5], ["Dear_Bill", 5], ["Val_Meets_The_VIPs", 15], ["Dear_Bill", 9]]} +{"id": 57361, "predicted_label": "REFUTES", "predicted_evidence": [["Shadowhunters", 0], ["Isaiah_Mustafa", 2], ["Shadowhunters", 1], ["List_of_Shadowhunters_episodes", 0], ["The_Infernal_Devices", 0]]} +{"id": 33838, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kushan_Pass", 1], ["Kush_-LRB-cannabis-RRB-", 1], ["Hindu_Kush", 0], ["Kuh-e_Bandaka", 0], ["Kuh-e_Bandaka", 2]]} +{"id": 161846, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kristen_Anderson-Lopez", 1], ["Let_It_Go_-LRB-Disney_song-RRB-", 0], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["The_Book_of_Mormon_-LRB-musical-RRB-", 2], ["Kristen_Anderson-Lopez", 9]]} +{"id": 39493, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_islands_of_Greece", 9], ["Climate_of_Turkey", 3], ["Black_Sea", 0], ["Aegean_Islands", 0], ["Black_Sea", 14]]} +{"id": 90324, "predicted_label": "SUPPORTS", "predicted_evidence": [["Floppy_disk", 9], ["USB_flash_drive", 23], ["Floppy_disk", 0], ["USB_flash_drive", 21], ["USB_flash_drive", 6]]} +{"id": 99654, "predicted_label": "SUPPORTS", "predicted_evidence": [["So_Hot_Right_Now", 3], ["So_Hot_Right_Now", 0], ["So_Hot_Right_Now", 5], ["DJ_Fresh_discography", 12], ["Gold_Dust_-LRB-DJ_Fresh_song-RRB-", 2]]} +{"id": 205650, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kenneth_Anger", 22], ["St._Anger", 4], ["St._Anger", 9], ["Kenneth_Anger", 3], ["Kenneth_Anger", 9]]} +{"id": 54944, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_films_set_in_Shanghai", 27], ["Fist_of_Fury_-LRB-TV_series-RRB-", 1], ["List_of_films_set_in_Shanghai", 89], ["Fist_of_Fury_-LRB-TV_series-RRB-", 2], ["Fist_of_Fury_II", 0]]} +{"id": 179758, "predicted_label": "REFUTES", "predicted_evidence": [["Charlyne_Yi", 4], ["Ruth_Sacks_Caplin", 52], ["Wentworth_Miller", 2], ["List_of_Prisoner_characters_\u2013_miscellaneous", 99], ["List_of_Prisoner_characters_\u2013_miscellaneous", 65]]} +{"id": 88208, "predicted_label": "SUPPORTS", "predicted_evidence": [["SS_Drexel_Victory", 48], ["Columbia_River_Shipbuilding_Company", 10], ["Coast_Guard_Station_Cape_Disappointment", 13], ["Columbia_River_Shipbuilding_Company", 6], ["Dry_bulk_cargo_barge", 14]]} +{"id": 214256, "predicted_label": "REFUTES", "predicted_evidence": [["Born_and_Raised_in_Compton", 3], ["Penicillin_on_Wax", 8], ["The_Way_It's_Goin'_Down", 1], ["The_Fixxers", 3], ["Born_and_Raised_in_Compton", 0]]} +{"id": 18377, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["Jack_Falahee", 0], ["List_of_Ace_titles_in_numeric_series", 327], ["List_of_Ace_SF_numeric-series_single_titles", 638]]} +{"id": 172293, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mongkut", 3], ["Anna_and_the_King_of_Siam_-LRB-film-RRB-", 1], ["Anna_and_the_King_of_Siam_-LRB-film-RRB-", 18], ["Bowring_Treaty", 34], ["Anna_and_the_King_of_Siam", 3]]} +{"id": 28421, "predicted_label": "REFUTES", "predicted_evidence": [["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["The_Dark_Tower_-LRB-series-RRB-", 13], ["The_Dark_Tower-COLON-_Treachery", 1], ["The_Dark_Tower-COLON-_Treachery", 0], ["The_Dark_Tower-COLON-_The_Sorcerer", 3]]} +{"id": 201744, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_Vietnam", 0], ["North_Vietnam", 1], ["Operation_Rolling_Thunder", 3], ["1965_in_the_Vietnam_War", 27], ["North_Korea\u2013Vietnam_relations", 16]]} +{"id": 9748, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Following_-LRB-season_2-RRB-", 0], ["The_Following_-LRB-season_3-RRB-", 0], ["The_Following_-LRB-season_1-RRB-", 0], ["Caldecot_Chubb", 19], ["Devil's_Playground_-LRB-TV_series-RRB-", 0]]} +{"id": 220279, "predicted_label": "REFUTES", "predicted_evidence": [["Bullitt_-LRB-disambiguation-RRB-", 17], ["Joshua_Fry_Bullitt,_Jr.", 39], ["Oxmoor_Farm", 15], ["Bullitt_-LRB-disambiguation-RRB-", 23], ["Bullitt_-LRB-disambiguation-RRB-", 38]]} +{"id": 90606, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Deighton", 0], ["Deighton", 18], ["Derek_Deighton", 1], ["Derek_Deighton", 0], ["John_Deighton", 15]]} +{"id": 148862, "predicted_label": "REFUTES", "predicted_evidence": [["Manson_Family", 0], ["Charles_Manson", 0], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Marilyn_Manson_-LRB-band-RRB-", 3], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 0]]} +{"id": 120817, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mister_Fantastic", 17], ["Invisible_Woman", 15], ["Human_Torch", 18], ["Fantastic_Four_in_film", 13], ["Alicia_Masters", 8]]} +{"id": 156490, "predicted_label": "REFUTES", "predicted_evidence": [["Tenacious_D", 0], ["Tenacious_D_discography", 3], ["Tenacious_D_-LRB-TV_series-RRB-", 0], ["Tenacious_D_discography", 0], ["Tenacious_D_-LRB-disambiguation-RRB-", 9]]} +{"id": 147721, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ripon_College", 3], ["WRPN-FM", 1], ["Sarah_Powers_Bradish", 10], ["WRPN-FM", 13], ["Outwood_Academy_Ripon", 8]]} +{"id": 14069, "predicted_label": "SUPPORTS", "predicted_evidence": [["Count_Dooku", 0], ["Star_Wars-COLON-_Jedi_Apprentice", 0], ["Star_Wars-COLON-_Jedi_Apprentice", 2], ["Count_Dooku", 4], ["Star_Wars-COLON-_Episode_I_\u2013_The_Phantom_Menace", 4]]} +{"id": 15006, "predicted_label": "REFUTES", "predicted_evidence": [["Wildfang", 0], ["Megan_Rapinoe", 12], ["Wildfang", 1], ["List_of_East_Coast_hip_hop_record_labels", 7], ["List_of_East_Coast_hip_hop_record_labels", 5]]} +{"id": 106071, "predicted_label": "SUPPORTS", "predicted_evidence": [["Richard_Alf", 0], ["San_Diego_Comic-Con", 1], ["Mike_Towry", 1], ["Ken_Krueger", 2], ["Ken_Krueger", 1]]} +{"id": 116588, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wildfang", 0], ["Paris_Luna", 51], ["Love_Your_Melon", 0], ["Formfit", 34], ["Love_Your_Melon", 8]]} +{"id": 185194, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Public_holidays_in_the_United_States_-LRB-disambiguation-RRB-", 7], ["Public_holidays_in_the_United_States_-LRB-disambiguation-RRB-", 0], ["Federal_holiday", 2], ["Holiday", 18], ["Public_holidays_in_the_United_States_-LRB-disambiguation-RRB-", 5]]} +{"id": 187314, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wedding_of_Victoria,_Crown_Princess_of_Sweden,_and_Daniel_Westling", 1], ["Anne_Neville", 9], ["Diana,_Princess_of_Wales", 0], ["Diana_\u2013_The_People's_Princess", 3], ["Diana_\u2013_The_People's_Princess", 31]]} +{"id": 196973, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 19], ["NEFTA_Film_Awards", 1], ["NEFTA_Film_Awards", 0], ["International_Classical_Music_Awards", 8], ["International_Classical_Music_Awards", 6]]} +{"id": 149329, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lockheed_Martin", 10], ["Lockheed_Martin_Information_Technology", 1], ["Lockheed_Martin_Information_Technology", 0], ["Lockheed_Martin_Aeronautics", 9], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 6]]} +{"id": 2144, "predicted_label": "SUPPORTS", "predicted_evidence": [["YouTube", 15], ["Universo_Online", 5], ["YouTube", 7], ["Alexa", 10], ["Heritrix", 11]]} +{"id": 175484, "predicted_label": "REFUTES", "predicted_evidence": [["Christian_Gottlob_Neefe", 0], ["List_of_composers_who_studied_law", 45], ["Masonic_music", 5], ["Ludwig_van_Beethoven", 5], ["Gottlob", 35]]} +{"id": 49740, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bee_Gees", 6], ["Bee_Gees", 4], ["Bee_Gees", 14], ["Immortality_-LRB-Celine_Dion_song-RRB-", 20], ["Bee_Gees'_1st", 10]]} +{"id": 136588, "predicted_label": "REFUTES", "predicted_evidence": [["Seneca_the_Elder", 1], ["Lucius_Aemilius_Lepidus_Paullus_-LRB-consul_34_BC-RRB-", 11], ["Tiberius", 0], ["Augustus", 10], ["List_of_ancient_Roman_fasti", 19]]} +{"id": 137240, "predicted_label": "SUPPORTS", "predicted_evidence": [["O\u0301scar_Gonza\u0301lez", 5], ["O\u0301scar_Gonza\u0301lez", 11], ["Bill_Schelly", 76], ["Bill_Schelly", 0], ["Bill_Schelly", 12]]} +{"id": 140461, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Flashpoint_episodes", 13], ["List_of_Flashpoint_episodes", 28], ["List_of_Flashpoint_episodes", 14], ["Wells_Fargo", 2], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-A\u2013M-RRB-", 179]]} +{"id": 49838, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1], ["I_Am_Sam", 11]]} +{"id": 82935, "predicted_label": "REFUTES", "predicted_evidence": [["Laura_Dahl", 2], ["Matthew_Gray_Gubler", 0], ["Gubler", 6], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray", 5]]} +{"id": 39171, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brazzers", 0], ["Daybreak_-LRB-2008_film-RRB-", 0], ["List_of_adult_television_channels", 126], ["List_of_adult_television_channels", 101], ["List_of_adult_television_channels", 91]]} +{"id": 127722, "predicted_label": "REFUTES", "predicted_evidence": [["Saxony", 4], ["Saxony", 1], ["Saxony", 12], ["Saxony", 7], ["List_of_rock_formations_in_the_Harz", 1]]} +{"id": 130158, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soul_Food", 7], ["Soul_food", 3], ["George_Tillman_Jr.", 3], ["Soul_Food_Taqueria", 7], ["Soul_Food_Taqueria", 11]]} +{"id": 158028, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["XHamster", 6], ["XHamster", 7], ["XHamster", 0], ["XHamster", 2], ["XHamster", 1]]} +{"id": 166644, "predicted_label": "REFUTES", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["List_of_Ace_titles_in_numeric_series", 1487]]} +{"id": 178331, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rock_'n'_Roll_to_the_Rescue", 3], ["Rock_'n'_Roll_to_the_Rescue", 5], ["Theo_Peoples", 6], ["Ray_Reyes", 15], ["Ray_Reyes", 22]]} +{"id": 149990, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e", 4], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e_discography", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40]]} +{"id": 149144, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 0], ["Despacito", 1], ["Claudia_Brant", 2], ["Bachata_Number_1's,_Vol._3", 3]]} +{"id": 183587, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finding_Dory", 1], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Andrew_Stanton", 7], ["Finding_Dory", 0]]} +{"id": 172287, "predicted_label": "REFUTES", "predicted_evidence": [["Anna_and_the_King_of_Siam_-LRB-novel-RRB-", 0], ["El_Greco_-LRB-2007_film-RRB-", 1], ["Death_Is_My_Trade", 0], ["Cinderela_Baiana", 0], ["Biographical_novel", 0]]} +{"id": 181127, "predicted_label": "SUPPORTS", "predicted_evidence": [["So_You_Think_You_Can_Dance_Scandinavia", 0], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0], ["Robert_Muraine", 4], ["Robert_Muraine", 23], ["So_You_Think_You_Can_Dance_Canada", 0]]} +{"id": 24143, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Villa_Park", 14], ["Villa_Park", 3], ["Villa_Park", 2], ["Villa_Park", 11], ["Witton_railway_station", 6]]} +{"id": 19417, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Disney_theatrical_animated_features", 4], ["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["List_of_Osamu_Tezuka_manga", 6], ["List_of_Osamu_Tezuka_manga", 1]]} +{"id": 152752, "predicted_label": "REFUTES", "predicted_evidence": [["Kerplunk_-LRB-album-RRB-", 2], ["Green_Day_discography", 2], ["Riverdales_-LRB-album-RRB-", 6], ["Green_Day_discography", 0], ["Riverdales_-LRB-album-RRB-", 7]]} +{"id": 106038, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tatum_O'Neal", 6], ["2008_French_Open_\u2013_Women's_Singles", 11], ["2008_WTA_Tour", 10], ["2012_Australian_Open_\u2013_Women's_Singles", 4], ["2008_French_Open_\u2013_Women's_Singles", 5]]} +{"id": 88918, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 24], ["Deighton", 18], ["Derek_Deighton", 1], ["Derek_Deighton", 0], ["John_Deighton", 0]]} +{"id": 31906, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_breweries_in_Missouri", 12], ["Heart_of_America_-LRB-college_rugby-RRB-", 4], ["Stretched_tuning", 5], ["Stretched_tuning", 6], ["Stretched_tuning", 1]]} +{"id": 45201, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jean_Cavenac_de_la_Vigne", 1], ["Henry_II_style", 4], ["Jean_Cavenac_de_la_Vigne", 4], ["Bertram_de_Verdun", 67], ["Jean_Cavenac_de_la_Vigne", 11]]} +{"id": 56809, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2016\u201317_Washington_Wizards_season", 4], ["2002\u201303_Washington_Wizards_season", 4], ["Toronto_Raptors", 13], ["Toronto_Raptors", 19], ["2016\u201317_Washington_Wizards_season", 0]]} +{"id": 2739, "predicted_label": "SUPPORTS", "predicted_evidence": [["Randy_Savage", 0], ["WrestleMania_X", 15], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15], ["World_War_3_-LRB-1995-RRB-", 7], ["Turning_Point_-LRB-2004_wrestling-RRB-", 8]]} +{"id": 171062, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Lalla", 2], ["Lalla", 15], ["Lalla", 8]]} +{"id": 213927, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Howard_Jachter", 3], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 179748, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wentworth_Miller", 2], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Daniel_Miller_-LRB-cricketer-RRB-", 6], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 19774, "predicted_label": "SUPPORTS", "predicted_evidence": [["Age_of_Apocalypse", 5], ["X-Men_-LRB-film_series-RRB-", 5], ["X-Men_-LRB-film_series-RRB-", 10], ["X-Men_-LRB-film_series-RRB-", 9], ["Age_of_Apocalypse", 6]]} +{"id": 68232, "predicted_label": "REFUTES", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["Cordalene", 5], ["Cordalene", 23], ["Kirk_and_Uhura's_kiss", 20], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 0]]} +{"id": 136040, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bernard_Williams_-LRB-producer-RRB-", 30], ["Archibald_Williams_-LRB-judge-RRB-", 27], ["Barbara_Becnel", 1], ["Walter_Williams_-LRB-painter-RRB-", 6], ["Stan_Williams", 17]]} +{"id": 156199, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Tank_Girl_-LRB-film-RRB-", 0], ["Michael_Bay_filmography", 14], ["James_Cameron_filmography", 4], ["List_of_video_game_crowdfunding_projects", 3830]]} +{"id": 107853, "predicted_label": "REFUTES", "predicted_evidence": [["Raees_-LRB-film-RRB-", 1], ["Raees", 3], ["Raees_-LRB-film-RRB-", 0], ["Raees_-LRB-film-RRB-", 4], ["Raees_-LRB-film-RRB-", 5]]} +{"id": 81623, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["In_the_Footsteps_of_Marco_Polo", 0], ["Europeans_in_Medieval_China", 13], ["Europeans_in_Medieval_China", 7], ["Marco_Polo_Cycling_Club", 22], ["Marco_Polo_-LRB-opera-RRB-", 2]]} +{"id": 14855, "predicted_label": "SUPPORTS", "predicted_evidence": [["News_Corporation_takeover_bid_for_BSkyB", 0], ["James_Murdoch", 0], ["Broadcasting_and_the_foundation_of_the_Premier_League", 7], ["Rupert_Murdoch", 13], ["News_International_phone_hacking_scandal", 6]]} +{"id": 187209, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Hurt_Locker", 0], ["Roy_Judkins", 2], ["The_Hurt_Locker", 9], ["The_Hurt_Locker", 8], ["Nine_from_Aberdeen", 2]]} +{"id": 40307, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeru_Devgan", 0], ["Anil_Devgan", 0], ["Ajay_Devgn", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Devgan", 6]]} +{"id": 102151, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Hedda_Gabler_-LRB-2015_film-RRB-", 10], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Else_H\u00f8st", 8]]} +{"id": 44525, "predicted_label": "REFUTES", "predicted_evidence": [["Laura_Dahl", 2], ["Matthew_Gray_Gubler", 0], ["Gubler", 6], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray", 5]]} +{"id": 98854, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edward_Wood", 0], ["Edward_Wood", 10], ["Edward_Wood", 22], ["Edward_Wood", 12], ["Edward_Wood", 20]]} +{"id": 63339, "predicted_label": "SUPPORTS", "predicted_evidence": [["HMS_Bonetta", 30], ["Mirny", 36], ["List_of_historical_ship_types", 96], ["HMS_Bonetta", 15], ["List_of_historical_ship_types", 91]]} +{"id": 166494, "predicted_label": "SUPPORTS", "predicted_evidence": [["Burn_up", 14], ["List_of_The_Irresponsible_Captain_Tylor_episodes", 1], ["Burn_up", 10], ["Burn_up", 12], ["Emily_Dolvin", 31]]} +{"id": 183636, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finding_Dory", 1], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Finding_Nemo", 1], ["Andrew_Stanton", 7]]} +{"id": 168980, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Road_to_Middle-Earth", 3], ["Quenya", 29], ["Tolkien_Estate", 2], ["Tolkien_Estate", 3], ["Tolkien_-LRB-disambiguation-RRB-", 20]]} +{"id": 219123, "predicted_label": "SUPPORTS", "predicted_evidence": [["Valencia", 0], ["Valencia", 12], ["Valencia", 8], ["Valencia", 13], ["Jose\u0301_Ramos_Costa", 41]]} +{"id": 152505, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["Clues_-LRB-Robert_Palmer_album-RRB-", 4], ["Clues_-LRB-Robert_Palmer_album-RRB-", 0], ["Robert_Palmer_-LRB-MP-RRB-", 3], ["Drive_-LRB-Robert_Palmer_album-RRB-", 0]]} +{"id": 42600, "predicted_label": "REFUTES", "predicted_evidence": [["Wilhelmina_Slater", 0], ["Wilhelmina_Slater", 2], ["Remember_Paul?", 14], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9], ["Vanessa_Williams", 10]]} +{"id": 50923, "predicted_label": "REFUTES", "predicted_evidence": [["Andrew_Walker", 19], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["The_Wolfman_-LRB-2010_film-RRB-", 1], ["X-Men_-LRB-film-RRB-", 9], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 208434, "predicted_label": "SUPPORTS", "predicted_evidence": [["Excuse_My_French", 3], ["Excuse_My_French", 9], ["Excuse_My_French", 5], ["Excuse_My_French", 0], ["Excuse_My_French", 7]]} +{"id": 152117, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soyuz-V", 0], ["Soyuz-B", 0], ["Soyuz_-LRB-rocket-RRB-", 0], ["Soyuz_7K-L1", 0], ["Soyuz-V", 8]]} +{"id": 103809, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 3]]} +{"id": 69298, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_accolades_received_by_Orange_Is_the_New_Black", 8], ["Crazy_Eyes_-LRB-character-RRB-", 6], ["AACTA_Award_for_Best_Television_Comedy_Series", 6], ["Crazy_Eyes_-LRB-character-RRB-", 5], ["Crazy_Eyes_-LRB-character-RRB-", 7]]} +{"id": 184081, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ernest_Medina", 3], ["Command_responsibility", 14], ["William_Nelson_Little", 1], ["William_Nelson_Little", 0], ["F._Lee_Bailey", 3]]} +{"id": 115028, "predicted_label": "REFUTES", "predicted_evidence": [["English_people", 6], ["English_people", 12], ["English_people", 2], ["American_English_-LRB-disambiguation-RRB-", 10], ["English_nationalism", 0]]} +{"id": 186978, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Atlantis-COLON-_The_Lost_Continent_Revealed", 6], ["Devil's_Triangle_-LRB-disambiguation-RRB-", 3], ["The_Bermuda_Triangle_-LRB-book-RRB-", 8], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 3], ["Devil's_Triangle_-LRB-disambiguation-RRB-", 0]]} +{"id": 46311, "predicted_label": "REFUTES", "predicted_evidence": [["David_Packouz", 3], ["Efraim_Diveroli", 0], ["Ephraim_-LRB-given_name-RRB-", 30], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["AEY", 9]]} +{"id": 131495, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching", 20], ["Kuching", 0], ["Kuching", 2], ["Abdul_Rahman_Andak", 14], ["Kuching", 14]]} +{"id": 21888, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-L-RRB-", 651], ["Index_of_World_War_II_articles_-LRB-L-RRB-", 557], ["Index_of_World_War_II_articles_-LRB-L-RRB-", 195], ["Index_of_World_War_II_articles_-LRB-O-RRB-", 1192], ["Index_of_World_War_II_articles_-LRB-L-RRB-", 281]]} +{"id": 64922, "predicted_label": "REFUTES", "predicted_evidence": [["Tatum_O'Neal", 6], ["Brooklyn_Bridge_Park", 7], ["Brooklyn_Bridge_Park", 1], ["Tatum_O'Neal", 0], ["Tatum_O'Neal", 1]]} +{"id": 218372, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Resistance", 6], ["German_resistance_to_Nazism", 7], ["Harold_Cole", 18], ["Noyautage_des_administrations_publiques", 11], ["German_resistance_to_Nazism", 4]]} +{"id": 23381, "predicted_label": "REFUTES", "predicted_evidence": [["Journey_to_the_West_-LRB-1986_TV_series-RRB-", 3], ["Airframe_-LRB-novel-RRB-", 4], ["Airframe_-LRB-novel-RRB-", 0], ["Journey_to_the_West_-LRB-1986_TV_series-RRB-", 0], ["Journey_to_the_West_-LRB-1986_TV_series-RRB-", 2]]} +{"id": 76231, "predicted_label": "SUPPORTS", "predicted_evidence": [["Restaurant_Gordon_Ramsay", 0], ["Ramsay_-LRB-surname-RRB-", 1], ["Ramsay_-LRB-surname-RRB-", 6], ["Gordon_Ramsay_at_Claridge's", 0], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 32]]} +{"id": 206170, "predicted_label": "REFUTES", "predicted_evidence": [["Cubberley_Community_Center", 0], ["East_Palo_Alto,_California", 0], ["Palo_Alto_Weekly", 0], ["East_Palo_Alto,_California", 3], ["Cubberley_Community_Center", 17]]} +{"id": 157537, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vincent_Bugliosi", 11], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 2], ["Vincent_Bugliosi", 2], ["Manson", 13]]} +{"id": 112929, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Friedrich_-LRB-actor-RRB-", 7], ["John_Friedrich_-LRB-actor-RRB-", 8], ["Dan_Cooper", 1], ["The_Thorn_Birds_-LRB-2011_TV_series-RRB-", 4], ["The_Thorn_Birds_-LRB-disambiguation-RRB-", 3]]} +{"id": 185200, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Walt_Disney's_Treasury_of_Classic_Tales", 237], ["Walt_Disney's_Treasury_of_Classic_Tales", 197], ["Walt_Disney's_Treasury_of_Classic_Tales", 20], ["Walt_Disney's_Treasury_of_Classic_Tales", 116], ["Chang_&_Eng", 1]]} +{"id": 66099, "predicted_label": "REFUTES", "predicted_evidence": [["Brazzers", 0], ["Pink_and_White_Productions", 0], ["Mofos", 0], ["Lee_Roy_Myers", 4], ["Insex", 0]]} +{"id": 147979, "predicted_label": "REFUTES", "predicted_evidence": [["Kate_Josephine_Bateman", 3], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Right_to_Kill?", 6], ["Easy_to_Assemble", 4]]} +{"id": 166, "predicted_label": "REFUTES", "predicted_evidence": [["Spock", 0], ["Sarek", 0], ["Star_Trek_-LRB-film_series-RRB-", 0], ["Hikaru_Sulu", 0], ["Star_Trek", 0]]} +{"id": 202057, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dzhokhar_Tsarnaev", 5], ["Tamerlan_Tsarnaev", 9], ["Tamerlan_Tsarnaev", 8], ["Boston_Marathon_bombing", 5], ["2011_Waltham_triple_murder", 7]]} +{"id": 11556, "predicted_label": "SUPPORTS", "predicted_evidence": [["Iwan_Bloch", 10], ["Advertising", 0], ["Charles-Victor_Langlois", 25], ["Nuclear_holocaust", 5], ["Ishmael_-LRB-novel-RRB-", 1]]} +{"id": 76386, "predicted_label": "REFUTES", "predicted_evidence": [["Jane_Bryan", 4], ["2HB", 4], ["Bogart_-LRB-surname-RRB-", 12], ["The_Desperate_Hours_-LRB-film-RRB-", 0], ["Marked_Woman", 1]]} +{"id": 7905, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["Matthew_Chapman_-LRB-author-RRB-", 12], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Matthew_Chapman_-LRB-author-RRB-", 7]]} +{"id": 115160, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyz_4_Now", 1], ["Boyz_4_Now", 7], ["Boy_band", 0], ["Co-ed_group", 3], ["Boy_band", 1]]} +{"id": 209860, "predicted_label": "REFUTES", "predicted_evidence": [["I_Was_Born_to_Love_You_-LRB-song-RRB-", 9], ["Queen_of_the_South_-LRB-disambiguation-RRB-", 16], ["Smoke_signal_-LRB-disambiguation-RRB-", 7], ["Live_in_Tokyo", 25], ["Smoke_signal_-LRB-disambiguation-RRB-", 9]]} +{"id": 61612, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 1], ["David_Huckabee", 2], ["Huckabee_-LRB-disambiguation-RRB-", 9], ["West_Virginia_Republican_caucuses_and_primary,_2008", 13]]} +{"id": 156106, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kris_Johnson_-LRB-basketball-RRB-", 7], ["1980_NBA_Finals", 11], ["Kris_Johnson_-LRB-basketball-RRB-", 2], ["Kris_Johnson_-LRB-basketball-RRB-", 3], ["Magic_Johnson_-LRB-disambiguation-RRB-", 0]]} +{"id": 83647, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Palace_Theatre", 0], ["Victoria_Station_-LRB-restaurant-RRB-", 19], ["Victoria_Station_-LRB-restaurant-RRB-", 17], ["Palace_Theatre,_Westcliff-on-Sea", 12], ["Victoria_Palace", 0]]} +{"id": 77983, "predicted_label": "REFUTES", "predicted_evidence": [["Swiss_folklore", 5], ["Patricia_Kaas_discography", 30], ["Patricia_Kaas_discography", 62], ["List_of_awards_won_by_Abbas_Kiarostami", 35], ["List_of_awards_won_by_Abbas_Kiarostami", 38]]} +{"id": 75385, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Infinite", 0], ["Marvel_vs._Capcom-COLON-_Infinite", 11], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 15]]} +{"id": 153926, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6], ["John_White_Howell", 58]]} +{"id": 141899, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lizzy_the_Lezzy", 11], ["Marvel_One-Shots", 7], ["Caplan", 20], ["Masters_of_Sex_-LRB-season_2-RRB-", 6], ["Masters_of_Sex_-LRB-season_2-RRB-", 2]]} +{"id": 68001, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kleshas", 3], ["Kleshas_-LRB-Buddhism-RRB-", 5], ["Kleshas_-LRB-Buddhism-RRB-", 9], ["List_of_books_by_Jacob_Neusner", 1318], ["Knut_A._Jacobsen", 5]]} +{"id": 126380, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewen_Bremner", 1], ["Ewan_McGregor", 2], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 42362, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rupert_Grint", 0], ["Harry_Potter_and_the_Deathly_Hallows_\u2013_Part_2", 8], ["Harry_Potter_and_the_Goblet_of_Fire_-LRB-film-RRB-", 7], ["Harry_Potter_and_the_Chamber_of_Secrets_-LRB-film-RRB-", 7], ["Caio_Ce\u0301sar", 8]]} +{"id": 55295, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombiana_-LRB-disambiguation-RRB-", 0], ["Colombian_short-tailed_bat", 1], ["A._colombiana", 5], ["A._colombiana", 3], ["G._colombiana", 3]]} +{"id": 36091, "predicted_label": "REFUTES", "predicted_evidence": [["Liverpool_City_Centre", 10], ["Liverpool_City_Centre", 13], ["Liverpool_City_Centre", 3], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 68], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 70]]} +{"id": 207527, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mel_B", 5], ["Mel_B", 9], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["Mel_B", 0], ["The_X_Factor_-LRB-UK_TV_series-RRB-", 19]]} +{"id": 74169, "predicted_label": "SUPPORTS", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Lina_Wolff", 5], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 122798, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Juventus_F.C._players", 5], ["Turin", 37], ["Sports_in_Turin", 0], ["List_of_Juventus_F.C._records_and_statistics", 1], ["List_of_Juventus_F.C._players", 3]]} +{"id": 69474, "predicted_label": "REFUTES", "predicted_evidence": [["Conditional_joke", 9], ["Conditional_joke", 8], ["Blonde_joke", 11], ["Folklore", 6], ["Folklore", 11]]} +{"id": 66519, "predicted_label": "SUPPORTS", "predicted_evidence": [["St._Elsewhere", 6], ["A_Bitter_Fate", 2], ["Men_in_Black_II-COLON-_Alien_Escape", 0], ["Colin_Brady", 23], ["Colin_Brady", 2]]} +{"id": 122692, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Else_H\u00f8st", 9], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler", 2]]} +{"id": 99306, "predicted_label": "SUPPORTS", "predicted_evidence": [["U.S._Route_30_in_New_Jersey", 1], ["List_of_New_Jersey_tornadoes", 57], ["Camden,_New_Jersey", 0], ["Mitchell_Harry_Cohen", 8], ["Joseph_W._Cowgill", 2]]} +{"id": 27564, "predicted_label": "REFUTES", "predicted_evidence": [["The_Dark_Tower_-LRB-series-RRB-", 13], ["Randall_Flagg", 13], ["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["The_Dark_Tower-COLON-_Treachery", 0], ["The_Dark_Tower-COLON-_The_Sorcerer", 3]]} +{"id": 207256, "predicted_label": "REFUTES", "predicted_evidence": [["Endometrial_cancer", 26], ["Endometrial_cancer", 27], ["Endometrial_cancer", 11], ["Endometrial_cancer", 13], ["Tao_brush", 0]]} +{"id": 213929, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 6], ["Gray_Matter_Interactive", 5]]} +{"id": 182450, "predicted_label": "SUPPORTS", "predicted_evidence": [["Epistemology", 3], ["Failure_of_imagination", 3], ["Reformed_epistemology", 3], ["Reformed_epistemology", 0], ["Instrumental_and_value_rationality", 13]]} +{"id": 193448, "predicted_label": "SUPPORTS", "predicted_evidence": [["Captain_America's_shield", 1], ["Diamondback_-LRB-comics-RRB-", 5], ["Captain_America's_shield", 3], ["Captain_America's_shield", 4], ["Captain_America", 7]]} +{"id": 186591, "predicted_label": "SUPPORTS", "predicted_evidence": [["Asylum_Records", 0], ["Planet_Records", 0], ["Jamison_Ernest", 15], ["Asylum_Records", 1], ["Planet_Records", 1]]} +{"id": 55525, "predicted_label": "SUPPORTS", "predicted_evidence": [["Indian_National_Army", 0], ["Volunteer_military", 0], ["Ethiopian_military_titles", 9], ["Ethiopian_military_titles", 7], ["Ethiopian_military_titles", 13]]} +{"id": 139636, "predicted_label": "REFUTES", "predicted_evidence": [["Stan_Beeman", 0], ["Noah_Emmerich", 2], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["The_Americans_-LRB-season_1-RRB-", 7], ["Stan_Beeman", 2]]} +{"id": 94947, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joe_Walsh", 30], ["Joe_Walsh", 24], ["The_Four_Seasons_-LRB-band-RRB-", 11], ["Vocal_Group_Hall_of_Fame", 0], ["The_Four_Seasons_-LRB-band-RRB-", 1]]} +{"id": 26499, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Castlevania-COLON-_Dawn_of_Sorrow", 9], ["The_Annals_of_the_Chosen", 28], ["The_Annals_of_the_Chosen", 30], ["Tales_of_the_Jedi-COLON-_Dark_Lords_of_the_Sith", 5], ["The_Annals_of_the_Chosen", 25]]} +{"id": 83901, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kellyanne_Conway", 12], ["Ivanka", 13], ["Make_America_Number_1", 12], ["Rebekah_Mercer_-LRB-donor-RRB-", 20], ["Conway_-LRB-surname-RRB-", 66]]} +{"id": 54933, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Williams_-LRB-wide_receiver-RRB-", 8], ["Angela_Williams_-LRB-sprinter_born_1980-RRB-", 21], ["David_Williams_-LRB-wide_receiver-RRB-", 7], ["Angela_Williams_-LRB-sprinter_born_1980-RRB-", 1], ["Barbara_Becnel", 1]]} +{"id": 11721, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Freedom_of_religion_in_Kazakhstan", 6], ["Grinding_-LRB-dance-RRB-", 8], ["Freedom_of_religion_in_Kazakhstan", 13], ["Pon_de_Floor", 5], ["Freedom_of_religion_in_Kazakhstan", 1]]} +{"id": 180574, "predicted_label": "REFUTES", "predicted_evidence": [["Freedom_Downtime", 0], ["List_of_hacker_groups", 14], ["List_of_hacker_groups", 27], ["Freedom_Downtime", 25], ["Freedom_Downtime", 4]]} +{"id": 29952, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Miguel_Iglesias", 49], ["Open_access_in_Chile", 51], ["Open_access_in_Chile", 3], ["Open_access_in_Chile", 28], ["Open_access_in_Chile", 19]]} +{"id": 207261, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Endometrial_cancer", 11], ["Tao_brush", 0], ["Uterine_serous_carcinoma", 7], ["Endometrial_cancer", 13], ["Endometrial_cancer", 0]]} +{"id": 130963, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Insecure_-LRB-TV_series-RRB-", 0], ["I_Am_Other", 4], ["Issa_Rae", 6], ["Issa_Rae", 2]]} +{"id": 1357, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brian_Michael_Bendis", 12], ["Torso_-LRB-Image_Comics-RRB-", 0], ["Ultimate_Spider-Man", 11], ["Brian_Michael_Bendis", 0], ["Secret_War_-LRB-comics-RRB-", 1]]} +{"id": 179039, "predicted_label": "SUPPORTS", "predicted_evidence": [["Congressional_Space_Medal_of_Honor", 1], ["NASA_Distinguished_Service_Medal", 0], ["NASA_Distinguished_Service_Medal", 13], ["NASA_Space_Flight_Medal", 9], ["Congressional_Space_Medal_of_Honor", 5]]} +{"id": 76666, "predicted_label": "REFUTES", "predicted_evidence": [["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Camilla,_Duchess_of_Cornwall", 6], ["Rosalind_Shand", 1], ["Shand", 16], ["Shand", 44]]} +{"id": 195374, "predicted_label": "REFUTES", "predicted_evidence": [["Gold_-LRB-album_series-RRB-", 41], ["Bobby_Brown_-LRB-song-RRB-", 0], ["That's_the_Way_Love_Is", 11], ["Dance!...Ya_Know_It!", 4], ["Dance!...Ya_Know_It!", 2]]} +{"id": 183593, "predicted_label": "REFUTES", "predicted_evidence": [["Ellen_DeGeneres", 5], ["Andrew_Stanton", 7], ["Pixar", 10], ["Finding_Nemo", 1], ["Finding_Dory", 1]]} +{"id": 50924, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Andrew_Walker", 19], ["Andrew_Kevin_Walker", 0], ["8mm_-LRB-film-RRB-", 0], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 23572, "predicted_label": "REFUTES", "predicted_evidence": [["The_Shootist", 0], ["Howard_-LRB-surname-RRB-", 24], ["Howard_-LRB-surname-RRB-", 36], ["Ronald_Howard", 10], ["Ronald_Howard", 8]]} +{"id": 152995, "predicted_label": "REFUTES", "predicted_evidence": [["Filmfare_Award_for_Best_Music_Album", 650], ["Dilwale_Dulhania_Le_Jayenge", 0], ["Kajol_filmography", 6], ["Kajol", 9], ["Dilwale_Dulhania_Le_Jayenge", 7]]} +{"id": 37271, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Villa_Park", 14], ["Villa_Park", 3], ["Villa_Park", 2], ["Villa_Park", 11], ["Witton_railway_station", 6]]} +{"id": 82317, "predicted_label": "REFUTES", "predicted_evidence": [["Laura_Dahl", 2], ["Matthew_Gray_Gubler", 0], ["Gubler", 6], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray", 5]]} +{"id": 140193, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prime_meridian_-LRB-Greenwich-RRB-", 14], ["Prime_meridian_-LRB-Greenwich-RRB-", 12], ["Boy_Parts", 4], ["Black_Reel_Award_for_Best_Actress-COLON-_T.V._Movie/Cable", 10], ["Boy_Parts", 6]]} +{"id": 202437, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], ["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["TTSS", 5]]} +{"id": 215125, "predicted_label": "REFUTES", "predicted_evidence": [["Private_Lives", 0], ["Phoenix_Theatre,_London", 20], ["Noe\u0308l_Coward_Society", 21], ["Noe\u0308l_Coward_Society", 16], ["Phoenix_Theatre,_London", 16]]} +{"id": 147427, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vernaccia_-LRB-disambiguation-RRB-", 11], ["Tanshu\u0304", 3], ["Tanshu\u0304", 10], ["Comic_-LRB-disambiguation-RRB-", 11], ["Hishu\u0304", 3]]} +{"id": 206150, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palo_Alto,_California", 0], ["San_Francisco_Peninsula", 0], ["Palo_Alto_Art_Center", 6], ["San_Francisco_Peninsula", 3], ["East_Palo_Alto,_California", 3]]} +{"id": 86459, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tripartite_Alliance", 0], ["Trade_unions_in_South_Africa", 6], ["South_African_Communist_Party", 2], ["J._B._Marks", 15], ["South_African_Communist_Party", 0]]} +{"id": 182442, "predicted_label": "SUPPORTS", "predicted_evidence": [["Meta-epistemology", 0], ["Epistemology", 3], ["Reformed_epistemology", 3], ["Philosophical_problems_of_testimony", 15], ["Faith_and_rationality", 0]]} +{"id": 99822, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kingdom_Hearts_III", 2], ["Kingdom_Hearts_-LRB-video_game-RRB-", 4], ["Sora_-LRB-Kingdom_Hearts-RRB-", 4], ["Kingdom_Hearts_-LRB-video_game-RRB-", 2], ["Universe_of_Kingdom_Hearts", 1]]} +{"id": 160417, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Mauritian_writers", 27], ["Kealoha_-LRB-poet-RRB-", 22], ["Kealoha_-LRB-poet-RRB-", 14], ["Kealoha_-LRB-poet-RRB-", 21], ["Kealoha_-LRB-poet-RRB-", 2]]} +{"id": 198021, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["New_York_City_Landmarks_Preservation_Commission", 6], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 99252, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_bridges_in_Rome", 42], ["Fuzzy_Wuzzy", 7], ["List_of_bridges_in_Rome", 13], ["List_of_bridges_in_Rome", 34], ["List_of_bridges_in_Rome", 50]]} +{"id": 199755, "predicted_label": "SUPPORTS", "predicted_evidence": [["Baja_California_Peninsula", 0], ["Tijuana", 0], ["Hurricane_Odile", 11], ["Hurricane_Odile", 5], ["Baja_1000", 0]]} +{"id": 225283, "predicted_label": "SUPPORTS", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 98], ["Thanks_for_Sharing", 1], ["Saturday_Night_Live_-LRB-season_35-RRB-", 9], ["Eric_Moneypenny", 5], ["Eric_Moneypenny", 0]]} +{"id": 100448, "predicted_label": "SUPPORTS", "predicted_evidence": [["Henry_II_style", 4], ["Jean_Cavenac_de_la_Vigne", 4], ["Bertram_de_Verdun", 67], ["Jean_Cavenac_de_la_Vigne", 11], ["Henry_II_style", 0]]} +{"id": 181640, "predicted_label": "REFUTES", "predicted_evidence": [["Mogadishu_-LRB-disambiguation-RRB-", 12], ["Mogadishu_-LRB-disambiguation-RRB-", 26], ["Mogadishu_-LRB-disambiguation-RRB-", 16], ["Mogadishu_-LRB-disambiguation-RRB-", 24], ["Mogadishu_-LRB-disambiguation-RRB-", 18]]} +{"id": 193868, "predicted_label": "REFUTES", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["Dick_Van_Dyke", 3], ["Van_Dyke", 18], ["Conny_Van_Dyke", 0]]} +{"id": 123393, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mercy_Watson_series", 2], ["Prowler", 16], ["Mercy_Watson_series", 7], ["Mercy_Watson_series", 6], ["Mercy_Watson_series", 5]]} +{"id": 216592, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Calcaneal_spur", 1], ["1998\u201399_San_Antonio_Spurs_season", 8], ["Calcaneal_spur", 0], ["Medial_calcaneal_branches_of_the_tibial_nerve", 0], ["1998\u201399_San_Antonio_Spurs_season", 7]]} +{"id": 60624, "predicted_label": "REFUTES", "predicted_evidence": [["Fallout_4-COLON-_Nuka-World", 0], ["Fallout_4", 0], ["Fallout_4-COLON-_Nuka-World", 13], ["Fallout_4", 10], ["Fallout_4-COLON-_Nuka-World", 3]]} +{"id": 106486, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 6], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Infinite", 0], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 13]]} +{"id": 139961, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ludwig_van_Beethoven_-LRB-1712\u20131773-RRB-", 0], ["Beethoven_Gesamtausgabe", 1], ["Beethoven_Gesamtausgabe", 0], ["Beethoven_in_film", 14], ["List_of_awards_received_by_the_Chicago_Symphony_Orchestra", 98]]} +{"id": 53248, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hindu_Kush", 5], ["Geography_of_Afghanistan", 9], ["Hindu_Kush", 6], ["Geography_of_Afghanistan", 33], ["Kuh-e_Bandaka", 2]]} +{"id": 126186, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rhythm_Nation", 9], ["Rhythm_Nation", 0], ["Janet_Jackson's_Rhythm_Nation_1814", 23], ["Janet_Jackson's_Rhythm_Nation_1814", 21], ["Janet_Jackson's_Rhythm_Nation_1814", 22]]} +{"id": 137142, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ghazi_Abdel_Baki", 31], ["List_of_theatres_in_San_Francisco", 188], ["List_of_jam_band_music_festivals", 8], ["List_of_theatres_in_San_Francisco", 164], ["List_of_industrial_music_festivals", 8]]} +{"id": 94556, "predicted_label": "REFUTES", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 1], ["Blue_Bayou_Restaurant", 13]]} +{"id": 51936, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 7], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1], ["Norman_Jewison", 2], ["The_Cincinnati_Kid", 0]]} +{"id": 99838, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saw_II", 0], ["Forget_to_Remember", 1], ["Saw_II", 19], ["Saw_II", 22], ["Forget_to_Remember", 2]]} +{"id": 127870, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["South_Wales_Coalfield", 0], ["South_Wales_Coalfield", 1], ["Makua_people", 6], ["Central_Swedish_lowland", 0], ["CMB_cold_spot", 13]]} +{"id": 4350, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kendall_-LRB-given_name-RRB-", 5], ["Punta_Mita", 11], ["H.E.R.", 11], ["Caitlyn_Jenner", 6], ["Brody_Jenner", 0]]} +{"id": 167988, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_international_cricket_centuries_by_Jacques_Kallis", 11], ["Lindsay_Hassett", 10], ["Don_Bradman", 20], ["List_of_international_cricket_centuries_by_Jacques_Kallis", 9], ["Jack_Fingleton", 36]]} +{"id": 168041, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2015-RRB-", 0], ["Nightly", 8], ["The_Nightly_Show_with_Larry_Wilmore", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1]]} +{"id": 173712, "predicted_label": "SUPPORTS", "predicted_evidence": [["Foggy_Mountain_Breakdown", 0], ["Scruggs_style", 14], ["Earl_Scruggs", 0], ["Foggy_Mountain_Boys", 1], ["Foggy_Mountain_Boys", 8]]} +{"id": 121242, "predicted_label": "REFUTES", "predicted_evidence": [["Green-Eyed_Monster_-LRB-disambiguation-RRB-", 64], ["List_of_Sesame_Street_puppeteers", 136], ["Monster_Hunter", 6], ["List_of_Sesame_Street_puppeteers", 72], ["List_of_Sesame_Street_puppeteers", 76]]} +{"id": 191421, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Get_Closer_-LRB-Keith_Urban_album-RRB-", 0], ["ITunes_Originals_\u2013_Keith_Urban", 0], ["Making_Memories_of_Us", 5], ["Sam_Hunt", 8]]} +{"id": 27052, "predicted_label": "SUPPORTS", "predicted_evidence": [["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["David_Packouz", 0], ["Rumsfeld_v._Padilla", 10], ["American_Citizen_-LRB-newspaper-RRB-", 0]]} +{"id": 60411, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finale_-LRB-Smallville-RRB-", 14], ["The_Finale_-LRB-Will_&_Grace-RRB-", 9], ["The_Finale_-LRB-Will_&_Grace-RRB-", 0], ["The_Last_One_-LRB-Friends-RRB-", 3], ["Cause_and_Effect_-LRB-Numbers-RRB-", 0]]} +{"id": 54821, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_I_of_France", 0], ["Duchess_of_Angoule\u0302me", 15], ["Charles,_Count_of_Angoule\u0302me", 9], ["Duchess_of_Angoule\u0302me", 7], ["Francis_I_of_France", 7]]} +{"id": 123203, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yale_University", 23], ["Columbia_University", 21], ["Cornell_University", 17], ["Stanford_University", 22], ["Cornell_University", 18]]} +{"id": 61468, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_A21_Campaign", 15], ["Human_trafficking_in_the_United_Kingdom", 17], ["Beryl_Esembe", 16], ["Transnational_efforts_to_prevent_human_trafficking", 0], ["Human_trafficking_in_New_Zealand", 14]]} +{"id": 216399, "predicted_label": "SUPPORTS", "predicted_evidence": [["Homer_Hickam", 2], ["A_Phule_and_His_Money", 6], ["A_Phule_and_His_Money", 8], ["A_Phule_and_His_Money", 4], ["A_Phule_and_His_Money", 10]]} +{"id": 175940, "predicted_label": "REFUTES", "predicted_evidence": [["Aunt_May", 0], ["Aunt_May", 9], ["Lois_Lane", 18], ["Aunt_May", 6], ["Lois_Lane", 11]]} +{"id": 61870, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Zenda_-LRB-musical-RRB-", 29], ["Zenda_-LRB-musical-RRB-", 44], ["Zenda_-LRB-musical-RRB-", 39], ["Zenda_-LRB-musical-RRB-", 28], ["Pauma_Complex", 20]]} +{"id": 48574, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pompeii", 0], ["Temple_of_Apollo_-LRB-Pompeii-RRB-", 0], ["Herculaneum", 0], ["Andrea_De_Jorio", 11], ["Andrea_De_Jorio", 7]]} +{"id": 213955, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 183609, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Pixar", 16], ["Pixar", 6]]} +{"id": 225287, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thanks_for_Sharing", 1], ["Benched", 0], ["The_House_-LRB-2017_film-RRB-", 1], ["Watkins_-LRB-surname-RRB-", 98], ["Watkins_-LRB-surname-RRB-", 125]]} +{"id": 181891, "predicted_label": "SUPPORTS", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Princess_Mononoke", 4], ["Hayao_Miyazaki", 16]]} +{"id": 193460, "predicted_label": "REFUTES", "predicted_evidence": [["Captain_America's_shield", 1], ["Diamondback_-LRB-comics-RRB-", 5], ["Captain_America's_shield", 0], ["Captain_America's_shield", 4], ["Captain_America", 7]]} +{"id": 150096, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cranchiidae", 0], ["Cranchiidae", 15], ["Squid_giant_axon", 0], ["Squid_cocktail", 4], ["Squid_cocktail", 5]]} +{"id": 46707, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["William_A._Conway", 0], ["William_A._Conway", 14], ["Garden_State_Stakes", 28], ["Rickshaw_Inn", 8], ["Garden_State_Stakes", 0]]} +{"id": 4041, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Daag_-LRB-1973_film-RRB-", 5], ["China_Biosphere_Reserve_Network", 5], ["China_Biosphere_Reserve_Network", 0], ["Aaina_-LRB-1977_film-RRB-", 2], ["Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 77834, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eva_Green", 1], ["Tragedy_of_a_Ridiculous_Man", 0], ["Gabriella_Cristiani", 3], ["Tragedy_of_a_Ridiculous_Man", 2], ["Gabriella_Cristiani", 11]]} +{"id": 3338, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Huckabee_-LRB-disambiguation-RRB-", 7], ["Huckabee_-LRB-disambiguation-RRB-", 3], ["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 1], ["David_Huckabee", 0]]} +{"id": 138985, "predicted_label": "REFUTES", "predicted_evidence": [["United_States_presidential_election_in_New_York,_1964", 1], ["Michigan_-LRB-album-RRB-", 4], ["List_of_U.S._states_by_elevation", 21], ["United_States_presidential_election_in_New_York,_1964", 48], ["Michigan_-LRB-album-RRB-", 0]]} +{"id": 72281, "predicted_label": "REFUTES", "predicted_evidence": [["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["High_Off_My_Love", 6], ["Paris_Hilton", 18], ["Paris_Hilton's_Dubai_BFF", 0], ["Paris_-LRB-Paris_Hilton_album-RRB-", 0]]} +{"id": 202470, "predicted_label": "REFUTES", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 2700, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philippe_Rousselot", 10], ["A_River_Runs_Through_It", 5], ["Brad_Pitt", 6], ["Brad_Pitt_filmography", 7], ["A_River_Runs_Through_It", 3]]} +{"id": 122652, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brazzers", 0], ["Daybreak_-LRB-2008_film-RRB-", 0], ["List_of_adult_television_channels", 126], ["List_of_adult_television_channels", 101], ["List_of_adult_television_channels", 91]]} +{"id": 7444, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2], ["Osamu_Tezuka's_Star_System", 2], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 159585, "predicted_label": "REFUTES", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["Pass_away", 3], ["Pass_away", 5], ["Pass_away", 7], ["Pass_away", 0]]} +{"id": 94507, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_Torch", 18], ["Invisible_Woman", 15], ["Mister_Fantastic", 17], ["Alicia_Masters", 8], ["Fantastic_Four_in_film", 7]]} +{"id": 175930, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aunt_May", 0], ["Spider-Man", 2], ["Spider-Man-COLON-_Back_in_Black", 2], ["Aunt_May", 6], ["Charley's_Aunt_-LRB-disambiguation-RRB-", 3]]} +{"id": 70438, "predicted_label": "REFUTES", "predicted_evidence": [["Raees_-LRB-film-RRB-", 1], ["Raees", 3], ["Raees_-LRB-film-RRB-", 0], ["Raees_-LRB-film-RRB-", 4], ["Raees_-LRB-film-RRB-", 5]]} +{"id": 17283, "predicted_label": "SUPPORTS", "predicted_evidence": [["Atlantic_Records", 2], ["Atlantic_Records", 10], ["Janelle_Mona\u0301e", 0], ["Janelle_Mona\u0301e_discography", 0], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 4]]} +{"id": 168969, "predicted_label": "SUPPORTS", "predicted_evidence": [["Middle-earth", 4], ["Middle-earth_-LRB-disambiguation-RRB-", 0], ["Middle-earth", 0], ["Middle-earth_-LRB-disambiguation-RRB-", 7], ["Quenya", 20]]} +{"id": 104458, "predicted_label": "SUPPORTS", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["Autograph_club", 24], ["Halsey_-LRB-singer-RRB-", 3], ["Halsey_House_-LRB-Southampton,_New_York-RRB-", 1], ["Halsey_House_-LRB-Southampton,_New_York-RRB-", 8]]} +{"id": 167447, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Id_-LRB-album-RRB-", 6], ["Cadet_Kelly", 0], ["Hilary_Duff", 3], ["Larry_Shaw_-LRB-director-RRB-", 9], ["Karaoke_Superstars", 3]]} +{"id": 191428, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Wolfgang_Mu\u0308ller_-LRB-musician-RRB-", 20], ["Wolfgang_Mu\u0308ller_-LRB-musician-RRB-", 16], ["Days_Go_By", 4], ["Earl_Young_-LRB-drummer-RRB-", 9]]} +{"id": 181598, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Ten_O'Clock_News_-LRB-WGBH-RRB-", 17], ["The_Ten_O'Clock_News_-LRB-WGBH-RRB-", 6], ["Nathaniel_Johnson_-LRB-broadcaster-RRB-", 9], ["Nathaniel_Johnson_-LRB-broadcaster-RRB-", 16], ["WGBH-TV", 4]]} +{"id": 228345, "predicted_label": "SUPPORTS", "predicted_evidence": [["National_Film_and_Television_School", 0], ["National_Film_and_Television_School", 23], ["National_Film_and_Television_School", 7], ["Island_Records", 12], ["National_Film_and_Television_School", 24]]} +{"id": 82859, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andy_Murray", 1], ["Jamie_Murray_career_statistics", 0], ["Jamie_Murray_career_statistics", 9], ["Jamie_Murray", 1], ["Jamie_Murray", 0]]} +{"id": 229306, "predicted_label": "SUPPORTS", "predicted_evidence": [["MegaFlora_tree", 1], ["Pet", 0], ["Working_animal", 0], ["Working_dog", 0], ["Working_animal", 21]]} +{"id": 70820, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paul_Nicholls", 3], ["City_Central_-LRB-TV_series-RRB-", 5], ["Daryl_Jacob", 0], ["Paul_Nicholls", 5], ["Flagship_Uberalles", 5]]} +{"id": 129736, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Infinite", 0], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom-COLON-_Clash_of_Super_Heroes", 1], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 15]]} +{"id": 165916, "predicted_label": "REFUTES", "predicted_evidence": [["Alice_Cooper", 0], ["Alice_Cooper", 10], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 36], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 40], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 50]]} +{"id": 36569, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Katya_Lee", 8], ["Pa\u0304vels_Gumennikovs", 4], ["Social_media_and_television", 14], ["Katya_Lee", 13], ["Pa\u0304vels_Gumennikovs", 5]]} +{"id": 36731, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prowler", 4], ["Wing_-LRB-comics-RRB-", 5], ["Wing_-LRB-comics-RRB-", 37], ["Shadow_-LRB-comics-RRB-", 65], ["Doctor_-LRB-comics-RRB-", 35]]} +{"id": 115181, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Layover_-LRB-film-RRB-", 0], ["Nomis_-LRB-film-RRB-", 1], ["Kenny_Woods", 18], ["Lefty_O'Doul_Bridge", 18], ["Pilot_-LRB-White_Collar-RRB-", 8]]} +{"id": 16259, "predicted_label": "SUPPORTS", "predicted_evidence": [["Columbia_River", 21], ["Harbor_Clearance_Unit_One", 14], ["Blue_Wedges", 10], ["Blue_Wedges", 0], ["Coast_Guard_Station_Cape_Disappointment", 13]]} +{"id": 141668, "predicted_label": "SUPPORTS", "predicted_evidence": [["Emma_Watson", 0], ["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["List_of_homeschooled_people", 141], ["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["List_of_Harry_Potter_cast_members", 1]]} +{"id": 226872, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jenna_Jameson", 3], ["My_Plaything", 6], ["ClubJenna", 20], ["Jameson_-LRB-surname-RRB-", 29], ["ClubJenna", 0]]} +{"id": 74799, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["Sandra_Bullock_filmography", 0], ["Sandra_Choi", 21], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["List_of_accolades_received_by_Gravity_-LRB-film-RRB-", 2]]} +{"id": 125751, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Karl_Ludvigsen", 16], ["Group_D_Production_Sports_Cars", 18], ["Group_A_Sports_Cars", 7], ["Hepatitis_F_virus", 0], ["Hepatitis_F_virus", 5]]} +{"id": 41790, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sora_-LRB-Kingdom_Hearts-RRB-", 6], ["Sora_-LRB-Kingdom_Hearts-RRB-", 12], ["Universe_of_Kingdom_Hearts", 6], ["Sora_-LRB-Kingdom_Hearts-RRB-", 10], ["Universe_of_Kingdom_Hearts", 7]]} +{"id": 184432, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nivin_Pauly", 6], ["List_of_baseball_parks_used_in_film_and_television", 162], ["List_of_baseball_parks_used_in_film_and_television", 48], ["Renji_Panicker", 16], ["Premam", 12]]} +{"id": 132775, "predicted_label": "SUPPORTS", "predicted_evidence": [["European_Mars_Analog_Research_Station", 9], ["Water_on_Mars", 30], ["Water_on_Mars", 32], ["Mars_flyby", 12], ["European_Mars_Analog_Research_Station", 0]]} +{"id": 192967, "predicted_label": "REFUTES", "predicted_evidence": [["Stargate", 12], ["Stargate", 0], ["Stargate_-LRB-film-RRB-", 2], ["Stargate_-LRB-film-RRB-", 1], ["Picasso_-LRB-play-RRB-", 6]]} +{"id": 217667, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Pelican_Brief_-LRB-film-RRB-", 0], ["Pelican_files", 3], ["Denzel_Washington_on_screen_and_stage", 11], ["George_L._Little", 15], ["George_L._Little", 6]]} +{"id": 219299, "predicted_label": "REFUTES", "predicted_evidence": [["Datil_pepper", 0], ["Capsicum_chinense", 0], ["Capsicum_baccatum", 9], ["List_of_plants_of_Burkina_Faso", 791], ["Barbara_Pickersgill", 1]]} +{"id": 216381, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jove_Books", 23], ["Jove_Books", 31], ["Robert_Neill_-LRB-writer-RRB-", 35], ["Historical_fiction", 1], ["Robert_Neill_-LRB-writer-RRB-", 17]]} +{"id": 71089, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nasty_Gal", 2], ["Britt_Robertson", 15], ["John_Robertson_-LRB-journalist-RRB-", 36], ["The_First_Time_-LRB-2012_film-RRB-", 0], ["The_First_Time_-LRB-2012_film-RRB-", 4]]} +{"id": 134615, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Acetylcholine", 18], ["Muscarinic_antagonist", 16], ["Muscarinic_antagonist", 1]]} +{"id": 357, "predicted_label": "SUPPORTS", "predicted_evidence": [["Adwoa_Aboah", 1], ["Milton_Graham", 2], ["Ashley_Graham", 7], ["Lehman_family", 158], ["Ashley_Graham", 5]]} +{"id": 218239, "predicted_label": "REFUTES", "predicted_evidence": [["Roman_Libya", 5], ["Libya", 17], ["Roman_Libya", 6], ["Macrobians", 4], ["Libya", 6]]} +{"id": 219155, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Valencia,_California_residential_villages", 69], ["List_of_Valencia,_California_residential_villages", 85], ["List_of_Valencia,_California_residential_villages", 61], ["List_of_Valencia,_California_residential_villages", 81], ["List_of_Valencia,_California_residential_villages", 115]]} +{"id": 121916, "predicted_label": "REFUTES", "predicted_evidence": [["Jamie_Murray_career_statistics", 9], ["Jamie_Murray_career_statistics", 0], ["Jamie_Murray", 0], ["Jamie_Murray", 21], ["Jamie_Murray", 15]]} +{"id": 208146, "predicted_label": "SUPPORTS", "predicted_evidence": [["Peter_L._Gluck", 4], ["Glu\u0308ck", 43], ["Robert_Gluck", 17], ["Glu\u0308ck", 83], ["Glu\u0308ck", 28]]} +{"id": 153147, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Social_Credit/Cre\u0301ditistes_MPs", 206], ["Brazzers", 0], ["Daybreak_-LRB-2008_film-RRB-", 0], ["List_of_adult_television_channels", 25], ["Lee_Roy_Myers", 4]]} +{"id": 173131, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ann_Sullivan", 3], ["Shawn_Lonsdale", 3], ["Shawn_Lonsdale", 6], ["Macy_-LRB-surname-RRB-", 4], ["Shawn_Lonsdale", 9]]} +{"id": 201386, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Varsity_Blues", 3], ["List_of_Hamilton_Tigers_-LRB-football-RRB-_seasons", 257], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 24], ["Varsity", 22]]} +{"id": 82894, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Leigh_Hennessy", 15], ["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Walking_My_Baby_Back_Home_-LRB-film-RRB-", 7], ["Walking_My_Baby_Back_Home_-LRB-film-RRB-", 0]]} +{"id": 85204, "predicted_label": "REFUTES", "predicted_evidence": [["Eric_Church", 0], ["Eric_Church", 11], ["Haley_Georgia", 0], ["Bibliography_of_Christianity_in_China", 359], ["Luke_Laird", 2]]} +{"id": 55113, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michelin_Guide", 0], ["Jean-Luc_Naret", 8], ["Michelin_Guide", 3], ["Andre\u0301_Michelin", 22], ["Michelin", 3]]} +{"id": 13504, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mackenzie_Smith", 1], ["Walk_the_Line_-LRB-soundtrack-RRB-", 3], ["Tim_McGraw", 13], ["Walk_the_Line_-LRB-soundtrack-RRB-", 2], ["Walk_the_Line_-LRB-soundtrack-RRB-", 1]]} +{"id": 88196, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Neoteric_evolutionary_theory", 81], ["Homo", 10], ["Homo_sapiens", 2], ["Homo_heidelbergensis", 3], ["Anatomically_modern_human", 0]]} +{"id": 103994, "predicted_label": "REFUTES", "predicted_evidence": [["Del_Toro_-LRB-surname-RRB-", 12], ["Guillermo_del_Toro", 0], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 1], ["Sundown_-LRB-video_game-RRB-", 0]]} +{"id": 12610, "predicted_label": "REFUTES", "predicted_evidence": [["David_Wicks", 4], ["City_Central_-LRB-TV_series-RRB-", 6], ["Paul_Nicholls_-LRB-actor-RRB-", 1], ["Daryl_Jacob", 0], ["Paul_Nicholls_-LRB-actor-RRB-", 0]]} +{"id": 130277, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_That_'70s_Show_home_video_releases", 20], ["Ashton_Kutcher", 0], ["The_Real_Wedding_Crashers", 1], ["Ashton_-LRB-given_name-RRB-", 20], ["Ashton_-LRB-given_name-RRB-", 6]]} +{"id": 143867, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rudolph_Grey", 7], ["Ed_Wood_-LRB-film-RRB-", 0], ["Edward_Wood", 0], ["Rudolph_Grey", 11], ["Ed_Wood_-LRB-film-RRB-", 10]]} +{"id": 144541, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["A_Very_Potter_Musical", 6], ["Caio_Ce\u0301sar", 8], ["Rupert_Grint", 0], ["Caio_Ce\u0301sar", 26], ["Rupert_Grint", 1]]} +{"id": 1904, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wells_Fargo", 14], ["Wells_Fargo", 30], ["Wells_Fargo", 29], ["Wells_Fargo_-LRB-disambiguation-RRB-", 20], ["Wells_Fargo", 15]]} +{"id": 45376, "predicted_label": "SUPPORTS", "predicted_evidence": [["United_Nations_Charter", 0], ["United_Nations_Honour_Flag", 0], ["Timeline_of_Western_Saharan_history", 83], ["Foreign_relations_of_Taiwan", 14], ["Foreign_relations_of_Taiwan", 15]]} +{"id": 179345, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2], ["Osamu_Tezuka's_Star_System", 2], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 112427, "predicted_label": "SUPPORTS", "predicted_evidence": [["Beaverton,_Oregon", 1], ["Kinton,_Oregon", 2], ["Fanno_Creek", 4], ["Farmington,_Oregon", 1], ["Tualatin_Valley", 1]]} +{"id": 125869, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ann_Richards_-LRB-actress-RRB-", 0], ["Ann_Richards_-LRB-actress-RRB-", 2], ["Michael_J._Osborne", 41], ["Ann_Richards_-LRB-disambiguation-RRB-", 3], ["Ann_Richards_-LRB-disambiguation-RRB-", 0]]} +{"id": 172750, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Michael_Maurer", 28], ["Genealogy_of_musical_genres", 3], ["David_Michael_Maurer", 22], ["Nu_metal", 1], ["Comedic_genres", 0]]} +{"id": 87944, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kingdom_Hearts_-LRB-video_game-RRB-", 7], ["Kingdom_Hearts_-LRB-video_game-RRB-", 13], ["Sora_-LRB-Kingdom_Hearts-RRB-", 12], ["Sora_-LRB-Kingdom_Hearts-RRB-", 10], ["Universe_of_Kingdom_Hearts", 5]]} +{"id": 8603, "predicted_label": "REFUTES", "predicted_evidence": [["Indian_Institute_of_Management_-LRB-disambiguation-RRB-", 9], ["Indian_Institute_of_Management_Bangalore", 0], ["IIM_Alumni", 6], ["B._S._Sahay", 10], ["B._S._Sahay", 31]]} +{"id": 97890, "predicted_label": "REFUTES", "predicted_evidence": [["Peking_University", 1], ["Beijing_International_MBA_at_Peking_University", 1], ["Yenching_Academy", 2], ["Yenching_Academy", 7], ["Affiliated_High_School_of_Peking_University", 12]]} +{"id": 35123, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fox_News_-LRB-1919\u20131930-RRB-", 10], ["Fox_Theatre", 0], ["Fox_News_-LRB-1919\u20131930-RRB-", 0], ["Fox_News_-LRB-1919\u20131930-RRB-", 1], ["Richard_Fox_-LRB-canoeist-RRB-", 39]]} +{"id": 187800, "predicted_label": "REFUTES", "predicted_evidence": [["Wendell_Burton", 10], ["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["Wendell_Burton", 1], ["The_Sterile_Cuckoo", 0], ["Come_Saturday_Morning_-LRB-song-RRB-", 1]]} +{"id": 29591, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_Place_for_My_Head", 2], ["Hybrid_Theory_-LRB-EP-RRB-", 0], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2001", 8], ["Hybrid_Theory", 6], ["A_Place_for_My_Head", 0]]} +{"id": 146557, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Marvel_Cinematic_Universe_television_series", 13], ["Luke_Cage", 1], ["Luke_Cage_-LRB-season_1-RRB-", 6], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["List_of_Marvel_Cinematic_Universe_television_series", 7]]} +{"id": 5972, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Inception", 9], ["Mary_Emma_Allison", 1], ["The_Film_Department", 27], ["Mary_Emma_Allison", 17]]} +{"id": 108376, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prescott_Valley_Event_Center", 7], ["Prescott,_Arizona", 8], ["Prescott,_Arizona", 0], ["List_of_people_from_Prescott,_Arizona", 0], ["List_of_hospitals_in_Arizona", 171]]} +{"id": 189454, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yandex", 1], ["Yandex", 9], ["Yandex.Direct", 9], ["Yandex.Translate", 0], ["Yandex_Browser", 12]]} +{"id": 16864, "predicted_label": "SUPPORTS", "predicted_evidence": [["You_Belong_with_Me", 0], ["Pop-Up_Magazine", 11], ["You_Belong_with_Me", 8], ["You_Belong_with_Me", 3], ["Pop-Up_Magazine", 0]]} +{"id": 76196, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 63], ["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 60], ["Camden,_New_Jersey", 0]]} +{"id": 107384, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["I_Am_Other", 4], ["Insecure_-LRB-TV_series-RRB-", 0], ["Issa_Rae", 1], ["Issa_Rae", 6]]} +{"id": 21852, "predicted_label": "SUPPORTS", "predicted_evidence": [["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Harold_Macmillan", 0], ["Never_So_Good", 0], ["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20]]} +{"id": 216587, "predicted_label": "REFUTES", "predicted_evidence": [["Calcaneal_spur", 1], ["Magnetic_resonance_imaging", 0], ["Fluorescence-lifetime_imaging_microscopy", 0], ["Biological_imaging", 0], ["Whole-body_nuclear_scanning", 7]]} +{"id": 144170, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eric_Church", 0], ["Church_-LRB-surname-RRB-", 29], ["Springsteen_-LRB-song-RRB-", 0], ["Luke_Laird", 1], ["Haley_Georgia", 6]]} +{"id": 27278, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 6], ["The_Blob", 1], ["The_Great_St._Louis_Bank_Robbery", 1], ["Cie_Frazier", 9]]} +{"id": 138811, "predicted_label": "REFUTES", "predicted_evidence": [["Universal_Records_-LRB-disambiguation-RRB-", 5], ["Motown", 0], ["Motown", 3], ["Universal_Records_-LRB-disambiguation-RRB-", 7], ["Atlanta_record_labels", 31]]} +{"id": 198035, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["New_York_City_Landmarks_Preservation_Commission", 6], ["Pyramid_Club", 20], ["Dorothy_Miner", 9]]} +{"id": 80639, "predicted_label": "REFUTES", "predicted_evidence": [["Kill_the_Messenger", 17], ["A_View_to_a_Kill_-LRB-video_game-RRB-", 0], ["To_Kill_a_Mockingbird", 24], ["Kill_the_Messenger", 19], ["Kill_the_Messenger", 21]]} +{"id": 91056, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aristotle", 4], ["Christos_Staikouras", 8], ["Christos_Staikouras", 6], ["Christos_Staikouras", 7], ["Christos_Staikouras", 4]]} +{"id": 158438, "predicted_label": "REFUTES", "predicted_evidence": [["Penibaetic_System", 0], ["Sierra_Blanca_-LRB-Andalusia-RRB-", 0], ["Sierra_de_las_Nieves_-LRB-disambiguation-RRB-", 2], ["El_Fraile_-LRB-Sierra_del_Cabo_de_Gata-RRB-", 9], ["La_Maroma", 0]]} +{"id": 61580, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coast_Guard_Station_Cape_Disappointment", 5], ["Columbia_River_Shipbuilding_Company", 10], ["Columbia_River_Highway", 2], ["Columbia_River_Highway", 4], ["Coast_Guard_Station_Cape_Disappointment", 13]]} +{"id": 105000, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Billboard_200_number-one_albums_of_2002", 14], ["List_of_Billboard_200_number-one_albums_of_2002", 15], ["Rashid_Gaysanov", 2], ["Rashid_Gaysanov", 5], ["List_of_Billboard_200_number-one_albums_of_2002", 9]]} +{"id": 191246, "predicted_label": "REFUTES", "predicted_evidence": [["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Jean-Michel", 168], ["Basquiat_-LRB-film-RRB-", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Basquiat", 6]]} +{"id": 185424, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chips_and_dip", 7], ["Zapp's", 14], ["Zapp's", 10], ["Chips_and_dip", 1], ["Chip_race", 29]]} +{"id": 80358, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prowler", 4], ["Wing_-LRB-comics-RRB-", 29], ["Wing_-LRB-comics-RRB-", 5], ["Doctor_-LRB-comics-RRB-", 35], ["Shadow_-LRB-comics-RRB-", 65]]} +{"id": 123740, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Magic_Johnson_Enterprises", 15], ["1980_NBA_Finals", 12], ["1980_NBA_Finals", 4], ["1980_NBA_Finals", 15], ["Magic_Johnson_Foundation", 0]]} +{"id": 87964, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Portlandia_characters", 0], ["The_8G_Band", 1], ["List_of_Saturday_Night_Live_musical_sketches", 50], ["List_of_Saturday_Night_Live_musical_sketches", 54], ["Saturday_Night_Live_characters_appearing_on_Weekend_Update", 116]]} +{"id": 168066, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2015-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 12]]} +{"id": 131703, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Golden_Rule", 10], ["When_You_Wish_Upon_a_Weinstein", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0]]} +{"id": 202789, "predicted_label": "SUPPORTS", "predicted_evidence": [["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me_3", 0], ["Despicable_Me_2", 1], ["Illumination_Entertainment", 4], ["List_of_R-rated_films_based_on_comics", 478]]} +{"id": 148234, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Shadowhunters_episodes", 5], ["Shadowhunters", 5], ["31_Minutos", 36], ["Melissa_&_Joey", 14], ["31_Minutos", 12]]} +{"id": 146141, "predicted_label": "REFUTES", "predicted_evidence": [["Georgina_Rono", 8], ["Clarence_DeMar", 27], ["James_Duffy_-LRB-athlete-RRB-", 10], ["Georgina_Rono", 13], ["List_of_winners_of_the_Boston_Marathon", 3]]} +{"id": 161856, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hunter_College_High_School", 15], ["Faith_Rivera", 16], ["Rua\u0301n_Magan", 13], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["The_Book_of_Mormon_-LRB-musical-RRB-", 2]]} +{"id": 114912, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bail", 15], ["Bail_bondsman", 0], ["Pete_McDonough", 0], ["Ralph_Leavitt", 45], ["Ralph_\"Papa\"_Thorson", 24]]} +{"id": 204004, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Glee.com", 1], ["Brad_Ellis", 22], ["Glee_albums_discography", 8], ["Glee_albums_discography", 21], ["Glee_albums_discography", 25]]} +{"id": 228334, "predicted_label": "SUPPORTS", "predicted_evidence": [["Island_Records_-LRB-disambiguation-RRB-", 2], ["Jude_Cole", 0], ["Jude_Cole", 33], ["Island_Records", 12], ["Island_Records", 1]]} +{"id": 54622, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Joe_Rogan_Experience", 0], ["Brendan_Schaub", 3], ["Joe_Rogan", 13], ["Joe_Rogan", 7], ["Joe_Rogan", 0]]} +{"id": 2683, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robert_Palmer_-LRB-writer-RRB-", 1], ["The_Post_War_Blues", 8], ["The_Post_War_Blues", 1], ["Palmer_-LRB-surname-RRB-", 255], ["Robert_Palmer_-LRB-writer-RRB-", 0]]} +{"id": 216394, "predicted_label": "SUPPORTS", "predicted_evidence": [["Homer_Hickam", 2], ["The_Far_Reaches", 0], ["The_Far_Reaches", 1], ["Baron_Thurlow", 8], ["Hickman_-LRB-surname-RRB-", 20]]} +{"id": 185409, "predicted_label": "SUPPORTS", "predicted_evidence": [["CHiPs_-LRB-film-RRB-", 0], ["Just_Men!", 5], ["Richard_Rosner", 5], ["Rosner", 16], ["Bernat_Rosner", 10]]} +{"id": 185235, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chang_&_Eng", 1], ["Chang_&_Eng", 3], ["Public_holidays_in_Sweden", 21], ["Public_holidays_in_the_United_States", 8], ["Holiday", 14]]} +{"id": 10147, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 0], ["Janelle_Mona\u0301e", 0], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["The_ArchAndroid", 0]]} +{"id": 172096, "predicted_label": "SUPPORTS", "predicted_evidence": [["Selena_Gomez_&_the_Scene", 3], ["Selena_Gomez_&_the_Scene", 9], ["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Antonina_Armato", 26]]} +{"id": 128418, "predicted_label": "REFUTES", "predicted_evidence": [["Rhythm_Nation", 23], ["Rhythm_Nation_World_Tour_1990", 8], ["Black_Cat_-LRB-song-RRB-", 15], ["Escapade_-LRB-song-RRB-", 8], ["Rhythm_Nation", 9]]} +{"id": 4762, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 548], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 218], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 140]]} +{"id": 32927, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dave_Shalansky", 0], ["Traveling_Salesmen", 6], ["Lotto_-LRB-The_Office-RRB-", 8], ["Last_Day_in_Florida", 7], ["Lotto_-LRB-The_Office-RRB-", 2]]} +{"id": 33270, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cate_Blanchett", 4], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Blue_Jasmine", 0], ["List_of_accolades_received_by_Blue_Jasmine", 0], ["Blue_Jasmine", 5]]} +{"id": 119437, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 13], ["Arctic_methane_emissions", 8], ["Arctic_methane_emissions", 9], ["Global_warming_hiatus", 23], ["Arctic_methane_emissions", 7]]} +{"id": 148471, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["H.E.R.", 11], ["Rebels-COLON-_City_of_Indra", 0], ["Kendall_-LRB-given_name-RRB-", 5], ["Brody_Jenner", 13], ["Caitlyn_Jenner", 10]]} +{"id": 72654, "predicted_label": "REFUTES", "predicted_evidence": [["Vietnam", 1], ["Japan_at_the_Paralympics", 6], ["Live_8_concert,_Chiba", 15], ["Indonesia", 3], ["Japan_at_the_Paralympics", 7]]} +{"id": 178162, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["World_Trade_Center_-LRB-2001\u2013present-RRB-", 5], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], ["Twin_Towers_2", 2], ["Twin_Towers_2", 0], ["Twin_Towers_2", 4]]} +{"id": 65009, "predicted_label": "REFUTES", "predicted_evidence": [["Arctic_Circle", 3], ["Midnight_sun", 6], ["Arctic_Circle_-LRB-disambiguation-RRB-", 20], ["Midnight_sun", 0], ["Arctic_policy_of_Russia", 1]]} +{"id": 201749, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_Vietnam", 0], ["Attack_on_Camp_Holloway", 6], ["Attack_on_Camp_Holloway", 14], ["Operation_Rolling_Thunder", 3], ["1965_in_the_Vietnam_War", 27]]} +{"id": 45963, "predicted_label": "SUPPORTS", "predicted_evidence": [["Indonesia", 0], ["List_of_companies_of_Indonesia", 0], ["Affiliated_High_School_of_Peking_University", 5], ["Beijing_International_MBA_at_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 0]]} +{"id": 35365, "predicted_label": "REFUTES", "predicted_evidence": [["Karl_Germer", 1], ["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Confessions_of_Aleister_Crowley", 0], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 3]]} +{"id": 168048, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["Nightly", 8], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2015-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1]]} +{"id": 192853, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 6], ["Ian_Brennan", 2], ["Ian_Brennan", 8], ["Ian_Brennan", 4], ["Ian_Brennan", 0]]} +{"id": 108868, "predicted_label": "SUPPORTS", "predicted_evidence": [["Zac_Farro", 2], ["List_of_songs_recorded_by_Paramore", 2], ["Paramore_discography", 1], ["Paramore_-LRB-album-RRB-", 0], ["Zac_Farro", 1]]} +{"id": 212771, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harvard_University", 8], ["Seven_Sisters_-LRB-colleges-RRB-", 4], ["Seven_Sisters_-LRB-colleges-RRB-", 3], ["Seven_Sisters_-LRB-colleges-RRB-", 5], ["Clayton_Spencer", 6]]} +{"id": 13313, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Andrew_Daulton_Lee", 37], ["J/P_Haitian_Relief_Organization", 43], ["J/P_Haitian_Relief_Organization", 1], ["The_Beaver_Trilogy", 0], ["Fair_Game_-LRB-2010_film-RRB-", 0]]} +{"id": 53705, "predicted_label": "SUPPORTS", "predicted_evidence": [["Montague_Redgrave", 1], ["Joe_Grim", 32], ["Francisco_Bejines", 35], ["Svetlana_Matveeva", 23], ["Joe_Grim", 23]]} +{"id": 66175, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kelly_Preston", 3], ["Broken_Bridges", 0], ["Old_Dogs_-LRB-film-RRB-", 0], ["Old_Dogs_-LRB-film-RRB-", 11], ["Old_Dogs_-LRB-disambiguation-RRB-", 6]]} +{"id": 65994, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_stutterers", 10], ["Robert_Earl_Jones", 5], ["List_of_stutterers", 5], ["List_of_James_Earl_Jones_performances", 0], ["Earl_-LRB-given_name-RRB-", 271]]} +{"id": 15197, "predicted_label": "SUPPORTS", "predicted_evidence": [["Appropriation_-LRB-art-RRB-", 1], ["Appropriation_-LRB-art-RRB-", 0], ["College_of_Performing_Arts", 11], ["Academy_of_Performing_Arts", 0], ["College_of_Performing_Arts", 5]]} +{"id": 181208, "predicted_label": "REFUTES", "predicted_evidence": [["U_Sports_East_West_Bowl", 0], ["U_Sports_football", 0], ["Front_Page_Sports_Football", 0], ["U_Sports_East_West_Bowl", 1], ["Front_Page_Sports_Football", 8]]} +{"id": 153522, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Western_Wall", 11], ["Glossary_of_British_bricklaying", 52], ["Cyd_Adams", 47], ["Glossary_of_British_bricklaying", 38], ["Cyd_Adams", 84]]} +{"id": 143271, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hot_Right_Now", 0], ["So_Hot_Right_Now", 5], ["So_Hot_Right_Now", 0], ["Hot_Right_Now", 4], ["So_Hot_Right_Now", 3]]} +{"id": 41803, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Need_for_Speed-COLON-_The_Run", 0], ["List_of_Need_for_Speed_video_games", 8], ["Skate_2", 0], ["Skate_2", 13], ["List_of_PlayStation_3_games_released_on_disc", 6435]]} +{"id": 24144, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Luke_Cage", 1], ["Black_Mariah_-LRB-comics-RRB-", 2], ["Luke_Cage", 8], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 16], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10]]} +{"id": 11620, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Electoral_history_of_Barry_Goldwater", 0], ["Muhlenbergia", 330], ["Electoral_history_of_Barry_Goldwater", 200], ["Electoral_history_of_Barry_Goldwater", 63], ["Flag_of_Arizona", 16]]} +{"id": 892, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Starter_Wife_-LRB-miniseries-RRB-", 11], ["List_of_people_from_Pasadena,_California", 34], ["Carried_Away_-LRB-Passion_Pit_song-RRB-", 6], ["One_Tree_Hill_-LRB-season_3-RRB-", 3], ["The_Starter_Wife_-LRB-miniseries-RRB-", 12]]} +{"id": 186926, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["I_Paralyze", 2], ["Cher_albums_discography", 7], ["Half-Breed_-LRB-album-RRB-", 1], ["Cher_albums_discography", 21], ["Cher_albums_discography", 22]]} +{"id": 109597, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Progressive_jackpot", 0], ["Mega_Millions", 21], ["List_of_six-number_lottery_games", 37], ["Progressive_jackpot", 10], ["Mega_Millions", 5]]} +{"id": 189436, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yandex", 1], ["Yandex.Direct", 9], ["Yandex", 9], ["Yandex.Direct", 15], ["Yandex_Browser", 12]]} +{"id": 150319, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 15], ["Derek_Deighton", 0], ["Derek_Deighton", 1], ["Deighton", 18], ["John_Deighton", 0]]} +{"id": 72863, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Make_a_Smellmitment", 2], ["Make_a_Smellmitment", 9], ["Make_a_Smellmitment", 8], ["Make_a_Smellmitment", 4], ["Make_a_Smellmitment", 6]]} +{"id": 34304, "predicted_label": "SUPPORTS", "predicted_evidence": [["Game_opera", 8], ["Touchscreen", 19], ["1950s_quiz_show_scandals", 31], ["Ted_Cooper", 30], ["Steve_Ryan_-LRB-author-RRB-", 31]]} +{"id": 133484, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Life", 0], ["Non-physical_entity", 2], ["Causal_closure", 4], ["Inverted_spectrum", 6], ["Covariance_and_contravariance_of_vectors", 0]]} +{"id": 159705, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Arthur_E._Wright", 0]]} +{"id": 194764, "predicted_label": "SUPPORTS", "predicted_evidence": [["Larry_the_Cable_Guy", 14], ["Blue_Collar_TV", 0], ["Larry_the_Cable_Guy", 12], ["Blue_Collar_TV", 24], ["Larry_the_Cable_Guy", 0]]} +{"id": 145271, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 1], ["David_Huckabee", 2], ["Huckabee_-LRB-disambiguation-RRB-", 9], ["West_Virginia_Republican_caucuses_and_primary,_2008", 13]]} +{"id": 41522, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pistol_offense", 22], ["2014_San_Francisco_49ers_season", 13], ["Pistol_offense", 18], ["49ers\u2013Seahawks_rivalry", 13], ["2016_San_Francisco_49ers_season", 11]]} +{"id": 144429, "predicted_label": "SUPPORTS", "predicted_evidence": [["West_Riverdale_Historic_District", 3], ["West_Riverdale_Historic_District", 2], ["Riverdale_High_School", 5], ["Riverdale_High_School", 15], ["Riverdale_High_School", 9]]} +{"id": 54012, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revisited", 0], ["Creedence_Clearwater_Revival", 0], ["The_Golliwogs", 0], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 4]]} +{"id": 98663, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sherman_v._United_States", 1], ["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Grotowski_Institute_in_Wroc\u0142aw", 2], ["Grotowski_Institute_in_Wroc\u0142aw", 0], ["Grotowski_Institute_in_Wroc\u0142aw", 3]]} +{"id": 168981, "predicted_label": "SUPPORTS", "predicted_evidence": [["J._R._R._Tolkien", 20], ["J._R._R._Tolkien", 0], ["Middle-earth-COLON-_Shadow_of_Mordor", 2], ["Rings_of_Power", 0], ["J._R._R._Tolkien", 18]]} +{"id": 58842, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-J-RRB-", 1644], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 1640], ["List_of_historical_ship_types", 13], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 1648], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 1632]]} +{"id": 215510, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sorn_-LRB-singer-RRB-", 2], ["Jung_Il-hoon", 2], ["Hani_-LRB-singer-RRB-", 2], ["List_of_artists_who_have_performed_at_the_Colston_Hall", 414], ["644th_Radar_Squadron", 46]]} +{"id": 79038, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_companies_of_Croatia", 7], ["Croatia", 28], ["Tourism_in_Slovenia", 15], ["Tourism_in_Colombia", 5], ["Tourism_in_Slovenia", 52]]} +{"id": 144302, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-Homeland-RRB-", 4], ["Carrie_Mathison", 2], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Bruiser_Brody_Memorial_Cup", 24], ["Bruiser_Brody_Memorial_Cup", 2]]} +{"id": 9913, "predicted_label": "REFUTES", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 8], ["Fantasy_in_the_Sky", 0], ["Space_Mountain_-LRB-Magic_Kingdom-RRB-", 2]]} +{"id": 215498, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vlado_Meller", 22], ["Celine_Dion_albums_discography", 4], ["Peer_A\u030astro\u0308m", 16], ["Celine_Dion_singles_discography", 13], ["Vlado_Meller", 24]]} +{"id": 179751, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wentworth_Miller", 2], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Daniel_Miller_-LRB-cricketer-RRB-", 6], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 217670, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Firm_-LRB-1993_film-RRB-", 2], ["The_Firm_-LRB-1993_film-RRB-", 1], ["Pelican_files", 3], ["George_L._Little", 6], ["George_L._Little", 15]]} +{"id": 143094, "predicted_label": "SUPPORTS", "predicted_evidence": [["Theater_of_War_-LRB-film-RRB-", 10], ["Sir_Nigel", 0], ["Hundred_Years'_War_-LRB-1415\u201353-RRB-", 0], ["Sir_Nigel", 1], ["Truce_of_Leulinghem", 0]]} +{"id": 5832, "predicted_label": "REFUTES", "predicted_evidence": [["Sabrina_Goes_to_Rome", 1], ["Barry_Watson_-LRB-producer-RRB-", 41], ["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["List_of_fictional_U.S._Marshals", 51]]} +{"id": 114495, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ridgemont", 9], ["Ava_Lazar", 2], ["Sean_Penn", 5], ["The_Ravyns", 13], ["The_Ravyns", 0]]} +{"id": 205749, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Richard_L._Bare", 12], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10]]} +{"id": 213928, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 133144, "predicted_label": "SUPPORTS", "predicted_evidence": [["Otto_I,_Holy_Roman_Emperor", 11], ["Otto_I,_Holy_Roman_Emperor", 0], ["Otto_I,_Holy_Roman_Emperor", 15], ["Henry,_Holy_Roman_Emperor", 4], ["Otto_I,_Holy_Roman_Emperor", 22]]} +{"id": 82075, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yale_University", 23], ["List_of_Brigham_Young_University_alumni", 0], ["List_of_Brigham_Young_University_alumni", 25], ["John_Seiler_Brubacher", 13], ["Edwin_F._Blair", 0]]} +{"id": 151680, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Al_Pacino", 11], ["John_Cazale", 1], ["List_of_actors_nominated_for_Academy_Awards_for_foreign_language_performances", 13], ["Al_Pacino", 7], ["List_of_actors_nominated_for_Academy_Awards_for_foreign_language_performances", 9]]} +{"id": 169017, "predicted_label": "SUPPORTS", "predicted_evidence": [["Indian_general_election,_2009", 17], ["Manmohan_Singh", 1], ["List_of_Prime_Ministers_of_India", 20], ["List_of_Prime_Ministers_of_India", 17], ["List_of_Prime_Ministers_of_India", 19]]} +{"id": 37888, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Margaret_Thatcher", 8], ["Margaret_Thatcher", 0], ["The_Iron_Lady_-LRB-album-RRB-", 18], ["The_Iron_Lady_-LRB-album-RRB-", 10], ["The_Iron_Lady_-LRB-album-RRB-", 7]]} +{"id": 71973, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edgar_Allan_Poe_Museum", 0], ["Poe_-LRB-surname-RRB-", 23], ["Edgar_Allan_Poe_-LRB-disambiguation-RRB-", 17], ["Poe_-LRB-surname-RRB-", 73], ["Edgar_Allan_Poe_-LRB-Maryland_attorney_general-RRB-", 21]]} +{"id": 204627, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rio_-LRB-2011_film-RRB-", 20], ["Rio_2", 3], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 359], ["Rio_2", 1], ["Rio_-LRB-2011_film-RRB-", 15]]} +{"id": 209863, "predicted_label": "REFUTES", "predicted_evidence": [["Art_Smith_-LRB-actor-RRB-", 10], ["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["In_a_Lonely_Place", 1], ["Dorothy_B._Hughes", 1], ["In_a_Lonely_Place", 12]]} +{"id": 87195, "predicted_label": "REFUTES", "predicted_evidence": [["Soyuz_7K-L1", 56], ["Soyuz_7K-OK", 2], ["Soyuz_7K-T", 20], ["Soyuz_7K-L1", 44], ["Soyuz_7K-T", 0]]} +{"id": 87354, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Laura_Dahl", 2], ["Gubler", 6], ["Criminal_Minds", 8], ["Matthew_Gray_Gubler", 0], ["Derek_Morgan_-LRB-Criminal_Minds-RRB-", 8]]} +{"id": 37539, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kendall_Jenner", 6], ["H.E.R.", 11], ["Kendall_-LRB-given_name-RRB-", 5], ["Kendall_Jenner", 1], ["H.E.R.", 20]]} +{"id": 105719, "predicted_label": "REFUTES", "predicted_evidence": [["Game_of_Thrones_-LRB-season_7-RRB-", 11], ["Broadbent", 24], ["Game_of_Thrones_-LRB-season_7-RRB-", 0], ["Game_of_Thrones_-LRB-season_7-RRB-", 10], ["Broadbent", 20]]} +{"id": 120723, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chrysler_Building", 5], ["Tokyo_Tower_-LRB-disambiguation-RRB-", 3], ["Eiffel_Tower", 11], ["Chrysler_Building", 6], ["Eiffel_Tower", 10]]} +{"id": 204015, "predicted_label": "REFUTES", "predicted_evidence": [["ESPN_Deportes.com", 0], ["Moneycontrol.com", 6], ["Moneycontrol.com", 10], ["Moneycontrol.com", 15], ["Moneycontrol.com", 0]]} +{"id": 120778, "predicted_label": "REFUTES", "predicted_evidence": [["Canadian_nationality_law", 5], ["Henry_Garfield_Pardy", 15], ["Henry_Garfield_Pardy", 22], ["2012_Country_Music_Association_Awards", 5], ["2012_Country_Music_Association_Awards", 7]]} +{"id": 96943, "predicted_label": "SUPPORTS", "predicted_evidence": [["DJ_Fresh", 8], ["Hot_Right_Now", 0], ["Rita_Ora", 1], ["Hot_Right_Now", 4], ["DJ_Fresh_discography", 12]]} +{"id": 138832, "predicted_label": "REFUTES", "predicted_evidence": [["The_Myth_of_Mars_and_Venus", 28], ["Front_lever", 8], ["Brandy_Johnson", 11], ["Brandy_Johnson", 0], ["Brandy_Johnson", 20]]} +{"id": 7178, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["The_Killam_Trusts", 0]]} +{"id": 150396, "predicted_label": "SUPPORTS", "predicted_evidence": [["San_Diego_Comic-Con", 1], ["Mike_Towry", 1], ["Jackie_Estrada", 3], ["San_Diego_Comic-Con", 2], ["Comic_book_convention", 26]]} +{"id": 194023, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kim_Jong-chul", 9], ["O_Jin-u", 9], ["Kim_Jong-chul", 0], ["O_Jin-u", 2], ["Kim_Jong-chul", 6]]} +{"id": 15058, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Back_to_December", 3], ["America's_Most_Talented_Kid", 11], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 2], ["America's_Most_Talented_Kid", 16], ["Taylor_Lautner", 0]]} +{"id": 104572, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tim_McGraw", 13], ["Walk_the_Line_-LRB-soundtrack-RRB-", 3], ["Walk_the_Line_-LRB-soundtrack-RRB-", 1], ["Walk_the_Line_-LRB-soundtrack-RRB-", 2], ["Tim_McGraw", 0]]} +{"id": 204637, "predicted_label": "REFUTES", "predicted_evidence": [["School_of_Rock_-LRB-disambiguation-RRB-", 0], ["School_of_Rock_-LRB-disambiguation-RRB-", 11], ["List_of_music_periodicals_indexed_by_RIPM", 127], ["List_of_music_periodicals_indexed_by_RIPM", 205], ["The_Shop_Girl", 16]]} +{"id": 33688, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bhalubang", 8], ["Settlement", 4], ["Bhalubang", 3], ["Bhalubang", 10], ["Bhalubang", 4]]} +{"id": 203374, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Becoming_Jane_Austen", 5], ["A_Memoir_of_Jane_Austen", 8], ["Becoming_Jane_Austen", 1], ["Janeite", 8], ["D._A._Miller", 32]]} +{"id": 209877, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dorothy_B._Hughes", 11], ["In_a_Lonely_Place", 1], ["Art_Smith_-LRB-actor-RRB-", 10], ["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["Dorothy_B._Hughes", 14]]} +{"id": 220214, "predicted_label": "REFUTES", "predicted_evidence": [["Raabta_-LRB-song-RRB-", 5], ["Nikhita_Gandhi", 2], ["Raabta_-LRB-song-RRB-", 0], ["Raabta", 5], ["List_of_songs_recorded_by_Arijit_Singh", 6]]} +{"id": 59722, "predicted_label": "REFUTES", "predicted_evidence": [["Kerplunk_-LRB-album-RRB-", 2], ["Riverdales_-LRB-album-RRB-", 6], ["Riverdales_-LRB-album-RRB-", 1], ["Kerplunk_-LRB-album-RRB-", 0], ["Green_Day_discography", 2]]} +{"id": 72688, "predicted_label": "REFUTES", "predicted_evidence": [["Paul_Nicholls", 3], ["City_Central_-LRB-TV_series-RRB-", 5], ["Daryl_Jacob", 0], ["Paul_Nicholls", 5], ["Flagship_Uberalles", 5]]} +{"id": 54217, "predicted_label": "SUPPORTS", "predicted_evidence": [["Back_taxes", 9], ["James_E._Neal", 18], ["Tatum_O'Neal", 6], ["Tatum_O'Neal", 0], ["Back_taxes", 46]]} +{"id": 59144, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Road_to_El_Dorado", 2], ["Kline_-LRB-surname-RRB-", 25], ["The_Road_to_El_Dorado", 8], ["The_Road_to_El_Dorado", 0], ["El_Dorado_High_School_-LRB-Arizona-RRB-", 35]]} +{"id": 169032, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manmohan_Singh", 1], ["Manmohan_Singh_ministry", 3], ["First_Manmohan_Singh_ministry", 0], ["Manmohan_Singh_ministry", 5], ["First_Manmohan_Singh_ministry", 2]]} +{"id": 211290, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pam_Stone", 6], ["Chris_Bearde", 1], ["Bikini_Jones_and_the_Temple_of_Eros", 0], ["After_Lately", 2], ["Yavapai_Downs", 6]]} +{"id": 78725, "predicted_label": "SUPPORTS", "predicted_evidence": [["Speech_recognition", 2], ["Auditory_brainstem_implant", 23], ["Auditory_brainstem_implant", 22], ["Speech_recognition", 1], ["Speech_Recognition_Grammar_Specification", 1]]} +{"id": 178171, "predicted_label": "SUPPORTS", "predicted_evidence": [["World_Trade_Center_-LRB-2001\u2013present-RRB-", 15], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], ["One_World_Trade_Center", 9], ["List_of_tallest_buildings_in_New_York_City", 9], ["One_World_Trade_Center", 8]]} +{"id": 165252, "predicted_label": "SUPPORTS", "predicted_evidence": [["Seven_dirty_words", 0], ["Machiavelli_and_the_Four_Seasons", 22], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Seven_words", 0], ["O\u0308stra_Go\u0308inge_Municipality", 0]]} +{"id": 194022, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chairman_of_the_State_Affairs_Commission", 11], ["Kim_Jong-il", 16], ["O_Jin-u", 16], ["Kim_Jong-il", 3], ["Chairman_of_the_State_Affairs_Commission", 3]]} +{"id": 23299, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-White_Collar-RRB-", 2], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Baywatch_-LRB-film-RRB-", 1], ["Percy_Jackson-COLON-_Sea_of_Monsters", 6], ["Bereavement_-LRB-film-RRB-", 0]]} +{"id": 53662, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three-Point_Contest", 0], ["James_Jones_-LRB-basketball_player-RRB-", 16], ["Whistle_-LRB-novel-RRB-", 0], ["Jones_House", 48], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 740]]} +{"id": 218375, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Resistance", 6], ["Noyautage_des_administrations_publiques", 11], ["French_Resistance", 0], ["Andre\u0301_Dewavrin", 13], ["Andre\u0301_Dewavrin", 0]]} +{"id": 5578, "predicted_label": "REFUTES", "predicted_evidence": [["The_Dressmaker_-LRB-2015_film-RRB-", 7], ["Australia_-LRB-2008_film-RRB-", 4], ["List_of_films_set_in_Detroit", 98], ["List_of_films_set_in_Detroit", 108], ["List_of_films_set_in_Detroit", 64]]} +{"id": 102035, "predicted_label": "REFUTES", "predicted_evidence": [["Starrcade", 0], ["Starrcade_-LRB-1983-RRB-", 2], ["Starrcade_-LRB-1984-RRB-", 0], ["Starrcade_-LRB-1985-RRB-", 2], ["Starrcade_-LRB-1987-RRB-", 3]]} +{"id": 100821, "predicted_label": "SUPPORTS", "predicted_evidence": [["DJ_Fresh", 8], ["Hot_Right_Now", 0], ["Nextlevelism", 2], ["Gold_Dust_-LRB-DJ_Fresh_song-RRB-", 1], ["DJ_Fresh_discography", 9]]} +{"id": 187225, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Jeremy_Renner", 3], ["List_of_accolades_received_by_The_Hurt_Locker", 9], ["List_of_awards_and_nominations_received_by_Jeremy_Renner", 1], ["List_of_accolades_received_by_The_Hurt_Locker", 5], ["List_of_accolades_received_by_The_Hurt_Locker", 2]]} +{"id": 175659, "predicted_label": "SUPPORTS", "predicted_evidence": [["General_-LRB-DC_Comics-RRB-", 10], ["Gideon_-LRB-comics-RRB-", 1], ["Hindsight_-LRB-comics-RRB-", 2], ["Anarky", 19], ["Publication_history_of_Anarky", 20]]} +{"id": 149172, "predicted_label": "SUPPORTS", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 1], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 0]]} +{"id": 178157, "predicted_label": "SUPPORTS", "predicted_evidence": [["One_World_Trade_Center", 2], ["Collapse_of_the_World_Trade_Center", 0], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 6], ["National_September_11_Memorial_&_Museum", 1], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 0]]} +{"id": 201076, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nigel_King", 3], ["Huey_Freeman", 4], ["Reina_King", 5], ["American_Crime_-LRB-TV_series-RRB-", 6], ["Huey_Freeman", 7]]} +{"id": 166629, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["The_Real_World-COLON-_New_Orleans", 12], ["Angela_Hill", 16], ["Anne_Rice", 5]]} +{"id": 146910, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_F._Kennedy_Jr.", 1], ["Harvard_Institute_of_Politics", 11], ["Joseph_P._Kennedy_Sr.", 5], ["Caroline_Kennedy", 0], ["Caroline_Kennedy", 4]]} +{"id": 119884, "predicted_label": "REFUTES", "predicted_evidence": [["Eva_Green", 1], ["The_Conformist_-LRB-film-RRB-", 0], ["Tragedy_of_a_Ridiculous_Man", 0], ["Gabriella_Cristiani", 3], ["Tragedy_of_a_Ridiculous_Man", 2]]} +{"id": 87875, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ann_Richards_-LRB-disambiguation-RRB-", 0], ["Michael_J._Osborne", 41], ["Michael_J._Osborne", 3], ["Ann_Richards_School_for_Young_Women_Leaders", 1], ["Ann_Richards_School_for_Young_Women_Leaders", 0]]} +{"id": 60917, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Uranium-234", 28], ["Peak_uranium", 27], ["Depleted_uranium", 11]]} +{"id": 68658, "predicted_label": "SUPPORTS", "predicted_evidence": [["University_of_Mississippi", 4], ["University_of_Mississippi", 0], ["Yale-NUS_College", 14], ["Yale-NUS_College", 22], ["1974_world_oil_market_chronology", 18]]} +{"id": 202984, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin", 4], ["Fifth-generation_jet_fighter", 4], ["Lockheed_Martin_Aeronautics", 9], ["Lockheed_Martin_Aeronautics", 0], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 0]]} +{"id": 139490, "predicted_label": "SUPPORTS", "predicted_evidence": [["Politics_of_Croatia", 22], ["Croatia", 21], ["Independent_State_of_Croatia", 5], ["Geography_of_Croatia", 10], ["Croatian_War_of_Independence", 0]]} +{"id": 36650, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_inauguration_of_Bill_Clinton", 0], ["Presidency_of_Bill_Clinton", 0], ["John_S._Hilliard", 39], ["Inauguration_of_Bill_Clinton", 3], ["On_the_Pulse_of_Morning", 0]]} +{"id": 137385, "predicted_label": "SUPPORTS", "predicted_evidence": [["United_States_presidential_election,_1800", 17], ["List_of_Vice_Presidents_of_the_United_States", 3], ["Burr_-LRB-surname-RRB-", 4], ["List_of_Vice_Presidents_of_the_United_States", 2], ["United_States_presidential_election,_1800", 4]]} +{"id": 202953, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 10], ["Hail_to_the_King_-LRB-Avenged_Sevenfold_album-RRB-", 0], ["City_of_Evil", 0], ["Avenged_Sevenfold_discography", 0]]} +{"id": 116398, "predicted_label": "REFUTES", "predicted_evidence": [["Moonlight_-LRB-2016_film-RRB-", 6], ["List_of_accolades_received_by_Moonlight_-LRB-2016_film-RRB-", 5], ["List_of_Tree_Cities_USA", 990], ["List_of_Tree_Cities_USA", 1130], ["List_of_Tree_Cities_USA", 994]]} +{"id": 93285, "predicted_label": "SUPPORTS", "predicted_evidence": [["Zeebra", 1], ["Zeebra", 0], ["Hip_hop_music", 11], ["Hip_hop", 1], ["Hip_hop_music", 4]]} +{"id": 213944, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Disney_Interactive_Studios", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 5378, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 8], ["Renato_Balestra", 19], ["Renato_Balestra", 46], ["Renato_Balestra", 17]]} +{"id": 100280, "predicted_label": "REFUTES", "predicted_evidence": [["U.S._Route_30_in_New_Jersey", 1], ["List_of_New_Jersey_tornadoes", 57], ["Camden,_New_Jersey", 0], ["Mitchell_Harry_Cohen", 8], ["Joseph_W._Cowgill", 2]]} +{"id": 133388, "predicted_label": "SUPPORTS", "predicted_evidence": [["Issa_J._Boullata", 1], ["Library_of_Arabic_Literature", 0], ["Hanna_Al-Fakhoury", 10], ["Muhammad_Mustafa_Badawi", 14], ["Muhammad_Mustafa_Badawi", 18]]} +{"id": 82615, "predicted_label": "SUPPORTS", "predicted_evidence": [["Spirit_of_Troy", 4], ["John_Tempesta", 12], ["List_of_American_musicians_of_Armenian_descent", 85], ["System_of_a_Down_discography", 25], ["System_of_a_Down", 1]]} +{"id": 13952, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-White_Collar-RRB-", 2], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Nomis_-LRB-film-RRB-", 1], ["Kenny_Woods", 18], ["Percy_Jackson-COLON-_Sea_of_Monsters", 6]]} +{"id": 153601, "predicted_label": "REFUTES", "predicted_evidence": [["Slipknot_discography", 9], ["Slipknot_-LRB-band-RRB-", 2], ["List_of_Slipknot_band_members", 8], ["Michael_Thomson", 9], ["Slipknot_-LRB-band-RRB-", 3]]} +{"id": 178344, "predicted_label": "REFUTES", "predicted_evidence": [["Sloop_John_B", 6], ["Beach_Boys_Historic_Landmark", 10], ["Ten_Years_of_Harmony", 16], ["Beach_Boys_Historic_Landmark", 19], ["Jardine", 4]]} +{"id": 45779, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dharur,_Vikarabad_district", 8], ["Dharur,_Vikarabad_district", 7], ["Golden_takin", 73], ["Height_of_Buildings_Act_of_1899", 37], ["Golden_takin", 5]]} +{"id": 152191, "predicted_label": "SUPPORTS", "predicted_evidence": [["Santana_-LRB-band-RRB-", 0], ["Santana_discography", 0], ["You_Know_That_I_Love_You_-LRB-Santana_song-RRB-", 0], ["Santana_discography", 6], ["Santana", 2]]} +{"id": 89254, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chrysler_Building", 5], ["Chrysler_Building", 1], ["List_of_tallest_buildings_in_New_York_City", 1], ["List_of_tallest_buildings_in_New_York_City", 11], ["List_of_tallest_buildings_in_New_York_City", 3]]} +{"id": 161537, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Strictly_Ballroom", 7], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 1], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 2], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["MoZella", 9]]} +{"id": 179352, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2], ["Osamu_Tezuka's_Star_System", 2], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 108791, "predicted_label": "SUPPORTS", "predicted_evidence": [["Taylor_Lautner", 0], ["Reginald_Ballard", 0], ["Taylor_Lautner", 4], ["The_Bernie_Mac_Show", 0], ["Reginald_Ballard", 7]]} +{"id": 22692, "predicted_label": "REFUTES", "predicted_evidence": [["Gang_activity_in_Denver", 3], ["Quality_Street_Gang", 5], ["Gangs_in_Memphis,_Tennessee", 5], ["Quality_Street_Gang", 10], ["Spanish_Gangster_Disciples", 8]]} +{"id": 226114, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Power_of_Pussy", 0], ["Double_Bummer", 0], ["The_Big_Sell-Out", 0], ["The_Power_of_Pussy", 2], ["Too_Much_Sleep", 9]]} +{"id": 35479, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Osamu_Tezuka", 2], ["Osamu_Tezuka", 24], ["Tezuka_-LRB-surname-RRB-", 12], ["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6]]} +{"id": 45222, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bertram_de_Verdun", 23], ["Henry_II_style", 4], ["Jean_Cavenac_de_la_Vigne", 4], ["Bertram_de_Verdun", 67], ["Jean_Cavenac_de_la_Vigne", 11]]} +{"id": 130932, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["Matthew_Chapman_-LRB-author-RRB-", 7], ["The_Girl_Who_Came_Late", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["Miranda_Otto", 0]]} +{"id": 185394, "predicted_label": "SUPPORTS", "predicted_evidence": [["CHiPs_-LRB-film-RRB-", 0], ["Just_Men!", 5], ["Richard_Rosner", 5], ["Rosner", 16], ["Bernat_Rosner", 10]]} +{"id": 197365, "predicted_label": "REFUTES", "predicted_evidence": [["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 5], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 1], ["Simo\u0301n_Boli\u0301var_International_Airport", 7]]} +{"id": 36425, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cyrus_-LRB-surname-RRB-", 18], ["Mike_Schmid", 11], ["Start_All_Over", 1], ["Ready,_Set,_Don't_Go", 0], ["Start_All_Over", 7]]} +{"id": 181203, "predicted_label": "REFUTES", "predicted_evidence": [["Southpaw_-LRB-film-RRB-", 0], ["Sons_of_Anarchy_-LRB-season_5-RRB-", 5], ["Sons_of_Anarchy_-LRB-season_4-RRB-", 5], ["Sons_of_Anarchy_-LRB-season_4-RRB-", 4], ["Sons_of_Anarchy_-LRB-season_4-RRB-", 0]]} +{"id": 186941, "predicted_label": "REFUTES", "predicted_evidence": [["Sony_Music", 0], ["List_of_Hell_Girl_soundtracks", 6], ["List_of_Hell_Girl_soundtracks", 7], ["List_of_Hell_Girl_soundtracks", 2], ["List_of_Hell_Girl_soundtracks", 12]]} +{"id": 182286, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_MP_transmission", 0], ["Saturn_-LRB-store-RRB-", 0], ["Saturn_Cycling_Team", 1], ["Ben_Cunningham_-LRB-activist-RRB-", 17]]} +{"id": 186875, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_triplanes", 471], ["Index_of_World_War_II_articles_-LRB-0\u20139-RRB-", 418], ["Index_of_World_War_II_articles_-LRB-0\u20139-RRB-", 468], ["Index_of_World_War_II_articles_-LRB-0\u20139-RRB-", 412], ["Index_of_World_War_II_articles_-LRB-0\u20139-RRB-", 270]]} +{"id": 18242, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Europeans_in_Medieval_China", 13], ["In_the_Footsteps_of_Marco_Polo", 1], ["Europeans_in_Medieval_China", 16], ["Europeans_in_Medieval_China", 6], ["Marco_Polo_Cycling_Club", 22]]} +{"id": 54253, "predicted_label": "SUPPORTS", "predicted_evidence": [["Swedish_death_metal", 1], ["Made_of_Flesh", 5], ["Death_metal", 8], ["Death_metal", 7], ["Death_metal", 6]]} +{"id": 113150, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Papua_-LRB-province-RRB-", 4], ["Papua_-LRB-province-RRB-", 1], ["Nimero", 15], ["Comm_South_Companies", 10], ["Nimero", 13]]} +{"id": 212196, "predicted_label": "REFUTES", "predicted_evidence": [["Miracle_at_St._Anna", 2], ["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 0], ["Miracle_at_St._Anna", 14], ["Miracle_at_St._Anna", 16]]} +{"id": 131597, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Thomas_Duane", 24], ["Thomas_Duane", 29], ["Thomas_Duane", 17], ["Thomas_Duane", 21]]} +{"id": 202042, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 13], ["2011_Waltham_triple_murder", 14]]} +{"id": 195067, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ruddy_-LRB-Radcliffe-RRB-_Roye", 3], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Joe_Ruddy", 5], ["Ruddy_kingfisher", 3], ["Ruddy_kingfisher", 2]]} +{"id": 100771, "predicted_label": "REFUTES", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 97000, "predicted_label": "SUPPORTS", "predicted_evidence": [["Santana_discography", 0], ["Santana_discography", 3], ["Santana_-LRB-band-RRB-", 0], ["Coke_Escovedo", 19], ["Carlos_Santana_discography", 3]]} +{"id": 106513, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bibliography_of_the_Bahamas", 62], ["William_Cartwright_-LRB-Bahamian_politician-RRB-", 6], ["Scouting_and_Guiding_in_the_Bahamas", 4], ["The_Scout_Association_of_the_Bahamas", 6], ["Scouting_and_Guiding_in_the_Bahamas", 7]]} +{"id": 179296, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tylenol_-LRB-brand-RRB-", 0], ["Hypercompetition", 8], ["Robert_L._McNeil,_Jr.", 18], ["Homework_in_psychotherapy", 5], ["Homework_in_psychotherapy", 8]]} +{"id": 77955, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dilwale_Dulhania_Le_Jayenge", 15], ["Kajol_filmography", 7], ["Dilwale_Dulhania_Le_Jayenge", 0], ["Dilwale_Dulhania_Le_Jayenge", 7], ["List_of_romance_films", 88]]} +{"id": 177173, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 3], ["Invasion_literature", 0], ["Alien_invasion", 22], ["Alien_invasion", 4], ["Alien_invasion", 0]]} +{"id": 68412, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["Language_arts", 0], ["Language_arts", 1], ["Language_arts", 2]]} +{"id": 23994, "predicted_label": "REFUTES", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["Room_93", 0], ["Hurricane_-LRB-Halsey_song-RRB-", 1], ["Ghost_-LRB-Halsey_song-RRB-", 2], ["Ghost_-LRB-Halsey_song-RRB-", 3]]} +{"id": 68706, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heart", 18], ["Cardiac_arrhythmia", 1], ["Cardiac_output", 1], ["Cardiac_cycle", 32], ["Cardiac_cycle", 3]]} +{"id": 96908, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kylie_Jenner", 5], ["Jamison_Ernest", 21], ["H.E.R.", 11], ["Jamison_Ernest", 62], ["Kendall_-LRB-given_name-RRB-", 5]]} +{"id": 192974, "predicted_label": "REFUTES", "predicted_evidence": [["Stargate", 0], ["Stargate_-LRB-film-RRB-", 2], ["Independence_Day_-LRB-1996_film-RRB-", 0], ["2012_-LRB-film-RRB-", 0], ["Stargate", 12]]} +{"id": 194361, "predicted_label": "REFUTES", "predicted_evidence": [["Happiness_in_Slavery", 5], ["Happiness_in_Slavery", 9], ["World_Happiness_Report", 0], ["World_Happiness_Report", 17], ["World_Happiness_Report", 5]]} +{"id": 116591, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_people_from_Potomac,_Maryland", 102], ["List_of_Washington_Wizards_head_coaches", 0], ["2016\u201317_Washington_Wizards_season", 0], ["Washington_Wizards", 0], ["2016\u201317_Washington_Wizards_season", 4]]} +{"id": 126228, "predicted_label": "REFUTES", "predicted_evidence": [["Kingdom_Hearts_III", 2], ["Sora_-LRB-Kingdom_Hearts-RRB-", 4], ["Kingdom_Hearts_-LRB-video_game-RRB-", 4], ["Sora_-LRB-Kingdom_Hearts-RRB-", 6], ["Sora_-LRB-Kingdom_Hearts-RRB-", 12]]} +{"id": 165648, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Name_of_the_Wind", 14], ["The_Name_of_the_Wind", 12], ["The_Name_of_the_Wind", 10], ["Doctor_Who_and_the_Pescatons", 6], ["Destination_Nerva", 5]]} +{"id": 181853, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Study_Hall_School", 6], ["Study_Hall_School", 9], ["Study_Hall_School", 17], ["Study_Hall_School", 20], ["Study_Hall_School", 3]]} +{"id": 165241, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Bodo_Igesz", 2], ["Ruggero_Leoncavallo", 1], ["Philip_Glass", 9], ["Angelo_Tarchi", 0]]} +{"id": 136463, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["Economy_of_South_Korea", 17], ["Economy_of_South_Korea", 9], ["Economy_of_South_Korea", 21]]} +{"id": 191415, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Wolfgang_Mu\u0308ller_-LRB-musician-RRB-", 20], ["Wolfgang_Mu\u0308ller_-LRB-musician-RRB-", 16], ["Days_Go_By", 4], ["Earl_Young_-LRB-drummer-RRB-", 9]]} +{"id": 133476, "predicted_label": "SUPPORTS", "predicted_evidence": [["L.A._Reid", 1], ["Xscape_-LRB-album-RRB-", 3], ["Sweat_-LRB-Ciara_song-RRB-", 3], ["Xscape_-LRB-album-RRB-", 1], ["Columbia/Epic_Label_Group", 9]]} +{"id": 204442, "predicted_label": "SUPPORTS", "predicted_evidence": [["Audioslave", 1], ["Wilk", 17], ["Rage_Against_the_Machine", 1], ["Tom_Morello_discography", 5], ["Brad_Wilk", 4]]} +{"id": 209872, "predicted_label": "REFUTES", "predicted_evidence": [["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["In_a_Lonely_Place", 1], ["Dorothy_B._Hughes", 8], ["Art_Smith_-LRB-actor-RRB-", 10], ["In_a_Lonely_Place_-LRB-song-RRB-", 0]]} +{"id": 110961, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Cathy_Pill", 6], ["Neal_Street_Productions", 9], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 572], ["Cathy_Pill", 12]]} +{"id": 196730, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marnie_-LRB-dog-RRB-", 7], ["Marnie_-LRB-dog-RRB-", 1], ["Crystal_World", 0], ["Marni", 54], ["Marni", 56]]} +{"id": 112622, "predicted_label": "SUPPORTS", "predicted_evidence": [["Judgment_Day_-LRB-2007-RRB-", 9], ["King_of_the_Ring_-LRB-2000-RRB-", 2], ["Judgment_Day_-LRB-2007-RRB-", 10], ["Hardcore_Championship", 2], ["List_of_WWE_Hardcore_Champions", 2]]} +{"id": 216581, "predicted_label": "REFUTES", "predicted_evidence": [["Calcaneal_spur", 1], ["Calcaneal_spur", 7], ["Calcaneal_spur", 0], ["Calcaneal_spur", 11], ["Calcaneal_spur", 6]]} +{"id": 86598, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billie_Joe_Armstrong", 0], ["Radio_Radio_Radio", 7], ["Longview_-LRB-song-RRB-", 0], ["Billie_Joe_Armstrong", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 121541, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Dad", 0], ["Double,_Double,_Toil_and_Trouble", 1], ["You're_Invited_to_Mary-Kate_&_Ashley's_-LRB-film_series-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 0], ["New_York_Minute_-LRB-film-RRB-", 0]]} +{"id": 161043, "predicted_label": "SUPPORTS", "predicted_evidence": [["Siam_Nakhon_Province", 20], ["Franco-Thai_War", 9], ["Ernest_He\u0301brard", 0], ["Ernest_He\u0301brard", 11], ["Siam_Nakhon_Province", 19]]} +{"id": 183137, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tata_Motors", 13], ["Madras_Stock_Exchange", 2], ["National_Stock_Exchange_-LRB-Jersey_City,_New_Jersey-RRB-", 0], ["National_Stock_Exchange_-LRB-Jersey_City,_New_Jersey-RRB-", 6], ["National_Stock_Exchange_-LRB-Jersey_City,_New_Jersey-RRB-", 4]]} +{"id": 118632, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["The_Killam_Trusts", 0]]} +{"id": 143375, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_The_Daily_Show_episodes", 12], ["The_Daily_Show", 2], ["Jon_Stewart", 1], ["Jon_Stewart", 4], ["The_Daily_Show", 0]]} +{"id": 135836, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abelardo_the_Dragon", 3], ["Szilvia_Varga_/_Silvia_Vargova\u0301_-LRB-actress-RRB-", 41], ["Eloko", 18], ["Lemmy", 2], ["Lemmy", 0]]} +{"id": 49085, "predicted_label": "REFUTES", "predicted_evidence": [["Despacito", 12], ["Despacito", 13], ["Despacito", 14], ["Despacito", 8], ["Despacito", 1]]} +{"id": 215476, "predicted_label": "REFUTES", "predicted_evidence": [["Weekly_Idol", 0], ["Weekly_Idol", 1], ["Jeong_Hyeong-don", 0], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["FNC_Entertainment", 7]]} +{"id": 43153, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cause_and_Effect_-LRB-Numbers-RRB-", 3], ["Leap_year", 0], ["The_Last_One_-LRB-Friends-RRB-", 3], ["Leap_year", 7], ["Cause_and_Effect_-LRB-Numbers-RRB-", 0]]} +{"id": 108119, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bounty_Hunter_Bloods", 0], ["Bloods", 1], ["Gangs_in_Memphis,_Tennessee", 12], ["Bloods", 5], ["Horse_breed", 3]]} +{"id": 50426, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sweet_Thing_-LRB-Rufus_song-RRB-", 1], ["Never_Miss_the_Water", 2], ["Camouflage_-LRB-Rufus_album-RRB-", 2], ["Never_Miss_the_Water", 0], ["Camouflage_-LRB-Rufus_album-RRB-", 5]]} +{"id": 70961, "predicted_label": "SUPPORTS", "predicted_evidence": [["X-Men", 15], ["X-Men", 5], ["X-Men", 13], ["X-Men", 0], ["X-Men", 10]]} +{"id": 225312, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 98], ["Benched", 0], ["The_House_-LRB-2017_film-RRB-", 1], ["Saturday_Night_Live_-LRB-season_35-RRB-", 9], ["Watkins_-LRB-surname-RRB-", 48]]} +{"id": 179266, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tylenol_-LRB-brand-RRB-", 0], ["Robert_L._McNeil,_Jr.", 18], ["Allergies_in_dogs", 15], ["Robert_L._McNeil,_Jr.", 17], ["Tylenol_-LRB-brand-RRB-", 2]]} +{"id": 41745, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Luke_Cage", 8], ["Luke_Cage", 1], ["Black_Mariah_-LRB-comics-RRB-", 2], ["Luke_Cage", 6], ["Luke_Cage_-LRB-TV_series-RRB-", 0]]} +{"id": 71874, "predicted_label": "SUPPORTS", "predicted_evidence": [["Crescent_Records", 0], ["Horst_Liepolt", 3], ["Palmer_-LRB-surname-RRB-", 255], ["Horst_Liepolt", 11], ["1950s_in_jazz", 3]]} +{"id": 59689, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_in_Rock_Band_2", 18], ["List_of_songs_in_Rock_Band_2", 8], ["List_of_songs_in_Rock_Band_2", 0], ["List_of_songs_in_Rock_Band_2", 3], ["Numb_-LRB-Linkin_Park_song-RRB-", 0]]} +{"id": 34944, "predicted_label": "REFUTES", "predicted_evidence": [["Ashton_Kutcher", 8], ["Ashton_Kutcher", 4], ["List_of_That_'70s_Show_home_video_releases", 20], ["Ashton_-LRB-given_name-RRB-", 6], ["Ashton_Kutcher", 0]]} +{"id": 184101, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hugh_Thompson_Jr.", 12], ["Command_responsibility", 14], ["Medina_-LRB-surname-RRB-", 33], ["William_Eckhardt_-LRB-law-RRB-", 0], ["F._Lee_Bailey", 3]]} +{"id": 120364, "predicted_label": "SUPPORTS", "predicted_evidence": [["L.A._Reid", 1], ["Havana_Mena", 3], ["Babylon_A.D._-LRB-band-RRB-", 14], ["L.A._Reid", 3], ["Havana_Mena", 5]]} +{"id": 143527, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Three_Sisters_-LRB-District_of_Columbia-RRB-", 4], ["Three_Sisters_-LRB-District_of_Columbia-RRB-", 1], ["Three_Sisters_-LRB-District_of_Columbia-RRB-", 0], ["The_Three_Sisters_-LRB-Ireland-RRB-", 0], ["The_Three_Sisters_-LRB-Ireland-RRB-", 6]]} +{"id": 91135, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 55801, "predicted_label": "SUPPORTS", "predicted_evidence": [["Homo_sapiens", 3], ["Homo_sapiens", 2], ["Homo_heidelbergensis", 3], ["Anatomically_modern_human", 4], ["Anatomically_modern_human", 0]]} +{"id": 49192, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Armenian_Genocide", 0], ["Armenian_Genocide", 5], ["White_Genocide", 3], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Press_coverage_during_the_Armenian_Genocide", 23]]} +{"id": 91103, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["3H_Biomedical", 0], ["3H_Biomedical", 2], ["Daag_-LRB-1973_film-RRB-", 0], ["Vichitra_Jeevitham", 2], ["Aaina_-LRB-1977_film-RRB-", 2]]} +{"id": 11553, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Doublefaced", 16], ["Sexify", 1], ["56th_Annual_Grammy_Awards", 13], ["56th_Annual_Grammy_Awards", 9], ["Passion,_Pain_&_Demon_Slayin'", 7]]} +{"id": 115632, "predicted_label": "SUPPORTS", "predicted_evidence": [["Instances_of_subliminal_messages", 39], ["Advertising_management", 11], ["Advertising_management", 6], ["Advertising", 0], ["Advertising", 2]]} +{"id": 183134, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tata_Motors", 13], ["BSE_SENSEX", 0], ["BSE_SENSEX", 8], ["BSE_SENSEX", 4], ["BSE_SENSEX", 3]]} +{"id": 172095, "predicted_label": "REFUTES", "predicted_evidence": [["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 1], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Antonina_Armato", 26]]} +{"id": 50718, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chrysler_Building", 1], ["Empire_State_Building", 7], ["Chrysler_Building", 5], ["120_Collins_Street", 8], ["List_of_tallest_buildings_in_New_York_City", 11]]} +{"id": 224370, "predicted_label": "REFUTES", "predicted_evidence": [["2016\u201317_Southampton_F.C._season", 0], ["2016\u201317_Southampton_F.C._season", 26], ["2015\u201316_Southampton_F.C._season", 23], ["2015\u201316_Southampton_F.C._season", 0], ["Kenny_Dalglish", 10]]} +{"id": 187212, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Hurt_Locker", 0], ["Kathryn_Bigelow", 1], ["List_of_awards_and_nominations_received_by_Jeremy_Renner", 1], ["List_of_awards_and_nominations_received_by_Jeremy_Renner", 3], ["List_of_accolades_received_by_The_Hurt_Locker", 1]]} +{"id": 56893, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Guantanamo's_Child", 1], ["Canadian_response_to_Omar_Khadr", 24], ["Guantanamo's_Child", 5], ["Canadian_response_to_Omar_Khadr", 0], ["Canadian_response_to_Omar_Khadr", 23]]} +{"id": 212340, "predicted_label": "REFUTES", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Mary-Kate_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2]]} +{"id": 49618, "predicted_label": "REFUTES", "predicted_evidence": [["Alfred_Butt", 1], ["Victoria_Palace", 0], ["Palace_-LRB-disambiguation-RRB-", 20], ["Victoria_Theatre", 31], ["Palace_Theatre,_Westcliff-on-Sea", 12]]} +{"id": 54287, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aaron_Burr", 9], ["My_Theodosia", 3], ["Burr_-LRB-surname-RRB-", 4], ["Aaron_Burr", 16], ["My_Theodosia", 6]]} +{"id": 198014, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["New_York_City_Landmarks_Preservation_Commission", 6], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 44277, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ulster_Scots_people", 4], ["James_VI_and_I", 11], ["James_VI_and_I", 0], ["Theodore_William_Moody", 9], ["Theodore_William_Moody", 11]]} +{"id": 140935, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["No_Way_Out_-LRB-2009-RRB-", 18], ["Stephanie_McMahon", 5], ["Survivor_Series_-LRB-2003-RRB-", 12], ["Judgment_Day_-LRB-2007-RRB-", 9], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5]]} +{"id": 179738, "predicted_label": "REFUTES", "predicted_evidence": [["Wentworth_Miller", 2], ["Stoker_-LRB-film-RRB-", 0], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 50860, "predicted_label": "SUPPORTS", "predicted_evidence": [["Electronic_voting_in_Brazil", 36], ["Touchscreen", 9], ["Touchscreen", 19], ["List_of_electronic_voting_machines_in_New_York_state", 4], ["Voter-verified_paper_audit_trail", 20]]} +{"id": 202788, "predicted_label": "REFUTES", "predicted_evidence": [["Despicable_Me_2", 0], ["Despicable_Me_-LRB-franchise-RRB-", 3], ["Despicable_Me_2", 9], ["Pixar", 16], ["List_of_highest-grossing_animated_films", 5]]} +{"id": 204024, "predicted_label": "REFUTES", "predicted_evidence": [["Romantic_comedy_film", 0], ["Audrey_Hepburn_on_screen_and_stage", 8], ["Audrey_Hepburn_on_screen_and_stage", 13], ["Romantic_comedy_film", 1], ["Romantic_comedy_film", 2]]} +{"id": 18086, "predicted_label": "REFUTES", "predicted_evidence": [["Fester_Skank", 9], ["DNA_-LRB-Little_Mix_album-RRB-", 4], ["Fester_Skank", 10], ["DNA_-LRB-Little_Mix_album-RRB-", 0], ["DNA_-LRB-Little_Mix_album-RRB-", 3]]} +{"id": 221087, "predicted_label": "SUPPORTS", "predicted_evidence": [["RTL_Crime", 7], ["Thomas_Hermanns", 20], ["Thomas_Hermanns", 8], ["MTV2_-LRB-disambiguation-RRB-", 7], ["Lifestyle_-LRB-UK_TV_channel-RRB-", 17]]} +{"id": 85766, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vivek_Mushran", 2], ["Vivek_Mushran", 0], ["Henry_VIII_-LRB-TV_serial-RRB-", 5], ["Vivek_Mushran", 3], ["The_Six_Wives_of_Henry_VIII", 4]]} +{"id": 103451, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["United_States_presidential_election,_1800", 17], ["Aaron_Burr_Cidery", 2], ["Theodosia_Bartow_Prevost", 7], ["Burr_-LRB-surname-RRB-", 4], ["Andrew_Crown_Brennan", 30]]} +{"id": 140836, "predicted_label": "REFUTES", "predicted_evidence": [["American_cheese", 10], ["American_cheese", 15], ["Frances_Grey_-LRB-actress-RRB-", 10], ["American_cheese", 4], ["American_cheese", 0]]} +{"id": 1415, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_love_stories", 167], ["Noel_Fisher", 1], ["Miles_Fisher", 10], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0]]} +{"id": 46225, "predicted_label": "REFUTES", "predicted_evidence": [["The_Gifted_-LRB-TV_series-RRB-", 0], ["Complications_-LRB-TV_series-RRB-", 0], ["Burn_Notice", 0], ["The_Gifted_-LRB-TV_series-RRB-", 7], ["The_Gifted_-LRB-TV_series-RRB-", 10]]} +{"id": 46151, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 3], ["List_of_A_Fazenda_contestants", 1], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 22], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 20], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 28]]} +{"id": 194344, "predicted_label": "SUPPORTS", "predicted_evidence": [["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 2], ["Happiness_in_Slavery", 9], ["Happiness_in_Slavery", 6], ["Christian_Abolitionism", 40]]} +{"id": 64631, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee", 7], ["Sheryl_Lee", 6], ["Sheryl_Lee", 0]]} +{"id": 37792, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 18524, "predicted_label": "SUPPORTS", "predicted_evidence": [["Limetown", 0], ["Tim_Kawakami", 18], ["OKS_Recordings_of_North_America", 15], ["Tim_Kawakami", 1], ["The_Ricky_Gervais_Show", 3]]} +{"id": 137697, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["Reality_television", 14], ["Children's_Television_Act", 1], ["Children's_Television_Act", 15], ["Television_and_the_Public_Interest", 2]]} +{"id": 66218, "predicted_label": "REFUTES", "predicted_evidence": [["Silpa_Avenue_Colony", 5], ["Silpa_Avenue_Colony", 1], ["Nanbin_Park", 3], ["Nanbin_Park", 2], ["Nanbin_Park", 19]]} +{"id": 103774, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Papua_-LRB-province-RRB-", 3], ["Dendrobium_lineale", 1], ["Morelia_amethistina", 5], ["West_Papua_-LRB-province-RRB-", 5], ["Arnold_Ap", 14]]} +{"id": 59964, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dexter_-LRB-season_1-RRB-", 13], ["Dexter_-LRB-season_1-RRB-", 14], ["Civilization_IV", 14], ["Civilization-COLON-_The_Card_Game", 0], ["Civilization_IV-COLON-_Colonization", 0]]} +{"id": 118016, "predicted_label": "REFUTES", "predicted_evidence": [["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Sidse_Babett_Knudsen", 0], ["Jeppe_Gjervig_Gram", 7], ["Strisser_pa\u030a_Sams\u00f8", 4], ["Knudsen", 40]]} +{"id": 154630, "predicted_label": "SUPPORTS", "predicted_evidence": [["Earl_-LRB-given_name-RRB-", 271], ["List_of_James_Earl_Jones_performances", 0], ["The_Lion_King", 6], ["List_of_James_Earl_Jones_performances", 14], ["Nala_-LRB-The_Lion_King-RRB-", 1]]} +{"id": 71844, "predicted_label": "REFUTES", "predicted_evidence": [["How_to_Get_Away_with_Murder", 6], ["Jack_Falahee", 0], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["Manfred_Klieme", 0], ["Manfred_Klieme", 3]]} +{"id": 202030, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2011_Waltham_triple_murder", 7], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 14], ["Tamerlan_Tsarnaev", 8], ["2011_Waltham_triple_murder", 8]]} +{"id": 228328, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Graeme_Goodall", 0], ["Doctor_Bird_Records", 1], ["Island_Records", 12], ["Island_Records", 10], ["Island_Records", 1]]} +{"id": 5980, "predicted_label": "REFUTES", "predicted_evidence": [["Sam_Chauncey", 29], ["Charles_Hooker_-LRB-physician-RRB-", 28], ["Charles_Hooker_-LRB-physician-RRB-", 0], ["Charles_Hooker_-LRB-physician-RRB-", 30], ["Camden,_New_Jersey", 40]]} +{"id": 181863, "predicted_label": "REFUTES", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Princess_Mononoke", 4], ["Hayao_Miyazaki", 16]]} +{"id": 130332, "predicted_label": "REFUTES", "predicted_evidence": [["Heart", 19], ["Athletic_heart_syndrome", 0], ["Transcutaneous_pacing", 6], ["Athletic_heart_syndrome", 8], ["Vagal_tone", 10]]} +{"id": 104021, "predicted_label": "REFUTES", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Inception", 9], ["Magic_Johnson_Enterprises", 16], ["Mary_Emma_Allison", 1], ["Mary_Emma_Allison", 17]]} +{"id": 82164, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Insecure_-LRB-TV_series-RRB-", 0], ["Issa_Rae", 1], ["Issa_Rae", 0], ["I_Am_Other", 4]]} +{"id": 11405, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Graphic_Sexual_Horror", 7], ["Garden_State", 0], ["Graphic_Sexual_Horror", 4], ["Rickshaw_Inn", 4], ["William_A._Conway", 0]]} +{"id": 186929, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cher_albums_discography", 21], ["Cher", 8], ["List_of_Cher_concert_tours", 23], ["Cher_albums_discography", 25], ["Cher", 5]]} +{"id": 168539, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rick_Yune", 0], ["Fifth_Commandment", 12], ["Yune", 8], ["Michael_Roesch", 17], ["Rick_Yune", 2]]} +{"id": 151846, "predicted_label": "SUPPORTS", "predicted_evidence": [["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["List_of_homeschooled_people", 141], ["Cusack_-LRB-surname-RRB-", 36], ["Cusack_-LRB-surname-RRB-", 38]]} +{"id": 71862, "predicted_label": "SUPPORTS", "predicted_evidence": [["Faroe_Islands", 9], ["Norwegian_Code", 0], ["Norwegian_Code", 6], ["History_of_the_Faroe_Islands", 5], ["History_of_the_Faroe_Islands", 4]]} +{"id": 120185, "predicted_label": "REFUTES", "predicted_evidence": [["Law_&_Order-COLON-_Criminal_Intent_-LRB-season_8-RRB-", 10], ["Chicago_Med", 0], ["Law_&_Order", 28], ["Law_&_Order_-LRB-franchise-RRB-", 16], ["Chicago_Fire_-LRB-TV_series-RRB-", 0]]} +{"id": 151819, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Self-determination", 13], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 5], ["Timeline_of_Western_Saharan_history", 83], ["Foreign_relations_of_Taiwan", 14]]} +{"id": 165921, "predicted_label": "REFUTES", "predicted_evidence": [["Welcome_to_My_Nightmare_-LRB-film-RRB-", 7], ["Alice_Cooper", 0], ["Alice_Cooper", 10], ["Billion_Dollar_Babies_-LRB-song-RRB-", 11], ["Neal_Smith_-LRB-drummer-RRB-", 14]]} +{"id": 7697, "predicted_label": "REFUTES", "predicted_evidence": [["The_Chronicles_of_Riddick", 0], ["Pitch_Black_-LRB-film-RRB-", 11], ["Pitch_Black_-LRB-film-RRB-", 0], ["The_Chronicles_of_Riddick", 11], ["The_Chronicles_of_Riddick", 2]]} +{"id": 204347, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 8], ["Extinction_event", 13], ["Mesozoic", 10], ["Extinction_event", 15], ["Cretaceous", 9]]} +{"id": 124487, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["MC4_-LRB-mixtape-RRB-", 12], ["No_Frauds", 1], ["Yung_Rich_Nation", 2], ["More_Life", 5]]} +{"id": 173717, "predicted_label": "REFUTES", "predicted_evidence": [["Earl_Scruggs", 0], ["Scruggs", 9], ["Scruggs_style", 14], ["Jim_Shumate", 13], ["Randy_Scruggs", 15]]} +{"id": 33744, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jackie_-LRB-2016_film-RRB-", 0], ["List_of_accolades_received_by_Jackie_-LRB-2016_film-RRB-", 0], ["List_of_accolades_received_by_Jackie_-LRB-2016_film-RRB-", 2], ["Noah_Oppenheim", 0], ["Jackie_-LRB-2016_film-RRB-", 5]]} +{"id": 33839, "predicted_label": "REFUTES", "predicted_evidence": [["Hindu_Kush", 5], ["List_of_mountain_ranges_of_Pakistan", 15], ["Kush_-LRB-cannabis-RRB-", 1], ["Kushan_Pass", 1], ["Kushan_Pass", 2]]} +{"id": 54085, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Insecure_-LRB-TV_series-RRB-", 0], ["I_Am_Other", 4], ["Issa_Rae", 6], ["Insecure_-LRB-TV_series-RRB-", 5]]} +{"id": 204650, "predicted_label": "REFUTES", "predicted_evidence": [["Tiny_Bubbles", 5], ["Tiny_Toon_Adventures-COLON-_Buster_and_the_Beanstalk", 4], ["Tiny_Toon_Adventures-COLON-_Buster_and_the_Beanstalk", 0], ["Tiny_Bubbles", 6], ["Tiny_Bubbles", 0]]} +{"id": 130666, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Festival_in_Cannes", 22], ["Ed_Wood_-LRB-film-RRB-", 0], ["List_of_Tom_Hanks_performances", 0], ["Festival_in_Cannes", 9], ["Hanks", 37]]} +{"id": 212200, "predicted_label": "SUPPORTS", "predicted_evidence": [["Anna_Green_-LRB-Hollyoaks-RRB-", 8], ["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 14], ["Miracle_at_St._Anna", 16], ["Index_of_World_War_II_articles_-LRB-M-RRB-", 2400]]} +{"id": 15982, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 165246, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Balan_Nambiar", 16], ["Creative_Barcode", 13], ["Creative_Commons", 0], ["Creative_Barcode", 14]]} +{"id": 83880, "predicted_label": "REFUTES", "predicted_evidence": [["Milwaukee_Panthers_women's_basketball", 4], ["NBA_Conference_Finals", 21], ["Washington_Wizards", 12], ["NBA_Conference_Finals", 23], ["Washington_Wizards", 0]]} +{"id": 26317, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_S", 67], ["List_of_albums_containing_a_hidden_track-COLON-_A", 246], ["List_of_albums_containing_a_hidden_track-COLON-_S", 294], ["List_of_albums_containing_a_hidden_track-COLON-_B", 34], ["List_of_albums_containing_a_hidden_track-COLON-_S", 163]]} +{"id": 215507, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hani_-LRB-singer-RRB-", 2], ["Weekly_Idol", 1], ["Weekly_Idol", 0], ["Gwiyomi", 2], ["Jung_Il-hoon", 2]]} +{"id": 203377, "predicted_label": "SUPPORTS", "predicted_evidence": [["Goosebumps_-LRB-film-RRB-", 1], ["Goosebumps_-LRB-film-RRB-", 8], ["Goosebumps_-LRB-film-RRB-", 0], ["Goosebumps", 5], ["Goosebumps_-LRB-film-RRB-", 6]]} +{"id": 42189, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ravenous_-LRB-soundtrack-RRB-", 1], ["Jeff_Wootton", 4], ["Jeff_Wootton", 7], ["Ravenous_-LRB-soundtrack-RRB-", 52], ["Dabala", 10]]} +{"id": 14203, "predicted_label": "SUPPORTS", "predicted_evidence": [["FIP_World_Heavyweight_Championship", 5], ["FIP_World_Heavyweight_Championship", 3], ["IWGP_Heavyweight_Championship", 11], ["FIP_World_Heavyweight_Championship", 20], ["IWGP_Heavyweight_Championship", 26]]} +{"id": 68692, "predicted_label": "SUPPORTS", "predicted_evidence": [["Principles_of_user_interface_design", 4], ["Entity\u2013relationship_model", 4], ["Entity\u2013relationship_model", 0], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3]]} +{"id": 2594, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 0], ["Chris_Eubank_Jr.", 3], ["Chris_Eubank_Jr.", 2], ["Juan_Carlos_Gime\u0301nez_Ferreyra", 1]]} +{"id": 184074, "predicted_label": "REFUTES", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Walter_Lonergan", 10], ["Walter_Lonergan", 5]]} +{"id": 76927, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Choc_ice", 8], ["Cheryl-COLON-_My_Story", 2], ["Chris_Nathaniel", 29], ["Ashley_Cole", 0], ["Promise_This", 4]]} +{"id": 145124, "predicted_label": "SUPPORTS", "predicted_evidence": [["Batman_and_Robin_-LRB-serial-RRB-", 2], ["Daryl_Jacob", 0], ["Batman_and_Robin_-LRB-serial-RRB-", 0], ["Alan_Nicholls", 9], ["Geoff_Nicholls", 16]]} +{"id": 117478, "predicted_label": "REFUTES", "predicted_evidence": [["Beige_Brigade", 4], ["Baseball_stirrups", 0], ["Logos_and_uniforms_of_the_Boston_Red_Sox", 0], ["Juventus_TV", 0], ["List_of_Juventus_F.C._players", 5]]} +{"id": 180730, "predicted_label": "REFUTES", "predicted_evidence": [["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Live_at_Mainstreet", 3], ["Something_Beginning_with_C", 2], ["Vidyagauri_Adkar", 0], ["Rohini_Bhate", 0]]} +{"id": 65118, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cliff_Robertson", 1], ["Lux_Cassidy", 1], ["Cliff_Robertson", 2], ["Robertson_-LRB-surname-RRB-", 29], ["The_First_Time_-LRB-2012_film-RRB-", 4]]} +{"id": 26082, "predicted_label": "REFUTES", "predicted_evidence": [["Luis_Fonsi", 0], ["Aqui\u0301_Estoy_Yo", 0], ["List_of_Ministers_of_Interior_and_Justice_of_Venezuela", 88], ["List_of_Uruguayan_politicians", 1005], ["Despacito", 0]]} +{"id": 171612, "predicted_label": "REFUTES", "predicted_evidence": [["Dallas", 5], ["Roosevelt_Island", 3], ["Roosevelt_Island", 4], ["Dallas", 6], ["Meteor_-LRB-automobile-RRB-", 1]]} +{"id": 28381, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Land_of_No_Return", 0], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Right_to_Kill?", 10], ["Easy_to_Assemble", 7], ["Easy_to_Assemble", 4]]} +{"id": 88479, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_knobs", 60], ["List_of_extreme_points_of_U.S._states", 282], ["List_of_knobs", 33], ["List_of_knobs", 216], ["List_of_knobs", 52]]} +{"id": 170954, "predicted_label": "REFUTES", "predicted_evidence": [["Smriti_Mandhana", 0], ["Manav_Nyaya_Shastra", 3], ["Tees_January_Road", 8], ["Tees_January_Road", 4], ["Tees_January_Road", 3]]} +{"id": 194895, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sith_Apprentice", 0], ["List_of_Chad_Vader-COLON-_Day_Shift_Manager_episodes", 6], ["List_of_Chad_Vader-COLON-_Day_Shift_Manager_episodes", 12], ["Sith_Apprentice", 2], ["Hasbro_Darth_Vader_Voice_Changer", 3]]} +{"id": 17131, "predicted_label": "REFUTES", "predicted_evidence": [["Kuh-e_Bandaka", 2], ["Hindu_Kush", 5], ["List_of_mountain_ranges_of_Pakistan", 15], ["Kush_-LRB-cannabis-RRB-", 1], ["Kuh-e_Bandaka", 10]]} +{"id": 175465, "predicted_label": "REFUTES", "predicted_evidence": [["Gustav_Friedrich_Wilhelm_Gro\u00dfmann", 1], ["Ludwig_van_Beethoven", 5], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45], ["Christian_Gottlob_Neefe", 0]]} +{"id": 174585, "predicted_label": "SUPPORTS", "predicted_evidence": [["Artpop", 13], ["Toni_Braxton_discography", 8], ["Carrie_Underwood_discography", 20], ["Toni_Braxton_discography", 6], ["Snoop_Dogg_discography", 124]]} +{"id": 54077, "predicted_label": "SUPPORTS", "predicted_evidence": [["Purveyance", 21], ["Battle_of_Na\u0301jera", 1], ["Battle_of_Na\u0301jera", 2], ["Military_operations_other_than_war_-LRB-US-RRB-", 3], ["Theater_of_War_-LRB-film-RRB-", 10]]} +{"id": 88413, "predicted_label": "SUPPORTS", "predicted_evidence": [["S._Dillon_Ripley_Center", 7], ["S._Dillon_Ripley_Center", 9], ["Indian_Institute_of_Management_-LRB-disambiguation-RRB-", 9], ["IIM_Alumni", 6], ["Bangalore", 19]]} +{"id": 34527, "predicted_label": "REFUTES", "predicted_evidence": [["Fran_Mires", 36], ["Fran_Mires", 34], ["Fran_Mires", 38], ["Fran_Mires", 42], ["Fran_Mires", 32]]} +{"id": 92172, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Red_Red_Wine", 5], ["The_Essential_Neil_Diamond", 0], ["Classics-COLON-_The_Early_Years", 3], ["Forever_in_Blue_Jeans", 7], ["Forever_in_Blue_Jeans", 0]]} +{"id": 184098, "predicted_label": "SUPPORTS", "predicted_evidence": [["Command_responsibility", 14], ["William_Eckhardt_-LRB-law-RRB-", 0], ["F._Lee_Bailey", 3], ["Medina_-LRB-surname-RRB-", 33], ["Hugh_Thompson_Jr.", 12]]} +{"id": 32006, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Coruscant", 6], ["Palpatine", 2], ["Galactic_Empire_-LRB-Star_Wars-RRB-", 9], ["Galactic_Empire_-LRB-Star_Wars-RRB-", 5], ["List_of_fictional_space_navies", 54]]} +{"id": 225288, "predicted_label": "REFUTES", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 98], ["Watkins_Incorporated", 19], ["Watkins_-LRB-surname-RRB-", 48], ["Richland_Farm_-LRB-Clarksville,_Maryland-RRB-", 79], ["Peppermint_Park", 9]]} +{"id": 64453, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philomena_-LRB-film-RRB-", 9], ["Maggie_Smith", 15], ["Judi_Dench", 13], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 18], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 11]]} +{"id": 9377, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sammi_-LRB-2017_TV_series-RRB-", 8], ["Sanam_Teri_Kasam_-LRB-2016_film-RRB-", 0], ["Mawra_Hocane", 0], ["Yahan_Pyar_Nahin_Hai", 0], ["Sanam_Teri_Kasam_-LRB-2016_film-RRB-", 2]]} +{"id": 181197, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dusty_Herna\u0301ndez-Harrison", 5], ["List_of_celebrity_appearances_in_video_games", 39], ["List_of_celebrity_appearances_in_video_games", 34], ["Dusty_Herna\u0301ndez-Harrison", 4], ["Richie_Giachetti", 10]]} +{"id": 219303, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bhut_jolokia", 1], ["List_of_plants_of_Burkina_Faso", 791], ["Capsicum_chinense", 0], ["Capsicum_baccatum", 9], ["Piri_piri", 0]]} +{"id": 170938, "predicted_label": "REFUTES", "predicted_evidence": [["Smriti_Mandhana", 0], ["Sports_team", 0], ["Kle\u0301ber_Guerra", 17], ["Sports_team", 1], ["Play_Sports", 4]]} +{"id": 23224, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Larry_Lance", 0], ["Larry_Lance", 2], ["Green_Arrow_and_Black_Canary", 0], ["Green_Arrow", 15], ["Birds_of_Prey_-LRB-comics-RRB-", 18]]} +{"id": 193871, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22], ["Manuel_T._Pacheco", 0], ["Manuel_T._Pacheco", 8], ["Bea_-LRB-given_name-RRB-", 6]]} +{"id": 58244, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_No_Country_for_Old_Men", 0], ["List_of_accolades_received_by_No_Country_for_Old_Men", 8], ["List_of_accolades_received_by_No_Country_for_Old_Men", 12], ["List_of_frequent_Coen_Brothers_collaborators", 77], ["List_of_frequent_Coen_Brothers_collaborators", 45]]} +{"id": 126773, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 8257, "predicted_label": "SUPPORTS", "predicted_evidence": [["Microbiologist", 14], ["Molecular_Infection_Medicine_Sweden", 11], ["Tom_Maniatis", 12], ["Molecular_Infection_Medicine_Sweden", 5], ["Tom_Maniatis", 6]]} +{"id": 162887, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mani_Ratnam", 1], ["Mani_Ratnam_filmography", 1], ["Dil_Se..", 0], ["Mani_Ratnam", 0], ["Mani_Ratnam_filmography", 15]]} +{"id": 57899, "predicted_label": "REFUTES", "predicted_evidence": [["Tachylite_in_Victorian_archaeological_sites", 8], ["Red_River_Cereal", 2], ["Force_-LRB-cereal-RRB-", 43], ["History_of_Quaker_Oats", 44], ["Tachylite_in_Victorian_archaeological_sites", 0]]} +{"id": 142700, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jennifer_Lopez_discography", 11], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Jennifer_Lopez_filmography", 20], ["If_You_Had_My_Love", 0], ["Ricky_Martin_singles_discography", 58]]} +{"id": 86625, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stan_Beeman", 0], ["The_Americans_-LRB-season_1-RRB-", 7], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["Noah_Emmerich", 2], ["Stan_Beeman", 2]]} +{"id": 118446, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ghoomketu", 1], ["Gangs_of_Wasseypur_\u2013_Part_1", 2], ["Gangs_of_Wasseypur_\u2013_Part_2", 2], ["Mister_Come_Tomorrow", 0], ["Mister_Come_Tomorrow", 1]]} +{"id": 8247, "predicted_label": "SUPPORTS", "predicted_evidence": [["Broadchurch_-LRB-series_1-RRB-", 14], ["Broadchurch_-LRB-series_1-RRB-", 16], ["Corner_Store_-LRB-film-RRB-", 1], ["Corner_Store_-LRB-film-RRB-", 4], ["Corner_Store_-LRB-film-RRB-", 0]]} +{"id": 98635, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prowler_-LRB-comics-RRB-", 1], ["Silver_Age_of_Comic_Books", 13], ["How_to_Draw_Comics_the_Marvel_Way", 0], ["Jim_Mooney_-LRB-disambiguation-RRB-", 12], ["List_of_Marvel_Comics_people", 220]]} +{"id": 56323, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Match_Point", 9], ["Match_point", 3], ["Match_point", 5], ["Match_point", 0], ["Match_Point", 0]]} +{"id": 49123, "predicted_label": "SUPPORTS", "predicted_evidence": [["Liverpool_Irish", 2], ["Liverpool_Irish", 6], ["Lancashire_Wildlife_Trust", 0], ["Lancastrian_Brigade", 32], ["Lancashire_Wildlife_Trust", 14]]} +{"id": 53973, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Apta_railway_station", 12], ["Kajol_filmography", 7], ["Kajol", 9], ["Dilwale_Dulhania_Le_Jayenge", 15], ["Filmfare_Award_for_Best_Music_Album", 650]]} +{"id": 202922, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Hail_to_the_King_-LRB-Avenged_Sevenfold_album-RRB-", 0], ["Avenged_Sevenfold_discography", 0], ["Avenged_Sevenfold", 0], ["Avenged_Sevenfold", 6]]} +{"id": 180735, "predicted_label": "REFUTES", "predicted_evidence": [["Live_at_Mainstreet", 3], ["Live_at_Mainstreet", 0], ["The_Zutons_discography", 17], ["The_Zutons_discography", 6], ["Snoop_Dogg_discography", 99]]} +{"id": 110760, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Shadowhunters_episodes", 5], ["Shadowhunters", 5], ["List_of_Shadowhunters_episodes", 6], ["Shadowhunters", 6], ["List_of_Shadowhunters_episodes", 1]]} +{"id": 37995, "predicted_label": "SUPPORTS", "predicted_evidence": [["Princess_Beatrice_of_the_United_Kingdom", 14], ["Victoria_Palace", 0], ["Palace_Theatre,_Westcliff-on-Sea", 5], ["Victoria_Theatre", 31], ["Palace_Theatre,_Westcliff-on-Sea", 12]]} +{"id": 126068, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joe_Walsh", 24], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0], ["Barnstorm_-LRB-band-RRB-", 10], ["The_Confessor_-LRB-song-RRB-", 2]]} +{"id": 183591, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finding_Dory", 0], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Andrew_Stanton", 7], ["Pixar", 6]]} +{"id": 16527, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soyuz_-LRB-rocket-RRB-", 0], ["Soyuz-V", 0], ["Soyuz-B", 0], ["Soyuz_7K-L1", 0], ["Soyuz-V", 8]]} +{"id": 63063, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Langdon_Hills", 14], ["Langdon_Hills", 4], ["Basildon_Park", 0], ["Basildon", 0], ["Basildon", 13]]} +{"id": 139284, "predicted_label": "REFUTES", "predicted_evidence": [["John_Tempesta", 12], ["System_of_a_Down_discography", 0], ["Spirit_of_Troy", 4], ["List_of_American_musicians_of_Armenian_descent", 85], ["Elect_the_Dead", 2]]} +{"id": 159947, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sylvia_Larsen", 25], ["Sylvia_Larsen", 50], ["Sylvia_Larsen", 34], ["Sylvia_Larsen", 26], ["Sylvia_Larsen", 32]]} +{"id": 113080, "predicted_label": "REFUTES", "predicted_evidence": [["Narayan_nagbali", 11], ["Henry_II_of_France", 13], ["Narayan_nagbali", 5], ["Narayan_nagbali", 27], ["Henry_II_of_France", 0]]} +{"id": 58416, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Beethoven_in_film", 22], ["Beethoven_Gesamtausgabe", 1], ["Ludwig_van_-LRB-film-RRB-", 0], ["Beethoven_in_film", 14], ["Beethoven_Gesamtausgabe", 0]]} +{"id": 88675, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_Mona\u0301e", 0], ["Janelle_Mona\u0301e", 4], ["Janelle_Mona\u0301e_discography", 0], ["The_ArchAndroid", 0], ["Janelle_-LRB-given_names-RRB-", 40]]} +{"id": 226098, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Box_of_Bongwater", 0], ["Too_Much_Sleep", 2], ["Double_Bummer", 0], ["The_Power_of_Pussy", 2], ["The_Power_of_Pussy", 0]]} +{"id": 212777, "predicted_label": "REFUTES", "predicted_evidence": [["Harvard_University", 8], ["Seven_Sisters_-LRB-colleges-RRB-", 4], ["Seven_Sisters_-LRB-colleges-RRB-", 3], ["Clayton_Spencer", 6], ["Seven_Sisters_-LRB-colleges-RRB-", 5]]} +{"id": 161562, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Moulin_Rouge!", 1], ["Nicole_Kidman_filmography", 0], ["Moulin_Rouge!", 6], ["Nicole_Kidman_discography", 3]]} +{"id": 85851, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sylvan_Lake_-LRB-South_Dakota-RRB-", 7], ["Charles_E._Rushmore", 7], ["Mount_Rushmore", 0], ["Charles_E._Rushmore", 0], ["Mount_Rushmore", 8]]} +{"id": 201797, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bravery", 3], ["Truest_Inspiration", 10], ["Paradoxa_Paradoxa", 4], ["Analog_Brothers", 8], ["Devin_Townsend_discography", 29]]} +{"id": 212342, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["Dualstar", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["New_York_Minute_-LRB-film-RRB-", 0]]} +{"id": 48901, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 8], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage", 1], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage_-LRB-season_1-RRB-", 6]]} +{"id": 113047, "predicted_label": "SUPPORTS", "predicted_evidence": [["Graphic_designer", 0], ["Bug_AS", 8], ["Motion_Graphics_-LRB-album-RRB-", 0], ["Bug_AS", 11], ["Motion_Graphics_-LRB-album-RRB-", 9]]} +{"id": 193865, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["Dick_Van_Dyke", 8], ["The_New_Dick_Van_Dyke_Show", 0], ["Dick_Van_Dyke", 3]]} +{"id": 84795, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["Bassoon_sonata", 1], ["Bassoon_sonata", 2], ["Rainn_Wilson", 0]]} +{"id": 7060, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 53675, "predicted_label": "SUPPORTS", "predicted_evidence": [["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["I'm_Different", 3], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], ["Cabin_Fever_3_-LRB-mixtape-RRB-", 3]]} +{"id": 26524, "predicted_label": "REFUTES", "predicted_evidence": [["Glimcher_Realty_Trust", 5], ["Seaport_Square", 7], ["R_City_Mall", 2], ["Seaport_Square", 1], ["Seaport_Square", 17]]} +{"id": 201107, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["List_of_people_from_Gateshead", 9], ["List_of_people_named_Daniel", 19], ["List_of_people_named_Daniel", 5], ["List_of_people_named_Daniel", 351]]} +{"id": 137706, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sikkim", 4], ["Lower_Himalayan_Range", 0], ["Himalaya_-LRB-disambiguation-RRB-", 12], ["Himalaya_-LRB-disambiguation-RRB-", 10], ["Himalaya_-LRB-disambiguation-RRB-", 8]]} +{"id": 44745, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Harry_Potter_and_the_Philosopher's_Stone_-LRB-film-RRB-", 13], ["Harry_Potter", 13], ["Harry_Potter", 10], ["A_Very_Potter_Musical", 6], ["Harry_Potter_and_the_Philosopher's_Stone_-LRB-film-RRB-", 5]]} +{"id": 204340, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 8], ["Dinosaur", 9], ["Outline_of_dinosaurs", 4], ["Living_dinosaur", 0], ["Paleocene_dinosaurs", 0]]} +{"id": 47158, "predicted_label": "REFUTES", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Knudsen", 40], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Borgen_-LRB-TV_series-RRB-", 9], ["Adam_Price_-LRB-screenwriter-RRB-", 6]]} +{"id": 41515, "predicted_label": "SUPPORTS", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["Hurricane_-LRB-Halsey_song-RRB-", 1], ["Room_93", 0], ["Ghost_-LRB-Halsey_song-RRB-", 2], ["Ghost_-LRB-Halsey_song-RRB-", 3]]} +{"id": 7640, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saw_II", 0], ["Saw_II-COLON-_Flesh_&_Blood", 12], ["Saw_-LRB-franchise-RRB-", 14], ["Saw_II-COLON-_Flesh_&_Blood", 5], ["Saw_II-COLON-_Flesh_&_Blood", 0]]} +{"id": 214251, "predicted_label": "REFUTES", "predicted_evidence": [["Balance_&_Options", 8], ["Penicillin_on_Wax", 8], ["The_Fixxers", 3], ["Born_and_Raised_in_Compton", 0], ["DJ_Quixotic", 12]]} +{"id": 220200, "predicted_label": "SUPPORTS", "predicted_evidence": [["Raabta_-LRB-song-RRB-", 5], ["Raabta_-LRB-song-RRB-", 0], ["Raabta", 5], ["List_of_songs_recorded_by_Arijit_Singh", 6], ["Raabta_-LRB-song-RRB-", 2]]} +{"id": 12275, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_heavy_metal_festivals", 1], ["List_of_heavy_metal_festivals", 2], ["List_of_gothic_metal_bands", 1], ["Grammy_Award_for_Best_Metal_Performance", 0], ["List_of_gothic_metal_bands", 2]]} +{"id": 57906, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Walsh", 30], ["Joe_Walsh", 24], ["The_Four_Seasons_-LRB-band-RRB-", 11], ["The_Drifters", 10], ["The_Miracles", 18]]} +{"id": 136372, "predicted_label": "SUPPORTS", "predicted_evidence": [["Camden,_New_Jersey", 40], ["Rutgers_Law_School", 3], ["Rutgers_Law_School", 5], ["Rutgers_Law_School", 0], ["John_Joseph_Kitchen", 4]]} +{"id": 11498, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_That_'70s_Show_home_video_releases", 20], ["Ashton_Kutcher", 8], ["List_of_That_'70s_Show_home_video_releases", 9], ["Kutcher", 3], ["Ashton_Kutcher", 0]]} +{"id": 76335, "predicted_label": "SUPPORTS", "predicted_evidence": [["Microbiologist", 14], ["National_Families_in_Action", 14], ["TCU_Institute_of_Child_Development", 1], ["TCU_Institute_of_Child_Development", 7], ["National_Families_in_Action", 3]]} +{"id": 220204, "predicted_label": "REFUTES", "predicted_evidence": [["Raabta_-LRB-song-RRB-", 5], ["Raabta_-LRB-song-RRB-", 2], ["Raabta_-LRB-song-RRB-", 0], ["List_of_songs_recorded_by_Arijit_Singh", 6], ["Raabta", 5]]} +{"id": 55432, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Bes\u0327iktas\u0327_J.K._seasons", 4], ["The_Real_Milli_Vanilli", 0], ["List_of_Billboard_200_number-one_albums_of_1989", 33], ["Shabab_e_Milli", 0], ["Shabab_e_Milli", 6]]} +{"id": 185412, "predicted_label": "SUPPORTS", "predicted_evidence": [["CHiPs_-LRB-film-RRB-", 0], ["Just_Men!", 5], ["Richard_Rosner", 5], ["Rosner", 16], ["Bernat_Rosner", 10]]} +{"id": 127225, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ron_Cyrus", 1], ["Cyrus_-LRB-surname-RRB-", 18], ["Ready,_Set,_Don't_Go", 0], ["Billy_Ray", 13], ["Mike_Schmid", 8]]} +{"id": 41789, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kingdom_Hearts-COLON-_Chain_of_Memories", 11], ["Organization_XIII", 10], ["Organization_XIII", 0], ["Kingdom_Hearts_II", 8], ["Kingdom_Hearts_Coded", 6]]} +{"id": 78742, "predicted_label": "REFUTES", "predicted_evidence": [["Tim_Smith", 39], ["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1], ["Booth_-LRB-actor-RRB-", 36], ["Rob_Roy_-LRB-1995_film-RRB-", 2], ["Booth_-LRB-actor-RRB-", 27]]} +{"id": 203000, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin", 4], ["Daniel_Michael_Tellep", 3], ["Lockheed_Martin_Aeronautics", 9], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 6], ["Lockheed_Martin_Aeronautics", 0]]} +{"id": 173506, "predicted_label": "REFUTES", "predicted_evidence": [["Sancho_Panza", 0], ["The_Truth_about_Sancho_Panza", 8], ["The_Truth_about_Sancho_Panza", 0], ["Clavilen\u0303o", 7], ["Clavilen\u0303o", 4]]} +{"id": 78339, "predicted_label": "REFUTES", "predicted_evidence": [["Eddie_Murphy", 0], ["Eddie_Murphy", 13], ["The_Adventures_of_Pluto_Nash", 0], ["Jay_Mohr", 2], ["Pluto_-LRB-Disney-RRB-", 17]]} +{"id": 102547, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wish_Upon", 0], ["M._Night_Shyamalan", 1], ["White_Noise_-LRB-film-RRB-", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5]]} +{"id": 197355, "predicted_label": "SUPPORTS", "predicted_evidence": [["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["General_Simo\u0301n_Boli\u0301var_Municipality", 0], ["General_Simo\u0301n_Boli\u0301var_Municipality", 1], ["Simo\u0301n_Boli\u0301var_International_Airport", 7]]} +{"id": 32422, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["British_Army", 1], ["British_Indian_Army", 8], ["Indian_Army", 3], ["British_Indian_Army", 5], ["Indian_Army_during_World_War_II", 12]]} +{"id": 179306, "predicted_label": "REFUTES", "predicted_evidence": [["Burger_King_franchises", 13], ["Franchising", 8], ["America's_Best_Franchising", 6], ["Burger_King_franchises", 2], ["Burger_King_franchises", 7]]} +{"id": 168065, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Diversity_Day_-LRB-The_Office-RRB-", 13], ["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2016-RRB-", 0], ["Minority_Report", 25]]} +{"id": 223772, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fults", 7], ["Ralph_Fults", 0], ["Roaring_Twenties_-LRB-disambiguation-RRB-", 3], ["Roaring_Twenties_-LRB-disambiguation-RRB-", 0], ["Roaring_Twenties_-LRB-disambiguation-RRB-", 6]]} +{"id": 84595, "predicted_label": "SUPPORTS", "predicted_evidence": [["Atlantic_Records", 5], ["Atlantic_Records", 0], ["Janelle_Mona\u0301e", 0], ["Atlantic_Records", 10], ["The_ArchAndroid", 0]]} +{"id": 87336, "predicted_label": "SUPPORTS", "predicted_evidence": [["Turin", 37], ["Juventus_Stadium", 0], ["List_of_Juventus_F.C._players", 5], ["List_of_Juventus_F.C._players", 3], ["List_of_Juventus_F.C._players", 0]]} +{"id": 131251, "predicted_label": "REFUTES", "predicted_evidence": [["Ripon_College_-LRB-Wisconsin-RRB-", 1], ["WRPN-FM", 0], ["WRPN-FM", 5], ["Outwood_Academy_Ripon", 8], ["Oxford_Centre_for_Ecclesiology_and_Practical_Theology", 8]]} +{"id": 15883, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Concert_for_Bangladesh", 13], ["Japanese_aircraft_carrier_Ho\u0304sho\u0304", 4], ["Indigenous_peoples_and_the_UN-REDD_Program_in_Panama", 25], ["The_Concert_for_Bangladesh", 14], ["The_Concert_for_Bangladesh", 3]]} +{"id": 223669, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ludwig_van_Beethoven_-LRB-1712\u20131773-RRB-", 0], ["Van_Beethoven_-LRB-train-RRB-", 1], ["Beethoven_Gesamtausgabe", 1], ["Beethoven_in_film", 14], ["Beethoven_Gesamtausgabe", 0]]} +{"id": 56094, "predicted_label": "SUPPORTS", "predicted_evidence": [["Indian_Institute_of_Management_Bangalore", 0], ["Indian_Institute_of_Management_-LRB-disambiguation-RRB-", 9], ["Indian_Institute_of_Management_Bangalore", 5], ["IIM_Alumni", 6], ["B._S._Sahay", 54]]} +{"id": 122169, "predicted_label": "SUPPORTS", "predicted_evidence": [["Age_of_Apocalypse", 5], ["X-Men_-LRB-film_series-RRB-", 5], ["X-Men_-LRB-film_series-RRB-", 10], ["X-Men_-LRB-film_series-RRB-", 9], ["Age_of_Apocalypse", 6]]} +{"id": 165242, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Erling_Bjerno", 7], ["List_of_symphony_composers", 0], ["Rafa\u0142_Augustyn_-LRB-composer-RRB-", 1], ["List_of_symphonies_by_Wolfgang_Amadeus_Mozart", 1]]} +{"id": 49711, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janet_Leigh", 0], ["The_Black_Shield_of_Falworth", 1], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 129419, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 205744, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["Television_and_film_in_New_Jersey", 15], ["Wings_for_This_Man", 0], ["First_Motion_Picture_Unit", 0], ["Cheviot_Hills_Military_Academy", 11]]} +{"id": 46705, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Reid,_Australian_Capital_Territory", 1], ["Springfield_High_School_of_Science_and_Technology", 4], ["Belvidere_Community_Unit_School_District_100", 32], ["Liberty_Street_Ferry_Terminal", 1], ["Lincoln_Green_-LRB-New_Zealand-RRB-", 1]]} +{"id": 192849, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 8], ["Ian_Brennan", 4], ["Ian_Brennan", 0], ["Ian_Brennan", 2], ["Ian_Brennan", 6]]} +{"id": 36370, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 153129, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kellyanne_Conway", 12], ["Alternative_facts", 0], ["Conway_-LRB-surname-RRB-", 66], ["Bowling_Green_massacre", 0], ["Make_America_Number_1", 12]]} +{"id": 171622, "predicted_label": "REFUTES", "predicted_evidence": [["David_Gibbons_-LRB-disambiguation-RRB-", 3], ["Watchmensch", 1], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["Watchmen", 1], ["David_Gibbons_-LRB-disambiguation-RRB-", 12]]} +{"id": 103568, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Harknett", 38], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Iron_Man_3", 2], ["Shane_Valdez", 0], ["Terry_Harknett", 0]]} +{"id": 56620, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colin_Kaepernick", 1], ["2016_U.S._national_anthem_protests", 1], ["2008_Humanitarian_Bowl", 14], ["Pistol_offense", 18], ["Pistol_offense", 22]]} +{"id": 100400, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["SpongeBob_SquarePants_-LRB-season_4-RRB-", 0], ["List_of_SpongeBob_SquarePants_guest_stars", 0], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 58935, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sporting_Life_-LRB-retailer-RRB-", 3], ["Bertel_O._Steen", 37], ["PacSun", 1], ["PacSun", 0], ["PacSun", 3]]} +{"id": 185385, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chips_and_dip", 6], ["Chips_and_dip", 8], ["Casino_chip_collecting", 24], ["Corn_chip", 8], ["Chip_-LRB-snack_type-RRB-", 19]]} +{"id": 118126, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fractional_currency_-LRB-United_States-RRB-", 9], ["Currency_pair", 1], ["Currency_pair", 4], ["Currency_pair", 0], ["Foreign_currency_mortgage", 22]]} +{"id": 167981, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Don_Bradman", 20], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 8], ["Bradman_-LRB-disambiguation-RRB-", 10], ["Bradman_-LRB-disambiguation-RRB-", 8], ["Bradman_-LRB-disambiguation-RRB-", 16]]} +{"id": 190755, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marjorie_Gross", 0], ["List_of_women_with_ovarian_cancer", 127], ["Marjorie", 136], ["Seinfeld", 8], ["List_of_women_with_ovarian_cancer", 129]]} +{"id": 154020, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chrysler_Building", 5], ["List_of_tallest_buildings_in_New_York_City", 1], ["List_of_tallest_buildings_in_New_York_City", 11], ["List_of_tallest_buildings_in_New_York_City", 3], ["Eiffel_Tower", 10]]} +{"id": 146938, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Merck_Manuals", 1], ["Michelin_Guide", 0], ["Jean-Luc_Naret", 8], ["Michelin", 3], ["Michelin_Guide", 1]]} +{"id": 124943, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Thomas_Duane", 24], ["Thomas_Duane", 29], ["Thomas_Duane", 17], ["Thomas_Duane", 21]]} +{"id": 35905, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Gulla", 22], ["List_of_video_game_crowdfunding_projects", 4784], ["British_Urban_Film_Festival", 75], ["Flaked", 2], ["Joe_Gulla", 35]]} +{"id": 181843, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_painters_by_name_beginning_with_\"A\"", 122], ["List_of_Haitian_artists", 159], ["List_of_Haitian_artists", 151], ["List_of_Haitian_artists", 153], ["List_of_Haitian_artists", 157]]} +{"id": 156926, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gordon_Ramsay", 11], ["Gordon_Ramsay_at_Claridge's", 1], ["Restaurant_Gordon_Ramsay", 0], ["Gordon_Ramsay", 6], ["Gordon_Ramsay_at_Claridge's", 0]]} +{"id": 220288, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frank_P._Keller", 1], ["Bullitt", 0], ["Peter_Yates_-LRB-disambiguation-RRB-", 0], ["Peter_Yates_-LRB-disambiguation-RRB-", 8], ["Peter_Yates_-LRB-disambiguation-RRB-", 3]]} +{"id": 187785, "predicted_label": "REFUTES", "predicted_evidence": [["Wendell_Burton", 10], ["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["Wendell_Burton", 1], ["The_Sterile_Cuckoo", 0], ["Come_Saturday_Morning_-LRB-The_Sandpipers_album-RRB-", 5]]} +{"id": 50258, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Victor_Glynn", 37], ["List_of_accolades_received_by_House", 1], ["House_-LRB-season_8-RRB-", 5], ["House_-LRB-season_8-RRB-", 6], ["Victor_Glynn", 34]]} +{"id": 145424, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Estimated_date_of_confinement", 0], ["Library_card", 12], ["Tax_return_-LRB-Canada-RRB-", 20], ["Late_fee", 0], ["Comm_South_Companies", 18]]} +{"id": 36451, "predicted_label": "REFUTES", "predicted_evidence": [["NRG_Recording_Studios", 0], ["A_Thousand_Suns", 4], ["Got_the_Life", 1], ["The_Only_Way_Out", 1], ["NRG", 27]]} +{"id": 95330, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dolphin", 2], ["River_dolphin", 2], ["River_dolphin", 7], ["Dolphins\u2013Patriots_rivalry", 0], ["Dolphins\u2013Patriots_rivalry", 13]]} +{"id": 31771, "predicted_label": "SUPPORTS", "predicted_evidence": [["Judgment_Day_-LRB-2007-RRB-", 9], ["Judgment_Day_-LRB-2007-RRB-", 10], ["King_of_the_Ring_-LRB-2000-RRB-", 2], ["Shane_McMahon", 0], ["Hardcore_Championship", 2]]} +{"id": 63321, "predicted_label": "REFUTES", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["Thames_Ironworks_F.C.", 10], ["Thames_Ironworks_F.C.", 0]]} +{"id": 19721, "predicted_label": "REFUTES", "predicted_evidence": [["Great_Lakes_Institute_of_Management,_Gurgaon", 3], ["Institute_of_Agriculture_and_Animal_Science", 17], ["Institute_of_Agriculture_and_Animal_Science", 66], ["Indian_Institute_of_Management_-LRB-disambiguation-RRB-", 9], ["Indian_Institute_of_Management_Bangalore", 0]]} +{"id": 116755, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kendal_Cronkhite", 5], ["DreamWorks_Animation", 0], ["DreamWorks_Animation", 16], ["DreamWorks", 17], ["DreamWorks_Animation", 15]]} +{"id": 110394, "predicted_label": "REFUTES", "predicted_evidence": [["Aaron_Burr", 9], ["Theodosia_Bartow_Prevost", 2], ["Alexander_Hamilton", 11], ["Alexander_Hamilton", 0], ["United_States_presidential_election,_1800", 9]]} +{"id": 194458, "predicted_label": "SUPPORTS", "predicted_evidence": [["Swinton_-LRB-surname-RRB-", 19], ["Tilda", 12], ["Michael_Clayton_-LRB-film-RRB-", 1], ["Tilda_Swinton", 0], ["WACK!_Art_and_the_Feminist_Revolution", 142]]} +{"id": 215204, "predicted_label": "REFUTES", "predicted_evidence": [["Deep_Waters", 8], ["The_Jungle_-LRB-1914_film-RRB-", 0], ["The_Indian_Wars_Refought", 0], ["Lucky_Star_-LRB-1929_film-RRB-", 0], ["Lucky_Star_-LRB-1929_film-RRB-", 9]]} +{"id": 141943, "predicted_label": "REFUTES", "predicted_evidence": [["Kuching", 0], ["Kuching", 5], ["Kuching", 13], ["Kuching", 6], ["Kuching", 14]]} +{"id": 20121, "predicted_label": "REFUTES", "predicted_evidence": [["Sheridan_-LRB-surname-RRB-", 123], ["Rob_Sheridan", 0], ["Sheridan_-LRB-surname-RRB-", 77], ["Nine_Inch_Nails_live_performances", 15], ["Pretty_Eight_Machine_-LRB-album-RRB-", 7]]} +{"id": 96906, "predicted_label": "REFUTES", "predicted_evidence": [["Global_warming_hiatus", 0], ["Global_warming_controversy", 0], ["Hurricane_Katrina_and_global_warming", 17], ["Hurricane_Katrina_and_global_warming", 13], ["Climate_change_denial", 0]]} +{"id": 5177, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Armenian_Genocide", 0], ["Press_coverage_during_the_Armenian_Genocide", 14], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Armenian_Genocide", 10], ["Khatchig_Mouradian", 7]]} +{"id": 219291, "predicted_label": "REFUTES", "predicted_evidence": [["Capsicum_chinense", 0], ["Bhut_jolokia", 1], ["Red_Savina_pepper", 14], ["Adjuma", 0], ["Red_Savina_pepper", 0]]} +{"id": 160508, "predicted_label": "REFUTES", "predicted_evidence": [["Pebe_Sebert", 4], ["Kesha_v._Dr._Luke", 0], ["Take_It_Off_-LRB-Kesha_song-RRB-", 1], ["Pebe_Sebert", 0], ["Warrior_-LRB-Kesha_album-RRB-", 15]]} +{"id": 75638, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Brokeback_Mountain", 7], ["List_of_accolades_received_by_Inglourious_Basterds", 13], ["Brokeback_Mountain", 6], ["List_of_Canadian_submissions_for_the_Academy_Award_for_Best_Foreign_Language_Film", 8], ["List_of_Canadian_submissions_for_the_Academy_Award_for_Best_Foreign_Language_Film", 6]]} +{"id": 95658, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prince_of_Wales_Trophy", 0], ["Atlantic_Division_-LRB-NBA-RRB-", 3], ["Eastern_Conference_-LRB-NHL-RRB-", 0], ["Em_Bryant", 41], ["1994_NBA_Finals", 0]]} +{"id": 124022, "predicted_label": "REFUTES", "predicted_evidence": [["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 0], ["Imagine_That_-LRB-film-RRB-", 1], ["Butter_-LRB-2011_film-RRB-", 0], ["Ziyodullo_Shahidi", 9]]} +{"id": 25824, "predicted_label": "SUPPORTS", "predicted_evidence": [["Whitney_Houston_discography", 15], ["Bad_Romance", 12], ["Bryan_Adams_discography", 6], ["Avril_Lavigne_discography", 30], ["Bad_Romance", 2]]} +{"id": 103773, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_Earth", 33], ["History_of_Earth", 13], ["History_of_Earth", 0], ["List_of_books_by_Jacob_Neusner", 1034], ["List_of_books_by_Jacob_Neusner", 1318]]} +{"id": 125275, "predicted_label": "REFUTES", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["Trinidad_and_Tobago_football_clubs_in_international_competition", 1], ["2014\u201315_CONCACAF_Champions_League", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0]]} +{"id": 175743, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_exophonic_writers", 105], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 10], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 0], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 8], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 3]]} +{"id": 50120, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amiya_Chakravarty_-LRB-director-RRB-", 3], ["Qaafiyaa", 2], ["Radif", 5], ["Army_Public_School,_Dagshai", 6], ["Qaafiyaa", 32]]} +{"id": 156477, "predicted_label": "REFUTES", "predicted_evidence": [["Anil_Devgan", 0], ["Ajay_Devgn", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Veeru_Devgan", 0], ["Devgan", 6]]} +{"id": 172112, "predicted_label": "SUPPORTS", "predicted_evidence": [["Selena_Gomez_&_the_Scene", 3], ["Selena_Gomez_&_the_Scene", 9], ["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Antonina_Armato", 26]]} +{"id": 110061, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Winterfilm_Collective", 0], ["Production_sound_mixer", 0], ["Claude_La_Haye", 0], ["Production_sound_mixer", 12], ["Perchman", 5]]} +{"id": 81610, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sleipnir", 11], ["Heryshaf", 0], ["Anti_-LRB-mythology-RRB-", 0], ["Heryshaf", 1], ["Anti_-LRB-mythology-RRB-", 15]]} +{"id": 147273, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danny_Brown", 3], ["Daniel_Brown", 3], ["The_Hybrid_-LRB-album-RRB-", 0], ["Brett_Callwood", 42], ["Brett_Callwood", 2]]} +{"id": 170, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gaza_Strip", 0], ["State_of_Palestine", 1], ["Adriatic_Sea", 6], ["Adriatic_Sea", 16], ["Adriatic_Sea", 27]]} +{"id": 22518, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Harold_F._Cherniss", 4], ["Asclepigenia", 4], ["Harold_F._Cherniss", 18], ["Plato", 22], ["Asclepigenia", 2]]} +{"id": 203692, "predicted_label": "SUPPORTS", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["He's_Just_Not_That_into_You_-LRB-film-RRB-", 5], ["Will_Smith_filmography", 7], ["Tim_Palen", 4], ["Michael_Bay_filmography", 23]]} +{"id": 39509, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fo\u0308r_att_du_finns", 6], ["Shaiju_Mathew", 2], ["Joe_Grim", 32], ["Fo\u0308r_att_du_finns", 1], ["Fo\u0308r_att_du_finns", 13]]} +{"id": 100030, "predicted_label": "REFUTES", "predicted_evidence": [["Apple_I", 1], ["Apple_II_series", 0], ["WOZ", 3], ["Zaltair", 2], ["Woz\u0301niak", 31]]} +{"id": 206163, "predicted_label": "REFUTES", "predicted_evidence": [["Rafael_C._Castillo", 16], ["Cubberley_Community_Center", 0], ["Palo_Alto_Weekly", 0], ["East_Palo_Alto,_California", 0], ["Liz_Kniss", 8]]} +{"id": 25591, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_mountain_ranges_of_Pakistan", 15], ["Geography_of_Afghanistan", 6], ["Hindu_Kush", 5], ["Geography_of_Afghanistan", 18], ["Hindu_Kush", 0]]} +{"id": 77824, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gala_Hollywood_Farewell_Salute_to_President_Clinton", 0], ["United_States_presidential_election_in_Massachusetts,_1996", 0], ["United_States_presidential_election_in_Massachusetts,_1996", 5], ["Inauguration_of_Bill_Clinton", 3], ["On_the_Pulse_of_Morning", 0]]} +{"id": 89219, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_G._Preston", 3], ["Kelly_Smith_-LRB-disambiguation-RRB-", 12], ["Old_Dogs_-LRB-film-RRB-", 11], ["Old_Dogs_-LRB-film-RRB-", 0], ["List_of_people_with_surname_Preston", 120]]} +{"id": 5985, "predicted_label": "SUPPORTS", "predicted_evidence": [["Make_Your_Move_-LRB-film-RRB-", 0], ["Derek_Hough", 6], ["Romeo_and_Juliet", 22], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 8]]} +{"id": 193860, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["The_Van_Dyke_Show", 0], ["Dick_Van_Dyke", 3], ["Dick_Van_Dyke", 8]]} +{"id": 75137, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_discography", 0]]} +{"id": 87633, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2016_US_Open_\u2013_Men's_Singles", 2], ["Neuberg_formula", 16], ["2010_Farmers_Classic_\u2013_Singles", 1], ["2011_US_Open_\u2013_Men's_Singles", 4], ["Match_point", 5]]} +{"id": 1544, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_nurses", 279], ["List_of_fictional_nurses", 277], ["Turkish_television_drama", 1], ["The_Return_of_the_Condor_Heroes_-LRB-disambiguation-RRB-", 19], ["The_Return_of_the_Condor_Heroes_-LRB-disambiguation-RRB-", 25]]} +{"id": 43459, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 98136, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Doublefaced", 16], ["Sexify", 1], ["56th_Annual_Grammy_Awards", 13], ["56th_Annual_Grammy_Awards", 9], ["Passion,_Pain_&_Demon_Slayin'", 7]]} +{"id": 1126, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wildfang", 0], ["Michaels-Stern_&_Co.", 6], ["Michaels-Stern_&_Co.", 8], ["Lululemon_Athletica", 1], ["Michaels-Stern_&_Co.", 0]]} +{"id": 10712, "predicted_label": "REFUTES", "predicted_evidence": [["Speech_recognition", 2], ["Mehryar_Mohri", 0], ["Nelson_Morgan", 0], ["Nelson_Morgan", 1], ["Cache_language_model", 1]]} +{"id": 8505, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["My_Plaything", 6], ["Jenna_Jameson", 0], ["Jameson_-LRB-surname-RRB-", 29], ["ClubJenna", 0], ["ClubJenna", 4]]} +{"id": 199751, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_landlocked_U.S._states", 12], ["Landlocked_developing_countries", 0], ["Landlocked_developing_countries", 5], ["Landlocked_developing_countries", 2], ["Landlocked_developing_countries", 1]]} +{"id": 174012, "predicted_label": "SUPPORTS", "predicted_evidence": [["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 5], ["The_Endless_River", 0], ["Pink_Floyd", 17], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 10]]} +{"id": 53468, "predicted_label": "SUPPORTS", "predicted_evidence": [["Adam_Rifkin", 0], ["Gilles_-LRB-given_name-RRB-", 112], ["Adam_Rifkin", 7], ["List_of_Turkish_film_directors", 60], ["Gilles_-LRB-given_name-RRB-", 321]]} +{"id": 109623, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gulf_of_Tonkin_incident", 12], ["Louisette_Ighilahriz", 40], ["Battle_of_Arretium", 65], ["What_If_Punk_Never_Happened", 11], ["Merry_Christmas_Baby", 20]]} +{"id": 28257, "predicted_label": "SUPPORTS", "predicted_evidence": [["Croatian_Government", 0], ["Politics_of_Croatia", 13], ["Politics_of_Croatia", 18], ["Croatian_Government", 8], ["Croatian_Government", 3]]} +{"id": 30425, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brain", 3], ["Radial_unit_hypothesis", 1], ["Cerebral_cortex", 12], ["Cerebral_cortex", 8], ["Brain", 19]]} +{"id": 18355, "predicted_label": "REFUTES", "predicted_evidence": [["The_Selfish_Giant_-LRB-song-RRB-", 0], ["Lonely_Press_Play", 0], ["Mr_Tembo", 0], ["Everyday_Robots", 0], ["Damon_Albarn", 17]]} +{"id": 370, "predicted_label": "SUPPORTS", "predicted_evidence": [["State_of_Palestine", 1], ["Political_status_of_the_Palestinian_territories", 50], ["Western_imperialism_in_Asia", 19], ["State_of_Palestine", 0], ["Western_imperialism_in_Asia", 25]]} +{"id": 39423, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ann_Richards_School_for_Young_Women_Leaders", 0], ["Ann_Richards_School_for_Young_Women_Leaders", 1], ["Samuel_W._Richards", 37], ["Michael_J._Osborne", 41], ["Michael_J._Osborne", 15]]} +{"id": 12199, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthew_McConaughey_filmography", 10], ["Matthew_McConaughey", 6], ["List_of_accolades_received_by_Dallas_Buyers_Club", 1], ["Rust_Cohle", 6], ["Rust_Cohle", 1]]} +{"id": 156340, "predicted_label": "SUPPORTS", "predicted_evidence": [["Troian_Bellisario", 5], ["Billboard_Dad", 0], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 153261, "predicted_label": "SUPPORTS", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 3]]} +{"id": 96137, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vivek_Mushran", 2], ["Vivek_Mushran", 3], ["Vivek_Mushran", 7], ["The_Six_Wives_of_Henry_VIII", 4], ["The_Six_Wives_of_Henry_VIII", 8]]} +{"id": 56120, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["XHamster", 6], ["YouPorn", 3], ["Clown_porn", 18], ["IRobot_Seaglider", 7], ["XHamster", 7]]} +{"id": 219138, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_registered_political_parties_in_Vale\u0300ncia", 18], ["Valencia", 0], ["Valencia_Football_Club", 5], ["Valencia_Football_Club", 3], ["Valencia_Football_Club", 0]]} +{"id": 150313, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-White_Collar-RRB-", 2], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Kenny_Woods", 18], ["Percy_Jackson_&_the_Olympians-COLON-_The_Lightning_Thief", 2], ["Burying_the_Ex", 1]]} +{"id": 152286, "predicted_label": "SUPPORTS", "predicted_evidence": [["Advertising", 0], ["Advertising_management", 6], ["Content_analysis", 40], ["Eddie_Bell_-LRB-wide_receiver-RRB-", 24], ["Eddie_Bell_-LRB-wide_receiver-RRB-", 6]]} +{"id": 18179, "predicted_label": "REFUTES", "predicted_evidence": [["Here_on_Earth_-LRB-novel-RRB-", 4], ["University_of_Queensland", 14], ["Here_on_Earth_-LRB-novel-RRB-", 0], ["Here_on_Earth_-LRB-novel-RRB-", 9], ["Sonic_Chronicles-COLON-_The_Dark_Brotherhood", 2]]} +{"id": 193890, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Goldenberg", 22], ["Susan_Harris", 11], ["Billy_Goldenberg", 18], ["Susan_Harris", 12], ["Bea_-LRB-given_name-RRB-", 6]]} +{"id": 131562, "predicted_label": "REFUTES", "predicted_evidence": [["Reggae", 0], ["Paris_Hilton", 18], ["Reggae", 27], ["High_Off_My_Love", 6], ["Paris_Hilton", 31]]} +{"id": 95679, "predicted_label": "SUPPORTS", "predicted_evidence": [["Zougla", 11], ["Down_Town_-LRB-magazine-RRB-", 3], ["List_of_women_with_ovarian_cancer", 297], ["June_-LRB-given_name-RRB-", 107], ["List_of_women_with_ovarian_cancer", 211]]} +{"id": 194915, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stripes_-LRB-film-RRB-", 1], ["Martin_and_Lewis_-LRB-film-RRB-", 4], ["Conrad_Dunn", 0], ["Conrad_Dunn", 3], ["Witchblade_-LRB-TV_series-RRB-", 5]]} +{"id": 54417, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["High_Off_My_Love", 6], ["Paris_Hilton", 18], ["Paris_Hilton's_Dubai_BFF", 0], ["Paris_-LRB-Paris_Hilton_album-RRB-", 0]]} +{"id": 194357, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nine_Inch_Nails", 16], ["List_of_awards_and_nominations_received_by_Nine_Inch_Nails", 2], ["Nine_Inch_Nails_discography", 11], ["Nine_Inch_Nails", 5], ["Nine_Inch_Nails_discography", 8]]} +{"id": 149160, "predicted_label": "REFUTES", "predicted_evidence": [["Oklahoma_City_Stars_men's_basketball", 0], ["Frederickson_Fieldhouse", 26], ["Billboard_Dad", 0], ["Troian_Bellisario", 5], ["Oklahoma_City_Stars_men's_basketball", 5]]} +{"id": 23196, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewan_McGregor", 2], ["Ewen_Bremner", 1], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 186610, "predicted_label": "REFUTES", "predicted_evidence": [["Soul_Asylum_discography", 0], ["The_Byrds_discography", 0], ["Asylum_Records", 1], ["The_Byrds_discography", 1], ["Dante_Ross", 32]]} +{"id": 119695, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michelin_Guide", 0], ["Jean-Luc_Naret", 8], ["Andre\u0301_Michelin", 3], ["Michelin_Guide", 1], ["Michelin", 3]]} +{"id": 120681, "predicted_label": "REFUTES", "predicted_evidence": [["Vostok_-LRB-sloop-of-war-RRB-", 0], ["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Vostok_Station", 2], ["Mirny", 36], ["3rd_Soviet_Antarctic_Expedition", 33]]} +{"id": 50282, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Music_to_Watch_Girls_By", 15], ["Nimoy", 7], ["The_Ballad_of_Bilbo_Baggins", 1], ["Nimoy", 5], ["Development_of_Spock", 1]]} +{"id": 194765, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Blue_Collar_TV", 0], ["Larry_the_Cable_Guy", 12], ["Blue_Collar_TV", 24], ["Larry_the_Cable_Guy", 0], ["Larry_the_Cable_Guy", 7]]} +{"id": 85937, "predicted_label": "SUPPORTS", "predicted_evidence": [["IWGP_Heavyweight_Championship", 26], ["IWGP_Junior_Heavyweight_Championship", 24], ["List_of_IWGP_Junior_Heavyweight_Tag_Team_Champions", 20], ["FIP_World_Heavyweight_Championship", 16], ["Two_guineas_-LRB-British_coin-RRB-", 17]]} +{"id": 631, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Mark_Wahlberg", 4], ["Michael_Bay_filmography", 14], ["James_Cameron_filmography", 4], ["James_Cameron_filmography", 6]]} +{"id": 83855, "predicted_label": "SUPPORTS", "predicted_evidence": [["Springsteen_-LRB-song-RRB-", 0], ["Eric_Church", 0], ["Luke_Laird", 0], ["2012_Country_Music_Association_Awards", 7], ["Haley_Georgia", 6]]} +{"id": 42174, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Joseph_Walsh_-LRB-designer-RRB-", 0], ["Barnstorm_-LRB-band-RRB-", 10], ["The_Confessor_-LRB-song-RRB-", 3]]} +{"id": 177180, "predicted_label": "SUPPORTS", "predicted_evidence": [["Music_of_Jamaica", 0], ["Dub_poetry", 0], ["Music_of_Jamaica", 1], ["Rockers_Hi-Fi", 2], ["High_Tone", 1]]} +{"id": 81847, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bad_Romance", 12], ["Usher_discography", 32], ["Bad_Romance", 2], ["Bad_Romance", 9], ["Bad_Romance", 4]]} +{"id": 209092, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Red_Hot_Chili_Peppers_band_members", 59], ["Stadium_Arcadium_World_Tour", 0], ["John_Frusciante_discography", 18], ["Readymade_-LRB-song-RRB-", 0], ["List_of_Red_Hot_Chili_Peppers_band_members", 52]]} +{"id": 40432, "predicted_label": "REFUTES", "predicted_evidence": [["The_Dude_-LRB-Quincy_Jones_album-RRB-", 9], ["List_of_awards_and_nominations_received_by_Rihanna", 19], ["Sheryl_Crow_discography", 8], ["List_of_awards_and_nominations_received_by_Adele", 14], ["28th_Annual_Grammy_Awards", 27]]} +{"id": 17718, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hourglass_-LRB-James_Taylor_album-RRB-", 0], ["James_Taylor_discography", 17], ["Frank_Filipetti", 5], ["James_Taylor_discography", 6], ["James_Taylor_discography", 26]]} +{"id": 150630, "predicted_label": "REFUTES", "predicted_evidence": [["EastEnders", 2], ["TV_Quick", 10], ["TV_Quick", 4], ["Faye_Morton", 7], ["EastEnders", 12]]} +{"id": 113116, "predicted_label": "REFUTES", "predicted_evidence": [["Renato_Balestra", 0], ["Renato_Balestra", 3], ["Renato_Balestra", 8], ["Pietro_Balestra_-LRB-economist-RRB-", 1], ["Renato_Balestra", 19]]} +{"id": 156316, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Rogan", 7], ["Joe_Rogan", 4], ["Duncan_Trussell", 0], ["The_Joe_Rogan_Experience", 0], ["Joe_Rogan", 13]]} +{"id": 192904, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keke_Wyatt_discography", 29], ["Keke_Wyatt_discography", 34], ["Keke_Wyatt_discography", 24], ["Celine_Dion_singles_discography", 44], ["Keke_Wyatt_discography", 22]]} +{"id": 131701, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prescott,_Arizona", 0], ["List_of_people_from_Prescott,_Arizona", 39], ["Prescott_Valley_Event_Center", 0], ["Prescott,_Massachusetts", 26], ["Prescott,_Arizona", 14]]} +{"id": 92687, "predicted_label": "REFUTES", "predicted_evidence": [["Guillermo_del_Toro", 0], ["Del_Toro_-LRB-surname-RRB-", 12], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 1], ["Sundown_-LRB-video_game-RRB-", 0]]} +{"id": 90408, "predicted_label": "REFUTES", "predicted_evidence": [["Chris_Eubank_Jr.", 0], ["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 3], ["Chris_Eubank", 0], ["Juan_Carlos_Gime\u0301nez_Ferreyra", 1]]} +{"id": 61753, "predicted_label": "REFUTES", "predicted_evidence": [["Garden_State_Film_Festival", 0], ["Garden_State_Film_Festival", 8], ["Garden_State_Film_Festival", 15], ["William_A._Conway", 0], ["Garden_State_Film_Festival", 3]]} +{"id": 159950, "predicted_label": "REFUTES", "predicted_evidence": [["Sylvia_Larsen", 25], ["Sylvia_Larsen", 50], ["Sylvia_Larsen", 32], ["Sylvia_Larsen", 0], ["Sylvia_Larsen", 26]]} +{"id": 102487, "predicted_label": "SUPPORTS", "predicted_evidence": [["Deepwater_Horizon", 2], ["Tiber_Oil_Field", 0], ["Tiber_-LRB-disambiguation-RRB-", 20], ["Tiber_Oil_Field", 1], ["2003_world_oil_market_chronology", 64]]} +{"id": 194479, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tilda", 12], ["Snowpiercer", 5], ["Swinton_-LRB-surname-RRB-", 19], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Michael_Clayton_-LRB-film-RRB-", 1]]} +{"id": 79912, "predicted_label": "REFUTES", "predicted_evidence": [["Billie_Joe", 2], ["Radio_Radio_Radio", 7], ["Joe_Armstrong", 6], ["Joe_Armstrong", 4], ["Pinhead_Gunpowder", 1]]} +{"id": 202929, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8], ["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold_discography", 11], ["City_of_Evil", 0]]} +{"id": 200382, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ryan_Sinn", 17], ["David_Kennedy_-LRB-musician-RRB-", 8], ["David_Kennedy_-LRB-musician-RRB-", 4], ["Angels_&_Airwaves", 0], ["After_Midnight_-LRB-Blink-182_song-RRB-", 6]]} +{"id": 43478, "predicted_label": "SUPPORTS", "predicted_evidence": [["Garnier", 0], ["Urban_Decay_-LRB-cosmetics-RRB-", 0], ["L'Ore\u0301al-UNESCO_Awards_for_Women_in_Science", 1], ["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Pene\u0301lope_Cruz", 0]]} +{"id": 58846, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Leonard_Hofstadter", 0], ["Terry_Ork", 10], ["The_Little_Dog_Laughed", 9], ["Galecki", 8], ["Rodney_Hicks", 25]]} +{"id": 63373, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Radio_Radio_Radio", 7], ["Joe_Armstrong", 14], ["The_Influents", 16], ["Pinhead_Gunpowder", 2], ["The_Influents", 11]]} +{"id": 74557, "predicted_label": "REFUTES", "predicted_evidence": [["Nuuk", 4], ["Nuuk", 1], ["Nuuk_Airport", 2], ["Greenland_Connect", 13], ["Nuuk_Airport", 3]]} +{"id": 25119, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kennedy_Compound", 6], ["Harvard_Institute_of_Politics", 11], ["Gorman_Kennedy", 4], ["Caroline_Kennedy", 4], ["John_F._Kennedy", 1]]} +{"id": 226868, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jenna_Jameson", 3], ["Angel_Funes", 24], ["Angel_Funes", 14], ["Angel_Funes", 13], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 194363, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bible_and_slavery", 8], ["The_Bible_and_slavery", 20], ["World_Happiness_Report", 0], ["World_Happiness_Report", 5], ["World_Happiness_Report", 17]]} +{"id": 68189, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_King_v._Pear", 15], ["Horse", 2], ["Crazy_Horse_-LRB-cabaret-RRB-", 9], ["Cavaletti", 21], ["Horse", 6]]} +{"id": 71159, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_No_Country_for_Old_Men", 0], ["List_of_accolades_received_by_No_Country_for_Old_Men", 12], ["List_of_accolades_received_by_No_Country_for_Old_Men", 16], ["List_of_frequent_Coen_Brothers_collaborators", 49], ["List_of_accolades_received_by_No_Country_for_Old_Men", 8]]} +{"id": 20049, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despacito", 12], ["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Bachata_Number_1's,_Vol._3", 3], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 7]]} +{"id": 194926, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Elder_Scrolls_III-COLON-_Morrowind", 4], ["Stripes_-LRB-film-RRB-", 1], ["The_Rat_Pack_-LRB-film-RRB-", 7], ["Stripes_-LRB-film-RRB-", 0], ["The_Rat_Pack_-LRB-film-RRB-", 4]]} +{"id": 122277, "predicted_label": "SUPPORTS", "predicted_evidence": [["ATC_Zero", 2], ["NATS_Holdings", 2], ["Air_traffic_controller", 9], ["ATC_Zero", 0], ["NATS_Holdings", 1]]} +{"id": 164985, "predicted_label": "REFUTES", "predicted_evidence": [["Polar_bear", 7], ["Agreement_on_the_Conservation_of_Polar_Bears", 12], ["Polar_bear", 10], ["Effects_of_global_warming_on_marine_mammals", 5], ["Marine_mammal", 0]]} +{"id": 114058, "predicted_label": "SUPPORTS", "predicted_evidence": [["Salvatore_Petruolo", 11], ["San_Gennaro_-LRB-disambiguation-RRB-", 34], ["Giuseppe_Antonio_Ermenegildo_Prisco", 3], ["Salvatore_Petruolo", 4], ["Giovanni_da_Nola", 3]]} +{"id": 108676, "predicted_label": "SUPPORTS", "predicted_evidence": [["State_of_Palestine", 1], ["State_of_Palestine", 0], ["State_of_Palestine", 2], ["State_of_Palestine", 3], ["Adonis_Kyrou", 7]]} +{"id": 179017, "predicted_label": "REFUTES", "predicted_evidence": [["Charlton_Neo", 2], ["Charlton_Neo", 0], ["Mr._A", 0], ["In_Search_of_Steve_Ditko", 4], ["In_Search_of_Steve_Ditko", 0]]} +{"id": 77873, "predicted_label": "REFUTES", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Hedda_Gabler", 2], ["Cate_Blanchett_on_screen_and_stage", 7]]} +{"id": 49515, "predicted_label": "REFUTES", "predicted_evidence": [["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 0], ["Chris_Eubank_Jr.", 3], ["Chris_Eubank_Jr.", 2], ["Juan_Carlos_Gime\u0301nez_Ferreyra", 1]]} +{"id": 195914, "predicted_label": "REFUTES", "predicted_evidence": [["Frozen_-LRB-2013_film-RRB-", 13], ["The_Secret_Life_of_Pets", 6], ["List_of_accolades_received_by_Frozen_-LRB-2013_film-RRB-", 8], ["List_of_highest-grossing_films", 18], ["List_of_highest-grossing_films", 2]]} +{"id": 107816, "predicted_label": "REFUTES", "predicted_evidence": [["RCA/Jive_Label_Group", 0], ["Columbia/Epic_Label_Group", 0], ["RCA/Jive_Label_Group", 1], ["Mascot_Label_Group", 0], ["Zomba_Group_of_Companies", 14]]} +{"id": 61782, "predicted_label": "REFUTES", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 8], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Space_Mountain_-LRB-Magic_Kingdom-RRB-", 7]]} +{"id": 71246, "predicted_label": "SUPPORTS", "predicted_evidence": [["Appropriation_-LRB-art-RRB-", 1], ["Savannah_Music_Festival", 4], ["Savannah_Music_Festival", 0], ["Savannah_Music_Festival", 1], ["Savannah_Music_Festival", 7]]} +{"id": 28500, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boy_Parts", 4], ["Black_Reel_Award_for_Best_Actress-COLON-_T.V._Movie/Cable", 4], ["Protect_the_Coven", 4], ["Boy_Parts", 6], ["Head_-LRB-American_Horror_Story-RRB-", 4]]} +{"id": 194792, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sense_and_Sensibility_-LRB-film-RRB-", 1], ["Fortunes_of_War_-LRB-TV_series-RRB-", 0], ["Fortunes_of_War_-LRB-TV_series-RRB-", 1], ["Thompson_-LRB-TV_series-RRB-", 0], ["List_of_accolades_received_by_Sense_and_Sensibility_-LRB-film-RRB-", 1]]} +{"id": 179035, "predicted_label": "SUPPORTS", "predicted_evidence": [["Congressional_Space_Medal_of_Honor", 1], ["Office_Depot_Championship", 5], ["Congressional_Space_Medal_of_Honor", 12], ["Congressional_Space_Medal_of_Honor", 9], ["Congressional_Space_Medal_of_Honor", 10]]} +{"id": 139280, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Robert_Earl_Jones", 5], ["Long_Ago_and_Far_Away_-LRB-TV_series-RRB-", 5], ["Long_Ago_and_Far_Away_-LRB-TV_series-RRB-", 9], ["Earl_-LRB-given_name-RRB-", 271], ["Keith_Randolph_Smith", 23]]} +{"id": 2718, "predicted_label": "REFUTES", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Brian_Michael_Bendis", 0], ["Ultimate_Spider-Man", 11], ["Secret_War_-LRB-comics-RRB-", 1], ["Ultimate_Spider-Man", 16]]} +{"id": 141547, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bhagat_Singh", 23], ["Hussainiwala_National_Martyrs_Memorial", 4], ["Bhagat_Singh", 4], ["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1]]} +{"id": 96213, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Seabrook_Floodgate", 2], ["Morne_Watt", 3], ["Alexandria_Water_Company", 3], ["Croatia", 27], ["Collegium_Germanicum_et_Hungaricum", 1]]} +{"id": 89771, "predicted_label": "SUPPORTS", "predicted_evidence": [["TV_Choice", 1], ["Clitheroe_Advertiser_and_Times", 3], ["Pendle_Express", 4], ["TV_Quick", 4], ["TV_Quick", 10]]} +{"id": 144293, "predicted_label": "SUPPORTS", "predicted_evidence": [["Timeline_of_Western_Saharan_history", 37], ["Claims_to_a_crown", 7], ["Claims_to_a_crown", 0], ["Western_Asia", 15], ["Western_Asia", 0]]} +{"id": 71928, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tony_Gardner", 2], ["Cheech_&_Chong", 0], ["The_Black_Seeds", 14], ["Tenacious_D_-LRB-disambiguation-RRB-", 0], ["Tenacious_D", 0]]} +{"id": 26986, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ted_Humphrey", 2], ["The_Good_Wife", 12], ["The_Good_Wife", 0], ["The_Good_Wife", 9], ["The_Good_Wife_-LRB-disambiguation-RRB-", 0]]} +{"id": 225305, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thanks_for_Sharing", 1], ["Casual_-LRB-TV_series-RRB-", 1], ["Tommy_Dewey", 1], ["Watkins_-LRB-surname-RRB-", 98], ["Richland_Farm_-LRB-Clarksville,_Maryland-RRB-", 18]]} +{"id": 8789, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ashton_Kutcher", 8], ["Ashton_Kutcher", 4], ["List_of_That_'70s_Show_home_video_releases", 20], ["Ashton_-LRB-given_name-RRB-", 6], ["Ashton_Kutcher", 0]]} +{"id": 66146, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bloods", 0], ["Compton_Menace", 6], ["Quality_Street_Gang", 9], ["Quality_Street_Gang", 5], ["Spanish_Gangster_Disciples", 36]]} +{"id": 130833, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 24], ["Deighton", 18], ["Derek_Deighton", 1], ["Derek_Deighton", 0], ["John_Deighton", 0]]} +{"id": 165884, "predicted_label": "SUPPORTS", "predicted_evidence": [["Buffy_Summers", 3], ["Kristy_Swanson", 0], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_Summers", 0]]} +{"id": 183149, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tata_Motors", 13], ["Madras_Stock_Exchange", 2], ["Chitra_Ramkrishna", 0], ["Chitra_Ramkrishna", 12], ["Chitra_Ramkrishna", 6]]} +{"id": 121486, "predicted_label": "SUPPORTS", "predicted_evidence": [["Crips", 9], ["Indiana_Klan", 13], ["Indiana_Klan", 22], ["East_Nashville_Crips", 0], ["East_Nashville_Crips", 2]]} +{"id": 88365, "predicted_label": "REFUTES", "predicted_evidence": [["Happy_Madison_Productions", 17], ["Happy_Madison_Productions", 18], ["Happy_Madison_Productions", 19], ["Sandler", 22], ["Canteen_Boy", 0]]} +{"id": 63156, "predicted_label": "REFUTES", "predicted_evidence": [["Doraemon-COLON-_Nobita's_Dinosaur_2006", 7], ["My_Ex_and_Whys", 3], ["You_Changed_My_Life", 1], ["Baahubali-COLON-_The_Beginning", 14], ["List_of_Madonna_live_performances", 22]]} +{"id": 218476, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hanford_Site", 23], ["Weber_bar", 13], ["Virgo_interferometer", 6], ["LIGO", 0], ["Hanford_Site", 0]]} +{"id": 155290, "predicted_label": "SUPPORTS", "predicted_evidence": [["Norwegian_parliamentary_election,_2013", 12], ["Norwegian_parliamentary_election,_2013", 26], ["Norwegian_parliamentary_election,_2013", 27], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["1995_world_oil_market_chronology", 26]]} +{"id": 37773, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Daag_-LRB-1973_film-RRB-", 5], ["Radif", 33], ["Aaina_-LRB-1977_film-RRB-", 2], ["Daag_-LRB-1973_film-RRB-", 0], ["Radif", 5]]} +{"id": 181204, "predicted_label": "REFUTES", "predicted_evidence": [["Voliminal-COLON-_Inside_the_Nine", 10], ["Voliminal-COLON-_Inside_the_Nine", 1], ["Athbhutha_Dweepu", 1], ["Architectural_animation", 0], ["Architectural_animation", 3]]} +{"id": 78153, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_James_Jones_House", 0], ["John_James_Jones_House", 3], ["Handy_Writers'_Colony", 10], ["Jones_House", 190], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 740]]} +{"id": 131411, "predicted_label": "REFUTES", "predicted_evidence": [["Pene\u0301lope_Cruz", 0], ["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Ralph_Lauren_Corporation", 2], ["Polo_Ralph_Lauren_vs_U.S._Polo_Association", 1], ["Pene\u0301lope_Cruz", 13]]} +{"id": 194341, "predicted_label": "REFUTES", "predicted_evidence": [["The_White_EP_-LRB-Mirrors_EP-RRB-", 4], ["Broken_-LRB-1993_film-RRB-", 1], ["Happiness_in_Slavery", 0], ["Broken_-LRB-1993_film-RRB-", 6], ["Broken_-LRB-1993_film-RRB-", 2]]} +{"id": 61843, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pontic_Greek", 0], ["Standard_Greek", 8], ["Greek_language", 13], ["Greek_language", 0], ["Greek_language", 14]]} +{"id": 67483, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jackie_Estrada", 3], ["San_Diego_Comic-Con", 2], ["Comic_book_convention", 26], ["San_Diego_Comic-Con", 0], ["SDCC", 9]]} +{"id": 57406, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rau\u0301l_Castro", 7], ["Bay_of_Pigs_Invasion", 7], ["Castro_-LRB-surname-RRB-", 123], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Fidel_Castro_-LRB-disambiguation-RRB-", 16]]} +{"id": 121922, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12], ["The_Renaissance_-LRB-Q-Tip_album-RRB-", 7], ["The_Grave_Diggers", 26], ["The_Grave_Diggers", 3], ["Grave_Digger_-LRB-truck-RRB-", 1]]} +{"id": 37996, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palace_Theatre,_Westcliff-on-Sea", 12], ["Victoria_Palace", 0], ["Victoria_Theatre", 31], ["Queen_Elizabeth_Hospital", 0], ["Victoria_Palace", 3]]} +{"id": 145013, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9], ["Judgment_Day_-LRB-2007-RRB-", 10], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["The_Invasion_-LRB-professional_wrestling-RRB-", 13]]} +{"id": 175744, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cry_of_the_Owl_-LRB-1987_film-RRB-", 0], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 0], ["The_Two_Faces_of_January", 0], ["Robert_Weil_-LRB-editor-RRB-", 12], ["Robert_Weil_-LRB-editor-RRB-", 176]]} +{"id": 147762, "predicted_label": "REFUTES", "predicted_evidence": [["Ron_Cyrus", 1], ["Cyrus_-LRB-surname-RRB-", 18], ["Ready,_Set,_Don't_Go", 0], ["Billy_Ray", 13], ["Mike_Schmid", 8]]} +{"id": 165667, "predicted_label": "REFUTES", "predicted_evidence": [["Lorn_Brown", 14], ["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Tom_-LRB-given_name-RRB-", 11], ["Help_She_Can't_Swim", 5], ["Tom_Baker_-LRB-American_actor-RRB-", 0]]} +{"id": 170428, "predicted_label": "REFUTES", "predicted_evidence": [["Michael_Vick", 0], ["2001_NFL_Draft", 11], ["Michael_Vick", 13], ["2001_NFL_Draft", 12], ["2006_Atlanta_Falcons_season", 4]]} +{"id": 117967, "predicted_label": "REFUTES", "predicted_evidence": [["Tenacious_D_-LRB-TV_series-RRB-", 0], ["Tenacious_D", 9], ["Tenacious_D_-LRB-TV_series-RRB-", 2], ["Tenacious_D", 14], ["Tenacious_D_-LRB-TV_series-RRB-", 6]]} +{"id": 63622, "predicted_label": "SUPPORTS", "predicted_evidence": [["El_Sen\u0303or_de_los_Cielos_-LRB-season_5-RRB-", 3], ["Game_of_Thrones_-LRB-season_7-RRB-", 11], ["All_That_-LRB-season_4-RRB-", 6], ["All_That_-LRB-season_4-RRB-", 25], ["All_That_-LRB-season_4-RRB-", 10]]} +{"id": 84948, "predicted_label": "REFUTES", "predicted_evidence": [["DNA_methylation", 18], ["Polymerase_chain_reaction", 17], ["Recombinant_DNA", 11], ["Eukaryotic_DNA_replication", 23], ["Polymerase_chain_reaction", 5]]} +{"id": 166866, "predicted_label": "REFUTES", "predicted_evidence": [["Drake_Bell_discography", 9], ["Drake_Bell_discography", 23], ["Drake_Bell", 18], ["Drake_Bell_discography", 21], ["Drake_Bell", 14]]} +{"id": 95104, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom-COLON-_Clash_of_Super_Heroes", 1], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 6], ["Marvel_vs._Capcom-COLON-_Infinite", 11]]} +{"id": 121345, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["Miranda_Otto", 0], ["Matthew_Chapman_-LRB-author-RRB-", 7]]} +{"id": 90796, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Battle_of_Waterloo", 1], ["Waterloo_Campaign", 32], ["Prussian_Army", 6], ["Battle_of_Waterloo", 7], ["Prussian_Army", 14]]} +{"id": 172280, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Farber", 26], ["Bond_-LRB-surname-RRB-", 42], ["List_of_people_with_surname_Carey", 423], ["Bond_-LRB-surname-RRB-", 12], ["List_of_civil_rights_leaders", 267]]} +{"id": 101109, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Alpert_-LRB-disambiguation-RRB-", 8], ["Richard_Alpert_-LRB-Lost-RRB-", 0], ["Attention_Shoppers_-LRB-film-RRB-", 0], ["Man_in_Black_-LRB-Lost-RRB-", 4], ["Richard_Alpert_-LRB-Lost-RRB-", 7]]} +{"id": 187224, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Hurt_Locker", 0], ["Kathryn_Bigelow", 1], ["List_of_accolades_received_by_The_Hurt_Locker", 0], ["Estevez", 32], ["Martin_Sheen", 0]]} +{"id": 79389, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wells_Fargo", 8], ["Wells_Fargo", 16], ["Fargo_-LRB-surname-RRB-", 18], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-A\u2013M-RRB-", 179], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-N\u2013Z-RRB-", 101]]} +{"id": 122073, "predicted_label": "REFUTES", "predicted_evidence": [["Ann_Richards_-LRB-disambiguation-RRB-", 0], ["Ann_W._Richards_Congress_Avenue_Bridge", 2], ["Ann_Richards", 0], ["Ann_Richards", 2], ["Michael_J._Osborne", 3]]} +{"id": 8049, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_trafficking_in_Mexico", 11], ["The_A21_Campaign", 0], ["The_A21_Campaign", 15], ["Human_trafficking_in_Mexico", 0], ["Human_trafficking_in_Mexico", 4]]} +{"id": 62978, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["JB_Carlson", 2], ["JB_Carlson", 1], ["Jesse_Carlson", 24]]} +{"id": 85951, "predicted_label": "SUPPORTS", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 3]]} +{"id": 13449, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Beaverton,_Oregon", 1], ["List_of_MAX_Light_Rail_stations", 13], ["Beaverton,_Oregon", 0], ["List_of_MAX_Light_Rail_stations", 15], ["List_of_MAX_Light_Rail_stations", 35]]} +{"id": 99849, "predicted_label": "REFUTES", "predicted_evidence": [["Humphrey_Bogart", 16], ["Cary_Grant", 24], ["Cary_Grant_on_stage,_radio_and_screen", 4], ["Clark_Gable", 17], ["Buster_Keaton", 9]]} +{"id": 132077, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["State_of_Palestine", 1], ["Palestinian_territories", 25], ["Energy_in_the_State_of_Palestine", 5], ["Political_status_of_the_Palestinian_territories", 5], ["Political_status_of_the_Palestinian_territories", 39]]} +{"id": 1136, "predicted_label": "REFUTES", "predicted_evidence": [["Tiber_-LRB-disambiguation-RRB-", 20], ["Tiber_Oil_Field", 0], ["Deepwater_Horizon", 2], ["Marun_Field", 1], ["Tiber_Oil_Field", 1]]} +{"id": 152637, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-D-RRB-", 1158], ["Patsy_Smart", 3], ["Danger_UXD", 5], ["Royston_Tickner", 10], ["UXB", 7]]} +{"id": 7593, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jesse_Eisenberg", 2], ["James_Franco_filmography", 10], ["Golmaal", 9], ["Golmaal", 11], ["Jesse_Eisenberg", 12]]} +{"id": 60623, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 1], ["The_Chronicles_of_Riddick", 0], ["Pitch_Black_-LRB-film-RRB-", 0], ["Riddick_-LRB-character-RRB-", 0], ["List_of_video_game_crowdfunding_projects", 3417]]} +{"id": 29490, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Make_a_Smellmitment", 2], ["Terry_Crews", 3], ["Terry_Crews", 9], ["Make_a_Smellmitment", 6], ["Make_a_Smellmitment", 8]]} +{"id": 93410, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["The_Bassoon_King", 1], ["Minnie_Riperton", 0], ["List_of_books_by_Jacob_Neusner", 2012]]} +{"id": 64023, "predicted_label": "REFUTES", "predicted_evidence": [["Live_at_the_De_De_De_Der", 0], ["Damon_Albarn", 17], ["Jeff_Wootton", 4], ["Ravenous_-LRB-soundtrack-RRB-", 1], ["Live_at_the_De_De_De_Der", 2]]} +{"id": 44180, "predicted_label": "SUPPORTS", "predicted_evidence": [["Woody_Allen_filmography", 17], ["Take_the_Money_and_Run", 4], ["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee_Ralph", 0], ["London_Lee", 20]]} +{"id": 203175, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sunda\u2013Sulawesi_languages", 1], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0]]} +{"id": 198023, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 6], ["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Dorothy_Miner", 9], ["Pyramid_Club", 20]]} +{"id": 23475, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2], ["Daytime_Emmy_Award_for_Outstanding_Digital_Daytime_Drama_Series", 11], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 7], ["List_of_awards_and_nominations_received_by_Six_Feet_Under", 14], ["Daytime_Emmy_Award_for_Outstanding_Digital_Daytime_Drama_Series", 10]]} +{"id": 52836, "predicted_label": "REFUTES", "predicted_evidence": [["John_Deighton", 15], ["Derek_Deighton", 0], ["Derek_Deighton", 1], ["Deighton", 18], ["John_Deighton", 0]]} +{"id": 71293, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_songs_recorded_by_Linkin_Park", 52], ["List_of_songs_recorded_by_Linkin_Park", 49], ["List_of_songs_recorded_by_Linkin_Park", 53], ["List_of_songs_recorded_by_Linkin_Park", 43], ["Linkin_Park_discography", 0]]} +{"id": 202477, "predicted_label": "REFUTES", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 110368, "predicted_label": "REFUTES", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Lina_Wolff", 5], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 171067, "predicted_label": "REFUTES", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Lalla", 16], ["Princess_Lalla_Meryem_of_Morocco", 20], ["Princess_Lalla_Meryem_of_Morocco", 0]]} +{"id": 140892, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["Swizz_Beatz", 1], ["Swizz_Beatz", 16], ["Swizz_Beatz", 2], ["Swizz_Beatz", 18]]} +{"id": 69238, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_No_Country_for_Old_Men", 1], ["Gransito_Movie_Awards_2008", 15], ["Gransito_Movie_Awards_2008", 80], ["List_of_accolades_received_by_No_Country_for_Old_Men", 12], ["List_of_accolades_received_by_No_Country_for_Old_Men", 16]]} +{"id": 177169, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 3], ["Alien_invasion", 22], ["Invasion_literature", 0], ["Alien_invasion", 4], ["European-Atlantic_Group", 30]]} +{"id": 19764, "predicted_label": "REFUTES", "predicted_evidence": [["Make_Your_Move_-LRB-film-RRB-", 0], ["Hough_-LRB-surname-RRB-", 8], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 48], ["Hough_-LRB-surname-RRB-", 44]]} +{"id": 104075, "predicted_label": "REFUTES", "predicted_evidence": [["Griffiths", 123], ["Arfon_Griffiths", 0], ["Stella_Richman", 19], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 186939, "predicted_label": "REFUTES", "predicted_evidence": [["Hugh_McDonald_-LRB-American_musician-RRB-", 3], ["Runaway_-LRB-Bon_Jovi_song-RRB-", 18], ["Bon_Jovi_discography", 7], ["Bon_Jovi_discography", 19], ["Bon_Jovi_discography", 11]]} +{"id": 103163, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Portlandia_characters", 0], ["The_8G_Band", 1], ["List_of_Saturday_Night_Live_musical_sketches", 50], ["List_of_Saturday_Night_Live_musical_sketches", 54], ["Saturday_Night_Live_characters_appearing_on_Weekend_Update", 116]]} +{"id": 203617, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_Kenneth_Crone", 2], ["The_Sugarland_Express", 3], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Tom_Cruise_filmography", 23], ["Tom_Cruise_filmography", 10]]} +{"id": 17745, "predicted_label": "REFUTES", "predicted_evidence": [["Guild_of_Italian_American_Actors", 0], ["List_of_Italian-American_actors", 0], ["Lists_of_American_actors", 0], ["Lists_of_American_actors", 13], ["Lists_of_American_actors", 7]]} +{"id": 75389, "predicted_label": "SUPPORTS", "predicted_evidence": [["William_McMahon", 13], ["The_Invasion_-LRB-professional_wrestling-RRB-", 0], ["WWE", 3], ["WWE", 0], ["Judgment_Day_-LRB-2007-RRB-", 0]]} +{"id": 146948, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 23126, "predicted_label": "SUPPORTS", "predicted_evidence": [["Make_Your_Move_-LRB-film-RRB-", 0], ["Ballas_Hough_Band", 0], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 8], ["Julianne_Hough", 5]]} +{"id": 221080, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Unguja_Ukuu", 60], ["Inequality_in_disease", 3], ["Artifact_-LRB-software_development-RRB-", 1], ["Artifact_-LRB-software_development-RRB-", 39], ["Unguja_Ukuu", 29]]} +{"id": 123685, "predicted_label": "REFUTES", "predicted_evidence": [["Kuching", 0], ["Kuching", 20], ["Kuching", 2], ["Bishop_of_Kuching", 4], ["Sarawak", 2]]} +{"id": 8067, "predicted_label": "SUPPORTS", "predicted_evidence": [["Progress,_Oregon", 1], ["Beaverton_High_School", 6], ["Tualatin_Valley_Highway", 1], ["Tualatin_Valley_Highway", 0], ["Progress,_Oregon", 5]]} +{"id": 198015, "predicted_label": "REFUTES", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Pyramid_Club", 20], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 154613, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Crashing_-LRB-U.S._TV_series-RRB-", 0], ["Brent_White", 0], ["Brent_White", 11], ["The_40-Year-Old_Virgin", 0], ["Bridesmaids_-LRB-2011_film-RRB-", 0]]} +{"id": 95210, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_highways_bypassed_by_Interstate_Highways", 709], ["List_of_highways_bypassed_by_Interstate_Highways", 685], ["List_of_hospitals_in_Arizona", 75], ["List_of_hospitals_in_Arizona", 15], ["List_of_highways_bypassed_by_Interstate_Highways", 44]]} +{"id": 127088, "predicted_label": "REFUTES", "predicted_evidence": [["I_Just_Wanna_Love_U_-LRB-Give_It_2_Me-RRB-", 1], ["Pharrell_Williams", 4], ["Shay_Haley", 1], ["Shay_Haley", 2], ["Pharrell_Williams", 11]]} +{"id": 145130, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Albert_Gonzalez", 4], ["The_Battle_of_Los_Angeles_Tour", 0], ["Rage_Against_the_Machine_discography", 13], ["The_Battle_of_Los_Angeles_Tour", 4], ["Tom_Morello_discography", 23]]} +{"id": 36333, "predicted_label": "SUPPORTS", "predicted_evidence": [["Geoffrey_Enthoven", 0], ["Andre\u0301_Cavens", 0], ["Anne_Le\u0301vy-Morelle", 6], ["Geoffrey_Enthoven", 5], ["Anne_Le\u0301vy-Morelle", 0]]} +{"id": 37768, "predicted_label": "SUPPORTS", "predicted_evidence": [["Daniel_Brown", 16], ["List_of_people_named_Daniel", 349], ["List_of_people_named_Daniel", 287], ["Daniel_Brown", 12], ["The_Hybrid_-LRB-album-RRB-", 0]]} +{"id": 142856, "predicted_label": "REFUTES", "predicted_evidence": [["Black_Cat_-LRB-song-RRB-", 20], ["Rhythm_Nation", 23], ["Rhythm_Nation", 9], ["Rhythm_Nation", 0], ["Rhythm_Nation_-LRB-music_video-RRB-", 0]]} +{"id": 116019, "predicted_label": "REFUTES", "predicted_evidence": [["Stan_Beeman", 0], ["Noah_Emmerich", 2], ["The_Americans_-LRB-season_1-RRB-", 7], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["Stan_Beeman", 2]]} +{"id": 181830, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Disney_theatrical_animated_features", 4], ["Animation_studios_owned_by_The_Walt_Disney_Company", 0], ["Walt_Disney_Animation_Studios", 9], ["Walt_Disney_Pictures", 4], ["Walt_Disney_Animation_Studios", 0]]} +{"id": 168043, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2016-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 12]]} +{"id": 126297, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation_-LRB-music_video-RRB-", 7], ["Leonid_the_Magnificent", 26], ["Leonid_the_Magnificent", 12], ["Rhythm_Nation", 23], ["Leonid_the_Magnificent", 34]]} +{"id": 78081, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soul_Surfer_-LRB-film-RRB-", 0], ["Faith_Fay", 10], ["List_of_fictional_U.S._Marshals", 72], ["Nalanchira", 19], ["Nalanchira", 32]]} +{"id": 24803, "predicted_label": "SUPPORTS", "predicted_evidence": [["Krishna_Iyer", 9], ["Aalap_Raju", 0], ["Krishna_Iyer", 0], ["List_of_songs_recorded_by_Bombay_Jayashri", 6], ["Aalap_Raju", 2]]} +{"id": 193880, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billy_Goldenberg", 19], ["Bea_-LRB-given_name-RRB-", 6], ["Billy_Goldenberg", 22], ["Billy_Goldenberg", 18], ["Susan_Harris", 11]]} +{"id": 166905, "predicted_label": "SUPPORTS", "predicted_evidence": [["Johanna_Braddy", 3], ["List_of_Unreal_episodes", 5], ["Run_the_Tide", 0], ["Believe_Me_-LRB-film-RRB-", 0], ["Believe_Me_-LRB-film-RRB-", 1]]} +{"id": 82833, "predicted_label": "SUPPORTS", "predicted_evidence": [["Classical_period_-LRB-music-RRB-", 20], ["Beethoven_Gesamtausgabe", 1], ["Beethoven_in_film", 0], ["First_Viennese_School", 6], ["First_Viennese_School", 0]]} +{"id": 185429, "predicted_label": "REFUTES", "predicted_evidence": [["Chips_and_dip", 1], ["Bounty_-LRB-poker-RRB-", 33], ["Chip_race", 9], ["Chip_race", 29], ["Casino_chip_collecting", 33]]} +{"id": 144497, "predicted_label": "REFUTES", "predicted_evidence": [["Veeru_Devgan", 0], ["Phool_Aur_Kaante", 2], ["Anil_Devgan", 0], ["Ajay_Devgn", 0], ["Devgan", 6]]} +{"id": 158433, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penibaetic_System", 0], ["Subbaetic_System", 0], ["Sistema_Ibe\u0301rico", 0], ["Andalusia", 14], ["Geology_of_the_Iberian_Peninsula", 0]]} +{"id": 141189, "predicted_label": "REFUTES", "predicted_evidence": [["Tenacious_D_-LRB-TV_series-RRB-", 0], ["Tenacious_D", 9], ["Tenacious_D_-LRB-TV_series-RRB-", 2], ["Tenacious_D", 14], ["Tenacious_D_-LRB-TV_series-RRB-", 6]]} +{"id": 80420, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jason_Hyland", 1], ["Joseph_P._Kennedy_Sr.", 5], ["Caroline_Kennedy", 4], ["Caroline_Kennedy", 0], ["Caroline_Kennedy", 12]]} +{"id": 143387, "predicted_label": "REFUTES", "predicted_evidence": [["Moonlight_-LRB-2016_film-RRB-", 6], ["List_of_accolades_received_by_Moonlight_-LRB-2016_film-RRB-", 6], ["TFF", 14], ["Telluride", 9], ["Telluride_Mountainfilm", 10]]} +{"id": 68043, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 194928, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stomp_the_Yard-COLON-_Homecoming", 3], ["Keith_David", 0], ["Carradine_family", 66], ["Keith_Pring", 0], ["Keith_Pring", 15]]} +{"id": 181182, "predicted_label": "SUPPORTS", "predicted_evidence": [["Southpaw_Entertainment", 0], ["Richard_B._Lewis", 0], ["Richard_B._Lewis", 5], ["Osmay_Acosta", 11], ["Southpaw_Entertainment", 3]]} +{"id": 155058, "predicted_label": "REFUTES", "predicted_evidence": [["Gal_Gadot", 4], ["One_Direction", 11], ["One_Direction", 9], ["One_Direction", 10], ["Wonder_Woman", 27]]} +{"id": 67470, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bad_Romance", 2], ["2010_MTV_Video_Music_Awards", 5], ["2010_MTV_Video_Music_Awards", 4], ["Bad_Romance_-LRB-disambiguation-RRB-", 4], ["List_of_number-one_dance_singles_of_2010_-LRB-U.S.-RRB-", 1]]} +{"id": 218370, "predicted_label": "SUPPORTS", "predicted_evidence": [["German_resistance_to_Nazism", 7], ["French_Resistance", 6], ["Noyautage_des_administrations_publiques", 11], ["German_resistance_to_Nazism", 4], ["French_Resistance", 0]]} +{"id": 195817, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 2], ["FNC_Entertainment", 0], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0]]} +{"id": 80075, "predicted_label": "SUPPORTS", "predicted_evidence": [["Glottalic_consonant", 4], ["Columbia_Plateau_-LRB-ecoregion-RRB-", 2], ["Glottalic_consonant", 3], ["Columbia_Slough", 4], ["Columbia_Slough", 11]]} +{"id": 99043, "predicted_label": "SUPPORTS", "predicted_evidence": [["Croatia", 28], ["Tourism_in_Slovenia", 15], ["Nungwi", 5], ["Nungwi", 6], ["Horni\u0301_Bec\u030cva", 5]]} +{"id": 25408, "predicted_label": "REFUTES", "predicted_evidence": [["Bloods", 1], ["Crips", 13], ["Ghost_Shadows", 12], ["Gangs_in_Memphis,_Tennessee", 12], ["Bloods", 5]]} +{"id": 37848, "predicted_label": "SUPPORTS", "predicted_evidence": [["Virginia_dynasty", 2], ["Democratic-Republican_Party", 31], ["Democratic-Republican_Party", 0], ["Madison_Hemings", 0], ["Virginia_dynasty", 6]]} +{"id": 112993, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["List_of_number-one_Billboard_Hot_Latin_Songs_of_2009", 2], ["Claudia_Brant", 1], ["Nada_Es_Para_Siempre", 1]]} +{"id": 34461, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jewell_-LRB-singer-RRB-", 3], ["Deep_Cover", 0], ["Gregory_Sierra", 18], ["Deep_Cover_-LRB-soundtrack-RRB-", 0], ["Deep_Cover_-LRB-soundtrack-RRB-", 2]]} +{"id": 201114, "predicted_label": "REFUTES", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Dirty_Money_-LRB-show-RRB-", 1], ["Academy_FM_-LRB-Thanet-RRB-", 14], ["The_Water_Boatman", 1], ["Celebrity_Big_Brother_8", 6]]} +{"id": 214255, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Way_It's_Goin'_Down", 1], ["The_Fixxers", 3], ["Born_and_Raised_in_Compton", 0], ["DJ_Quixotic", 12], ["DJ_Quixotic", 11]]} +{"id": 144819, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_films_set_in_Shanghai", 27], ["Fist_of_Fury_-LRB-disambiguation-RRB-", 4], ["Dragon_Fist", 0], ["New_Fist_of_Fury", 0], ["Island_of_Fire", 9]]} +{"id": 206155, "predicted_label": "SUPPORTS", "predicted_evidence": [["El_Palo_Alto", 0], ["East_Palo_Alto,_California", 0], ["Palo_Alto_Weekly", 15], ["East_Palo_Alto,_California", 7], ["Cubberley_Community_Center", 0]]} +{"id": 124363, "predicted_label": "REFUTES", "predicted_evidence": [["Anton_Yelchin", 1], ["Arcadia_-LRB-popular_culture-RRB-", 37], ["Anton_Yelchin", 4], ["Mike_Chaffe", 3], ["Anton_Yelchin", 6]]} +{"id": 175741, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hobbit_-LRB-computer-RRB-", 0], ["Hobbit_-LRB-computer-RRB-", 23], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 0], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 10], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 3]]} +{"id": 136031, "predicted_label": "REFUTES", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_knobs", 60], ["List_of_knobs", 186], ["List_of_knobs", 11], ["List_of_mountains_of_the_Alleghenies", 4]]} +{"id": 183600, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pixar", 10], ["The_Steamroller_and_the_Violin", 1], ["Pixar", 16], ["Pixar", 6], ["Andrei_Rublev_-LRB-film-RRB-", 0]]} +{"id": 83529, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jack_Falahee", 0], ["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["List_of_Ace_titles_in_numeric_series", 1491], ["List_of_Ace_titles_in_numeric_series", 222]]} +{"id": 181209, "predicted_label": "REFUTES", "predicted_evidence": [["Quentin_Tarantino_Film_Festival", 0], ["Inglourious_Basterds_-LRB-soundtrack-RRB-", 0], ["QT's_Diary", 0], ["Quentin_Tarantino_filmography", 0], ["67th_Venice_International_Film_Festival", 1]]} +{"id": 218237, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_companies_of_Libya", 2], ["Libya", 2], ["List_of_companies_of_Indonesia", 6], ["Indonesia", 29], ["Algeria", 14]]} +{"id": 194767, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Blue_Collar_TV", 0], ["Larry_the_Cable_Guy", 12], ["Larry_the_Cable_Guy", 0], ["Blue_Collar_TV", 24], ["Larry_the_Cable_Guy", 7]]} +{"id": 139661, "predicted_label": "SUPPORTS", "predicted_evidence": [["Colombiana", 0], ["Molie\u0300re_Award_for_Best_Director", 96], ["Luc", 33], ["Jean-Jacques_Beineix", 3], ["Jean-Jacques_Beineix", 4]]} +{"id": 153685, "predicted_label": "REFUTES", "predicted_evidence": [["Starrcade", 0], ["Starrcade_-LRB-2000-RRB-", 0], ["Starrcade_-LRB-1993-RRB-", 0], ["Starrcade_-LRB-1991-RRB-", 0], ["Starrcade_-LRB-1989-RRB-", 0]]} +{"id": 36353, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-season_3-RRB-", 0], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 50539, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Ladykillers_-LRB-2004_film-RRB-", 3], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1], ["Forrest_Gump", 1], ["You've_Got_Mail", 2]]} +{"id": 137276, "predicted_label": "SUPPORTS", "predicted_evidence": [["East_Nashville_Crips", 0], ["Gangs_in_Memphis,_Tennessee", 5], ["Gangs_in_Memphis,_Tennessee", 12], ["East_Nashville_Crips", 2], ["Watts_truce", 6]]} +{"id": 17946, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["YouTube_copyright_strike", 4], ["YouTube_Red", 8], ["YouTube_copyright_strike", 0], ["YouTube_Red", 1], ["YouTube_Red", 5]]} +{"id": 185196, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Spanish_chicken_breeds", 1], ["Gilberto_Zaldi\u0301var", 11], ["Marta_Torne\u0301", 9], ["The_Siege_of_the_Alcazar", 2], ["The_Siege_of_the_Alcazar", 3]]} +{"id": 184431, "predicted_label": "SUPPORTS", "predicted_evidence": [["Horror_film", 11], ["Horror_film", 1], ["Horror_film", 7], ["Horror_film", 6], ["Horror_film", 3]]} +{"id": 5738, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dead_Sushi", 0], ["Sushi_pizza", 5], ["Kazunori_Nozawa", 0], ["Moon_Kyungsoo_-LRB-Chef-RRB-", 3], ["Sushi_pizza", 0]]} +{"id": 159597, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 7], ["Henry_T._Bannon", 3], ["Frank_O'Bannon", 10], ["Henry_T._Bannon", 6]]} +{"id": 108947, "predicted_label": "REFUTES", "predicted_evidence": [["United_States_presidential_election,_1800", 17], ["Aaron_Burr_Cidery", 2], ["Theodosia_Bartow_Prevost", 7], ["Burr_-LRB-surname-RRB-", 4], ["Andrew_Crown_Brennan", 30]]} +{"id": 122572, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dave_Shalansky", 2], ["Dave_Shalansky", 7], ["Promised_Land_-LRB-2012_film-RRB-", 0], ["Last_Day_in_Florida", 7], ["Dave_Shalansky", 6]]} +{"id": 112295, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 20317, "predicted_label": "REFUTES", "predicted_evidence": [["Wabash_Avenue_YMCA", 5], ["Wabash_Avenue_YMCA", 1], ["Griffiths", 123], ["Arfon_Griffiths", 0], ["Wabash_Avenue_YMCA", 0]]} +{"id": 165254, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philip_Glass", 8], ["Philip_Glass", 4], ["Philip_Glass", 5], ["Philip_Glass", 0], ["Christopher_Gunning", 9]]} +{"id": 140457, "predicted_label": "SUPPORTS", "predicted_evidence": [["Efraim_Diveroli", 0], ["David_Packouz", 0], ["Ephraim_-LRB-given_name-RRB-", 30], ["AEY", 9], ["David_Packouz", 3]]} +{"id": 74126, "predicted_label": "REFUTES", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["She_Can_Rock_It", 24], ["Robert_Palmer_-LRB-MP-RRB-", 5], ["Robert_Palmer_-LRB-MP-RRB-", 0], ["She_Can_Rock_It", 18]]} +{"id": 183130, "predicted_label": "REFUTES", "predicted_evidence": [["Tata_Motors", 13], ["Bombay_House", 8], ["Tata_Sumo", 7], ["Tata_Motors", 7], ["Tata_Daewoo", 0]]} +{"id": 128127, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Microsoft_Exchange_Hosted_Services", 0], ["Mailwasher", 0], ["Email_filtering", 5], ["Mailwasher", 11], ["Email_filtering", 0]]} +{"id": 177148, "predicted_label": "REFUTES", "predicted_evidence": [["The_Battle_of_Dorking", 0], ["Alien_invasion", 4], ["Dracula", 5], ["Invasion_literature", 0], ["Alien_invasion", 22]]} +{"id": 193414, "predicted_label": "SUPPORTS", "predicted_evidence": [["Past_Doctor_Adventures", 0], ["Miranda_-LRB-Doctor_Who-RRB-", 13], ["Eighth_Doctor", 0], ["Miranda_-LRB-Doctor_Who-RRB-", 0], ["Past_Doctor_Adventures", 4]]} +{"id": 175657, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Publication_history_of_Anarky", 20], ["Anarky", 19], ["Suicide_clutch", 1], ["Walking_Boston", 5], ["Crossover_-LRB-figure_skating-RRB-", 15]]} +{"id": 112139, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Critical_race_theory", 10], ["Roadshow_Films_Pty_Ltd_v_iiNet_Ltd", 9], ["Air_Force_Legal_Operations_Agency", 0], ["Air_Force_Legal_Operations_Agency", 1], ["Environmental_suit", 11]]} +{"id": 157551, "predicted_label": "SUPPORTS", "predicted_evidence": [["Christian_Schmidt_Brewing_Company", 15], ["Sprechgesang", 0], ["Don't_Say_No", 4], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 2], ["Spoken_For_-LRB-song-RRB-", 0]]} +{"id": 119177, "predicted_label": "SUPPORTS", "predicted_evidence": [["British_Association_of_Colliery_Management_\u2013_Technical,_Energy_and_Administrative_Management", 16], ["John_Deighton", 15], ["British_Association_of_Colliery_Management_\u2013_Technical,_Energy_and_Administrative_Management", 4], ["British_Association_of_Colliery_Management_\u2013_Technical,_Energy_and_Administrative_Management", 6], ["John_Deighton", 0]]} +{"id": 123561, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stephen_Hillenburg", 4], ["List_of_SpongeBob_SquarePants_guest_stars", 0], ["List_of_SpongeBob_SquarePants_episodes", 0], ["The_SpongeBob_SquarePants_Movie", 6], ["SpongeBob_SquarePants_-LRB-season_6-RRB-", 0]]} +{"id": 226144, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Dawkins", 16], ["Out_Campaign", 27], ["God's_utility_function", 39], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2]]} +{"id": 84647, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fischbach,_Mersch", 5], ["Angelsberg", 0], ["Country_Day_School_movement", 13], ["List_of_country_genres", 39], ["List_of_country_genres", 101]]} +{"id": 75747, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Galecki", 8], ["The_Little_Dog_Laughed", 23], ["Terry_Ork", 10], ["Leonard_Hofstadter", 0], ["Rodney_Hicks", 25]]} +{"id": 65017, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bekker_numbering", 1], ["Aristotle", 2], ["Aristotelianism", 1], ["Aristotle_for_Everybody", 11], ["Bekker_numbering", 5]]} +{"id": 209868, "predicted_label": "SUPPORTS", "predicted_evidence": [["Art_Smith_-LRB-actor-RRB-", 10], ["Dorothy_B._Hughes", 1], ["In_a_Lonely_Place", 12], ["Art_Smith_-LRB-actor-RRB-", 8], ["In_a_Lonely_Place", 0]]} +{"id": 143361, "predicted_label": "REFUTES", "predicted_evidence": [["Vedam_-LRB-film-RRB-", 0], ["First_Frame_Entertainments", 0], ["Jagarlamudi", 9], ["Gamyam", 0], ["Jagarlamudi", 7]]} +{"id": 140104, "predicted_label": "REFUTES", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["List_of_Guns_N'_Roses_members", 13], ["Velvet_Revolver", 0], ["Loaded_discography", 0], ["Loaded_-LRB-band-RRB-", 1]]} +{"id": 12843, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 2], ["Penguin_Books", 0], ["R_v_Penguin_Books_Ltd", 0], ["N._J._Dawood", 22], ["Laurence_Byrne", 1]]} +{"id": 227350, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cartoon_Network", 0], ["The_Weather_Channel", 0], ["TBS_-LRB-U.S._TV_channel-RRB-", 0], ["TBS_-LRB-U.S._TV_channel-RRB-", 11], ["The_Weather_Channel", 8]]} +{"id": 104735, "predicted_label": "REFUTES", "predicted_evidence": [["Despacito", 12], ["Si_Tu\u0301_Me_Besas", 9], ["Si_Tu\u0301_Me_Besas", 0], ["Ella_Lo_Que_Quiere_Es_Salsa", 0], ["Charlie_Cruz", 25]]} +{"id": 205748, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10], ["Richard_L._Bare", 12]]} +{"id": 132495, "predicted_label": "SUPPORTS", "predicted_evidence": [["Patsy_Smart", 3], ["Danger_UXD", 5], ["UXB", 7], ["Royston_Tickner", 10], ["Christopher_Good", 3]]} +{"id": 32355, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Make_a_Smellmitment", 9], ["Make_a_Smellmitment", 8], ["Make_a_Smellmitment", 4], ["Make_a_Smellmitment", 6], ["Make_a_Smellmitment", 2]]} +{"id": 217664, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Pelican_Brief_-LRB-film-RRB-", 0], ["Pelican_files", 3], ["Legal_system_of_Armenia", 0], ["Legal_system_of_Armenia", 16], ["George_L._Little", 6]]} +{"id": 218467, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hanford_Site", 23], ["Belledune_Generating_Station", 3], ["Anti-nuclear_movement_in_the_United_States", 17], ["Hanford_Reach", 4], ["Belledune_Generating_Station", 36]]} +{"id": 72985, "predicted_label": "SUPPORTS", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["Count_Dooku", 0], ["Watto", 0], ["Watto", 6], ["Count_Dooku", 4]]} +{"id": 83790, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 2], ["68th_British_Academy_Film_Awards", 4], ["Snow_White_and_the_Huntsman", 8], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 0], ["List_of_accolades_received_by_the_Pirates_of_the_Caribbean_franchise", 11]]} +{"id": 4351, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frank_Jenner", 11], ["Rebels-COLON-_City_of_Indra", 0], ["Kendall_-LRB-given_name-RRB-", 5], ["Brody_Jenner", 13], ["Caitlyn_Jenner", 10]]} +{"id": 62492, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Project_Gemini", 13], ["Steve_Grotowski", 3], ["Grotowski_Institute_in_Wroc\u0142aw", 0], ["Grotowski_Institute_in_Wroc\u0142aw", 3]]} +{"id": 24767, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam_2012_Tour", 0], ["Pearl_Jam", 0], ["List_of_Pearl_Jam_band_members", 0], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 0], ["Pearl_Jam_discography", 0]]} +{"id": 155811, "predicted_label": "REFUTES", "predicted_evidence": [["Me_and_Bessie", 14], ["J._C._Johnson", 0], ["Bessie", 35], ["Bessie", 23], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5]]} +{"id": 128243, "predicted_label": "SUPPORTS", "predicted_evidence": [["Remember_Paul?", 14], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9], ["Grant_Bowler", 4], ["Vanessa_Williams", 10], ["Rob_Slater", 27]]} +{"id": 169047, "predicted_label": "REFUTES", "predicted_evidence": [["First_Manmohan_Singh_ministry", 0], ["Manmohan_Singh", 1], ["Manmohan_Singh_ministry", 3], ["P._V._Narasimha_Rao", 1], ["First_Manmohan_Singh_ministry", 5]]} +{"id": 80204, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Kovak_Box", 0], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5], ["Babe_Smith", 0], ["Trevor_Baxter", 18], ["Annette_Badland", 0]]} +{"id": 102001, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["36.9_ultimatum", 5], ["2011_Norway_attacks", 16], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 9], ["2011_Norway_attacks", 22]]} +{"id": 1791, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joseph_P._Kennedy_Sr.", 5], ["Caroline_Kennedy", 0], ["Shun'ichi_Kase", 5], ["Caroline_Kennedy", 4], ["John_F._Kennedy", 2]]} +{"id": 56549, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mud_Lake_-LRB-Washington-RRB-", 71], ["Mud_Lake_-LRB-Wisconsin-RRB-", 87], ["Mud_Lake_-LRB-New_York-RRB-", 15], ["Mud_Lake_-LRB-Michigan-RRB-", 34], ["Mud_Lake_-LRB-Michigan-RRB-", 19]]} +{"id": 154017, "predicted_label": "REFUTES", "predicted_evidence": [["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Confessions_of_Aleister_Crowley", 0], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 1]]} +{"id": 101898, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["YouTube_copyright_strike", 4], ["YouTube_Red", 8], ["YouTube_copyright_strike", 0], ["YouTube_Red", 1], ["YouTube_Red", 5]]} +{"id": 133512, "predicted_label": "REFUTES", "predicted_evidence": [["Potala_Palace", 0], ["14th_Dalai_Lama", 10], ["14th_Dalai_Lama", 5], ["Zhao_Erfeng", 32], ["15th_Dalai_Lama", 0]]} +{"id": 171625, "predicted_label": "SUPPORTS", "predicted_evidence": [["Planet_Fitness", 0], ["Planet_Fitness", 3], ["List_of_gym_chains_by_country", 31], ["David_Gibbons_-LRB-disambiguation-RRB-", 12], ["Gibbons", 17]]} +{"id": 124862, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Train_Your_Dragon_2", 11], ["Toonz", 3], ["How_to_Train_Your_Dragon_2", 0], ["List_of_PlayStation_3_games_released_on_disc", 2163], ["CrazyTalk", 4]]} +{"id": 63506, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Herman_Vogt", 5], ["Herman_Vogt", 3], ["Pretzel", 5], ["Pretzel", 4], ["Wetzel's_Pretzels", 2]]} +{"id": 87922, "predicted_label": "REFUTES", "predicted_evidence": [["Baahubali-COLON-_The_Beginning", 14], ["Baahubali-COLON-_The_Beginning", 17], ["Human_Torch", 18], ["Mister_Fantastic", 17], ["Invisible_Woman", 15]]} +{"id": 37159, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stephanie_McMahon", 5], ["Over_the_Edge_-LRB-1999-RRB-", 14], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Judgment_Day_-LRB-2007-RRB-", 9], ["The_Invasion_-LRB-professional_wrestling-RRB-", 13]]} +{"id": 27398, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Crews", 9], ["Make_a_Smellmitment", 2], ["Terry_Crews", 3], ["Make_a_Smellmitment", 4], ["Make_a_Smellmitment", 9]]} +{"id": 134344, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Joe_Rogan_Experience", 0], ["Brendan_Schaub", 3], ["Junior_Simpson", 15], ["Joe_Rogan", 13], ["Joe_Rogan_Questions_Everything", 5]]} +{"id": 192832, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 8], ["Ian_Brennan", 4], ["Ian_Brennan", 6], ["Ian_Brennan", 0], ["Ian_Brennan", 2]]} +{"id": 175921, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aunt_May", 0], ["Spider-Man", 2], ["Spider-Man-COLON-_Back_in_Black", 2], ["Spider-Man-COLON-_Back_in_Black", 3], ["Aunt_May", 6]]} +{"id": 51527, "predicted_label": "REFUTES", "predicted_evidence": [["Hush_-LRB-2016_film-RRB-", 2], ["Kicking_and_Screaming_-LRB-1995_film-RRB-", 5], ["Deepsky", 1], ["Hush_-LRB-2016_film-RRB-", 5], ["Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 8781, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Production_babies", 15], ["Zootopia", 2], ["Bolt_-LRB-2008_film-RRB-", 2], ["Pascal_and_Maximus", 1], ["Bolt_-LRB-2008_film-RRB-", 11]]} +{"id": 211773, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Orson_Welles_Show", 11], ["Britain's_Got_Talent", 11], ["The_X_Factor_-LRB-Australia_season_7-RRB-", 9], ["List_of_1998_This_American_Life_episodes", 78], ["The_X_Factor_-LRB-Australia_season_7-RRB-", 10]]} +{"id": 127665, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Esti_Ginzburg", 3], ["Shlomit_Malka", 4], ["Bar_Refaeli", 4], ["Bar_Refaeli", 0]]} +{"id": 225302, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thanks_for_Sharing", 1], ["Benched", 0], ["The_House_-LRB-2017_film-RRB-", 1], ["Watkins_-LRB-surname-RRB-", 98], ["Watkins_-LRB-surname-RRB-", 125]]} +{"id": 72067, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["Miranda_Otto", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["List_of_golfers_with_most_PGA_Tour_wins", 12]]} +{"id": 209855, "predicted_label": "REFUTES", "predicted_evidence": [["The_Monty_Python_Matching_Tie_and_Handkerchief", 31], ["The_Monty_Python_Matching_Tie_and_Handkerchief", 0], ["The_Monty_Python_Matching_Tie_and_Handkerchief", 38], ["Tie_clip", 0], ["The_Monty_Python_Matching_Tie_and_Handkerchief", 8]]} +{"id": 187122, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mariano_Vivanco", 8], ["Last_Night_-LRB-2010_film-RRB-", 1], ["Last_Night_-LRB-2010_film-RRB-", 5], ["Zeher", 3], ["Live!_-LRB-2007_film-RRB-", 1]]} +{"id": 10827, "predicted_label": "SUPPORTS", "predicted_evidence": [["BHB", 3], ["Ballas_Hough_Band", 0], ["Julianne_Hough", 5], ["Hough_-LRB-surname-RRB-", 8], ["Derek_Hough", 0]]} +{"id": 31457, "predicted_label": "REFUTES", "predicted_evidence": [["Brazzers", 0], ["Daybreak_-LRB-2008_film-RRB-", 0], ["List_of_adult_television_channels", 126], ["List_of_adult_television_channels", 101], ["List_of_adult_television_channels", 91]]} +{"id": 10378, "predicted_label": "SUPPORTS", "predicted_evidence": [["Orohippus", 6], ["Horse", 11], ["Evolution_of_the_horse", 0], ["Pseudoextinction", 21], ["Evolution_of_the_horse", 14]]} +{"id": 29893, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_members_of_the_House_of_Hanover", 135], ["Chess_or_the_King's_Game", 2], ["Legio_XXI_Rapax", 6], ["Hypaethral", 2], ["List_of_members_of_the_House_of_Hanover", 129]]} +{"id": 199419, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 2], ["List_of_accolades_received_by_Boyhood_-LRB-film-RRB-", 0], ["Boyhood_-LRB-film-RRB-", 0], ["Lorelei_Linklater", 1], ["Lorelei_Linklater", 4]]} +{"id": 104658, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Alpert_-LRB-disambiguation-RRB-", 8], ["Richard_Alpert_-LRB-Lost-RRB-", 0], ["Follow_the_Leader_-LRB-Lost-RRB-", 6], ["Man_in_Black_-LRB-Lost-RRB-", 4], ["Attention_Shoppers_-LRB-film-RRB-", 0]]} +{"id": 117604, "predicted_label": "SUPPORTS", "predicted_evidence": [["Johnny_Galecki", 1], ["Leonard_Hofstadter", 0], ["Penny_-LRB-The_Big_Bang_Theory-RRB-", 1], ["Sheldon_Cooper", 4], ["The_Santa_Simulation", 7]]} +{"id": 77815, "predicted_label": "REFUTES", "predicted_evidence": [["Elvis_Presley", 6], ["Tryin'_to_Get_to_You", 18], ["Scott_Moore", 15], ["List_of_moths_of_India_-LRB-Geometridae-RRB-", 1199], ["Scotty_Cameron", 47]]} +{"id": 16437, "predicted_label": "SUPPORTS", "predicted_evidence": [["Match_point", 5], ["Match_Point", 0], ["Take_the_Money_and_Run", 4], ["Gareth_Wiley", 5], ["Match_Point", 9]]} +{"id": 159091, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Win_Without_War", 0], ["Pittsburg,_Shawmut_and_Northern_Railroad", 29], ["Likhu_Khola", 2], ["Likhu_Khola", 3], ["Win_Without_War", 2]]} +{"id": 103697, "predicted_label": "REFUTES", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["The_Duke_of_Burgundy", 0], ["Adam_Price_-LRB-screenwriter-RRB-", 6], ["Knudsen", 40]]} +{"id": 215126, "predicted_label": "REFUTES", "predicted_evidence": [["Christopher_Bigsby", 15], ["Private_Lives_-LRB-film-RRB-", 0], ["Christopher_Bigsby", 14], ["Autumn_Hurlbert", 35], ["Toby_Sawyer", 10]]} +{"id": 98225, "predicted_label": "REFUTES", "predicted_evidence": [["Jose\u0301_Ferrer", 4], ["Al_Morgan", 66], ["Jose\u0301_Ferrer", 0], ["Rafael_Ferrer_-LRB-actor-RRB-", 3], ["Al_Morgan", 17]]} +{"id": 116366, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_James_Jones_House", 0], ["Jones_House", 190], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 740], ["Jones_House", 48], ["John_James_Jones_House", 3]]} +{"id": 194912, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stripes_-LRB-film-RRB-", 0], ["The_John_Larroquette_Show", 2], ["Stripes_-LRB-film-RRB-", 1], ["John_Larroquette", 1], ["Second_Sight_-LRB-film-RRB-", 0]]} +{"id": 123889, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angela_Bassett", 6], ["Linda_Threadgill", 3], ["Linda_Threadgill", 2], ["Timothy_Davis-Reed", 14], ["List_of_Guggenheim_Fellowships_awarded_in_1968", 20]]} +{"id": 205651, "predicted_label": "REFUTES", "predicted_evidence": [["St._Anger", 0], ["Metallica", 12], ["Madly_in_Anger_with_the_World_Tour", 0], ["Metallica", 23], ["List_of_awards_and_nominations_received_by_Metallica", 7]]} +{"id": 146613, "predicted_label": "SUPPORTS", "predicted_evidence": [["Make_Your_Move_-LRB-film-RRB-", 0], ["Ballas_Hough_Band", 0], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 8], ["Julianne_Hough", 5]]} +{"id": 204330, "predicted_label": "REFUTES", "predicted_evidence": [["Cretaceous", 9], ["Maastrichtian", 5], ["Dinosaurs_of_Romania", 12], ["Maastrichtian", 7], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 12]]} +{"id": 64584, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Floppy_disk", 0], ["History_of_the_floppy_disk", 0], ["KryoFlux", 16], ["History_of_IBM_magnetic_disk_drives", 7], ["Floppy_disk", 5]]} +{"id": 106162, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 7], ["Norman_Jewison", 0], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1], ["The_Cincinnati_Kid", 0]]} +{"id": 69916, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Phillauri_-LRB-film-RRB-", 0], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["The_Ring_-LRB-2017_film-RRB-", 1], ["Phillauri_-LRB-film-RRB-", 2], ["The_Ring_-LRB-2017_film-RRB-", 2]]} +{"id": 219284, "predicted_label": "SUPPORTS", "predicted_evidence": [["Capsicum_chinense", 0], ["Adjuma", 0], ["Datil_pepper", 0], ["Bhut_jolokia", 1], ["Capsicum_baccatum", 9]]} +{"id": 40224, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kellyanne_Conway", 12], ["Bowling_Green_massacre", 0], ["2003_Motor_City_Bowl", 10], ["2003_Motor_City_Bowl", 1], ["Bowling_Green_massacre", 2]]} +{"id": 29219, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["American_English_-LRB-disambiguation-RRB-", 10], ["The_English_people", 4], ["English_people", 15], ["Anglo", 0]]} +{"id": 194919, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stripes_-LRB-film-RRB-", 1], ["Conrad_Dunn", 3], ["Conrad_Dunn", 0], ["Conrad_Dunn", 1], ["Gary_Pearson_-LRB-comedian-RRB-", 23]]} +{"id": 187780, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wendell_Burton", 10], ["The_Sterile_Cuckoo", 3], ["The_Sterile_Cuckoo", 0], ["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["Wendell_Burton", 1]]} +{"id": 200286, "predicted_label": "SUPPORTS", "predicted_evidence": [["Natural_Born_Killers", 5], ["Fast,_Cheap_&_Out_of_Control", 4], ["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["Fast,_Cheap_&_Out_of_Control", 11]]} +{"id": 96239, "predicted_label": "SUPPORTS", "predicted_evidence": [["University_of_Mississippi", 4], ["University_of_Mississippi", 1], ["Catholic_Church_in_the_Netherlands", 9], ["University_of_Mississippi", 0], ["Catholic_Church_in_the_Netherlands", 5]]} +{"id": 190751, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_women_with_ovarian_cancer", 127], ["Marjorie_Gross", 0], ["Seinfeld", 8], ["Marjorie", 136], ["Marjorie", 240]]} +{"id": 225311, "predicted_label": "SUPPORTS", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 98], ["Benched", 0], ["In_a_World...", 4], ["The_Midnight_Show", 3], ["Watkins_-LRB-surname-RRB-", 100]]} +{"id": 163959, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeram_-LRB-2014_film-RRB-", 0], ["Aluri_Chakrapani", 1], ["Veeram", 0], ["Veeram_-LRB-2014_film-RRB-", 5], ["Veeram", 3]]} +{"id": 28912, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching", 2], ["Kuching", 0], ["Kuching", 6], ["Kuching", 20], ["Bishop_of_Kuching", 4]]} +{"id": 123235, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sensory_integration_therapy", 29], ["Functional_neurological_symptom_disorder", 8], ["Functional_neurological_symptom_disorder", 0], ["Functional_neurological_symptom_disorder", 4], ["Sensory_integration_therapy", 30]]} +{"id": 12419, "predicted_label": "SUPPORTS", "predicted_evidence": [["Migos", 8], ["MC4_-LRB-mixtape-RRB-", 12], ["Yung_Rich_Nation", 2], ["More_Life", 5], ["No_Frauds", 1]]} +{"id": 159075, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guatemala", 16], ["Bell_I._Wiley", 34], ["Bell_I._Wiley", 51], ["Bell_I._Wiley", 42], ["Efrai\u0301n_Ri\u0301os_Montt", 24]]} +{"id": 185418, "predicted_label": "REFUTES", "predicted_evidence": [["Netd.com", 2], ["Tvyo", 2], ["List_of_fictional_U.S._Marshals", 62], ["C\u0327ag\u0306an_Irmak", 10], ["List_of_fictional_U.S._Marshals", 45]]} +{"id": 201808, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["Fanning_-LRB-surname-RRB-", 10], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Dakota_Fanning", 0]]} +{"id": 144815, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tenacious_D", 0], ["Tenacious_-LRB-horse-RRB-", 5], ["Tenacious_D_discography", 0], ["Tenacious_-LRB-horse-RRB-", 0], ["Tenacious_D_-LRB-disambiguation-RRB-", 7]]} +{"id": 84858, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e", 12], ["Janelle_Mona\u0301e", 11], ["Nana_Kwabena_Tuffuor", 6]]} +{"id": 119915, "predicted_label": "REFUTES", "predicted_evidence": [["NRG_Recording_Studios", 0], ["A_Thousand_Suns", 4], ["Icon_for_Hire_-LRB-album-RRB-", 1], ["NRG", 27], ["Neve_8078", 39]]} +{"id": 27960, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prowler", 16], ["Plymouth_Howler", 14], ["Plymouth_Prowler", 0], ["Plymouth_Howler", 2], ["Northrop_Grumman_EA-6B_Prowler", 0]]} +{"id": 73656, "predicted_label": "SUPPORTS", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-D-RRB-", 1158], ["Patsy_Smart", 3], ["Danger_UXD", 5], ["UXB", 7], ["Index_of_World_War_II_articles_-LRB-D-RRB-", 127]]} +{"id": 29600, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["News_International_phone_hacking_scandal", 3], ["James_Murdoch", 0], ["Ivon_Murdoch", 7], ["Bill_Jenkings", 21], ["Bill_Jenkings", 4]]} +{"id": 179298, "predicted_label": "SUPPORTS", "predicted_evidence": [["Franchising", 8], ["Three_States,_Louisiana_and_Texas", 4], ["Three_States,_Louisiana_and_Texas", 1], ["Three_States,_Louisiana_and_Texas", 3], ["Three_States,_Louisiana_and_Texas", 0]]} +{"id": 189439, "predicted_label": "SUPPORTS", "predicted_evidence": [["Animator.ru", 0], ["Yandex", 8], ["Animator.ru", 12], ["Yandex.Direct", 18], ["Animator.ru", 2]]} +{"id": 166652, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tamien_Station", 8], ["Omni_Commons", 0], ["International_Financial_Reporting_Standards", 5], ["Apostolic_Chancery", 3], ["Axel_Jonsson_Fja\u0308llby", 0]]} +{"id": 109129, "predicted_label": "REFUTES", "predicted_evidence": [["Dilwale_Dulhania_Le_Jayenge", 7], ["Kajol", 9], ["Dilwale_Dulhania_Le_Jayenge", 15], ["Filmfare_Award_for_Best_Music_Album", 650], ["Dilwale_Dulhania_Le_Jayenge", 0]]} +{"id": 125537, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_MacNaughton", 1], ["Bhp", 3], ["Gerald_Grandey", 6], ["Noranda_-LRB-mining_company-RRB-", 4], ["Ghash.io", 8]]} +{"id": 97004, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Portlandia_characters", 49], ["Portlandia_-LRB-TV_series-RRB-", 6], ["List_of_Saturday_Night_Live_musical_sketches", 50], ["List_of_Portlandia_characters", 0], ["The_8G_Band", 12]]} +{"id": 34845, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["University_of_Mississippi", 4], ["University_of_Mississippi", 0], ["Water_supply_and_sanitation_in_Grenada", 5], ["University_of_Mississippi", 1], ["HIV/AIDS_in_Peru", 10]]} +{"id": 139220, "predicted_label": "REFUTES", "predicted_evidence": [["Al_Pacino", 1], ["The_Godfather_Part_II", 7], ["Al_Pacino", 7], ["Salvatore_Tessio", 0], ["The_Godfather_Saga", 0]]} +{"id": 208435, "predicted_label": "REFUTES", "predicted_evidence": [["Excuse_My_French", 3], ["Excuse_My_French", 9], ["Excuse_Me_Miss", 11], ["Excuse_Me_Miss", 4], ["Excuse_Me_Miss", 16]]} +{"id": 204334, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 8], ["Smoky_Hill_Chalk", 4], ["Marine_reptile", 12], ["Smoky_Hill_Chalk", 0], ["Marine_reptile", 8]]} +{"id": 44950, "predicted_label": "SUPPORTS", "predicted_evidence": [["Didi_Senft", 40], ["2016_Tour_de_France", 0], ["List_of_British_cyclists_who_have_led_the_Tour_de_France_general_classification", 0], ["List_of_teams_and_cyclists_in_the_2016_Tour_de_France", 0], ["List_of_teams_and_cyclists_in_the_2016_Tour_de_France", 9]]} +{"id": 159708, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 141587, "predicted_label": "REFUTES", "predicted_evidence": [["Landesliga", 16], ["Locomore", 0], ["Bochum-Innenstadt", 1], ["Lower_Saxony", 0], ["Locomore", 7]]} +{"id": 134163, "predicted_label": "SUPPORTS", "predicted_evidence": [["Childhood_arthritis", 2], ["Childhood_arthritis", 1], ["Childhood_arthritis", 8], ["Juvenile_idiopathic_arthritis", 3], ["Childhood_arthritis", 0]]} +{"id": 168547, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rick_Yune", 0], ["Prison_Break_-LRB-season_5-RRB-", 8], ["The_Man_with_the_Iron_Fists", 1], ["Yune", 8], ["Prison_Break_-LRB-season_5-RRB-", 0]]} +{"id": 73190, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["John_Tempesta", 0], ["System_of_a_Down_discography", 25], ["List_of_American_musicians_of_Armenian_descent", 85]]} +{"id": 89915, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vedam_-LRB-film-RRB-", 0], ["Darth_Maul_-LRB-comics-RRB-", 0], ["Darth_Maul-COLON-_Son_of_Dathomir", 0], ["Star_Wars_Episode_I_Journal-COLON-_Darth_Maul", 1], ["Star_Wars_Episode_I_Journal-COLON-_Darth_Maul", 0]]} +{"id": 201098, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["James_L._Bentley", 5], ["Bentley_-LRB-surname-RRB-", 26], ["Bentley_-LRB-surname-RRB-", 4], ["Bentley_-LRB-surname-RRB-", 34]]} +{"id": 168974, "predicted_label": "SUPPORTS", "predicted_evidence": [["Middle-earth", 4], ["Middle-earth_-LRB-disambiguation-RRB-", 7], ["Quenya", 20], ["Middle-earth_-LRB-disambiguation-RRB-", 0], ["Middle-earth", 0]]} +{"id": 107087, "predicted_label": "REFUTES", "predicted_evidence": [["Lincoln\u2013Douglas_debates", 0], ["Lincoln\u2013Douglas_debate", 2], ["Archibald_Williams_-LRB-judge-RRB-", 309], ["Archibald_Williams_-LRB-judge-RRB-", 296], ["Freeport_Doctrine", 0]]} +{"id": 57255, "predicted_label": "SUPPORTS", "predicted_evidence": [["Archipelagic_state", 0], ["Kingdom_of_EnenKio", 10], ["Politics_of_Cyprus", 8], ["Archipelagic_state", 8], ["Politics_of_Cyprus", 7]]} +{"id": 132370, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 191261, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jean-Michel_Basquiat", 11], ["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Jean-Michel", 168], ["Basquiat", 2]]} +{"id": 16025, "predicted_label": "REFUTES", "predicted_evidence": [["Duane_Chapman", 0], ["Duane", 15], ["Jonathan_Chapman_-LRB-academic-RRB-", 48], ["Duane_Chapman", 1], ["Duane_Chapman", 2]]} +{"id": 194367, "predicted_label": "REFUTES", "predicted_evidence": [["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 2], ["Happiness_in_Slavery", 9], ["Happiness_in_Slavery", 6], ["World_Happiness_Report", 10]]} +{"id": 183614, "predicted_label": "REFUTES", "predicted_evidence": [["Pixar", 0], ["Jerome_Ranft", 6], ["Pixar", 10], ["Pixar", 6], ["Pixar_universe", 13]]} +{"id": 186920, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cher_albums_discography", 25], ["The_Geffen_Film_Company", 0], ["Keyshia_Cole_discography", 18], ["Keyshia_Cole_discography", 26], ["Lock_Up_-LRB-American_band-RRB-", 20]]} +{"id": 76611, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_ANAGPIC_meetings", 123], ["List_of_ANAGPIC_meetings", 185], ["Forbidden_graph_characterization", 20], ["Forbidden_graph_characterization", 16], ["Forbidden_graph_characterization", 14]]} +{"id": 121723, "predicted_label": "SUPPORTS", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["Watto", 0], ["Count_Dooku", 0], ["Watto", 6], ["Count_Dooku", 4]]} +{"id": 78846, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pon_de_Floor", 5], ["Dagga", 8], ["Tillicum_Village", 10], ["Anthony_Shay", 4], ["Kopac\u030cka_-LRB-folk_dance-RRB-", 8]]} +{"id": 171595, "predicted_label": "REFUTES", "predicted_evidence": [["July_2009_cyber_attacks", 3], ["List_of_U.S._cities_with_significant_Korean-American_populations", 12], ["Dallas", 5], ["Dover_Area_School_District", 3], ["Roosevelt_Island", 4]]} +{"id": 66050, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Titanic", 3], ["List_of_awards_and_nominations_received_by_Scott_Rudin", 2], ["List_of_awards_and_nominations_received_by_Woody_Allen", 0], ["Philomena_-LRB-film-RRB-", 9], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 16]]} +{"id": 198211, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sixth_planet_-LRB-disambiguation-RRB-", 4], ["Pickering_Nunataks", 6], ["Saturn_Glacier", 7], ["Saturn", 0], ["Outline_of_Saturn", 3]]} +{"id": 13155, "predicted_label": "REFUTES", "predicted_evidence": [["Hasbro_Darth_Vader_Voice_Changer", 3], ["List_of_James_Earl_Jones_performances", 0], ["James_Earl_Jones", 0], ["List_of_Chad_Vader-COLON-_Day_Shift_Manager_episodes", 12], ["James_Earl_Jones", 4]]} +{"id": 194897, "predicted_label": "SUPPORTS", "predicted_evidence": [["Serapis_flag", 25], ["Timeline_of_the_flag_of_the_United_States", 70], ["Serapis_flag", 29], ["Mariano_Benlliure", 8], ["Revenge_of_the_Zombies", 1]]} +{"id": 202053, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Dzhokhar_Tsarnaev", 4], ["Tamerlan_Tsarnaev", 9], ["Tamerlan_Tsarnaev", 8], ["2011_Waltham_triple_murder", 7]]} +{"id": 75852, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["YouTube_copyright_strike", 4], ["YouTube_Red", 8], ["YouTube_copyright_strike", 0], ["YouTube_Red", 1], ["YouTube_Red", 5]]} +{"id": 98730, "predicted_label": "SUPPORTS", "predicted_evidence": [["Faith_Fay", 10], ["California_Surf_Museum", 9], ["Cindi_Walters", 1], ["Cindi_Walters", 19], ["Cindi_Walters", 7]]} +{"id": 202448, "predicted_label": "REFUTES", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 1]]} +{"id": 165129, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["The_Wrestler_-LRB-2008_film-RRB-", 0], ["Scarface-COLON-_The_World_Is_Yours", 7], ["Scarface-COLON-_The_World_Is_Yours", 6], ["Lee_Strasberg", 7]]} +{"id": 73637, "predicted_label": "REFUTES", "predicted_evidence": [["Starrcade", 0], ["Starrcade_-LRB-1984-RRB-", 0], ["Starrcade_-LRB-1983-RRB-", 2], ["Starrcade_-LRB-1985-RRB-", 2], ["Starrcade_-LRB-1987-RRB-", 3]]} +{"id": 88820, "predicted_label": "REFUTES", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Eddie_Murphy", 13], ["Martin_Bregman", 1], ["Jay_Mohr", 2], ["Martin_Bregman", 0]]} +{"id": 208439, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Appetizer", 0], ["Harry_Fraud", 6], ["Excuse_My_French", 9], ["Harry_Fraud", 3], ["The_Appetizer", 1]]} +{"id": 33496, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Killam", 14], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["Brother_Nature_-LRB-film-RRB-", 0], ["The_Killam_Trusts", 0]]} +{"id": 201374, "predicted_label": "REFUTES", "predicted_evidence": [["Varsity_Blues_-LRB-film-RRB-", 5], ["Varsity_Blues", 3], ["List_of_Hamilton_Tigers_-LRB-football-RRB-_seasons", 257], ["Varsity_Blues_-LRB-film-RRB-", 0], ["Toronto_Varsity_Blues_men's_ice_hockey", 0]]} +{"id": 181982, "predicted_label": "SUPPORTS", "predicted_evidence": [["Instruments_used_in_general_surgery", 8], ["Hartmann_alligator_forceps", 0], ["Forceps_in_childbirth", 3], ["Forceps", 0], ["Forceps", 20]]} +{"id": 193419, "predicted_label": "REFUTES", "predicted_evidence": [["Eighth_Doctor_comic_stories", 16], ["Past_Doctor_Adventures", 4], ["Izzy_Sinclair", 42], ["Doctor_Who-COLON-_The_Monthly_Range", 1], ["Eighth_Doctor_comic_stories", 0]]} +{"id": 63722, "predicted_label": "REFUTES", "predicted_evidence": [["NRG_Recording_Studios", 0], ["Dave_Jerden", 0], ["NRG", 27], ["Neve_8078", 0], ["Neve_8078", 35]]} +{"id": 202993, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lockheed_Martin", 4], ["Lockheed_Martin", 16], ["Lockheed_Martin_Aeronautics", 3], ["Lockheed_Martin_Aeronautics", 0], ["Lockheed_Martin", 0]]} +{"id": 204636, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bloodshed", 11], ["Parlor_-LRB-film-RRB-", 0], ["VHS_-LRB-disambiguation-RRB-", 9], ["Blood_Valley-COLON-_Seed's_Revenge", 0], ["Parlor_-LRB-film-RRB-", 1]]} +{"id": 175734, "predicted_label": "REFUTES", "predicted_evidence": [["John_David_California", 3], ["John_David_California", 14], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 3], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 10], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 8]]} +{"id": 118071, "predicted_label": "REFUTES", "predicted_evidence": [["Sermersooq", 0], ["Nikolaj_Heinrich", 1], ["Nuuk", 11], ["Nuuk", 4], ["Nuuk", 0]]} +{"id": 217681, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pelican_files", 3], ["George_L._Little", 15], ["George_L._Little", 6], ["Union_Grove,_Iredell_County,_North_Carolina", 3], ["Union_Grove,_Iredell_County,_North_Carolina", 2]]} +{"id": 62047, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michigan", 2], ["Michigan", 4], ["Geography_of_Michigan", 9], ["Geography_of_Michigan", 8], ["Illinois", 9]]} +{"id": 131704, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frank_Jenner", 11], ["Caitlyn_Jenner", 13], ["Rebels-COLON-_City_of_Indra", 0], ["Kendall_-LRB-given_name-RRB-", 5], ["Brody_Jenner", 13]]} +{"id": 217685, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pelican_files", 3], ["George_L._Little", 6], ["John_Lithgow_on_screen_and_stage", 15], ["George_L._Little", 15], ["California_Pelican", 73]]} +{"id": 197380, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": []} +{"id": 69681, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lil_Wayne_singles_discography", 14], ["Lil_Wayne", 14], ["Dedication_2", 1], ["Tha_Carter_IV", 1], ["Lil_Wayne", 1]]} +{"id": 165886, "predicted_label": "REFUTES", "predicted_evidence": [["Kristy_Swanson", 0], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_Summers", 3], ["Buffy_Summers", 0]]} +{"id": 163971, "predicted_label": "REFUTES", "predicted_evidence": [["Veeram_-LRB-2014_film-RRB-", 0], ["Veeram", 3], ["Tamannaah_filmography", 22], ["Veeram", 5], ["Tamannaah_filmography", 23]]} +{"id": 200298, "predicted_label": "SUPPORTS", "predicted_evidence": [["Natural_Born_Killers", 0], ["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["Brian_Berdan", 5], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["Oliver_Stone", 13]]} +{"id": 184064, "predicted_label": "REFUTES", "predicted_evidence": [["Kenneth_Lonergan", 0], ["Walter_Lonergan", 11], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Margaret_-LRB-2011_film-RRB-", 0]]} +{"id": 171631, "predicted_label": "REFUTES", "predicted_evidence": [["Cardinal_Gibbons_School_-LRB-Baltimore,_Maryland-RRB-", 1], ["Michael_Gibbons_-LRB-boxer-RRB-", 17], ["Gibbons", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["Watchmensch", 5]]} +{"id": 23320, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bloods", 0], ["European_Kindred", 36], ["Barriox13", 15], ["European_Kindred", 11], ["European_Kindred", 30]]} +{"id": 24448, "predicted_label": "SUPPORTS", "predicted_evidence": [["News_International_phone_hacking_scandal", 3], ["James_Murdoch", 0], ["News_Corporation_takeover_bid_for_BSkyB", 0], ["News_Corp_Australia", 15], ["News_International_phone_hacking_scandal", 14]]} +{"id": 63464, "predicted_label": "SUPPORTS", "predicted_evidence": [["Scum_-LRB-television_play-RRB-", 4], ["Henry_VIII_-LRB-TV_serial-RRB-", 5], ["Henry_VIII_-LRB-TV_serial-RRB-", 0], ["The_Six_Wives_of_Henry_VIII", 4], ["John_Blundell_-LRB-actor-RRB-", 9]]} +{"id": 183615, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ellen_DeGeneres", 5], ["Andrew_Stanton", 7], ["Pixar", 10], ["Finding_Nemo", 1], ["Finding_Dory", 1]]} +{"id": 172485, "predicted_label": "REFUTES", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_-LRB-surname-RRB-", 22], ["Stefano_Fassina", 9], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Democratic_Party_-LRB-Italy-RRB-", 3]]} +{"id": 186999, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Larry_Kusche", 12], ["Atlantis-COLON-_The_Lost_Continent_Revealed", 1], ["Atlantis-COLON-_The_Lost_Continent_Revealed", 6], ["Devil's_Triangle_-LRB-disambiguation-RRB-", 3], ["The_Bermuda_Triangle_-LRB-book-RRB-", 8]]} +{"id": 132420, "predicted_label": "REFUTES", "predicted_evidence": [["Bob_Shoudt", 5], ["Bob_Shoudt", 4], ["Vegetarian_hot_dog", 3], ["Sonya_Thomas", 16], ["Montreal_hot_dog", 9]]} +{"id": 52197, "predicted_label": "REFUTES", "predicted_evidence": [["Eric_Church", 0], ["Haley_Georgia", 0], ["2012_Country_Music_Association_Awards", 7], ["Haley_Georgia", 6], ["Springsteen_-LRB-song-RRB-", 15]]} +{"id": 90065, "predicted_label": "SUPPORTS", "predicted_evidence": [["University_of_Mississippi", 4], ["University_of_Mississippi", 0], ["University_of_Mississippi", 1], ["Education_in_the_Comoros", 17], ["1970_world_oil_market_chronology", 4]]} +{"id": 62451, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three-Point_Contest", 0], ["James_Jones_-LRB-basketball_player-RRB-", 16], ["Whistle_-LRB-novel-RRB-", 0], ["Jones_House", 48], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 740]]} +{"id": 7769, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_L.F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["List_of_Tottenham_Hotspur_F.C._players", 14], ["List_of_Tottenham_Hotspur_F.C._players", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 1]]} +{"id": 165907, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alice_Cooper", 0], ["Neal_Smith_-LRB-drummer-RRB-", 41], ["Billion_Dollar_Babies_-LRB-song-RRB-", 9], ["Alice_Cooper", 18], ["Neal_Smith_-LRB-drummer-RRB-", 22]]} +{"id": 67930, "predicted_label": "SUPPORTS", "predicted_evidence": [["House_of_Cards_-LRB-season_1-RRB-", 7], ["Billboard_Dad", 0], ["World's_Greatest_Dad", 1], ["Robin_Wright_-LRB-disambiguation-RRB-", 7], ["Robin_Wright_-LRB-disambiguation-RRB-", 5]]} +{"id": 66809, "predicted_label": "REFUTES", "predicted_evidence": [["Crush_-LRB-2013_film-RRB-", 0], ["Hush_-LRB-2016_film-RRB-", 2], ["Intrepid_Pictures", 0], ["Hush_-LRB-2016_film-RRB-", 5], ["Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 44928, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Anil_Devgan", 0], ["Ajay_Devgn", 0], ["Devgan", 6], ["Veeru_Devgan", 0]]} +{"id": 123219, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["Paris_Hilton", 18], ["Rip_It_Up_-LRB-Jet_song-RRB-", 3], ["Paris_Hilton", 31], ["Paris_Hilton", 9]]} +{"id": 132411, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["Atmosphere_and_Telescope_Simulator", 9], ["Atmosphere_and_Telescope_Simulator", 10]]} +{"id": 135291, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Quick", 4], ["TV_Quick", 10], ["TV_Choice", 0], ["EastEnders", 12], ["TV_Quick", 5]]} +{"id": 209847, "predicted_label": "REFUTES", "predicted_evidence": [["Mariah_Carey_albums_discography", 29], ["Rasmus_Seebach_-LRB-album-RRB-", 3], ["List_of_best-selling_albums_in_Australia", 7], ["Jolin_Tsai_discography", 35], ["Mariah_Carey_albums_discography", 18]]} +{"id": 193907, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Susan_Harris", 11], ["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22], ["Bea_-LRB-given_name-RRB-", 18], ["Billy_Goldenberg", 16]]} +{"id": 174035, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pink_Floyd", 0], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["The_Endless_River", 0], ["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 8]]} +{"id": 55815, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sonny_Digital", 1], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["White_Friday_-LRB-CM9-RRB-", 2], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], ["Mercy_-LRB-GOOD_Music_song-RRB-", 0]]} +{"id": 179303, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Franchise_Times", 1], ["Franchising", 8], ["America's_Best_Franchising", 8], ["Essex_Thameside", 7], ["America's_Best_Franchising", 11]]} +{"id": 115473, "predicted_label": "REFUTES", "predicted_evidence": [["Jennifer_Lopez_discography", 11], ["List_of_Billboard_200_number-one_albums_of_2002", 7], ["Bon_Jovi_discography", 38], ["Jennifer_Lopez_discography", 0], ["Jennifer_Lopez_filmography", 29]]} +{"id": 72693, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Pene\u0301lope_Cruz", 0], ["Rugby_Ralph_Lauren", 2], ["Ralph_Lauren_Corporation", 2], ["Polo_Ralph_Lauren_vs_U.S._Polo_Association", 1]]} +{"id": 138053, "predicted_label": "SUPPORTS", "predicted_evidence": [["Despacito", 12], ["Si_Tu\u0301_Me_Besas", 0], ["The_Philosopher_Kings_-LRB-album-RRB-", 16], ["The_Philosopher_Kings_-LRB-album-RRB-", 21], ["The_Philosopher_Kings_-LRB-album-RRB-", 12]]} +{"id": 170430, "predicted_label": "REFUTES", "predicted_evidence": [["2001_NFL_Draft", 15], ["List_of_NFL_1,000-yard_rushing_duos", 16], ["2001_NFL_Draft", 16], ["Marcus_Vick", 2], ["Billy_Martin_-LRB-lawyer-RRB-", 8]]} +{"id": 93450, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soul_Surfer_-LRB-film-RRB-", 0], ["Alana_Blanchard", 8], ["Faith_Fay", 10], ["List_of_homeschooled_people", 137], ["Shark_Girl_-LRB-novel-RRB-", 3]]} +{"id": 184076, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Margaret_-LRB-2011_film-RRB-", 0], ["Manchester_by_the_Sea_-LRB-film-RRB-", 1], ["Walter_Lonergan", 10]]} +{"id": 168054, "predicted_label": "REFUTES", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2016-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 12]]} +{"id": 4862, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Indian_states_ranking_by_literacy_rate", 1], ["Indian_states_ranking_by_literacy_rate", 2], ["Balgudar", 9], ["Indian_states_ranking_by_literacy_rate", 3], ["Balgudar", 7]]} +{"id": 36598, "predicted_label": "SUPPORTS", "predicted_evidence": [["Connie_Britton", 12], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2], ["Daytime_Emmy_Award_for_Outstanding_Digital_Daytime_Drama_Series", 11], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 7], ["Connie_Britton", 9]]} +{"id": 148090, "predicted_label": "SUPPORTS", "predicted_evidence": [["Clouds_Without_Water", 2], ["Clouds_without_Water", 0], ["Clouds_without_Water", 1], ["Clouds_Without_Water", 0], ["Clouds_without_Water", 5]]} +{"id": 95253, "predicted_label": "REFUTES", "predicted_evidence": [["Vedam_-LRB-film-RRB-", 0], ["Savaari", 2], ["Kadhalna_Summa_Illai", 2], ["First_Frame_Entertainments", 0], ["Jagarlamudi", 9]]} +{"id": 194776, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bemidji_High_School", 8], ["Jeff_Foxworthy", 8], ["Blue_Collar_TV", 0], ["Larry_Pickett", 14], ["Larry_Pickett", 6]]} +{"id": 212333, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Mary-Kate_Olsen", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Elizabeth_Olsen", 3], ["Mary-Kate_and_Ashley_Olsen", 2]]} +{"id": 130827, "predicted_label": "SUPPORTS", "predicted_evidence": [["Essay_of_Dramatick_Poesie", 10], ["Time_Regained_-LRB-film-RRB-", 5], ["Time_Regained_-LRB-film-RRB-", 2], ["Time_Regained_-LRB-film-RRB-", 1], ["Liturgical_drama", 15]]} +{"id": 160902, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_downloadable_songs_for_the_Rock_Band_series", 5], ["2007_in_downloadable_songs_for_the_Rock_Band_series", 1], ["2012_in_downloadable_songs_for_the_Rock_Band_series", 1], ["2008_in_downloadable_songs_for_the_Rock_Band_series", 1], ["2013_in_downloadable_songs_for_the_Rock_Band_series", 1]]} +{"id": 84427, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rachel_Berry", 24], ["The_One_with_the_Rumor", 2], ["The_Last_One_-LRB-Friends-RRB-", 8], ["Rachel_Berry", 1], ["Tom_Kraeutler", 3]]} +{"id": 126292, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 57], ["U.S._Route_30_in_New_Jersey", 1], ["Camden,_New_Jersey", 0], ["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 60]]} +{"id": 757, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 0], ["Hypertension", 5], ["Hypertension", 8], ["Cardiovascular_disease", 7], ["Childbirth_in_Trinidad_and_Tobago", 11]]} +{"id": 128723, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_Turtle's_Tale-COLON-_Sammy's_Adventures", 2], ["James_Arrington", 21], ["Underdog_-LRB-film-RRB-", 1], ["James_Arrington", 20], ["Amy_Adams_-LRB-disambiguation-RRB-", 10]]} +{"id": 123784, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Renato_Balestra", 8], ["Renato_Balestra", 30], ["Renato_Balestra", 17], ["Renato_Balestra", 50], ["Renato_Balestra", 19]]} +{"id": 144188, "predicted_label": "REFUTES", "predicted_evidence": [["Jeremiah_Choy", 8], ["Colin_Graham", 17], ["Colin_Graham", 18], ["Silver_Lake_Children's_Theatre_Group", 524], ["Jeremiah_Choy", 10]]} +{"id": 83879, "predicted_label": "SUPPORTS", "predicted_evidence": [["Washington_Wizards", 12], ["Washington_Redskins", 18], ["List_of_Washington_Wizards_head_coaches", 9], ["Washington_Wizards", 0], ["List_of_Washington_Wizards_head_coaches", 0]]} +{"id": 186595, "predicted_label": "SUPPORTS", "predicted_evidence": [["Asylum_Records", 0], ["Planet_Records", 0], ["Oriole_Records_-LRB-U.S.-RRB-", 0], ["Elliot_Roberts", 4], ["Elliot_Roberts", 0]]} +{"id": 41953, "predicted_label": "SUPPORTS", "predicted_evidence": [["Despacito", 12], ["Despacito", 14], ["Despacito", 13], ["Billboard_Hot_100", 22], ["Digital_Songs", 7]]} +{"id": 107503, "predicted_label": "REFUTES", "predicted_evidence": [["Never_So_Good", 9], ["Never_So_Good", 4], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Night_of_the_Long_Knives_-LRB-1962-RRB-", 17]]} +{"id": 1508, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["History_of_West_Ham_United_F.C.", 0], ["History_of_West_Ham_United_F.C.", 2]]} +{"id": 211304, "predicted_label": "REFUTES", "predicted_evidence": [["The_Farmer_Wants_a_Wife_-LRB-Australian_TV_series-RRB-", 3], ["Desperate_Housewives_-LRB-season_8-RRB-", 10], ["Desperate_Housewives_-LRB-season_8-RRB-", 0], ["Hormones-COLON-_The_Series", 9], ["List_of_Prison_Break_episodes", 0]]} +{"id": 94454, "predicted_label": "SUPPORTS", "predicted_evidence": [["70th_British_Academy_Film_Awards", 1], ["James_Nesbitt", 14], ["70th_British_Academy_Film_Awards", 0], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 1], ["James_Nesbitt", 20]]} +{"id": 100323, "predicted_label": "SUPPORTS", "predicted_evidence": [["Colombia's_Next_Top_Model", 9], ["Peru's_Next_Top_Model", 1], ["Peru's_Next_Top_Model", 0], ["Colombia's_Next_Top_Model", 0], ["Colombia's_Next_Top_Model", 1]]} +{"id": 117177, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 1], ["David_Huckabee", 2], ["Huckabee_-LRB-disambiguation-RRB-", 9], ["West_Virginia_Republican_caucuses_and_primary,_2008", 13]]} +{"id": 126942, "predicted_label": "REFUTES", "predicted_evidence": [["Larry_Lance", 0], ["Larry_Lance", 2], ["Green_Arrow_and_Black_Canary", 0], ["Green_Arrow", 15], ["Birds_of_Prey_-LRB-comics-RRB-", 18]]} +{"id": 168068, "predicted_label": "SUPPORTS", "predicted_evidence": [["Minority_Report", 25], ["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 12]]} +{"id": 66669, "predicted_label": "REFUTES", "predicted_evidence": [["Tottenham_Hotspur_F.C.", 7], ["Tottenham_Hotspur_F.C.", 9], ["History_of_Tottenham_Hotspur_F.C.", 6], ["History_of_Tottenham_Hotspur_F.C.", 0], ["List_of_Tottenham_Hotspur_F.C._players", 14]]} +{"id": 216395, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sir_Alfred_Hickman,_1st_Baronet", 3], ["Hickman_-LRB-surname-RRB-", 74], ["Paschal_Hickman", 28], ["David_H._Hickman_High_School", 0], ["David_H._Hickman_High_School", 15]]} +{"id": 99441, "predicted_label": "REFUTES", "predicted_evidence": [["Park_City_International_Music_Festival", 16], ["List_of_films_set_in_New_Jersey", 76], ["Park_City_International_Music_Festival", 1], ["Park_City_International_Music_Festival", 0], ["List_of_films_set_in_New_Jersey", 201]]} +{"id": 108960, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Slipknot", 2], ["Ibanez_MTM", 0], ["Disasterpieces", 4], ["Michael_Thomson", 9], ["List_of_rove_beetle_-LRB-Staphylinidae-RRB-_species_recorded_in_Britain", 858]]} +{"id": 107977, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Maattrraan_-LRB-soundtrack-RRB-", 10], ["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["List_of_songs_recorded_by_Bombay_Jayashri", 2], ["Krishna_Iyer", 9], ["List_of_songs_recorded_by_Bombay_Jayashri", 6]]} +{"id": 7067, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Anthony_Meindl", 20], ["Pilot_-LRB-White_Collar-RRB-", 8], ["When_We_First_Met", 1], ["Lefty_O'Doul_Bridge", 18], ["Kenny_Woods", 18]]} +{"id": 193416, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_-LRB-Doctor_Who-RRB-", 0], ["Izzy_Sinclair", 0], ["Eighth_Doctor", 0], ["Past_Doctor_Adventures", 4], ["Eighth_Doctor_comic_stories", 3]]} +{"id": 178330, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sloop_John_B", 6], ["Beach_Boys_Historic_Landmark", 19], ["Sloop_John_B", 7], ["Rock_'n'_Roll_to_the_Rescue", 5], ["Beach_Boys_Historic_Landmark", 10]]} +{"id": 135939, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Funky_Squad", 0], ["Fatal_Frame", 13], ["Fatal_Frame", 8], ["George_McCowan", 8], ["Jo_Ann_Harris", 7]]} +{"id": 120654, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bones_-LRB-instrument-RRB-", 1], ["Epipubic_bone", 0], ["Jimmie_\"Bones\"_Trombly", 3], ["Bones_-LRB-instrument-RRB-", 34], ["Jimmie_\"Bones\"_Trombly", 5]]} +{"id": 91767, "predicted_label": "REFUTES", "predicted_evidence": [["Luke_Cage", 2], ["Luke_Cage", 0], ["Luke_Cage_-LRB-season_1-RRB-", 6], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage", 1]]} +{"id": 174016, "predicted_label": "REFUTES", "predicted_evidence": [["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["Loh_tarang", 21], ["Loh_tarang", 8], ["Loh_tarang", 22], ["The_Endless_River", 0]]} +{"id": 216358, "predicted_label": "REFUTES", "predicted_evidence": [["Uyghur_Arabic_alphabet", 14], ["Chagatai_people", 7], ["Karluk_languages", 3], ["Chagatai", 9], ["Chagatai_Khan", 2]]} +{"id": 46188, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Brigham_Young_University_alumni", 0], ["List_of_Yale_Law_School_alumni", 1], ["List_of_Yale_Law_School_alumni", 0], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 0], ["Edwin_F._Blair", 0]]} +{"id": 153270, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Humphrey_Bogart", 16], ["Cary_Grant", 24], ["Jane_Bryan", 4], ["Bogart_-LRB-surname-RRB-", 12], ["The_Desperate_Hours_-LRB-film-RRB-", 0]]} +{"id": 116832, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_WWE_Champions", 17], ["SummerSlam_-LRB-1988-RRB-", 6], ["ICW_Heavyweight_Championship", 1], ["Randy_Savage", 0], ["Randy_Savage", 4]]} +{"id": 86019, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wildfang", 0], ["Megan_Rapinoe", 12], ["List_of_law_schools_in_Australia", 70], ["List_of_law_schools_in_Australia", 66], ["List_of_law_schools_in_Australia", 60]]} +{"id": 102448, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gupta\u2013Bleuler_formalism", 40], ["Relationship_between_string_theory_and_quantum_field_theory", 17], ["Representation_theory_of_the_Poincare\u0301_group", 4], ["Relationship_between_string_theory_and_quantum_field_theory", 24], ["Representation_theory_of_the_Poincare\u0301_group", 8]]} +{"id": 141328, "predicted_label": "SUPPORTS", "predicted_evidence": [["Reign_Over_Me", 0], ["The_Search_for_John_Gissing", 0], ["Indian_Summer_-LRB-1993_film-RRB-", 0], ["List_of_films_set_in_Detroit", 285], ["Jack_Binder", 1]]} +{"id": 2874, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ice_-LRB-Kelly_Rowland_song-RRB-", 3], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7], ["Teenage_Mutant_Ninja_Turtles_-LRB-2014_film-RRB-", 2], ["It's_OK_-LRB-CeeLo_Green_song-RRB-", 1], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0]]} +{"id": 192844, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 4], ["Ian_Brennan", 6], ["Ian_Brennan", 8], ["Ian_Brennan", 0], ["Ian_Brennan", 2]]} +{"id": 138986, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_recorded_by_Nicki_Minaj", 3], ["No_Love", 0], ["No_Love", 6], ["Drop_the_World", 2], ["No_Love", 16]]} +{"id": 214262, "predicted_label": "SUPPORTS", "predicted_evidence": [["Balance_&_Options", 8], ["The_Way_It's_Goin'_Down", 1], ["The_Fixxers", 3], ["DJ_Quixotic", 12], ["Born_and_Raised_in_Compton", 0]]} +{"id": 40050, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_fictional_nurses", 279], ["Trap-neuter-return", 27], ["Trap-neuter-return", 0], ["Trap-neuter-return", 28], ["List_of_fictional_nurses", 277]]} +{"id": 174593, "predicted_label": "REFUTES", "predicted_evidence": [["Christian_Bale_filmography", 42], ["Christian_Bale_filmography", 36], ["Christian_Bale_filmography", 29], ["Christian_Bale_filmography", 23], ["Christian_Bale_filmography", 12]]} +{"id": 132871, "predicted_label": "SUPPORTS", "predicted_evidence": [["Numb_-LRB-Linkin_Park_song-RRB-", 12], ["List_of_LittleBigPlanet_downloadable_content_packs", 7], ["List_of_LittleBigPlanet_downloadable_content_packs", 6], ["List_of_songs_in_The_Idolmaster_video_games", 11], ["List_of_songs_in_The_Idolmaster_video_games", 12]]} +{"id": 71150, "predicted_label": "SUPPORTS", "predicted_evidence": [["Buddhism", 10], ["Kleshas_-LRB-Buddhism-RRB-", 9], ["Kleshas_-LRB-Buddhism-RRB-", 5], ["Ajahn_Sao_Kantasi\u0304lo", 184], ["Ajahn_Sao_Kantasi\u0304lo", 126]]} +{"id": 51442, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_bottoms", 30], ["List_of_bottoms", 50], ["List_of_bottoms", 5], ["List_of_bottoms", 134]]} +{"id": 91784, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_films_set_in_Shanghai", 27], ["Fist_of_Fury_1991", 1], ["Fist_of_Fury_-LRB-disambiguation-RRB-", 2], ["Fist_of_Fury_II", 1], ["List_of_films_set_in_Shanghai", 11]]} +{"id": 116319, "predicted_label": "REFUTES", "predicted_evidence": [["Crush_-LRB-2013_film-RRB-", 0], ["Hush_-LRB-2016_film-RRB-", 2], ["Intrepid_Pictures", 0], ["Hush_-LRB-2016_film-RRB-", 0], ["Hush_-LRB-2016_film-RRB-", 5]]} +{"id": 144087, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jackie_Estrada", 3], ["Comic_book_convention", 26], ["San_Diego_Comic-Con", 2], ["San_Diego_Comic-Con", 1], ["San_Diego_Comic-Con", 0]]} +{"id": 203178, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samoan_language", 4], ["Niuean_language", 0], ["Tokelauan_language", 0], ["Tuvaluan_language", 0], ["Tuvaluan_language", 1]]} +{"id": 55032, "predicted_label": "SUPPORTS", "predicted_evidence": [["Magazine_cover_indicator", 0], ["Magazine_cover_indicator", 7], ["Milton_Graham", 2], ["Ashley_Graham", 3], ["Ashley_Graham", 5]]} +{"id": 121468, "predicted_label": "SUPPORTS", "predicted_evidence": [["Homo_sapiens", 3], ["Homo_sapiens", 2], ["Homo_heidelbergensis", 3], ["Anatomically_modern_human", 4], ["Anatomically_modern_human", 0]]} +{"id": 143287, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harriman-Jewell_Series", 27], ["James_Jewell_-LRB-politician-RRB-", 9], ["Marshall_Jewell", 9], ["Marshall_Jewell", 10], ["James_Jewell_-LRB-politician-RRB-", 8]]} +{"id": 145769, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_Mangum_House", 6], ["Rob_Sheridan", 0], ["Sheridan_-LRB-surname-RRB-", 123], ["Trent_Reznor", 11], ["Pretty_Eight_Machine_-LRB-album-RRB-", 6]]} +{"id": 113275, "predicted_label": "SUPPORTS", "predicted_evidence": [["McGraw_-LRB-surname-RRB-", 10], ["McGraw_-LRB-surname-RRB-", 6], ["My_Little_Girl_-LRB-Tim_McGraw_song-RRB-", 3], ["McGraw_-LRB-surname-RRB-", 65], ["Tim_McGraw_-LRB-disambiguation-RRB-", 0]]} +{"id": 98304, "predicted_label": "SUPPORTS", "predicted_evidence": [["British_Army", 1], ["Ajmer_Military_School", 3], ["Indian_Army", 16], ["Active_Defense", 3], ["Indian_Army", 3]]} +{"id": 116920, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_ANAGPIC_meetings", 123], ["List_of_ANAGPIC_meetings", 185], ["List_of_ANAGPIC_meetings", 157], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 827], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 519]]} +{"id": 177168, "predicted_label": "SUPPORTS", "predicted_evidence": [["Invasion_literature", 3], ["Invasion_literature", 0], ["Alien_invasion", 22], ["Alien_invasion", 4], ["Alien_invasion", 0]]} +{"id": 46384, "predicted_label": "SUPPORTS", "predicted_evidence": [["White_House_Press_Secretary", 0], ["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3], ["Timeline_of_the_Watergate_scandal", 50]]} +{"id": 107875, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Neoteric_evolutionary_theory", 81], ["Homo", 10], ["Homo_sapiens", 2], ["Homo_heidelbergensis", 3], ["Anatomically_modern_human", 0]]} +{"id": 135368, "predicted_label": "REFUTES", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["Paul_Carlson", 5], ["Jesse_Carlson", 1], ["Jesse_Carlson", 0]]} +{"id": 50299, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["English_people", 15], ["Frisian_Americans", 6], ["English_people", 6], ["East_Frisians", 1]]} +{"id": 127596, "predicted_label": "REFUTES", "predicted_evidence": [["Replicant", 0], ["Blade_Runner_2049", 0], ["Blade_Runner", 26], ["Blade_Runner_-LRB-a_movie-RRB-", 12], ["Themes_in_Blade_Runner", 14]]} +{"id": 212313, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_Olsen", 0], ["Robert_Lee_Morris", 31]]} +{"id": 204645, "predicted_label": "SUPPORTS", "predicted_evidence": [["This_Will_Destroy_You_-LRB-album-RRB-", 21], ["Mostly_Ghostly_-LRB-disambiguation-RRB-", 10], ["Mostly_Ghostly_-LRB-disambiguation-RRB-", 12], ["The_Divergent_Series-COLON-_Insurgent", 1], ["This_Will_Destroy_You_-LRB-album-RRB-", 18]]} +{"id": 166475, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maria_DeLuca", 0], ["Isabel_Evans", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0], ["Roswell_-LRB-TV_series-RRB-", 0], ["Friday_Night_Lights_-LRB-TV_series-RRB-", 17]]} +{"id": 4537, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eric_Church", 0], ["Woodside_Presbyterian_Church", 126], ["Eric_Church", 11], ["Springsteen_-LRB-song-RRB-", 0], ["Luke_Laird", 2]]} +{"id": 44565, "predicted_label": "SUPPORTS", "predicted_evidence": [["Queen_mother", 5], ["Crown_of_Queen_Elizabeth_The_Queen_Mother", 8], ["Mary_of_Teck", 0], ["Crown_of_Queen_Elizabeth_The_Queen_Mother", 0], ["Queen_mother", 0]]} +{"id": 54731, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["United_States_presidential_election,_1796", 0], ["Heard-Hawes_family", 33], ["United_States_presidential_election,_1796", 2], ["Thomas_Jefferson_Medal", 11], ["Thomas_Jefferson_Medal", 15]]} +{"id": 172772, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ghar_Kab_Aao_Gay", 0], ["Shararat_-LRB-2003_film-RRB-", 0], ["List_of_accolades_received_by_Gosford_Park", 2], ["Hula_Girls", 7], ["List_of_accolades_received_by_Gosford_Park", 17]]} +{"id": 167465, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hilary_Duff", 3], ["Hilary_Duff", 1], ["Hilary_Duff", 17], ["Hilary_Duff_-LRB-album-RRB-", 0], ["Stuff_by_Hilary_Duff", 0]]} +{"id": 197373, "predicted_label": "REFUTES", "predicted_evidence": [["Simo\u0301n_Rodri\u0301guez", 4], ["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Simo\u0301n_Rodri\u0301guez", 0], ["Simo\u0301n_Rodri\u0301guez", 24]]} +{"id": 15308, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rocky_Taylor", 0], ["Tipping_-LRB-surname-RRB-", 16], ["Tim_Smith", 39], ["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1], ["Rocky_Taylor", 8]]} +{"id": 207387, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Efraim_Diveroli", 6], ["David_Packouz", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Ephraim_-LRB-given_name-RRB-", 30], ["AEY", 9]]} +{"id": 70020, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angela_Bassett", 6], ["List_of_awards_and_nominations_received_by_Angela_Bassett", 0], ["Adam_Bassett", 7], ["Dave_Bassett_-LRB-songwriter-RRB-", 23], ["Angela_Bassett", 0]]} +{"id": 3418, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rage_Against_the_Machine", 0], ["Rage_Against_the_Machine", 19], ["Rage_Against_the_Machine", 3], ["Dance_squad", 2], ["Dance_squad", 0]]} +{"id": 367, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-White_Collar-RRB-", 2], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Kenny_Woods", 18], ["Percy_Jackson_&_the_Olympians-COLON-_The_Lightning_Thief", 2], ["Burying_the_Ex", 1]]} +{"id": 2271, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greek_language", 14], ["Bantu_peoples", 13], ["Epidemiology_of_HIV/AIDS", 22], ["Greek_language", 0], ["Bantu_peoples", 14]]} +{"id": 22089, "predicted_label": "SUPPORTS", "predicted_evidence": [["El_Padrino_-LRB-film-RRB-", 13], ["El_Padrino_-LRB-film-RRB-", 15], ["List_of_drama_films", 21], ["Joaquin_Phoenix_filmography", 7], ["J/P_Haitian_Relief_Organization", 1]]} +{"id": 204428, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brad_Wilk", 4], ["Rage_Against_the_Machine", 18], ["Wilk", 17], ["Selene_Vigil-Wilk", 6], ["Greta_-LRB-band-RRB-", 0]]} +{"id": 166477, "predicted_label": "REFUTES", "predicted_evidence": [["Roswell_-LRB-TV_series-RRB-", 0], ["Friday_Night_Lights_-LRB-TV_series-RRB-", 1], ["Isabel_Evans", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0], ["Michael_Guerin", 0]]} +{"id": 39583, "predicted_label": "REFUTES", "predicted_evidence": [["Garden_State", 0], ["Garden_State", 3], ["Queer_Lounge", 18], ["Garden_State", 5], ["Jason_Michael_Berman", 12]]} +{"id": 43563, "predicted_label": "REFUTES", "predicted_evidence": [["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], ["Mercy_-LRB-GOOD_Music_song-RRB-", 2], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["I'm_Different", 3]]} +{"id": 113094, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Palace_Theatre", 0], ["Victoria_Palace", 0], ["Palace_Theatre,_Westcliff-on-Sea", 12], ["Victoria_Theatre", 31], ["Victoria_Palace", 3]]} +{"id": 183152, "predicted_label": "REFUTES", "predicted_evidence": [["Tata_Motors", 13], ["BSE_SENSEX", 0], ["BSE_SENSEX", 8], ["BSE_SENSEX", 4], ["BSE_SENSEX", 2]]} +{"id": 127261, "predicted_label": "SUPPORTS", "predicted_evidence": [["Huckabee_-LRB-disambiguation-RRB-", 15], ["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 1], ["David_Huckabee", 0], ["Huckabee_-LRB-disambiguation-RRB-", 9]]} +{"id": 203615, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sugarland_Express", 3], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Joe_Alves", 4], ["Merrill_Connally", 11], ["Slipstream_-LRB-unfinished_film-RRB-", 0]]} +{"id": 204328, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 8], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 0], ["Paleontology_in_Louisiana", 17], ["Thrive_-LRB-website-RRB-", 1], ["Cretaceous", 9]]} +{"id": 215124, "predicted_label": "SUPPORTS", "predicted_evidence": [["Private_Lives", 0], ["Phoenix_Theatre,_London", 16], ["Noe\u0308l_Coward", 6], ["Phoenix_Theatre,_London", 20], ["Noe\u0308l_Coward_Society", 16]]} +{"id": 56193, "predicted_label": "SUPPORTS", "predicted_evidence": [["Erik_Bergman_-LRB-Lutheran_minister-RRB-", 0], ["Camden_College_-LRB-fictional_college-RRB-", 11], ["Ingrid_von_Rosen", 0], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Bret", 19]]} +{"id": 44927, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ajay_Devgn", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Veeru_Devgan", 0], ["Devgan", 6], ["Anil_Devgan", 0]]} +{"id": 30258, "predicted_label": "REFUTES", "predicted_evidence": [["Resistentialism", 1], ["Resistentialism", 0], ["Fable", 3], ["Freeze_Frame_-LRB-Godley_&_Creme_album-RRB-", 8], ["Fable", 0]]} +{"id": 64457, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_nurses", 279], ["List_of_fictional_nurses", 277], ["List_of_fictional_nurses", 275], ["Blue_Heaven", 4], ["Blue_Heaven", 2]]} +{"id": 42319, "predicted_label": "SUPPORTS", "predicted_evidence": [["Legacy_-LRB-2017_film-RRB-", 1], ["The_Invisible_-LRB-film-RRB-", 0], ["Justin_Chatwin", 0], ["Chatwin", 8], ["Chatwin", 10]]} +{"id": 215505, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hani_-LRB-singer-RRB-", 2], ["Weekly_Idol", 1], ["Sorn_-LRB-singer-RRB-", 2], ["Weekly_Idol", 0], ["Gwiyomi", 2]]} +{"id": 185407, "predicted_label": "REFUTES", "predicted_evidence": [["CHiPs_-LRB-film-RRB-", 0], ["Hit_and_Run_-LRB-2012_film-RRB-", 0], ["Brother's_Justice", 0], ["Employee_of_the_Month_-LRB-2006_film-RRB-", 0], ["The_Midnight_Show", 1]]} +{"id": 25248, "predicted_label": "REFUTES", "predicted_evidence": [["Ossie_Byrne", 16], ["Immortality_-LRB-Celine_Dion_song-RRB-", 7], ["Albhy_Galuten", 1], ["Ossie_Byrne", 20], ["Bee_Gees", 16]]} +{"id": 128187, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Three_poisons", 1], ["Buddhism", 18], ["Kleshas_-LRB-Buddhism-RRB-", 9], ["Kleshas_-LRB-Buddhism-RRB-", 5], ["Three_poisons", 0]]} +{"id": 130204, "predicted_label": "REFUTES", "predicted_evidence": [["Tony_Curtis", 8], ["The_Black_Shield_of_Falworth", 1], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["The_Black_Shield_of_Falworth", 7], ["Tony_Curtis", 27]]} +{"id": 86831, "predicted_label": "REFUTES", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Jay_Mohr", 2], ["Eddie_Murphy", 13], ["Martin_Bregman", 1], ["Jay_Mohr", 1]]} +{"id": 105558, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good_Wife", 12], ["The_Good_Wife", 4], ["The_Good_Wife_-LRB-disambiguation-RRB-", 0], ["The_Good_Wife_-LRB-disambiguation-RRB-", 6], ["The_Good_Wife", 9]]} +{"id": 38110, "predicted_label": "REFUTES", "predicted_evidence": [["Eddie_Murphy", 13], ["The_Adventures_of_Pluto_Nash", 0], ["Martin_Bregman", 1], ["Jay_Mohr", 2], ["Eddie_Murphy", 0]]} +{"id": 148055, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shane_Black", 0], ["Chuck_Mondry", 0], ["Shane_Bernagh", 9], ["Terry_Harknett", 38], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23]]} +{"id": 122081, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jan_Jirasky\u0301", 9], ["Daily_Mail_aviation_prizes", 0], ["Roy_V._Aragon", 3], ["Jasper_Wood", 7], ["Jasper_Wood", 13]]} +{"id": 105954, "predicted_label": "REFUTES", "predicted_evidence": [["The_Mist_-LRB-film-RRB-", 1], ["Philtrum_Press", 18], ["Philtrum_Press", 10], ["Philtrum_Press", 21], ["Philtrum_Press", 6]]} +{"id": 158436, "predicted_label": "REFUTES", "predicted_evidence": [["La_Maroma", 0], ["Penibaetic_System", 0], ["Axarqui\u0301a", 10], ["Sierra_de_Alhama", 0], ["Sierra_Blanca_-LRB-Andalusia-RRB-", 0]]} +{"id": 35575, "predicted_label": "REFUTES", "predicted_evidence": [["Tim_Smith", 39], ["Tim_Smith", 0], ["Tim_Smith", 13], ["Tim_Smith", 21], ["Alexander_Stuart_-LRB-writer-RRB-", 5]]} +{"id": 151531, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_I_of_France", 11], ["Weedfish", 27], ["Hook_Nose", 3], ["List_of_noses", 0], ["Francis_I_of_France", 0]]} +{"id": 172465, "predicted_label": "REFUTES", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_-LRB-surname-RRB-", 22], ["Stefano_Fassina", 9], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Stefano_Fassina", 12]]} +{"id": 131594, "predicted_label": "REFUTES", "predicted_evidence": [["Blue_Jasmine", 1], ["List_of_accolades_received_by_Blue_Jasmine", 2], ["Gransito_Movie_Awards_2008", 242], ["Gransito_Movie_Awards_2008", 46], ["Nothing_Personal_-LRB-play-RRB-", 5]]} +{"id": 184099, "predicted_label": "SUPPORTS", "predicted_evidence": [["Command_responsibility", 14], ["My_Lai_Massacre", 0], ["Medina_-LRB-surname-RRB-", 33], ["My_Lai_Massacre", 16], ["My_Lai_Massacre", 8]]} +{"id": 21617, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_British_cyclists_who_have_led_the_Tour_de_France_general_classification", 0], ["Didi_Senft", 40], ["List_of_Australian_cyclists_who_have_led_the_Tour_de_France_general_classification", 16], ["Yellow_jersey_statistics", 0], ["List_of_teams_and_cyclists_in_the_2016_Tour_de_France", 0]]} +{"id": 132073, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["KWJC", 70], ["Marshall_Jewell", 1], ["KWJC", 55], ["KWJC", 31], ["KWJC", 47]]} +{"id": 212309, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Dualstar", 0], ["New_York_Minute_-LRB-film-RRB-", 5], ["Mary-Kate_and_Ashley_Olsen", 2]]} +{"id": 150964, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tiger_Jack_Fox", 5], ["Tiger_Jack_Fox", 37], ["Ladder_Whist", 18], ["Devon_RFU_Junior_Cup", 10], ["Devon_RFU_Junior_Cup", 4]]} +{"id": 79472, "predicted_label": "REFUTES", "predicted_evidence": [["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 0], ["Chris_Eubank_Jr.", 3], ["Chris_Eubank_Jr.", 2], ["Juan_Carlos_Gime\u0301nez_Ferreyra", 1]]} +{"id": 58896, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guantanamo's_Child", 1], ["Omar_Khadr", 0], ["Canadian_response_to_Omar_Khadr", 0], ["Zaynab_Khadr", 13], ["Ahmed_Khadr", 20]]} +{"id": 49729, "predicted_label": "SUPPORTS", "predicted_evidence": [["ABS-CBN_-LRB-television_network-RRB-", 9], ["ABS-CBN_-LRB-television_network-RRB-", 0], ["The_Good_Wife", 12], ["The_Good_Wife", 0], ["The_Good_Wife_-LRB-disambiguation-RRB-", 0]]} +{"id": 79525, "predicted_label": "REFUTES", "predicted_evidence": [["First_inauguration_of_Bill_Clinton", 0], ["Inauguration_of_Bill_Clinton", 3], ["On_the_Pulse_of_Morning", 0], ["John_S._Hilliard", 39], ["First_inauguration_of_Bill_Clinton", 1]]} +{"id": 22255, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Aparshakti_Khurana", 0], ["Aparshakti_Khurana", 2], ["Khurana", 17], ["Dangal_-LRB-film-RRB-", 12]]} +{"id": 112277, "predicted_label": "REFUTES", "predicted_evidence": [["Barbara_Becnel", 2], ["Real_Soon", 5], ["Stan_Williams", 5], ["Barbara_Becnel", 7], ["Barbara_Becnel", 14]]} +{"id": 103717, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shaftesbury_Avenue", 0], ["Shaftesbury_Avenue", 1], ["Victoria_Palace", 0], ["Victoria_Theatre", 31], ["Victoria_Palace", 3]]} +{"id": 211271, "predicted_label": "REFUTES", "predicted_evidence": [["The_Farmer_Wants_a_Wife_-LRB-Australian_TV_series-RRB-", 3], ["2010\u201311_UCI_Africa_Tour", 1], ["The_Noose_-LRB-TV_series-RRB-", 10], ["The_Noose_-LRB-TV_series-RRB-", 7], ["The_Noose_-LRB-TV_series-RRB-", 6]]} +{"id": 84472, "predicted_label": "REFUTES", "predicted_evidence": [["Marilyn_Manson", 2], ["Dary_Matera", 18], ["Manson", 13], ["Nothing_for_Us_Here", 11], ["Nothing_for_Us_Here", 0]]} +{"id": 216378, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chagatai", 9], ["Uyghur_Arabic_alphabet", 25], ["Chagatai_people", 7], ["Karluk_languages", 3], ["Karluk_languages", 4]]} +{"id": 196757, "predicted_label": "REFUTES", "predicted_evidence": [["Marnie_-LRB-disambiguation-RRB-", 10], ["Marnie_-LRB-disambiguation-RRB-", 8], ["Marnie_-LRB-dog-RRB-", 1], ["Ivanov_-LRB-surname-RRB-", 77], ["Ivanov_-LRB-surname-RRB-", 71]]} +{"id": 227128, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["List_of_New_Orleans_Pelicans_seasons", 1], ["Southwest_Division_-LRB-NBA-RRB-", 0], ["List_of_New_Orleans_Pelicans_head_coaches", 1], ["Southwest_Division_-LRB-NBA-RRB-", 15]]} +{"id": 34979, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pete_Ganbarg", 14], ["Babylon_A.D._-LRB-band-RRB-", 14], ["Reid", 40], ["Havana_Mena", 3], ["Havana_Mena", 5]]} +{"id": 181195, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gods_of_Egypt_-LRB-film-RRB-", 12], ["Lionsgate", 4], ["Gods_of_Egypt_-LRB-film-RRB-", 8], ["Lionsgate_Academy", 7], ["Southpaw_Technology", 3]]} +{"id": 63116, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Weekend_-LRB-Homeland-RRB-", 6], ["List_of_awards_and_nominations_received_by_Homeland", 1], ["Pilot_-LRB-Homeland-RRB-", 4], ["Bruiser_Brody_Memorial_Cup", 24], ["Bruiser_Brody_Memorial_Cup", 2]]} +{"id": 37093, "predicted_label": "REFUTES", "predicted_evidence": [["Men_in_Black_II", 0], ["Men_in_Black_II", 3], ["Men_in_Black_II", 1], ["Colin_Brady", 23], ["Men_in_Black_II-COLON-_Alien_Escape", 0]]} +{"id": 101583, "predicted_label": "REFUTES", "predicted_evidence": [["Guillermo_del_Toro", 8], ["Pan's_Labyrinth", 0], ["Del_Toro_-LRB-surname-RRB-", 12], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 1]]} +{"id": 92651, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brian_Michael_Bendis", 12], ["Torso_-LRB-Image_Comics-RRB-", 0], ["Ultimate_Spider-Man", 11], ["Brian_Michael_Bendis", 0], ["Secret_War_-LRB-comics-RRB-", 1]]} +{"id": 60067, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Sweet_Caroline", 13], ["Caroline_Kennedy", 4]]} +{"id": 193891, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Log_cabin_-LRB-disambiguation-RRB-", 2], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 218], ["Log_cabin_-LRB-disambiguation-RRB-", 17], ["Pfarr_Log_House", 19], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 140]]} +{"id": 89354, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Enrique_Llanes", 2], ["Survivor_Series_-LRB-2004-RRB-", 8], ["Survivor_Series_-LRB-2004-RRB-", 13], ["El_Gran_Luchadore", 18], ["AAA_When_Worlds_Collide", 10]]} +{"id": 29902, "predicted_label": "SUPPORTS", "predicted_evidence": [["Remnant_advertising", 6], ["Shock_advertising", 6], ["Advertising", 0], ["Advertising", 13], ["Old_man's_car", 11]]} +{"id": 168983, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nuremberg_Trials_bibliography", 422], ["List_of_books_by_Jacob_Neusner", 1034], ["List_of_Catholic_schools_in_New_York", 310], ["List_of_Catholic_schools_in_New_York", 63], ["List_of_Catholic_schools_in_New_York", 97]]} +{"id": 139298, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elvis_Presley's_guitars", 6], ["Scott_Moore", 15], ["I_Forgot_to_Remember_to_Forget", 1], ["List_of_moths_of_India_-LRB-Geometridae-RRB-", 1199], ["Scotty_Cameron", 47]]} +{"id": 90080, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Terry_Crews", 9], ["Make_a_Smellmitment", 2], ["Terry_Crews", 3], ["List_of_Los_Angeles_Rams_seasons", 0], ["Make_a_Smellmitment", 8]]} +{"id": 192725, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_The_Millers_episodes", 1], ["List_of_The_Millers_episodes", 22], ["List_of_The_Millers_episodes", 16], ["List_of_The_Millers_episodes", 12], ["List_of_The_Millers_episodes", 19]]} +{"id": 52917, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jennifer_Lopez_filmography", 5], ["Jennifer_Lopez_filmography", 3], ["Jennifer_Lopez_discography", 0], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Still_Jennifer_Lopez", 0]]} +{"id": 194358, "predicted_label": "REFUTES", "predicted_evidence": [["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 2], ["Happiness_in_Slavery", 9], ["Happiness_in_Slavery", 6], ["World_Happiness_Report", 10]]} +{"id": 191249, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jean-Michel_Basquiat", 11], ["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Jean-Michel", 168], ["Basquiat", 2]]} +{"id": 163982, "predicted_label": "SUPPORTS", "predicted_evidence": [["Clash_of_the_Titans", 7], ["Clash_of_the_Titans", 13], ["Clash_of_the_Titans", 9], ["Clash_of_the_Titans", 11], ["Tamannaah_filmography", 10]]} +{"id": 136704, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michael_Flessas", 23], ["Francis_Ford_Coppola", 4], ["Michael_Flessas", 4], ["List_of_awards_and_nominations_received_by_Marion_Cotillard", 11], ["List_of_awards_and_nominations_received_by_Marion_Cotillard", 12]]} +{"id": 24, "predicted_label": "REFUTES", "predicted_evidence": [["Kajol_filmography", 6], ["Dilwale_Dulhania_Le_Jayenge", 7], ["Kajol", 9], ["Filmfare_Award_for_Best_Music_Album", 650], ["Kajol_filmography", 7]]} +{"id": 165235, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Balan_Nambiar", 16], ["Creative_Barcode", 13], ["Creative_Commons", 0], ["Creative_Barcode", 14]]} +{"id": 215490, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gwiyomi", 2], ["Weekly_Idol", 0], ["Pathosystem", 47], ["Weekly_Idol", 1], ["Autochton_cellus", 3]]} +{"id": 62114, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ludwig_Trepte", 0], ["Sebastian_Stan", 0], ["Stan_-LRB-surname-RRB-", 22], ["Labyrinth_-LRB-miniseries-RRB-", 2], ["Sebastian_Stan", 2]]} +{"id": 60044, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Men_in_Black_II", 0], ["Men_in_Black_II-COLON-_Alien_Escape", 0], ["Colin_Brady", 23], ["Colin_Brady", 2], ["Men_in_Black_II", 3]]} +{"id": 202442, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 166867, "predicted_label": "REFUTES", "predicted_evidence": [["Drake_&_Josh_-LRB-soundtrack-RRB-", 0], ["Drake_Bell_discography", 17], ["Drake_Bell", 16], ["Drake_Bell_discography", 0], ["Drake_&_Josh", 1]]} +{"id": 20428, "predicted_label": "REFUTES", "predicted_evidence": [["Morse_code", 18], ["Hybrid_automatic_repeat_request", 6], ["GPS_navigation_device", 10], ["GPS_navigation_device", 8], ["GPS_navigation_device", 9]]} +{"id": 195022, "predicted_label": "SUPPORTS", "predicted_evidence": [["Little_Mix_discography", 33], ["List_of_Train_members", 35], ["Girls'_Generation_discography", 17], ["List_of_Train_members", 31], ["List_of_Train_members", 34]]} +{"id": 201747, "predicted_label": "SUPPORTS", "predicted_evidence": [["North_Vietnam", 0], ["North_Vietnam", 22], ["North_Vietnam", 1], ["Operation_Rolling_Thunder", 3], ["1965_in_the_Vietnam_War", 27]]} +{"id": 147737, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Elizabeth_Taylor", 42], ["List_of_awards_and_nominations_received_by_Netflix", 41], ["List_of_awards_and_nominations_received_by_House_of_Cards", 16], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 15], ["List_of_awards_and_nominations_received_by_Netflix", 32]]} +{"id": 203172, "predicted_label": "SUPPORTS", "predicted_evidence": [["Borneo\u2013Philippine_languages", 0], ["Nuclear_Malayo-Polynesian_languages", 6], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0]]} +{"id": 30905, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 50546, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jeff_Wootton", 13], ["Jeff_Wootton", 4], ["Ravenous_-LRB-soundtrack-RRB-", 1], ["Damon_Albarn", 4], ["Damon_Albarn", 0]]} +{"id": 173127, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ann_Sullivan", 3], ["Macy_-LRB-surname-RRB-", 8], ["Macy_-LRB-surname-RRB-", 16], ["Macy_-LRB-surname-RRB-", 4], ["Ann_Sullivan", 0]]} +{"id": 209881, "predicted_label": "SUPPORTS", "predicted_evidence": [["Art_Smith_-LRB-actor-RRB-", 10], ["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["Art_Smith_-LRB-actor-RRB-", 8], ["Dorothy_B._Hughes", 22], ["In_a_Lonely_Place_-LRB-song-RRB-", 5]]} +{"id": 96425, "predicted_label": "SUPPORTS", "predicted_evidence": [["Riddick_-LRB-character-RRB-", 0], ["Robb_Riddick", 10], ["Joseph_Riddick", 14], ["The_Chronicles_of_Riddick", 8], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 5]]} +{"id": 83896, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Estimated_date_of_confinement", 0], ["Library_card", 12], ["Tax_return_-LRB-Canada-RRB-", 20], ["Late_fee", 0], ["Comm_South_Companies", 18]]} +{"id": 206156, "predicted_label": "REFUTES", "predicted_evidence": [["East_Palo_Alto,_California", 16], ["Palo_Alto_Weekly", 4], ["Cubberley_Community_Center", 0], ["Palo_Alto_Weekly", 0], ["East_Palo_Alto,_California", 0]]} +{"id": 72208, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edison_Machine_Works", 0], ["Nikola_Tesla", 5], ["Kunihiko_Iwadare", 5], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6], ["John_White_Howell", 58]]} +{"id": 76123, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Train_Your_Dragon_2", 11], ["How_to_Train_Your_Dragon_-LRB-franchise-RRB-", 0], ["Dragon_2", 0], ["How_to_Train_Your_Dragon_-LRB-film-RRB-", 14], ["List_of_PlayStation_3_games_released_on_disc", 2163]]} +{"id": 53948, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gospel_reggae", 0], ["Paris_Hilton", 18], ["Reggae_Rhythms", 0], ["Reggae_Rhythms", 1], ["Paris_Hilton", 31]]} +{"id": 125223, "predicted_label": "REFUTES", "predicted_evidence": [["Civilization_IV", 14], ["Civilization_IV", 0], ["Civilization_IV", 5], ["Leonard_Nimoy", 10], ["Civilization_IV", 13]]} +{"id": 63168, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["Children's_Television_Act", 1], ["Children's_Television_Act", 15], ["Television_and_the_Public_Interest", 2], ["Reality_television", 1]]} +{"id": 8780, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bolt_-LRB-2008_film-RRB-", 2], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 15], ["Bolt_-LRB-2008_film-RRB-", 11], ["Golden_Globe_Award_for_Best_Animated_Feature_Film", 0], ["List_of_awards_and_nominations_received_by_House_of_Cards", 16]]} +{"id": 161578, "predicted_label": "SUPPORTS", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 0], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Moulin_Rouge!", 1], ["Moulin_Rouge!", 6], ["Nicole_Kidman_filmography", 0]]} +{"id": 96100, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["Jack_Falahee", 0], ["List_of_Galaxy_Express_999_episodes", 11], ["Boston_Consulting_Group's_Advantage_Matrix", 2]]} +{"id": 201801, "predicted_label": "REFUTES", "predicted_evidence": [["Dakota_Fanning", 6], ["The_Motel_Life_-LRB-film-RRB-", 0], ["Anne_James", 9], ["The_Motel_Life", 0], ["Anne_James", 0]]} +{"id": 125630, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kellogg's", 6], ["K._Johanna_-LRB-Joana-RRB-_Altmann", 25], ["K._Johanna_-LRB-Joana-RRB-_Altmann", 3], ["K._Johanna_-LRB-Joana-RRB-_Altmann", 23], ["Kellogg's", 0]]} +{"id": 14428, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Restaurant_Gordon_Ramsay", 0], ["Gordon_Ramsay_at_Claridge's", 0], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 32], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 2], ["Gordon_Ramsay_at_Claridge's", 1]]} +{"id": 18822, "predicted_label": "SUPPORTS", "predicted_evidence": [["History_of_the_Quran", 0], ["Adnan_Al-Rifaey", 21], ["Adnan_Al-Rifaey", 24], ["Quran", 7], ["Quran_desecration", 4]]} +{"id": 154608, "predicted_label": "REFUTES", "predicted_evidence": [["2007_suicide_bombings_in_Iraq", 156], ["2007_suicide_bombings_in_Iraq", 154], ["2007_suicide_bombings_in_Iraq", 74], ["2007_suicide_bombings_in_Iraq", 53], ["2007_suicide_bombings_in_Iraq", 54]]} +{"id": 52278, "predicted_label": "SUPPORTS", "predicted_evidence": [["Argentine_humour", 1], ["Mormon_folklore", 1], ["German_folklore", 13], ["German_folklore", 10], ["Folklore_of_Finland", 6]]} +{"id": 63521, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boy_Parts", 4], ["Head_-LRB-American_Horror_Story-RRB-", 4], ["Black_Reel_Award_for_Best_Actress-COLON-_T.V._Movie/Cable", 4], ["Head_-LRB-American_Horror_Story-RRB-", 5], ["Protect_the_Coven", 4]]} +{"id": 14407, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rage_Against_the_Machine", 20], ["Sabbat_-LRB-English_band-RRB-", 10], ["Tom_Morello_discography", 23], ["The_Battle_of_Los_Angeles_Tour", 7], ["Tin_Machine_Tour", 2]]} +{"id": 219281, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Capsicum_chinense", 0], ["List_of_plants_of_Burkina_Faso", 791], ["Datil_pepper", 0], ["Piri_piri", 0], ["Capsicum_baccatum", 9]]} +{"id": 87265, "predicted_label": "REFUTES", "predicted_evidence": [["Doctor_of_Psychology", 0], ["The_Linus_Pauling_Quartet", 23], ["Doctor_of_Psychology", 10], ["List_of_Psych_episodes", 0], ["The_Linus_Pauling_Quartet", 2]]} +{"id": 135589, "predicted_label": "REFUTES", "predicted_evidence": [["Men_in_Black_II", 0], ["Men_in_Black_II", 3], ["Colin_Brady", 2], ["Colin_Brady", 23], ["Men_in_Black_II-COLON-_Alien_Escape", 1]]} +{"id": 134247, "predicted_label": "REFUTES", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Lina_Wolff", 5], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 112326, "predicted_label": "SUPPORTS", "predicted_evidence": [["Astrid_Farnsworth", 2], ["Olivia_-LRB-Fringe-RRB-", 4], ["Olivia_Dunham", 2], ["Olivia_Dunham", 0], ["Jeff_Dunham", 1]]} +{"id": 141870, "predicted_label": "SUPPORTS", "predicted_evidence": [["Road_to_Ruin", 0], ["Meta_Sudans", 18], ["Colosseum", 23], ["Road_to_Ruin", 5], ["Road_to_Ruin", 9]]} +{"id": 62359, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bruno_Echagaray", 11], ["2016_US_Open_\u2013_Men's_Singles", 2], ["Neuberg_formula", 16], ["Match_point", 0], ["Match_point", 5]]} +{"id": 174590, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Artpop", 13], ["Carrie_Underwood_discography", 20], ["Lady_Gaga_discography", 17], ["Snoop_Dogg_discography", 124], ["Lady_Gaga_discography", 2]]} +{"id": 166508, "predicted_label": "REFUTES", "predicted_evidence": [["Max_Evans_-LRB-Roswell-RRB-", 4], ["Maria_DeLuca", 0], ["Michael_Guerin", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0], ["Roswell_-LRB-TV_series-RRB-", 0]]} +{"id": 142484, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["A_Very_Potter_Musical", 6], ["Harry_Potter", 1], ["Harry_Potter_and_the_Half-Blood_Prince_-LRB-film-RRB-", 7], ["Caio_Ce\u0301sar", 26], ["Caio_Ce\u0301sar", 8]]} +{"id": 201060, "predicted_label": "SUPPORTS", "predicted_evidence": [["Daddy_Day_Care", 0], ["Regina_King", 4], ["Huey_Freeman", 4], ["Huey_Freeman", 7], ["Reina_King", 5]]} +{"id": 133948, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["Migos", 8], ["Yung_Rich_Nation", 2], ["More_Life", 5], ["No_Frauds", 1]]} +{"id": 128442, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joe_Walsh", 24], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0], ["Barnstorm_-LRB-band-RRB-", 10], ["The_Confessor_-LRB-song-RRB-", 2]]} +{"id": 157435, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_accolades_received_by_Blue_Jasmine", 0], ["Blue_Jasmine", 0], ["Cate_Blanchett", 4], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Blue_Jasmine", 5]]} +{"id": 121431, "predicted_label": "REFUTES", "predicted_evidence": [["No_Country_for_Old_Men_-LRB-film-RRB-", 1], ["List_of_accolades_received_by_No_Country_for_Old_Men", 1], ["West_Texas", 8], ["West_Texas", 4], ["West_Texas", 0]]} +{"id": 148947, "predicted_label": "SUPPORTS", "predicted_evidence": [["Doctor_of_Psychology", 0], ["The_Linus_Pauling_Quartet", 23], ["Doctor_of_Psychology", 10], ["List_of_awards_and_nominations_received_by_Psych", 5], ["List_of_awards_and_nominations_received_by_Psych", 7]]} +{"id": 166651, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Brian_Rice_-LRB-artist-RRB-", 8], ["Anne_Rice", 5], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Anne_Rice", 0]]} +{"id": 211770, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brick_-LRB-film-RRB-", 0], ["Looper_-LRB-film-RRB-", 0], ["Star_Wars-COLON-_The_Last_Jedi", 0], ["Steve_Yedlin", 0], ["Ryan_Johnson", 19]]} +{"id": 23428, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 7], ["The_Cincinnati_Kid", 6], ["Norman_Jewison", 2], ["The_Cincinnati_Kid", 0]]} +{"id": 68576, "predicted_label": "REFUTES", "predicted_evidence": [["Soul_Food_-LRB-film-RRB-", 0], ["Kenneth_Edwards", 3], ["Kenneth_Edwards", 5], ["Kenneth_Edwards", 0], ["Kenneth_Edwards", 7]]} +{"id": 80919, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Match_point", 5], ["Match_point", 3], ["Match_point", 0], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Blue_Jasmine", 0]]} +{"id": 147049, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Shand", 16], ["Camilla,_Duchess_of_Cornwall", 6], ["Rosalind_Shand", 1], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 17]]} +{"id": 136442, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_AVA", 24], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 0], ["El_Dorado_High_School", 5]]} +{"id": 163967, "predicted_label": "SUPPORTS", "predicted_evidence": [["1959\u201360_United_States_network_television_schedule", 20], ["Veeram", 3], ["1959\u201360_United_States_network_television_schedule", 18], ["1959\u201360_United_States_network_television_schedule", 19], ["Veeram_-LRB-2014_film-RRB-", 0]]} +{"id": 92020, "predicted_label": "REFUTES", "predicted_evidence": [["Landlocked_country", 0], ["List_of_landlocked_U.S._states", 0], ["Mizoram", 2], ["List_of_landlocked_U.S._states", 6], ["List_of_landlocked_U.S._states", 4]]} +{"id": 211288, "predicted_label": "REFUTES", "predicted_evidence": [["The_Farmer_Wants_a_Wife_-LRB-Australian_TV_series-RRB-", 3], ["The_Biggest_Loser_Australia_-LRB-season_7-RRB-", 6], ["The_Noose_-LRB-TV_series-RRB-", 10], ["The_Noose_-LRB-TV_series-RRB-", 7], ["The_Biggest_Loser_Australia_-LRB-season_7-RRB-", 9]]} +{"id": 151399, "predicted_label": "SUPPORTS", "predicted_evidence": [["Suhung", 1], ["Suhung", 4], ["IWGP_Heavyweight_Championship", 11], ["FIP_World_Heavyweight_Championship", 3], ["FIP_World_Heavyweight_Championship", 20]]} +{"id": 130631, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ripon_College_-LRB-Wisconsin-RRB-", 1], ["WRPN-FM", 0], ["WRPN-FM", 5], ["Outwood_Academy_Ripon", 8], ["Oxford_Centre_for_Ecclesiology_and_Practical_Theology", 8]]} +{"id": 175924, "predicted_label": "REFUTES", "predicted_evidence": [["Aunt_May", 0], ["Lois_Lane", 11], ["Aunt_May", 9], ["Spider-Man-COLON-_Back_in_Black", 2], ["Spider-Man-COLON-_Back_in_Black", 3]]} +{"id": 197368, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": []} +{"id": 220212, "predicted_label": "REFUTES", "predicted_evidence": [["Raabta_-LRB-song-RRB-", 5], ["Raabta_-LRB-song-RRB-", 2], ["Raabta", 5], ["Raabta_-LRB-song-RRB-", 0], ["Raabta_-LRB-song-RRB-", 1]]} +{"id": 134353, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bee_Gees", 6], ["Bee_Gees", 16], ["Bee_Gees_Gold", 0], ["Bee_Gees'_1st", 0], ["Bee_Gees_Gold", 2]]} +{"id": 27233, "predicted_label": "REFUTES", "predicted_evidence": [["Bantu_peoples", 13], ["Greek_language", 14], ["Afroasiatic_languages", 17], ["Demographics_of_New_England", 45], ["Greek_language", 0]]} +{"id": 195019, "predicted_label": "SUPPORTS", "predicted_evidence": [["Juliette", 14], ["Serge_Reggiani", 16], ["Gilles_-LRB-given_name-RRB-", 313], ["Julien_-LRB-given_name-RRB-", 122], ["Isabelle", 19]]} +{"id": 137624, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["University_of_Mississippi", 4], ["University_of_Mississippi", 0], ["Water_supply_and_sanitation_in_Grenada", 5], ["University_of_Mississippi", 1], ["HIV/AIDS_in_Peru", 10]]} +{"id": 125709, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Shadowhunters_episodes", 5], ["Shadowhunters", 5], ["Shadowhunters", 1], ["List_of_Shadowhunters_episodes", 1], ["List_of_Shadowhunters_episodes", 6]]} +{"id": 49751, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Villa_Park", 14], ["Witton_railway_station", 6], ["Aston_Villa_F.C._in_the_1870s", 19], ["Aston_Villa_F.C._in_the_1870s", 31], ["Witton_railway_station", 8]]} +{"id": 201099, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Big_Brother_-LRB-UK_TV_series-RRB-", 16], ["Bentley_-LRB-surname-RRB-", 52], ["Bentley", 18], ["Joseph_Katz", 17], ["Robert_J._Bentley", 25]]} +{"id": 31496, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["San_Diego_Comic-Con", 2], ["Comic_book_convention", 26], ["San_Diego_Comic-Con", 0], ["San_Diego_Comic-Con", 13], ["Comic_book_convention", 8]]} +{"id": 89519, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maria_Feodorovna_-LRB-Sophie_Dorothea_of_Wu\u0308rttemberg-RRB-", 5], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["Maria_Feodorovna_-LRB-Sophie_Dorothea_of_Wu\u0308rttemberg-RRB-", 17], ["Polish\u2013Muscovite_War_-LRB-1605\u201318-RRB-", 3]]} +{"id": 77848, "predicted_label": "REFUTES", "predicted_evidence": [["Kajol_filmography", 6], ["Dilwale_Dulhania_Le_Jayenge", 7], ["Kajol", 9], ["Filmfare_Award_for_Best_Music_Album", 650], ["Kajol_filmography", 7]]} +{"id": 203618, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sugarland_Express", 3], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["James_Kenneth_Crone", 2], ["Merrill_Connally", 11], ["The_Sugarland_Express", 13]]} +{"id": 27651, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Armenian_national_awakening", 1], ["Armenian_national_awakening", 0], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Khatchig_Mouradian", 12], ["Witnesses_and_testimonies_of_the_Armenian_Genocide", 0]]} +{"id": 136274, "predicted_label": "REFUTES", "predicted_evidence": [["Luke_Cage", 6], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage", 1], ["Luke_Cage_-LRB-season_1-RRB-", 6]]} +{"id": 216382, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Itheum", 11], ["Itheum", 13], ["Itheum", 3], ["Itheum", 0], ["Itheum", 9]]} +{"id": 68914, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombiana_-LRB-disambiguation-RRB-", 0], ["G._colombiana", 0], ["C._colombiana", 0], ["A._colombiana", 0], ["Colombiana_-LRB-disambiguation-RRB-", 3]]} +{"id": 88426, "predicted_label": "REFUTES", "predicted_evidence": [["Marco_Polo", 11], ["In_the_Footsteps_of_Marco_Polo", 0], ["Marco_Polo_Cycling_Club", 22], ["Marco_Polo_-LRB-opera-RRB-", 3], ["Marco_Polo_-LRB-opera-RRB-", 0]]} +{"id": 104255, "predicted_label": "REFUTES", "predicted_evidence": [["Amy_Adams_-LRB-disambiguation-RRB-", 10], ["Amy_Adams_-LRB-disambiguation-RRB-", 12], ["Amy_Adams_-LRB-disambiguation-RRB-", 8], ["Junebug_-LRB-film-RRB-", 3], ["Underdog_-LRB-film-RRB-", 1]]} +{"id": 202447, "predicted_label": "SUPPORTS", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 90901, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 10], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 12], ["Royal_Court_of_Scotland", 27], ["James_VI_and_I", 0], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 30]]} +{"id": 164998, "predicted_label": "REFUTES", "predicted_evidence": [["Polar_bear", 7], ["Polar_bear", 4], ["Polar_bear", 6], ["Polar_bear", 0], ["Polar_Bear_Marathon", 12]]} +{"id": 78681, "predicted_label": "SUPPORTS", "predicted_evidence": [["Inauguration_of_Martin_Van_Buren", 0], ["Inauguration_of_Martin_Van_Buren", 12], ["Presidency_of_Martin_Van_Buren", 0], ["Martin_Van_Buren", 0], ["1835_Democratic_National_Convention", 16]]} +{"id": 157098, "predicted_label": "REFUTES", "predicted_evidence": [["The_Iron_Lady_-LRB-film-RRB-", 0], ["There_Is_No_Alternative-COLON-_Why_Margaret_Thatcher_Matters", 0], ["Val_Meets_The_VIPs", 15], ["The_Iron_Lady_-LRB-album-RRB-", 10], ["Margaret_Thatcher_-LRB-disambiguation-RRB-", 3]]} +{"id": 59678, "predicted_label": "REFUTES", "predicted_evidence": [["Randy_Savage", 0], ["WrestleMania_X", 18], ["World_War_3_-LRB-1995-RRB-", 7], ["WrestleMania_X", 11], ["World_War_3_-LRB-1995-RRB-", 6]]} +{"id": 119681, "predicted_label": "SUPPORTS", "predicted_evidence": [["Army_Medical_College,_Comilla", 3], ["Exploits_Valley_Salmon_Festival", 6], ["Exploits_Valley_Salmon_Festival", 34], ["Exploits_Valley_Salmon_Festival", 2], ["The_Concert_for_Bangladesh", 12]]} +{"id": 6757, "predicted_label": "SUPPORTS", "predicted_evidence": [["Daniel_Adams_-LRB-director-RRB-", 9], ["List_of_accolades_received_by_Gravity_-LRB-film-RRB-", 2], ["Sandra_Bullock_filmography", 0], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["Gravity_-LRB-2013_film-RRB-", 1]]} +{"id": 14767, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colin_Kaepernick", 5], ["2008_Humanitarian_Bowl", 14], ["Pistol_offense", 22], ["Pistol_offense", 18], ["2016_U.S._national_anthem_protests", 1]]} +{"id": 70163, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Topman", 1], ["Six_Cities_Design_Festival", 0], ["Altishahr", 1], ["Six_Cities_Design_Festival", 3], ["Altishahr", 2]]} +{"id": 110276, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["La_Consolacion_College_-LRB-Iriga-RRB-", 107], ["La_Consolacion_College_-LRB-Iriga-RRB-", 123], ["Barbara_Becnel", 1], ["La_Consolacion_College_-LRB-Iriga-RRB-", 186], ["Todd_Williams", 148]]} +{"id": 123342, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wildfang", 1], ["Wildfang", 0], ["Julia_Murdock_Smith", 12], ["Julia_Murdock_Smith", 7], ["Julia_Murdock_Smith", 26]]} +{"id": 172516, "predicted_label": "SUPPORTS", "predicted_evidence": [["I'm_Going_to_Tell_You_a_Secret", 10], ["I'm_Going_to_Tell_You_a_Secret", 19], ["I'm_Going_to_Tell_You_a_Secret", 1], ["Microsoft_Entourage", 3], ["Microsoft_Entourage", 2]]} +{"id": 39723, "predicted_label": "SUPPORTS", "predicted_evidence": [["AEY", 9], ["Efraim_Diveroli", 1], ["Efraim_Diveroli", 0], ["David_Packouz", 3], ["Ephraim_-LRB-given_name-RRB-", 30]]} +{"id": 6286, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Never_So_Good", 0], ["Harold_Macmillan", 0], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3]]} +{"id": 48583, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polar_Bear_Marathon", 9], ["Polar_Bear_Marathon", 20], ["Polar_Bear_Marathon", 6], ["Riddick_-LRB-character-RRB-", 8], ["The_Chronicles_of_Riddick", 7]]} +{"id": 201824, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1]]} +{"id": 179016, "predicted_label": "SUPPORTS", "predicted_evidence": [["Steve_Ditko", 3], ["Captain_Glory", 3], ["The_Thing!", 9], ["In_Search_of_Steve_Ditko", 0], ["The_Thing!", 7]]} +{"id": 224382, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Southampton_F.C._Under-23s", 0], ["List_of_Southampton_F.C._players", 12], ["2016\u201317_Southampton_F.C._season", 26], ["2015\u201316_Southampton_F.C._season", 23], ["2015\u201316_Southampton_F.C._season", 0]]} +{"id": 194029, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kim_Jong-il", 16], ["Kim_Jong-il", 3], ["List_of_leaders_of_North_Korea", 8], ["List_of_leaders_of_North_Korea", 21], ["List_of_leaders_of_North_Korea", 15]]} +{"id": 172762, "predicted_label": "SUPPORTS", "predicted_evidence": [["Courage_Mountain", 0], ["The_Plague_Dogs_-LRB-film-RRB-", 0], ["List_of_video_game_crowdfunding_projects", 1322], ["The_Plague_Dogs_-LRB-film-RRB-", 1], ["List_of_video_game_crowdfunding_projects", 3778]]} +{"id": 203161, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0], ["Sunda\u2013Sulawesi_languages", 4]]} +{"id": 72781, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bruce_Shand", 0], ["Elspeth_Howe,_Baroness_Howe_of_Idlicote", 5], ["Shand", 16], ["Rosalind_Shand", 1], ["Shand", 32]]} +{"id": 18723, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wildfang", 1], ["Megan_Rapinoe", 12], ["Wildfang", 0], ["Safety_orange", 0], ["The_Oranges", 17]]} +{"id": 2369, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vickie_Guerrero", 6], ["Survivor_Series_-LRB-2004-RRB-", 8], ["El_Gran_Luchadore", 18], ["Attitude_Era", 6], ["El_Gran_Luchadore", 9]]} +{"id": 50828, "predicted_label": "REFUTES", "predicted_evidence": [["Ted_Humphrey", 2], ["The_Good_Wife", 12], ["The_Good_Wife", 0], ["The_Good_Wife", 9], ["The_Good_Wife_-LRB-disambiguation-RRB-", 0]]} +{"id": 194914, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stripes_-LRB-film-RRB-", 0], ["John_Larroquette", 1], ["Stripes_-LRB-film-RRB-", 1], ["The_John_Larroquette_Show", 1], ["Joey_Heric", 0]]} +{"id": 3148, "predicted_label": "REFUTES", "predicted_evidence": [["Clint_Eastwood_in_the_2000s", 0], ["Nate_and_Hayes", 1], ["The_Amazing_Howard_Hughes", 1], ["List_of_accolades_received_by_No_Country_for_Old_Men", 2], ["No_Country_for_Old_Men_-LRB-film-RRB-", 1]]} +{"id": 102014, "predicted_label": "REFUTES", "predicted_evidence": [["Damon_Albarn", 17], ["The_Selfish_Giant_-LRB-song-RRB-", 2], ["Mr_Tembo", 3], ["Lonely_Press_Play", 0], ["Lonely_Press_Play", 3]]} +{"id": 152115, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joshua_Gagnon", 1], ["List_of_teachers_portrayed_in_films", 82], ["List_of_teachers_portrayed_in_films", 22], ["Multi-site_church", 1], ["List_of_county_court_venues_in_England_and_Wales", 15]]} +{"id": 89326, "predicted_label": "REFUTES", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 0], ["Chris_O'Sullivan", 0], ["Dan_Trebil", 0], ["1993\u201394_Mighty_Ducks_of_Anaheim_season", 2]]} +{"id": 13696, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["List_of_songs_recorded_by_Katy_Perry", 16], ["List_of_songs_recorded_by_Katy_Perry", 0], ["I_Kissed_a_Girl", 17], ["List_of_songs_recorded_by_Katy_Perry", 30]]} +{"id": 226130, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Out_Campaign", 27], ["Richard_Dawkins-COLON-_How_a_Scientist_Changed_the_Way_We_Think", 0], ["Richard_Dawkins", 16], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2]]} +{"id": 150932, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sandra_Bullock_filmography", 0], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["Sandra_Choi", 21], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["Sandra_Choi", 20]]} +{"id": 22846, "predicted_label": "REFUTES", "predicted_evidence": [["Ten_Speed_Press", 1], ["Penguin_Books", 0], ["Penguin_Books", 7], ["Verlag", 96], ["Ten_Speed_Press", 0]]} +{"id": 28702, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Al_Pacino", 11], ["Al_Pacino", 7], ["List_of_actors_nominated_for_Academy_Awards_for_foreign_language_performances", 9], ["Robert_De_Niro", 2], ["The_Godfather_Part_II", 7]]} +{"id": 47588, "predicted_label": "REFUTES", "predicted_evidence": [["Yara_-LRB-given_name-RRB-", 45], ["Olivia_Pope", 0], ["Butter_-LRB-2011_film-RRB-", 0], ["Yara_-LRB-given_name-RRB-", 37], ["Ziyodullo_Shahidi", 13]]} +{"id": 31026, "predicted_label": "REFUTES", "predicted_evidence": [["Hildy_Brooks", 7], ["Penelope_Princess_of_Pets", 10], ["Expedition_Robinson_-LRB-disambiguation-RRB-", 11], ["Penelope_Princess_of_Pets", 11], ["Hildy_Brooks", 22]]} +{"id": 1667, "predicted_label": "REFUTES", "predicted_evidence": [["Ed_Wood_-LRB-film-RRB-", 0], ["Edward_Wood", 10], ["Edward_Wood", 12], ["Dr._Acula", 22], ["Edward_Wood", 0]]} +{"id": 202786, "predicted_label": "SUPPORTS", "predicted_evidence": [["Quentin_Tarantino_filmography", 14], ["QT's_Diary", 4], ["Quentin_Tarantino_Film_Festival", 0], ["Inglourious_Basterds_-LRB-soundtrack-RRB-", 0], ["Quentin_Tarantino_filmography", 0]]} +{"id": 91121, "predicted_label": "REFUTES", "predicted_evidence": [["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Clash_of_Super_Heroes", 1], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom-COLON-_Infinite", 0], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 15]]} +{"id": 72023, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paul_D'Amour", 10], ["Paul_D'Amour", 14], ["Paul_D'Amour", 15], ["Paul_D'Amour", 5], ["Paul_D'Amour", 22]]} +{"id": 154961, "predicted_label": "REFUTES", "predicted_evidence": [["Development_of_Spock", 1], ["List_of_awards_and_nominations_received_by_Gene_Roddenberry", 0], ["Star_Trek", 0], ["Star_Trek", 13], ["Janice_Rand", 5]]} +{"id": 48999, "predicted_label": "SUPPORTS", "predicted_evidence": [["South_Wales_Coalfield", 0], ["South_Wales_Coalfield", 1], ["Oranje_Nassau_Mijnen", 0], ["Kuznetsk_Basin", 5], ["Aluakpak", 2]]} +{"id": 22187, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Spec_Miata", 17], ["List_of_books_by_Jacob_Neusner", 1507], ["List_of_books_by_Jacob_Neusner", 805], ["List_of_books_by_Jacob_Neusner", 2350], ["Made_in_Heaven_-LRB-disambiguation-RRB-", 12]]} +{"id": 170403, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Martin_-LRB-lawyer-RRB-", 8], ["Billy_Martin_-LRB-lawyer-RRB-", 7], ["2007_Atlanta_Falcons_season", 4], ["Madden_NFL_2004", 1], ["2007_Atlanta_Falcons_season", 10]]} +{"id": 193854, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["Dick_Van_Dyke", 8], ["The_New_Dick_Van_Dyke_Show", 0], ["Dick_Van_Dyke", 3]]} +{"id": 183628, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ellen_DeGeneres", 5], ["Andrew_Stanton", 7], ["Pixar", 10], ["Finding_Nemo", 1], ["Finding_Dory", 1]]} +{"id": 222045, "predicted_label": "REFUTES", "predicted_evidence": [["James_D._Brubaker", 0], ["James_D._Brubaker", 7], ["Brubaker_-LRB-disambiguation-RRB-", 0], ["James_D._Brubaker", 17], ["James_D._Brubaker", 3]]} +{"id": 33368, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soyuz-V", 0], ["Soyuz-B", 0], ["Soyuz_-LRB-rocket-RRB-", 0], ["Soyuz_7K-L1", 0], ["Soyuz-V", 8]]} +{"id": 110887, "predicted_label": "SUPPORTS", "predicted_evidence": [["Seohyun", 0], ["List_of_Swedish_battles", 153], ["List_of_Swedish_battles", 345], ["List_of_Swedish_battles", 311], ["Henrietta_-LRB-given_name-RRB-", 11]]} +{"id": 74007, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Loaded_-LRB-band-RRB-", 0], ["Martin_Feveyear", 3], ["Velvet_Revolver", 13], ["Velvet_Revolver", 0]]} +{"id": 226878, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alina_Plugaru", 1], ["Jenna_Jameson", 3], ["My_Plaything", 6], ["ClubJenna", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 209085, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Red_Hot_Chili_Peppers_band_members", 59], ["Stadium_Arcadium_World_Tour", 0], ["Red_Hot_Chili_Peppers", 27], ["Stadium_Arcadium_World_Tour", 5], ["John_Frusciante_discography", 18]]} +{"id": 114720, "predicted_label": "REFUTES", "predicted_evidence": [["Imperium_-LRB-2016_film-RRB-", 1], ["Attention_Shoppers_-LRB-film-RRB-", 0], ["Jack_the_Dog", 0], ["Richard_Alpert_-LRB-Lost-RRB-", 0], ["Manhood_-LRB-film-RRB-", 0]]} +{"id": 43443, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_B", 300], ["List_of_video_game_crowdfunding_projects", 4467], ["List_of_albums_containing_a_hidden_track-COLON-_B", 371], ["2002_world_oil_market_chronology", 45], ["List_of_albums_containing_a_hidden_track-COLON-_B", 288]]} +{"id": 195833, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 7], ["Weekly_Idol", 1], ["Weekly_Idol", 0]]} +{"id": 75904, "predicted_label": "REFUTES", "predicted_evidence": [["Ajmer_Military_School", 3], ["Indian_Army", 16], ["Samba_spy_scandal", 2], ["Active_Defense", 3], ["Indian_Army", 3]]} +{"id": 86006, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jackson_Davis", 6], ["Jimmy_Davis_-LRB-songwriter-RRB-", 23], ["Jimmy_Davis_-LRB-songwriter-RRB-", 35], ["African-American_representation_in_Hollywood", 7], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 7]]} +{"id": 203153, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0], ["Sunda\u2013Sulawesi_languages", 4]]} +{"id": 228351, "predicted_label": "SUPPORTS", "predicted_evidence": [["Compass_Point_Studios", 0], ["Axiom_-LRB-record_label-RRB-", 0], ["Axiom_-LRB-record_label-RRB-", 5], ["Blackwell_-LRB-surname-RRB-", 46], ["Sarm_West_Studios", 1]]} +{"id": 135968, "predicted_label": "REFUTES", "predicted_evidence": [["Frances_Grey_-LRB-actress-RRB-", 10], ["Frances_Grey_-LRB-actress-RRB-", 13], ["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["Frances_Grey_-LRB-actress-RRB-", 7]]} +{"id": 226139, "predicted_label": "REFUTES", "predicted_evidence": [["Richard_Dawkins", 16], ["Out_Campaign", 27], ["Over_Norton_Park", 5], ["Over_Norton_Park", 2], ["Dawkins", 38]]} +{"id": 75728, "predicted_label": "SUPPORTS", "predicted_evidence": [["X-Men-COLON-_Days_of_Future_Past", 1], ["X-Men_-LRB-film_series-RRB-", 1], ["X-Men-COLON-_Apocalypse", 2], ["X-Men-COLON-_First_Class", 2], ["Superman_Returns", 0]]} +{"id": 191263, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jean-Michel_Basquiat", 11], ["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 4], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Jean-Michel", 168]]} +{"id": 97837, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jason_Hyland", 13], ["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Caroline_Kennedy", 4]]} +{"id": 2405, "predicted_label": "SUPPORTS", "predicted_evidence": [["Make_Your_Move_-LRB-film-RRB-", 0], ["Derek_Hough", 6], ["Ballas_Hough_Band", 0], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 8]]} +{"id": 73026, "predicted_label": "SUPPORTS", "predicted_evidence": [["Riddick's_Rules_of_Procedure", 2], ["Riddick's_Rules_of_Procedure", 0], ["Riddick's_Rules_of_Procedure", 5], ["Riddick's_Rules_of_Procedure", 8], ["Riddick_-LRB-character-RRB-", 0]]} +{"id": 35914, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["One_Love_-LRB-Jennifer_Lopez_song-RRB-", 9], ["Jenny_from_the_Block", 14], ["Rebirth_-LRB-Jennifer_Lopez_album-RRB-", 2], ["This_Is_Me..._Then", 2], ["Jennifer_Lopez_filmography", 23]]} +{"id": 216577, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Calcaneal_spur", 1], ["Soft_x-ray_microscopy", 37], ["Soft_x-ray_microscopy", 8], ["Waves_-LRB-Juno-RRB-", 1], ["Soft_x-ray_microscopy", 5]]} +{"id": 119831, "predicted_label": "REFUTES", "predicted_evidence": [["Replicant", 0], ["Blade_Runner", 26], ["Blade_Runner_2049", 0], ["Blade_Runner_2049", 1], ["Blade_Runner_-LRB-a_movie-RRB-", 12]]} +{"id": 206171, "predicted_label": "REFUTES", "predicted_evidence": [["Palo_Alto,_California", 0], ["Liz_Kniss", 23], ["East_Palo_Alto,_California", 6], ["Stanford,_California", 4], ["Liz_Kniss", 24]]} +{"id": 1746, "predicted_label": "REFUTES", "predicted_evidence": [["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee_Ralph", 0], ["Sam_B._Girgus", 1], ["Woody_Allen_filmography", 17], ["Take_the_Money_and_Run", 4]]} +{"id": 181832, "predicted_label": "SUPPORTS", "predicted_evidence": [["Florida_Museum_of_Natural_History", 6], ["Florida_Museum_of_Natural_History", 10], ["Florida_Architecture,_100_Years,_100_Places", 64], ["List_of_castles_in_the_United_States", 134], ["List_of_castles_in_the_United_States", 170]]} +{"id": 67833, "predicted_label": "REFUTES", "predicted_evidence": [["Backlash_-LRB-2000-RRB-", 6], ["Judgment_Day_-LRB-2007-RRB-", 10], ["Judgment_Day_-LRB-2007-RRB-", 9], ["King_of_the_Ring_-LRB-2000-RRB-", 2], ["Hardcore_Championship", 2]]} +{"id": 147140, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despacito", 0], ["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Bachata_Number_1's,_Vol._3", 3], ["Nada_Es_Para_Siempre", 0]]} +{"id": 31610, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jane_Bryan", 4], ["2HB", 4], ["Bogart_-LRB-surname-RRB-", 12], ["The_Desperate_Hours_-LRB-film-RRB-", 0], ["Marked_Woman", 1]]} +{"id": 165896, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alice_Cooper", 0], ["Billion_Dollar_Babies_-LRB-song-RRB-", 10], ["Alice_Cooper", 10], ["Billion_Dollar_Babies_-LRB-song-RRB-", 9], ["Neal_Smith_-LRB-drummer-RRB-", 14]]} +{"id": 36886, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_-LRB-surname-RRB-", 3], ["Santana_discography", 3]]} +{"id": 67162, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_Knicks", 1], ["List_of_New_York_Knicks_seasons", 0], ["Westchester_Knicks", 0], ["Em_Bryant", 41], ["Westchester_Knicks", 7]]} +{"id": 185405, "predicted_label": "REFUTES", "predicted_evidence": [["Chips_and_dip", 1], ["Bounty_-LRB-poker-RRB-", 33], ["Chip_race", 9], ["Chip_race", 29], ["Casino_chip_collecting", 33]]} +{"id": 90000, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thunderbird_Releasing", 8], ["Blade_Runner_2049", 1], ["Gosling_-LRB-surname-RRB-", 36], ["Replicant", 0], ["Blade_Runner_2049", 0]]} +{"id": 87582, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Black_Shield_of_Falworth", 1], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 143728, "predicted_label": "REFUTES", "predicted_evidence": [["Anil_Devgan", 0], ["Ajay_Devgn", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Veeru_Devgan", 0], ["Devgan", 6]]} +{"id": 185225, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chang_&_Eng", 3], ["Chang_&_Eng", 1], ["Christmas_and_holiday_season", 0], ["Christmas_controversies", 12], ["School_holidays_in_the_United_States", 27]]} +{"id": 53151, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Aparshakti_Khurana", 0], ["Aparshakti_Khurana", 2], ["Sonia_Khurana", 559], ["Sonia_Khurana", 471]]} +{"id": 165891, "predicted_label": "REFUTES", "predicted_evidence": [["Alice_Cooper", 0], ["Neal_Smith_-LRB-drummer-RRB-", 6], ["Neal_Smith_-LRB-drummer-RRB-", 14], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 7], ["Billion_Dollar_Babies_-LRB-song-RRB-", 11]]} +{"id": 203610, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sugarland_Express", 3], ["James_Kenneth_Crone", 2], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Merrill_Connally", 11], ["Slipstream_-LRB-unfinished_film-RRB-", 0]]} +{"id": 87737, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Burr\u2013Hamilton_duel", 0], ["Alexander_Hamilton", 2], ["Alexander_Hamilton", 46], ["Burr_-LRB-surname-RRB-", 6], ["Aaron_Burr_Cidery", 0]]} +{"id": 225286, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Midnight_Show", 3], ["Watkins_-LRB-surname-RRB-", 98], ["Saturday_Night_Live_-LRB-season_35-RRB-", 9], ["Watkins_-LRB-surname-RRB-", 56], ["Richland_Farm_-LRB-Clarksville,_Maryland-RRB-", 22]]} +{"id": 122375, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Black_Reel_Awards_of_2016", 4], ["Black_Reel_Awards_of_2016", 8], ["Jared_Hedges", 7], ["Caramba_-LRB-band-RRB-", 4], ["Caramba_-LRB-band-RRB-", 8]]} +{"id": 76374, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Indian_Army", 16], ["Australian_jazz", 11], ["Indian_Army", 3], ["Danish_jazz", 16], ["Danish_jazz", 3]]} +{"id": 42340, "predicted_label": "SUPPORTS", "predicted_evidence": [["Me_and_Bessie", 0], ["Bessie", 35], ["Dinah_Sings_Bessie_Smith", 1], ["Dinah_Sings_Bessie_Smith", 0], ["J._C._Johnson", 4]]} +{"id": 76265, "predicted_label": "REFUTES", "predicted_evidence": [["Arms_industry", 0], ["David_Packouz", 3], ["Ephraim_-LRB-given_name-RRB-", 30], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 0]]} +{"id": 203392, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trainwreck_-LRB-film-RRB-", 0], ["Elegant_Too", 6], ["Amy_Schumer-COLON-_Live_at_the_Apollo", 0], ["Inside_Amy_Schumer", 0], ["Trainwreck_-LRB-film-RRB-", 2]]} +{"id": 138974, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 77250, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civilization_IV", 12], ["Civilization_IV", 14], ["Civilization-COLON-_The_Card_Game", 0], ["Civilization_IV-COLON-_Colonization", 0], ["Civilization_IV-COLON-_Colonization", 7]]} +{"id": 177179, "predicted_label": "SUPPORTS", "predicted_evidence": [["Basque_Dub_Foundation", 15], ["Rockers_Hi-Fi", 2], ["High_Tone", 1], ["Mad_Professor", 1], ["Dub_poetry", 0]]} +{"id": 173499, "predicted_label": "REFUTES", "predicted_evidence": [["Sancho_Panza", 0], ["Don_Quixote", 0], ["Don_Quixote_-LRB-1947_film-RRB-", 1], ["Saavedra_-LRB-surname-RRB-", 35], ["James_Fitzmaurice-Kelly", 57]]} +{"id": 227349, "predicted_label": "SUPPORTS", "predicted_evidence": [["HGTV", 0], ["Cable_Music_Channel", 0], ["Discovery_Channel", 0], ["TBS_-LRB-U.S._TV_channel-RRB-", 0], ["The_Weather_Channel", 0]]} +{"id": 43041, "predicted_label": "REFUTES", "predicted_evidence": [["Rashid_Gaysanov", 5], ["Aza_Gazgireyeva", 25], ["Rashid_Gaysanov", 2], ["Aza_Gazgireyeva", 0], ["Aza_Gazgireyeva", 24]]} +{"id": 199414, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["Ellar_Coltrane", 1], ["Dead_Earth_Politics", 1], ["Mason_House", 23], ["Mason_House", 50]]} +{"id": 44333, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["Clues_-LRB-Robert_Palmer_album-RRB-", 9], ["Clues_-LRB-Robert_Palmer_album-RRB-", 7], ["The_Insect_Trust", 3], ["The_Insect_Trust", 12]]} +{"id": 209096, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stadium_Arcadium_World_Tour", 0], ["Red_Hot_Chili_Peppers_discography", 21], ["Hump_de_Bump", 0], ["List_of_Red_Hot_Chili_Peppers_band_members", 52], ["Hump_de_Bump", 1]]} +{"id": 67449, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sikkim", 4], ["Khangchendzonga_National_Park", 0], ["Khangchendzonga_National_Park", 2], ["List_of_mountain_ranges_of_Pakistan", 4], ["Kangchenjunga_-LRB-disambiguation-RRB-", 9]]} +{"id": 119575, "predicted_label": "SUPPORTS", "predicted_evidence": [["University_of_Mississippi", 4], ["Changchun_University_of_Science_and_Technology", 20], ["Westbourne_Grammar_School", 8], ["University_of_Mississippi", 0], ["Credential_evaluation", 11]]} +{"id": 154905, "predicted_label": "SUPPORTS", "predicted_evidence": [["Soyuz-V", 8], ["Soyuz-2", 17], ["Soyuz-B", 6], ["Soyuz_7K-OK", 25], ["Soyuz_7K-OK", 9]]} +{"id": 207541, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Why_Do_Fools_Fall_in_Love_-LRB-soundtrack-RRB-", 3], ["List_of_awards_and_nominations_received_by_Missy_Elliott", 39], ["List_of_performers_at_the_BET_Awards", 48], ["Why_Do_Fools_Fall_in_Love_-LRB-soundtrack-RRB-", 1], ["One_in_a_Million_-LRB-Aaliyah_album-RRB-", 0]]} +{"id": 203613, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sugarland_Express", 3], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Next_Stop,_Greenwich_Village", 0], ["A_Late_Quartet", 0], ["The_Sugarland_Express", 12]]} +{"id": 59626, "predicted_label": "SUPPORTS", "predicted_evidence": [["TakePart", 0], ["Erler_Film", 5], ["Participant_Media", 0], ["Erler_Film", 0], ["Participant_Media", 1]]} +{"id": 7283, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mega_Millions", 21], ["Progressive_jackpot", 0], ["Progressive_jackpot", 10], ["Cashola", 14], ["Mega_Millions", 5]]} +{"id": 117636, "predicted_label": "SUPPORTS", "predicted_evidence": [["Augustus", 42], ["Livilla", 6], ["Augustus", 0], ["Laurentius_Suslyga", 22], ["Livilla", 1]]} +{"id": 202991, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Supply_Officers_in_the_Royal_Navy_who_have_reached_flag_rank", 227], ["Lockheed_Martin", 4], ["Bobby_Mehta", 3], ["Lockheed_Martin_Aeronautics", 9], ["Bobby_Mehta", 5]]} +{"id": 178337, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rock_'n'_Roll_to_the_Rescue", 3], ["Rock_'n'_Roll_to_the_Rescue", 5], ["Ray_Reyes", 24], ["Ray_Reyes", 22], ["Ray_Reyes", 15]]} +{"id": 130077, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["History_of_West_Ham_United_F.C.", 0], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["History_of_West_Ham_United_F.C.", 2]]} +{"id": 2270, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greek_language", 14], ["Bantu_peoples", 13], ["Afroasiatic_languages", 17], ["Demographics_of_New_England", 45], ["Greek_language", 0]]} +{"id": 192846, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_Brennan", 19], ["Ian_Brennan", 2], ["Ian_Brennan", 0], ["Ian_Brennan", 4], ["Ian_Brennan", 8]]} +{"id": 227129, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["New_Orleans_Pelicans_draft_history", 1], ["List_of_New_Orleans_Pelicans_head_coaches", 1], ["List_of_New_Orleans_Pelicans_seasons", 1], ["List_of_New_Orleans_Pelicans_head_coaches", 3]]} +{"id": 150916, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rau\u0301l_Castro", 7], ["Castro_-LRB-surname-RRB-", 123], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Fidel_Castro_-LRB-disambiguation-RRB-", 16], ["Rau\u0301l_Castro", 13]]} +{"id": 146059, "predicted_label": "REFUTES", "predicted_evidence": [["James_Taylor_discography", 17], ["Hourglass_-LRB-James_Taylor_album-RRB-", 0], ["James_Taylor_discography", 26], ["James_Taylor_discography", 9], ["James_Taylor_discography", 6]]} +{"id": 166645, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Prince_Lestat", 0], ["Anne_Rice", 0]]} +{"id": 184051, "predicted_label": "REFUTES", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Walter_Lonergan", 10], ["Walter_Lonergan", 5]]} +{"id": 28735, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Traveling_Salesmen", 6], ["Promised_Land_-LRB-2012_film-RRB-", 0], ["Last_Day_in_Florida", 7], ["Lotto_-LRB-The_Office-RRB-", 2], ["Lotto_-LRB-The_Office-RRB-", 8]]} +{"id": 168063, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diversity_Day_-LRB-The_Office-RRB-", 2], ["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["Nightly", 8], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2015-RRB-", 0]]} +{"id": 65033, "predicted_label": "REFUTES", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Ultimate_Spider-Man", 16], ["Power_-LRB-comics-RRB-", 23], ["Scarlet_-LRB-comics-RRB-", 3], ["Brian_Michael_Bendis", 0]]} +{"id": 205641, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Paul_v._Clinton", 1], ["United_States_presidential_election_in_Georgia,_2016", 10], ["Ready_PAC", 0], ["Hillaryland", 7], ["Hillaryland", 8]]} +{"id": 89544, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["Clues_-LRB-Robert_Palmer_album-RRB-", 4], ["Clues_-LRB-Robert_Palmer_album-RRB-", 0], ["Robert_Palmer_-LRB-MP-RRB-", 3], ["Drive_-LRB-Robert_Palmer_album-RRB-", 0]]} +{"id": 118420, "predicted_label": "REFUTES", "predicted_evidence": [["Alvin_and_the_Chipmunks", 9], ["Laura_Dahl", 2], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray_Gubler", 0], ["Alvin_and_the_Chipmunks", 13]]} +{"id": 73547, "predicted_label": "REFUTES", "predicted_evidence": [["Johnny_Depp", 13], ["Poseidon_-LRB-film-RRB-", 6], ["Pirates_of_the_Caribbean_-LRB-film_series-RRB-", 19], ["Johnny_Depp", 12], ["Pirates_of_the_Caribbean_-LRB-film_series-RRB-", 14]]} +{"id": 44611, "predicted_label": "REFUTES", "predicted_evidence": [["Frances_Grey_-LRB-actress-RRB-", 10], ["Frances_Grey_-LRB-actress-RRB-", 13], ["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["Frances_Grey_-LRB-actress-RRB-", 7]]} +{"id": 104692, "predicted_label": "REFUTES", "predicted_evidence": [["Baahubali-COLON-_The_Beginning", 14], ["Baahubali-COLON-_The_Beginning", 17], ["Rhythm_Nation", 23], ["Baahubali-COLON-_The_Beginning", 15], ["Rhythm_Nation", 9]]} +{"id": 59778, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revisited", 0], ["The_Don_Harrison_Band", 1], ["Doug_Clifford", 2], ["The_Golliwogs", 4], ["Creedence_Clearwater_Revival", 1]]} +{"id": 62254, "predicted_label": "REFUTES", "predicted_evidence": [["Beijing_International_MBA_at_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 5], ["Yenching_Academy", 6], ["He_Weifang", 6]]} +{"id": 198013, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 6], ["New_York_City_Landmarks_Preservation_Commission", 0], ["Pyramid_Club", 20], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 131205, "predicted_label": "REFUTES", "predicted_evidence": [["Lou_Gehrig", 15], ["The_Pride_of_the_Yankees", 1], ["Adelaide_Gehrig", 7], ["Lou_Gehrig", 0], ["Wally_Pipp", 1]]} +{"id": 45964, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_companies_of_Indonesia", 0], ["Indonesia", 0], ["Affiliated_High_School_of_Peking_University", 5], ["Beijing_International_MBA_at_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 0]]} +{"id": 92030, "predicted_label": "REFUTES", "predicted_evidence": [["Robertson_-LRB-surname-RRB-", 29], ["The_First_Time_-LRB-2012_film-RRB-", 4], ["Lux_Cassidy", 1], ["White_Rabbit_-LRB-film-RRB-", 1], ["Mr._Church", 1]]} +{"id": 174578, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Billboard_200_number-one_albums_of_2002", 15], ["List_of_Billboard_200_number-one_albums_of_2002", 14], ["List_of_Billboard_200_number-one_albums_of_2002", 9], ["Artpop", 13], ["Snoop_Dogg_discography", 45]]} +{"id": 152187, "predicted_label": "REFUTES", "predicted_evidence": [["Qristina_Ribohn", 7], ["The_Sex_Factor", 0], ["XHamster", 1], ["XHamster", 0], ["XHamster", 2]]} +{"id": 82763, "predicted_label": "SUPPORTS", "predicted_evidence": [["KHPK-LD", 21], ["AMGTV", 8], ["AMGTV", 4], ["AMGTV", 0], ["KHPK-LD", 20]]} +{"id": 11698, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Brother_Nature_-LRB-film-RRB-", 0], ["Killam", 14], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["The_Killam_Trusts", 0]]} +{"id": 27455, "predicted_label": "REFUTES", "predicted_evidence": [["Reproductive_synchrony", 21], ["DNSS_point", 0], ["Sikkim", 4], ["Reproductive_synchrony", 5], ["Reproductive_synchrony", 22]]} +{"id": 59873, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Topman", 1], ["Topman", 0], ["Craig_Green_-LRB-designer-RRB-", 15], ["Klao_language", 1], ["Craig_Green_-LRB-designer-RRB-", 6]]} +{"id": 88690, "predicted_label": "SUPPORTS", "predicted_evidence": [["Despacito", 12], ["Duophonique", 1], ["Despacito", 13], ["Despacito", 8], ["Despacito", 1]]} +{"id": 90153, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_singing_actors_and_actresses_in_Indian_cinema", 0], ["List_of_singing_actors_and_actresses_in_Indian_cinema", 7], ["List_of_pornographic_actors_who_appeared_in_mainstream_films", 10], ["Romeo_Bosetti", 22], ["Romeo_Bosetti", 10]]} +{"id": 138067, "predicted_label": "REFUTES", "predicted_evidence": [["Nick_Drake_discography", 0], ["Drake_-LRB-musician-RRB-", 0], ["James_A._Drake", 17], ["James_A._Drake", 16], ["Drake_-LRB-musician-RRB-", 13]]} +{"id": 57554, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Phillauri_-LRB-film-RRB-", 0], ["Phillauri_-LRB-film-RRB-", 2], ["The_Ring_-LRB-2017_film-RRB-", 1], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 14]]} +{"id": 58841, "predicted_label": "SUPPORTS", "predicted_evidence": [["Anecdote_of_the_Jar", 0], ["Anecdote_of_the_Jar", 21], ["Anecdote_of_the_Jar", 18], ["Anecdote_of_the_Jar", 5], ["Anecdote_of_the_Jar", 4]]} +{"id": 53176, "predicted_label": "REFUTES", "predicted_evidence": [["The_Confessions_of_Aleister_Crowley", 0], ["Karl_Germer", 0], ["Karl_Germer", 1], ["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Magical_Revival", 3]]} +{"id": 5514, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Shadowhunters_episodes", 6], ["List_of_Shadowhunters_episodes", 5], ["List_of_Shadowhunters_episodes", 4], ["Shadowhunters", 5], ["Shadowhunters", 4]]} +{"id": 132786, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["National_Centre_for_e-Social_Science", 7], ["National_Centre_for_e-Social_Science", 8], ["National_Centre_for_e-Social_Science", 6]]} +{"id": 179036, "predicted_label": "SUPPORTS", "predicted_evidence": [["NASA_Distinguished_Service_Medal", 13], ["Neil_Armstrong", 16], ["Congressional_Space_Medal_of_Honor", 12], ["Congressional_Space_Medal_of_Honor", 9], ["Congressional_Space_Medal_of_Honor", 10]]} +{"id": 172754, "predicted_label": "REFUTES", "predicted_evidence": [["Spirit_of_Surfing", 9], ["Spirit_of_Surfing", 15], ["Spirit_of_Surfing", 47], ["Spirit_of_Surfing", 19], ["Spirit_of_Surfing", 8]]} +{"id": 66962, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Season_25-COLON-_Oprah_Behind_The_Scenes", 3], ["Season_25-COLON-_Oprah_Behind_The_Scenes", 2], ["Harpo_Productions", 5], ["Harpo_Productions", 2], ["Harpo_Productions", 9]]} +{"id": 183618, "predicted_label": "REFUTES", "predicted_evidence": [["Finding_Dory", 1], ["Finding_Nemo", 1], ["Pixar", 21], ["Finding_Nemo_-LRB-franchise-RRB-", 2], ["Andrew_Stanton", 0]]} +{"id": 143185, "predicted_label": "REFUTES", "predicted_evidence": [["Bowen,_Queensland", 0], ["Mackay,_Queensland", 0], ["Airlie_Beach,_Queensland", 0], ["Whitsundays_-LRB-disambiguation-RRB-", 12], ["Cyclone_Ada", 0]]} +{"id": 7722, "predicted_label": "REFUTES", "predicted_evidence": [["Michigan", 2], ["Michigan", 0], ["Michigan", 19], ["List_of_Midwestern_cities_by_size", 0], ["Flex_&_Hated", 6]]} +{"id": 195017, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["A-Studio", 56], ["Live_sa\u030adan", 13], ["Live_in_Wacken", 5], ["Live_sa\u030adan", 11], ["A-Studio", 6]]} +{"id": 57351, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lautner", 3], ["Taylor_Lautner", 0], ["Back_to_December", 3], ["Kodjo_Akolor", 17], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 2]]} +{"id": 172278, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_King_-LRB-author-RRB-", 39], ["La_Semaine_Sainte", 16], ["La_Semaine_Sainte", 41], ["John_King_-LRB-author-RRB-", 22], ["John_King_-LRB-author-RRB-", 35]]} +{"id": 179292, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tylenol_-LRB-brand-RRB-", 0], ["Robert_L._McNeil,_Jr.", 18], ["Allergies_in_dogs", 15], ["Robert_L._McNeil,_Jr.", 17], ["Tylenol_-LRB-brand-RRB-", 2]]} +{"id": 218468, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tri-City_Railroad", 7], ["Office_of_Science", 13], ["Hanford_Site", 23], ["Tri-City_Railroad", 8], ["Joint_Global_Change_Research_Institute", 9]]} +{"id": 220205, "predicted_label": "SUPPORTS", "predicted_evidence": [["Raabta_-LRB-song-RRB-", 0], ["Raabta_-LRB-song-RRB-", 5], ["Main_Rang_Sharbaton_Ka", 0], ["Kabhi_Jo_Baadal_Barse", 0], ["Meherbaan_-LRB-song-RRB-", 0]]} +{"id": 34529, "predicted_label": "SUPPORTS", "predicted_evidence": [["Euston_Films", 2], ["Danger_UXD", 5], ["UXB", 7], ["Maurice_Roe\u0308ves", 3], ["Patsy_Smart", 3]]} +{"id": 106627, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["Katy_Perry", 18], ["Katy_Perry_videography", 19], ["Katy_Perry_discography", 0], ["Katy_Perry", 2]]} +{"id": 38124, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Armenian_Genocide", 0], ["Armenian_Genocide", 5], ["White_Genocide", 3], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Press_coverage_during_the_Armenian_Genocide", 23]]} +{"id": 197389, "predicted_label": "SUPPORTS", "predicted_evidence": [["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Simo\u0301n_Boli\u0301var_International_Airport", 3], ["Simo\u0301n_Boli\u0301var,_Miranda", 0], ["Colegio_Simo\u0301n_Boli\u0301var", 12]]} +{"id": 6808, "predicted_label": "REFUTES", "predicted_evidence": [["Camden,_New_Jersey", 40], ["Camden_City_School_District", 0], ["U.S._Route_30_in_New_Jersey", 8], ["Camden_City_School_District", 25], ["Camden_City_School_District", 2]]} +{"id": 184047, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Walter_Lonergan", 10], ["Walter_Lonergan", 5]]} +{"id": 225253, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gloss_-LRB-TV_series-RRB-", 4], ["Patrick_Wilson_-LRB-New_Zealand_actor-RRB-", 0], ["Danielle_Cormack", 0], ["Cormack_-LRB-surname-RRB-", 17], ["Cormack_-LRB-surname-RRB-", 57]]} +{"id": 140072, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Dark_Knight_Rises_-LRB-soundtrack-RRB-", 0], ["The_Dark_Knight_Rises_-LRB-soundtrack-RRB-", 7], ["The_Dark_Knight_Rises", 16], ["Christian_Bale_filmography", 43], ["Christian_Bale_filmography", 41]]} +{"id": 219142, "predicted_label": "SUPPORTS", "predicted_evidence": [["Valencia", 0], ["Valencia", 10], ["Valencia", 8], ["Valencia", 16], ["Jose\u0301_Ramos_Costa", 77]]} +{"id": 147230, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cartoonists_Co-Op_Press", 2], ["Richard_Green_-LRB-telecommunication-RRB-", 14], ["007-COLON-_Quantum_of_Solace", 6], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Cartoonists_Co-Op_Press", 13]]} +{"id": 30008, "predicted_label": "SUPPORTS", "predicted_evidence": [["Arab_Film_Festival", 0], ["Malmo\u0308_Arab_Film_Festival", 0], ["Arab_Film_Festival", 4], ["Maeve_Murphy", 23], ["Garden_State_Film_Festival", 0]]} +{"id": 33240, "predicted_label": "SUPPORTS", "predicted_evidence": [["Moonlight_-LRB-2016_film-RRB-", 6], ["List_of_accolades_received_by_Moonlight_-LRB-2016_film-RRB-", 5], ["List_of_Tree_Cities_USA", 990], ["List_of_Tree_Cities_USA", 1130], ["List_of_Tree_Cities_USA", 994]]} +{"id": 212326, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Robert_Lee_Morris", 31]]} +{"id": 48377, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Green_Line_\"D\"_Branch", 1], ["Tremont_Street_Subway", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 1], ["Canal_Street_Incline", 12]]} +{"id": 193883, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bea_Arthur", 0], ["Billy_Goldenberg", 22], ["Billy_Goldenberg", 18], ["Ryyty", 14], ["Billy_Goldenberg", 19]]} +{"id": 79537, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["Clues_-LRB-Robert_Palmer_album-RRB-", 9], ["Clues_-LRB-Robert_Palmer_album-RRB-", 7], ["Robert_Palmer_-LRB-MP-RRB-", 3], ["Clues_-LRB-Robert_Palmer_album-RRB-", 4]]} +{"id": 139853, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wizards_vs_Aliens", 0], ["Annette_Badland", 1], ["Wizards_vs_Aliens", 6], ["Brian_Miller_-LRB-actor-RRB-", 27], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5]]} +{"id": 173507, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sancho_Panza", 0], ["Sam_Weller_-LRB-character-RRB-", 0], ["Ricote_-LRB-Don_Quixote-RRB-", 3], ["Ricote_-LRB-Don_Quixote-RRB-", 4], ["The_Truth_about_Sancho_Panza", 8]]} +{"id": 202769, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yahoo!", 6], ["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me_2", 1], ["Yahoo!", 13], ["Yahoo!", 1]]} +{"id": 216351, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chagatai", 9], ["Chagatai_people", 7], ["Karluk_languages", 3], ["Karluk_languages", 4], ["Chagatai", 14]]} +{"id": 103141, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Homo_sapiens_-LRB-Marvel_Comics-RRB-", 3], ["Homo_sapiens_-LRB-Marvel_Comics-RRB-", 0], ["Homo_sapiens", 0], ["Homo", 9], ["Neoteric_evolutionary_theory", 81]]} +{"id": 211781, "predicted_label": "REFUTES", "predicted_evidence": [["The_Texas_Chainsaw_Massacre_-LRB-2003_film-RRB-", 1], ["The_Hitcher_-LRB-2007_film-RRB-", 4], ["Eric_Brevig", 6], ["The_Hitcher_-LRB-2007_film-RRB-", 3], ["Michael_Bay_filmography", 0]]} +{"id": 190167, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Floyd_Mayweather_Jr.", 3], ["Golden_Boy_Promotions", 15], ["Floyd_Mayweather_Jr.", 16], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 3]]} +{"id": 184108, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Command_responsibility", 14], ["Casualty_evacuation", 15], ["Command_responsibility", 15], ["Casualty_evacuation", 24], ["Medina_-LRB-surname-RRB-", 33]]} +{"id": 40863, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqqusinersuaq", 5], ["Nuuk_Airport", 0], ["Agnethe_Davidsen", 0], ["Old_Nuuk", 0], ["Old_Nuuk", 18]]} +{"id": 69676, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["Me_and_Bessie", 20], ["Bessie_-LRB-disambiguation-RRB-", 16], ["Bessie_-LRB-disambiguation-RRB-", 14], ["Me_and_Bessie", 0]]} +{"id": 59290, "predicted_label": "REFUTES", "predicted_evidence": [["Gosling_-LRB-surname-RRB-", 36], ["El_Dorado_AVA", 8], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 0], ["El_Dorado_AVA", 7]]} +{"id": 78181, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["United_States_presidential_election,_1796", 0], ["Heard-Hawes_family", 33], ["United_States_presidential_election,_1796", 2], ["Thomas_Jefferson_Medal", 11], ["Thomas_Jefferson_Medal", 15]]} +{"id": 9410, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_B", 34], ["List_of_albums_containing_a_hidden_track-COLON-_A", 246], ["List_of_albums_containing_a_hidden_track-COLON-_B", 300], ["List_of_video_game_crowdfunding_projects", 4467], ["List_of_albums_containing_a_hidden_track-COLON-_S", 67]]} +{"id": 18707, "predicted_label": "SUPPORTS", "predicted_evidence": [["Charles_Manson_Superstar", 0], ["Vincent_Bugliosi", 6], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Vincent_Bugliosi", 11], ["Vincent_Bugliosi", 2]]} +{"id": 87813, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Harry_Potter", 1], ["A_Very_Potter_Musical", 6], ["Harry_Potter_and_the_Prisoner_of_Azkaban", 2], ["Caio_Ce\u0301sar", 8], ["Caio_Ce\u0301sar", 26]]} +{"id": 215218, "predicted_label": "REFUTES", "predicted_evidence": [["The_Hitcher_-LRB-2007_film-RRB-", 4], ["Michael_Bay_filmography", 14], ["The_Texas_Chainsaw_Massacre_-LRB-2003_film-RRB-", 1], ["The_Hitcher_-LRB-2007_film-RRB-", 3], ["Eric_Brevig", 6]]} +{"id": 27605, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ava_Lazar", 2], ["Ridgemont", 9], ["Sean_Penn", 5], ["Fast_Times_at_Ridgemont_High", 0], ["The_Ravyns", 0]]} +{"id": 76375, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 144370, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Mirny", 36], ["HMS_Swallow", 39], ["HMS_Swallow", 3], ["HMS_Swallow", 18]]} +{"id": 9075, "predicted_label": "REFUTES", "predicted_evidence": [["Eric_Church", 0], ["Eric_Church", 11], ["Haley_Georgia", 0], ["Eric_Church", 12], ["Luke_Laird", 0]]} +{"id": 105835, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Cate_Blanchett_on_screen_and_stage", 7], ["Hedda_Gabler", 2]]} +{"id": 184093, "predicted_label": "REFUTES", "predicted_evidence": [["My_Lai_Massacre", 0], ["Command_responsibility", 14], ["My_Lai_Massacre", 16], ["James_Waller", 28], ["James_Waller", 21]]} +{"id": 70573, "predicted_label": "SUPPORTS", "predicted_evidence": [["Interim_Action_Committee_on_the_Film_Industry", 1], ["1st_British_Academy_Film_Awards", 3], ["Association_of_Independent_Producers", 4], ["John_Gillett", 0], ["1st_British_Academy_Film_Awards", 1]]} +{"id": 74410, "predicted_label": "REFUTES", "predicted_evidence": [["Del_Toro_-LRB-surname-RRB-", 12], ["Guillermo_del_Toro", 0], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 1], ["Sundown_-LRB-video_game-RRB-", 0]]} +{"id": 193396, "predicted_label": "SUPPORTS", "predicted_evidence": [["Past_Doctor_Adventures", 4], ["Izzy_Sinclair", 42], ["Doctor_Who-COLON-_The_Monthly_Range", 1], ["Eighth_Doctor_comic_stories", 0], ["Miranda_-LRB-Doctor_Who-RRB-", 0]]} +{"id": 171647, "predicted_label": "REFUTES", "predicted_evidence": [["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["Gibbons", 17], ["Watchmensch", 1], ["List_of_Jewish_American_cartoonists", 5], ["List_of_Jewish_American_cartoonists", 13]]} +{"id": 216583, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Calcaneal_spur", 1], ["Soft_x-ray_microscopy", 4], ["Calcaneal_spur", 7], ["Orthovoltage_X-rays", 1], ["Soft_x-ray_microscopy", 8]]} +{"id": 212325, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 84612, "predicted_label": "REFUTES", "predicted_evidence": [["Black-ish_-LRB-season_1-RRB-", 6], ["Imagine_That_-LRB-film-RRB-", 1], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 150981, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ray_Ferrer", 10], ["Al_Morgan", 38], ["Jose\u0301_Ferrer", 0], ["Al_Morgan", 17], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 7]]} +{"id": 41833, "predicted_label": "REFUTES", "predicted_evidence": [["Walk_the_Line_-LRB-soundtrack-RRB-", 3], ["Tim_McGraw", 13], ["2013_Country_Music_Association_Awards", 12], ["Walk_the_Line_-LRB-soundtrack-RRB-", 2], ["Walk_the_Line_-LRB-soundtrack-RRB-", 1]]} +{"id": 185300, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Fuller", 1], ["Platinum_Dunes", 0], ["Andrew_Form", 1], ["Michael_Bay_filmography", 12]]} +{"id": 29518, "predicted_label": "SUPPORTS", "predicted_evidence": [["News_International_phone_hacking_scandal", 3], ["News_Corporation_takeover_bid_for_BSkyB", 0], ["James_Murdoch", 0], ["News_Corp_Australia", 15], ["News_International_phone_hacking_scandal", 14]]} +{"id": 115528, "predicted_label": "SUPPORTS", "predicted_evidence": [["Resident_Evil_2", 8], ["Jill_Valentine", 6], ["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["Resident_Evil_4", 7], ["Resident_Evil_\u2013_Code-COLON-_Veronica", 8]]} +{"id": 87483, "predicted_label": "REFUTES", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["Fanning_-LRB-surname-RRB-", 10], ["I_Am_Sam", 11], ["I_Am_Sam", 0], ["Dakota_Fanning", 0]]} +{"id": 119416, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pontic_Greek", 0], ["Standard_Greek", 8], ["Greek_language", 13], ["Greek_language", 0], ["Greek_language", 14]]} +{"id": 135316, "predicted_label": "REFUTES", "predicted_evidence": [["Elvis_Presley's_guitars", 6], ["I_Forgot_to_Remember_to_Forget", 1], ["Scott_Moore", 15], ["Scotty_Cameron", 0], ["List_of_moths_of_India_-LRB-Geometridae-RRB-", 1199]]} +{"id": 204413, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["List_of_Black_Sabbath_band_members", 0], ["Tom_Morello_discography", 5], ["Tom_Morello_discography", 18], ["Rage_Against_the_Machine", 1]]} +{"id": 193852, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["Dick_Van_Dyke", 3], ["Dick_Van_Dyke", 0], ["Van_Dyke", 10]]} +{"id": 5833, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sabrina_Goes_to_Rome", 1], ["Gareth_John", 28], ["Gareth_John", 3], ["Gareth_John", 0], ["Gareth_John", 38]]} +{"id": 94958, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Peak_uranium", 21], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3]]} +{"id": 4474, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Garden_State_Film_Festival", 9], ["Maeve_Murphy", 23], ["Garden_State_Film_Festival", 0], ["Garden_State_Film_Festival", 15], ["Garden_State_Film_Festival", 8]]} +{"id": 195057, "predicted_label": "REFUTES", "predicted_evidence": [["Ray_Ruddy", 7], ["Ray_Ruddy", 5], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0], ["Joe_Ruddy", 5]]} +{"id": 201802, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Runaways_-LRB-film-RRB-", 2], ["The_Runaways_-LRB-album-RRB-", 20], ["Messin'_with_the_Boys", 1], ["The_Runaways_-LRB-album-RRB-", 9], ["Young_and_Wild_-LRB-album-RRB-", 10]]} +{"id": 151070, "predicted_label": "SUPPORTS", "predicted_evidence": [["United_Nations_Charter", 1], ["Louise_M._Davies_Symphony_Hall", 0], ["List_of_theatres_in_San_Francisco", 156], ["War_Memorial_Opera_House", 1], ["United_Nations_Charter", 0]]} +{"id": 107480, "predicted_label": "SUPPORTS", "predicted_evidence": [["Taylor_Lautner", 0], ["Taylor_Lautner", 4], ["Taylor_Lautner", 15], ["Scooby-Doo", 13], ["Scooby-Doo!_Mystery_Incorporated", 21]]} +{"id": 204430, "predicted_label": "REFUTES", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["List_of_Black_Sabbath_band_members", 0], ["Tom_Morello_discography", 5], ["Tom_Morello_discography", 18], ["Rage_Against_the_Machine", 1]]} +{"id": 227361, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Food_Network_Star_-LRB-season_7-RRB-", 5], ["Giada_-LRB-disambiguation-RRB-", 6], ["$40_a_Day", 7], ["Food_Network_Star_-LRB-season_11-RRB-", 1], ["Food_Network_Star_-LRB-season_7-RRB-", 1]]} +{"id": 12205, "predicted_label": "REFUTES", "predicted_evidence": [["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["The_Dark_Tower_-LRB-series-RRB-", 13], ["The_Dark_Tower-COLON-_The_Sorcerer", 3], ["All-World", 33], ["All-World", 2]]} +{"id": 202059, "predicted_label": "SUPPORTS", "predicted_evidence": [["2011_Waltham_triple_murder", 13], ["2011_Waltham_triple_murder", 8], ["Dzhokhar_Tsarnaev", 18], ["Boston_Marathon_bombing", 8], ["Boston_Marathon_bombing", 5]]} +{"id": 164995, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polar_bear", 7], ["Sea_Mammal_Research_Unit", 6], ["Marine_Mammal_Protection_Act", 3], ["Marine_Mammal_Protection_Act", 5], ["Agreement_on_the_Conservation_of_Polar_Bears", 4]]} +{"id": 195011, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Curt_Close", 18], ["Tim_Routledge", 1], ["Rey_Reel", 3], ["Rey_Reel", 1], ["Tim_Routledge", 4]]} +{"id": 205657, "predicted_label": "SUPPORTS", "predicted_evidence": [["St._Anger", 0], ["Grammy_Award_for_Best_Gospel_Album", 5], ["Grammy_Award_for_Best_Gospel_Album", 12], ["Metallica", 23], ["Grammy_Award_for_Best_Southern,_Country_or_Bluegrass_Gospel_Album", 7]]} +{"id": 122248, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthew_McConaughey_filmography", 10], ["Matthew_McConaughey", 6], ["Rust_Cohle", 1], ["List_of_accolades_received_by_Dallas_Buyers_Club", 1], ["Rust_Cohle", 6]]} +{"id": 107005, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheridan_-LRB-surname-RRB-", 123], ["Rob_Sheridan", 0], ["Pretty_Eight_Machine_-LRB-album-RRB-", 7], ["Trent_Reznor", 11], ["Pretty_Eight_Machine_-LRB-album-RRB-", 6]]} +{"id": 75661, "predicted_label": "REFUTES", "predicted_evidence": [["Adam_Bassett", 7], ["Dave_Bassett_-LRB-songwriter-RRB-", 23], ["Angela_Bassett", 10], ["Angela_Bassett", 0], ["List_of_awards_won_by_Abbas_Kiarostami", 131]]} +{"id": 34525, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Angevin_kings_of_England", 18], ["Henry_II,_Holy_Roman_Emperor", 17], ["Bertram_de_Verdun", 79], ["Henry_II,_Holy_Roman_Emperor", 31], ["Henry_II_style", 4]]} +{"id": 218358, "predicted_label": "REFUTES", "predicted_evidence": [["Noyautage_des_administrations_publiques", 11], ["French_Resistance", 6], ["French_Resistance", 0], ["On_Tatay's_Boat", 2], ["Noyautage_des_administrations_publiques", 14]]} +{"id": 139863, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 2], ["Horten_AG", 7], ["Penguin_Modern_Poets", 0], ["Penguin_Modern_Poets", 6], ["Penguin_Books", 7]]} +{"id": 135648, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["The_Legend_of_Bhagat_Singh", 0], ["23rd_March_1931-COLON-_Shaheed", 9], ["The_Legend_of_Bhagat_Singh", 5]]} +{"id": 212338, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 147030, "predicted_label": "REFUTES", "predicted_evidence": [["Raghu_-LRB-given_name-RRB-", 43], ["Sekhar", 39], ["Raghu_-LRB-given_name-RRB-", 5], ["Raja_-LRB-name-RRB-", 9], ["Chopra", 53]]} +{"id": 181133, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["So_You_Think_You_Can_Dance_-LRB-UK_series_1-RRB-", 0], ["So_You_Think_You_Can_Dance_-LRB-UK_series_1-RRB-", 5], ["List_of_compositions_by_Charles_Wuorinen", 443], ["College_of_Veterinary_and_Animal_Sciences,_Jhang", 0], ["Veterinary_College,_Bikaner", 0]]} +{"id": 31632, "predicted_label": "REFUTES", "predicted_evidence": [["American_Sniper", 1], ["American_Sniper_-LRB-book-RRB-", 0], ["Brandon_Webb_-LRB-author-RRB-", 1], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 1]]} +{"id": 117656, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_-LRB-surname-RRB-", 3], ["Santana_discography", 3]]} +{"id": 202032, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2011_Waltham_triple_murder", 7], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 14], ["Tamerlan_Tsarnaev", 8], ["Boston_Marathon_bombing", 5]]} +{"id": 152925, "predicted_label": "SUPPORTS", "predicted_evidence": [["Madhu_Mantena", 9], ["Brazzers", 0], ["Video_overlay", 19], ["Twitter_Amplify", 13], ["Department_of_Information_and_Public_Relations_-LRB-Kerala-RRB-", 154]]} +{"id": 165233, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Harry_Freedman", 1], ["Jovdat_Hajiyev", 20], ["Choral_symphony", 10], ["Piano_quartet", 11]]} +{"id": 86568, "predicted_label": "REFUTES", "predicted_evidence": [["Castle_of_Glass", 0], ["Beta_State", 8], ["Linkin_Park_discography", 7], ["List_of_songs_recorded_by_Linkin_Park", 52], ["List_of_songs_recorded_by_Linkin_Park", 46]]} +{"id": 78882, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_I_of_France", 11], ["Francis_I_of_France", 15], ["Emperor_Charles", 11], ["Knight_of_the_Golden_Spur_-LRB-Holy_Roman_Empire-RRB-", 18], ["Charles_V,_Holy_Roman_Emperor", 17]]} +{"id": 126496, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Bahamas", 3], ["Scouting_and_Guiding_in_the_Bahamas", 4], ["The_Scout_Association_of_the_Bahamas", 5], ["The_Scout_Association_of_the_Bahamas", 6], ["Scouting_and_Guiding_in_the_Bahamas", 7]]} +{"id": 87793, "predicted_label": "REFUTES", "predicted_evidence": [["Virginia_dynasty", 2], ["Democratic-Republican_Party", 31], ["Democratic-Republican_Party", 0], ["Madison_Hemings", 0], ["Virginia_dynasty", 6]]} +{"id": 116197, "predicted_label": "SUPPORTS", "predicted_evidence": [["Courted_-LRB-film-RRB-", 4], ["Sidse_Babett_Knudsen", 0], ["Knudsen", 40], ["Adam_Price_-LRB-screenwriter-RRB-", 6], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5]]} +{"id": 79137, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 13], ["Retreat_of_glaciers_since_1850", 13], ["Global_warming_hiatus", 23], ["Retreat_of_glaciers_since_1850", 17], ["Retreat_of_glaciers_since_1850", 18]]} +{"id": 102285, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nuclear_power_in_China", 9], ["China_General_Nuclear_Power_Group", 0], ["China_General_Nuclear_Power_Group", 3], ["Nuclear_power_in_China", 8], ["Battle_of_Sejny", 6]]} +{"id": 14226, "predicted_label": "REFUTES", "predicted_evidence": [["58th_Bodil_Awards", 2], ["Return_to_Sender_-LRB-2004_film-RRB-", 4], ["List_of_people_from_Marin_County,_California", 235], ["List_of_women_with_ovarian_cancer", 13], ["List_of_women_with_ovarian_cancer", 29]]} +{"id": 227366, "predicted_label": "REFUTES", "predicted_evidence": [["Giada_at_Home", 0], ["List_of_programmes_broadcast_by_Astro_Ceria", 28], ["List_of_programmes_broadcast_by_Astro_Ceria", 54], ["List_of_programmes_broadcast_by_Astro_Ceria", 16], ["List_of_programmes_broadcast_by_Astro_Ceria", 66]]} +{"id": 25676, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Magic_Johnson_Enterprises", 16], ["Mary_Emma_Allison", 1], ["Mary_Emma_Allison", 17], ["Pay_to_surf", 27]]} +{"id": 116111, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 44452, "predicted_label": "SUPPORTS", "predicted_evidence": [["Clem_McCarthy", 2], ["Lemmy", 2], ["Louis_Armstrong_discography", 5], ["Louis_Armstrong", 3], ["Lemmy", 14]]} +{"id": 186611, "predicted_label": "REFUTES", "predicted_evidence": [["Rap-A-Lot_Records", 0], ["Prophets_of_Da_City", 4], ["Dante_Ross", 32], ["Rap-A-Lot_Records", 8], ["Dante_Ross", 6]]} +{"id": 217195, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Luang_Por", 14], ["Luang_Por", 11], ["Luang_Por", 16], ["Timeline_of_women's_ordination", 354], ["Timeline_of_women's_ordination", 249]]} +{"id": 81407, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Troian_Bellisario", 5], ["Billboard_Dad", 0], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 192852, "predicted_label": "REFUTES", "predicted_evidence": [["Shanghai_Media_Group", 12], ["Billboard_Touring_Awards", 7], ["Ian_Brennan", 4], ["Ian_Brennan", 6], ["Ian_Brennan", 8]]} +{"id": 25178, "predicted_label": "REFUTES", "predicted_evidence": [["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["Adremy_Dennis", 19], ["Kyle_-LRB-surname-RRB-", 22], ["American_Sniper_-LRB-book-RRB-", 0], ["American_Sniper", 1]]} +{"id": 168062, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2016-RRB-", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Diversity_Day_-LRB-The_Office-RRB-", 12]]} +{"id": 133165, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 7], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 2], ["One_Last_Score", 0], ["Ziva_David", 0], ["Rob_Davis_-LRB-musician-RRB-", 17]]} +{"id": 87646, "predicted_label": "REFUTES", "predicted_evidence": [["Vietnam", 1], ["Egypt", 12], ["Nigeria", 14], ["Sa\u0303o_Paulo_-LRB-state-RRB-", 8], ["Indonesia", 3]]} +{"id": 181823, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Disney_theatrical_animated_features", 4], ["Animation_studios_owned_by_The_Walt_Disney_Company", 0], ["Walt_Disney_Animation_Studios", 9], ["Walt_Disney_Pictures", 4], ["Walt_Disney_Animation_Studios", 0]]} +{"id": 218462, "predicted_label": "REFUTES", "predicted_evidence": [["Hanford_Site", 23], ["Weber_bar", 13], ["David_Reitze", 0], ["Hanford_Reach", 4], ["David_Reitze", 13]]} +{"id": 40845, "predicted_label": "REFUTES", "predicted_evidence": [["AFI's_100_Years...100_Stars", 0], ["Jane_Bryan", 4], ["2HB", 4], ["Bogart_-LRB-surname-RRB-", 12], ["AFI's_100_Years...100_Stars", 7]]} +{"id": 55210, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paramore_-LRB-album-RRB-", 8], ["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 0], ["Paramore_-LRB-album-RRB-", 0], ["List_of_songs_recorded_by_Paramore", 0], ["Paramore_-LRB-album-RRB-", 9]]} +{"id": 150765, "predicted_label": "REFUTES", "predicted_evidence": [["Pene\u0301lope_Cruz", 0], ["Pene\u0301lope_Cruz", 13], ["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Pene\u0301lope_Cruz", 12], ["Cinema_of_Spain", 10]]} +{"id": 159565, "predicted_label": "REFUTES", "predicted_evidence": [["Frank_O'Bannon", 8], ["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 7], ["Henry_T._Bannon", 6], ["Frank_O'Bannon", 10]]} +{"id": 173129, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ann_Sullivan", 3], ["Macy_-LRB-surname-RRB-", 8], ["Macy_-LRB-surname-RRB-", 16], ["Macy_-LRB-surname-RRB-", 4], ["Ann_Sullivan", 0]]} +{"id": 213930, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Call_of_Duty_-LRB-video_game-RRB-", 11], ["Call_of_Duty", 9], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 6]]} +{"id": 126509, "predicted_label": "REFUTES", "predicted_evidence": [["2016_United_Women's_Soccer_season", 1], ["Gu\u0308lsu\u0308m_Tatar", 25], ["Hwasin-COLON-_Controller_of_the_Heart", 8], ["K-pop_Star_4", 9], ["Hwasin-COLON-_Controller_of_the_Heart", 4]]} +{"id": 195912, "predicted_label": "REFUTES", "predicted_evidence": [["Frozen_-LRB-2013_film-RRB-", 13], ["List_of_accolades_received_by_Frozen_-LRB-2013_film-RRB-", 8], ["Frozen_-LRB-2013_film-RRB-", 18], ["Frozen_-LRB-2013_film-RRB-", 11], ["List_of_accolades_received_by_Frozen_-LRB-2013_film-RRB-", 19]]} +{"id": 14113, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arjun_Menon", 4], ["List_of_songs_recorded_by_Bombay_Jayashri", 2], ["Krishna_Iyer", 10], ["List_of_songs_recorded_by_Bombay_Jayashri", 6], ["List_of_songs_recorded_by_Bombay_Jayashri", 4]]} +{"id": 130727, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bones_-LRB-TV_series-RRB-", 5], ["List_of_fictional_anthropologists", 21], ["Temperance_\"Bones\"_Brennan", 6], ["List_of_fictional_anthropologists", 96], ["Bones_-LRB-TV_series-RRB-", 1]]} +{"id": 190169, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Floyd_Mayweather_Jr.", 3], ["Golden_Boy_Promotions", 15], ["Floyd_Mayweather_Jr.", 16], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 3]]} +{"id": 173735, "predicted_label": "SUPPORTS", "predicted_evidence": [["Foggy_Mountain_Boys", 8], ["Scruggs_style", 14], ["Foggy_Mountain_Breakdown", 0], ["Earl_Scruggs", 0], ["Foggy_Mountain_Boys", 1]]} +{"id": 82355, "predicted_label": "SUPPORTS", "predicted_evidence": [["SDU_Research_Hospital", 0], ["SDU_Research_Hospital", 7], ["Wallace_H._Graham", 12], ["Wallace_H._Graham", 56], ["Wallace_H._Graham", 5]]} +{"id": 219294, "predicted_label": "SUPPORTS", "predicted_evidence": [["Capsicum", 0], ["Circaea", 13], ["Capsicum_baccatum", 9], ["Capsicum_chinense", 0], ["Capsicum_baccatum", 0]]} +{"id": 91384, "predicted_label": "SUPPORTS", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting_-LRB-film-RRB-", 0], ["Ewan_McGregor", 2], ["Ewan_McGregor", 3], ["Ewen_Bremner", 1]]} +{"id": 212312, "predicted_label": "REFUTES", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Dualstar", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["List_of_Charlie's_Angels_characters", 37]]} +{"id": 5346, "predicted_label": "SUPPORTS", "predicted_evidence": [["Outwood_Academy_Ripon", 8], ["Ripon_College", 3], ["Ripon_College_-LRB-Wisconsin-RRB-", 0], ["Ripon_College", 9], ["Ripon_College", 7]]} +{"id": 186318, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_about_Paris", 257], ["Quasimodo_-LRB-disambiguation-RRB-", 0], ["Quasimodo_-LRB-disambiguation-RRB-", 10], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 6], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 8]]} +{"id": 166640, "predicted_label": "REFUTES", "predicted_evidence": [["Anne_Rice", 5], ["Nathaniel_Milljour", 15], ["History_of_Boise_State_University", 194], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Anne_Rice", 0]]} +{"id": 183128, "predicted_label": "REFUTES", "predicted_evidence": [["Tata_Motors", 13], ["BSE_SENSEX", 0], ["Bombay_Stock_Exchange", 0], ["S&P_BSE_500_Shariah_Index", 0], ["S&P_BSE_500_Shariah_Index", 1]]} +{"id": 171086, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["St_Margaret_Ward_Catholic_Academy", 1], ["St_Margaret_Ward_Catholic_Academy", 5], ["List_of_stage_names", 36], ["Lalla_-LRB-disambiguation-RRB-", 16], ["St_Margaret_Ward_Catholic_Academy", 10]]} +{"id": 143875, "predicted_label": "REFUTES", "predicted_evidence": [["Ochpaniztli", 74], ["Ochpaniztli", 25], ["Ochpaniztli", 72], ["2016_World's_Strongest_Man", 157], ["Tubridy_Tonight_-LRB-season_5-RRB-", 63]]} +{"id": 94160, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Honey,_I_Blew_Up_the_Kid", 1], ["Honey,_I_Shrunk_the_Kids-COLON-_The_TV_Show", 0], ["Honey,_We_Shrunk_Ourselves", 0], ["Essentials_-LRB-PlayStation-RRB-", 7], ["Honey,_We_Shrunk_Ourselves", 13]]} +{"id": 121370, "predicted_label": "SUPPORTS", "predicted_evidence": [["Johnny_Galecki", 1], ["The_Little_Dog_Laughed", 23], ["Leonard_Hofstadter", 0], ["Galecki", 8], ["The_Big_Bang_Theory_-LRB-season_1-RRB-", 8]]} +{"id": 184067, "predicted_label": "REFUTES", "predicted_evidence": [["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Margaret_-LRB-2011_film-RRB-", 0], ["Sam_Lonergan", 0], ["Manchester_by_the_Sea_-LRB-film-RRB-", 5]]} +{"id": 171646, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["Gibbons", 17], ["Watchmensch", 1], ["List_of_Jewish_American_cartoonists", 5], ["List_of_Jewish_American_cartoonists", 13]]} +{"id": 97057, "predicted_label": "REFUTES", "predicted_evidence": [["Bhagat_Singh", 0], ["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["23rd_March_1931-COLON-_Shaheed", 9], ["The_Legend_of_Bhagat_Singh", 0]]} +{"id": 65047, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["Hispanic_Television_Network", 0], ["Hispanic_Television_Network", 5], ["KHPK-LD", 6], ["KHPK-LD", 10]]} +{"id": 54932, "predicted_label": "SUPPORTS", "predicted_evidence": [["Real_Soon", 7], ["Barbara_Becnel", 1], ["Walter_Williams_-LRB-painter-RRB-", 6], ["Stan_Williams", 17], ["Stan_Williams", 5]]} +{"id": 98550, "predicted_label": "REFUTES", "predicted_evidence": [["Billboard_Dad", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 27], ["Blue_parrot", 5]]} +{"id": 129442, "predicted_label": "REFUTES", "predicted_evidence": [["Debbie_Smith_-LRB-musician-RRB-", 5], ["Robert_Plant_discography", 4], ["Popular_music_pedagogy", 0], ["Popular_music_pedagogy", 1], ["Popular_music_pedagogy", 4]]} +{"id": 41492, "predicted_label": "SUPPORTS", "predicted_evidence": [["Johnny_Galecki", 1], ["By_the_Book_-LRB-TV_series-RRB-", 0], ["Leonard_Hofstadter", 0], ["Galecki", 8], ["The_Little_Dog_Laughed", 23]]} +{"id": 159694, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 169000, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manmohan_Singh", 1], ["The_Accidental_Prime_Minister", 0], ["Manmohan_Singh", 22], ["Manmohan_Singh", 0], ["Manmohan", 23]]} +{"id": 185416, "predicted_label": "REFUTES", "predicted_evidence": [["Chip_-LRB-snack_type-RRB-", 19], ["Chips_and_dip", 1], ["Chip_race", 9], ["Corn_chip", 8], ["Chip_race", 29]]} +{"id": 200277, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["Natural_Born_Killers", 5], ["Natural_Born_Killers", 0], ["Brian_Berdan", 5], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2]]} +{"id": 193889, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marjorie", 278], ["List_of_civil_rights_leaders", 287], ["Bea_Arthur", 0], ["Marjorie", 192], ["Billy_Goldenberg", 18]]} +{"id": 153431, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Raees_-LRB-film-RRB-", 1], ["Raees", 3], ["Raees_-LRB-film-RRB-", 0], ["Raees_-LRB-film-RRB-", 4], ["Raees_-LRB-film-RRB-", 5]]} +{"id": 102818, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["English_people", 6], ["English_people", 15], ["Anglo", 0], ["The_English_people", 4]]} +{"id": 202981, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin", 4], ["Aerial_Common_Sensor", 20], ["Fifth-generation_jet_fighter", 4], ["Lockheed_Martin_Aeronautics", 9], ["Lockheed_Martin_Aeronautics", 0]]} +{"id": 170942, "predicted_label": "REFUTES", "predicted_evidence": [["Smriti_Mandhana", 0], ["Manav_Nyaya_Shastra", 3], ["Tees_January_Road", 8], ["Tees_January_Road", 4], ["Tees_January_Road", 3]]} +{"id": 27869, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mount_Rushmore", 1], ["Mount_Rushmore", 0], ["Charles_E._Rushmore", 0], ["Mount_Rushmore", 8], ["Mount_Rushmore", 2]]} +{"id": 187795, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["The_Sterile_Cuckoo", 3], ["Wendell_Burton", 10], ["Wendell_Burton", 1], ["The_Sterile_Cuckoo", 0]]} +{"id": 78572, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Wallace_-LRB-poem-RRB-", 2], ["Historicity_of_Jesus", 12], ["Gulf_of_Tonkin_incident", 12], ["The_Wallace_-LRB-poem-RRB-", 0], ["What_If_Punk_Never_Happened", 11]]} +{"id": 148674, "predicted_label": "REFUTES", "predicted_evidence": [["Omer,_Michigan", 2], ["Omer,_Michigan", 3], ["Aarhus", 0], ["Aarhus", 19], ["Sailing_Aarhus", 12]]} +{"id": 183602, "predicted_label": "REFUTES", "predicted_evidence": [["Ellen_DeGeneres", 5], ["Andrew_Stanton", 7], ["Pixar", 10], ["Finding_Nemo", 1], ["Finding_Dory", 1]]} +{"id": 33582, "predicted_label": "SUPPORTS", "predicted_evidence": [["My_Plaything", 6], ["Jenna_Jameson", 0], ["ClubJenna", 0], ["Jameson_-LRB-surname-RRB-", 29], ["ClubJenna", 4]]} +{"id": 156515, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Harvey_Cedars,_New_Jersey", 9], ["Hakalau,_Hawaii", 18], ["Saltery_Bay_Provincial_Park", 3], ["\u02bbEne\u02bbio_Botanical_Garden", 7], ["Puriscal_-LRB-canton-RRB-", 6]]} +{"id": 202947, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold", 17], ["Hail_to_the_King_-LRB-Avenged_Sevenfold_album-RRB-", 4], ["The_Confession_-LRB-band-RRB-", 9], ["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8]]} +{"id": 173494, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Truth_about_Sancho_Panza", 13], ["The_Truth_about_Sancho_Panza", 0], ["Clavilen\u0303o", 4], ["The_Truth_about_Sancho_Panza", 8], ["Clavilen\u0303o", 7]]} +{"id": 195376, "predicted_label": "SUPPORTS", "predicted_evidence": [["Graffiti_-LRB-Chris_Brown_album-RRB-", 1], ["David_Archuleta_discography", 5], ["Greatest_Hit...and_More", 5], ["F.A.M.E._-LRB-album-RRB-", 2], ["F.A.M.E._-LRB-album-RRB-", 10]]} +{"id": 99600, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ecological_debt", 4], ["Debt_settlement", 0], ["Debt_settlement", 8], ["Ecological_debt", 10], ["Debt_settlement", 9]]} +{"id": 157640, "predicted_label": "SUPPORTS", "predicted_evidence": [["Justin_Chatwin", 7], ["The_Return_of_Doctor_Mysterio", 6], ["Chatwin", 8], ["Justin_Chatwin", 0], ["The_Return_of_Doctor_Mysterio", 0]]} +{"id": 198008, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 6], ["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Dorothy_Miner", 9], ["Pyramid_Club", 20]]} +{"id": 137672, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Julie_Klausner", 4], ["Joel_Moss_Levinson", 16], ["Julie_Klausner", 12], ["Caplan", 20], ["Lizzy_the_Lezzy", 11]]} +{"id": 58415, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Classical_period_-LRB-music-RRB-", 20], ["Beethoven_Gesamtausgabe", 1], ["First_Viennese_School", 6], ["First_Viennese_School", 0], ["First_Viennese_School", 5]]} +{"id": 108839, "predicted_label": "SUPPORTS", "predicted_evidence": [["Horse", 5], ["List_of_Neolithic_settlements", 58], ["History_of_agriculture", 27], ["Horse", 21], ["Horse", 20]]} +{"id": 215122, "predicted_label": "REFUTES", "predicted_evidence": [["Phoenix_Theatre,_London", 20], ["Noe\u0308l_Coward_Society", 21], ["Noe\u0308l_Coward_Society", 16], ["Phoenix_Theatre,_London", 16], ["Private_Lives_-LRB-disambiguation-RRB-", 0]]} +{"id": 58608, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_Album", 19], ["Hourglass_-LRB-James_Taylor_album-RRB-", 0], ["Hourglass_-LRB-James_Taylor_album-RRB-", 8], ["Hourglass_-LRB-James_Taylor_album-RRB-", 11], ["First_Album", 0]]} +{"id": 154931, "predicted_label": "SUPPORTS", "predicted_evidence": [["Standard_Greek", 2], ["Pontic_Greek", 0], ["Standard_Greek", 8], ["Greek_language", 13], ["Greek_language", 0]]} +{"id": 48484, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brian_Durocher", 1], ["IX_Corps_-LRB-United_States-RRB-", 13], ["Walter_Auffenberg", 0], ["Alois_Kayser", 0], ["Bill_Steinecke", 1]]} +{"id": 10707, "predicted_label": "REFUTES", "predicted_evidence": [["Taya_Kyle", 0], ["Kyle_-LRB-surname-RRB-", 22], ["Kyle_-LRB-surname-RRB-", 44], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["American_Sniper", 1]]} +{"id": 133382, "predicted_label": "REFUTES", "predicted_evidence": [["Sikkim", 4], ["Lower_Himalayan_Range", 0], ["Himalaya_-LRB-disambiguation-RRB-", 12], ["Himalaya_-LRB-disambiguation-RRB-", 10], ["Himalaya_-LRB-disambiguation-RRB-", 8]]} +{"id": 63975, "predicted_label": "SUPPORTS", "predicted_evidence": [["Otto_I,_Holy_Roman_Emperor", 11], ["Great_Saxon_Revolt", 43], ["Henry,_Holy_Roman_Emperor", 4], ["Otto_I,_Holy_Roman_Emperor", 0], ["Henry,_Holy_Roman_Emperor", 8]]} +{"id": 78355, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_mountains_of_the_Alleghenies", 68], ["List_of_mountains_of_the_Alleghenies", 70], ["List_of_mountains_of_the_Alleghenies", 0], ["List_of_mountains_of_the_Alleghenies", 102], ["List_of_knobs", 5]]} +{"id": 189762, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthias_Corvinus", 31], ["Martius_Galeotti", 60], ["Corvin", 16], ["Matthias_Corvinus", 32], ["Martius_Galeotti", 9]]} +{"id": 151354, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Train_Your_Dragon_-LRB-franchise-RRB-", 0], ["How_to_Train_Your_Dragon_2", 0], ["How_to_Train_Your_Dragon_2", 11], ["DreamWorks_Animation", 16], ["How_to_Train_Your_Dragon_-LRB-film-RRB-", 14]]} +{"id": 159587, "predicted_label": "SUPPORTS", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["List_of_video_game_crowdfunding_projects", 808], ["List_of_video_game_crowdfunding_projects", 559], ["Henry_T._Bannon", 7], ["List_of_video_game_crowdfunding_projects", 5355]]} +{"id": 178159, "predicted_label": "SUPPORTS", "predicted_evidence": [["World_Trade_Center_-LRB-2001\u2013present-RRB-", 15], ["One_World_Trade_Center", 12], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 17], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 5], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 16]]} +{"id": 228326, "predicted_label": "SUPPORTS", "predicted_evidence": [["Leslie_Kong", 0], ["Bobby_Digital_-LRB-Jamaican_producer-RRB-", 0], ["Bobby_Digital_-LRB-Jamaican_producer-RRB-", 3], ["Island_Records", 1], ["Judge_Not", 0]]} +{"id": 204453, "predicted_label": "REFUTES", "predicted_evidence": [["Brad_Wilk", 4], ["Rage_Against_the_Machine", 18], ["List_of_Black_Sabbath_band_members", 25], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6]]} +{"id": 125322, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_New_York_Knicks_seasons", 0], ["New_York_Knicks", 1], ["Toronto_Raptors", 1], ["Atlantic_Division_-LRB-NBA-RRB-", 0], ["1996\u201397_New_York_Knicks_season", 0]]} +{"id": 10747, "predicted_label": "SUPPORTS", "predicted_evidence": [["Caroline_Kennedy", 0], ["Joseph_P._Kennedy_Sr.", 5], ["Gorman_Kennedy", 11], ["Caroline_Kennedy", 17], ["Kennedy_Compound", 6]]} +{"id": 226871, "predicted_label": "REFUTES", "predicted_evidence": [["Alina_Plugaru", 1], ["Jenna_Jameson", 3], ["My_Plaything", 6], ["ClubJenna", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 30239, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jean_de_Lattre_de_Tassigny", 11], ["Waterloo_Campaign", 32], ["Napoleon", 31], ["Waterloo_Campaign", 12], ["War_of_the_Insane", 30]]} +{"id": 37960, "predicted_label": "REFUTES", "predicted_evidence": [["The_Lion_King", 6], ["Earl_-LRB-given_name-RRB-", 271], ["James_Earl_Jones", 0], ["List_of_James_Earl_Jones_performances", 0], ["List_of_James_Earl_Jones_performances", 14]]} +{"id": 81096, "predicted_label": "REFUTES", "predicted_evidence": [["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Andrew_Walker", 19], ["Andrew_Kevin_Walker", 0], ["Event_Horizon_-LRB-film-RRB-", 1], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 192857, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 0], ["Ian_Brennan", 4], ["Ian_Brennan", 6], ["Ian_Brennan", 8], ["Ian_Brennan", 2]]} +{"id": 44553, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["Culture_-LRB-Migos_album-RRB-", 2], ["MC4_-LRB-mixtape-RRB-", 12], ["No_Frauds", 1], ["Back_on_Road", 2]]} +{"id": 148309, "predicted_label": "REFUTES", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Eddie_Murphy", 13], ["Martin_Bregman", 1], ["Jay_Mohr", 2], ["The_Adventures_of_Pluto_Nash", 2]]} +{"id": 185285, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bradley_Fuller", 1], ["Platinum_Dunes", 0], ["Platinum_Dunes", 4], ["Platinum_Dunes", 7], ["Bradley_Automotive", 0]]} +{"id": 78270, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_stage_names", 36], ["Tim_Smith", 39], ["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1], ["List_of_stage_names", 49], ["Dog_king", 17]]} +{"id": 124503, "predicted_label": "REFUTES", "predicted_evidence": [["Norman_Williams", 11], ["Barbara_Becnel", 1], ["Walter_Williams_-LRB-painter-RRB-", 6], ["Stan_Williams", 5], ["Stan_Williams", 19]]} +{"id": 206732, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samwell_Tarly", 0], ["Samwell", 9], ["Rebecca_Benson", 5], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8], ["Blood_of_My_Blood", 5]]} +{"id": 133176, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_discography", 0]]} +{"id": 166488, "predicted_label": "REFUTES", "predicted_evidence": [["Kyle_Valenti", 0], ["Maria_DeLuca", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0], ["Roswell_-LRB-TV_series-RRB-", 0], ["Friday_Night_Lights_-LRB-TV_series-RRB-", 17]]} +{"id": 10272, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["The_Killam_Trusts", 0]]} +{"id": 35533, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["American_Sniper_-LRB-book-RRB-", 0], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 1], ["American_Sniper", 1], ["Kyle_-LRB-surname-RRB-", 22]]} +{"id": 10148, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e", 0], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e_discography", 0], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 0]]} +{"id": 44889, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6], ["John_White_Howell", 58]]} +{"id": 168545, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Fast_and_the_Furious_-LRB-2001_film-RRB-", 2], ["Olympus_Has_Fallen", 1], ["Prison_Break_-LRB-season_5-RRB-", 8], ["Yune", 8], ["Johnny_Yune", 12]]} +{"id": 175656, "predicted_label": "SUPPORTS", "predicted_evidence": [["Domino_-LRB-comics-RRB-", 2], ["Hybrid_-LRB-Scott_Washington-RRB-", 1], ["Publication_history_of_Anarky", 20], ["General_-LRB-DC_Comics-RRB-", 10], ["Anarky", 19]]} +{"id": 108456, "predicted_label": "SUPPORTS", "predicted_evidence": [["NRG_Recording_Studios", 0], ["A_Thousand_Suns", 4], ["The_Only_Way_Out", 1], ["Horrorscope_-LRB-Eve_6_album-RRB-", 0], ["NRG", 27]]} +{"id": 168977, "predicted_label": "SUPPORTS", "predicted_evidence": [["Down_to_Earth_-LRB-book-RRB-", 0], ["Khaled_Hroub", 8], ["Armenian_Press_of_Baku", 74], ["List_of_PlayStation_3_games_released_on_disc", 4841], ["List_of_PlayStation_3_games_released_on_disc", 1459]]} +{"id": 222027, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brubaker_-LRB-disambiguation-RRB-", 0], ["James_D._Brubaker", 0], ["James_D._Brubaker", 7], ["James_D._Brubaker", 17], ["James_D._Brubaker", 3]]} +{"id": 207526, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["I_Want_You_Back_-LRB-disambiguation-RRB-", 12], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["List_of_The_X_Factor_-LRB-Australia-RRB-_finalists", 11], ["List_of_The_X_Factor_-LRB-Australia-RRB-_finalists", 15], ["List_of_PlayStation_3_games_released_on_disc", 1025]]} +{"id": 202785, "predicted_label": "SUPPORTS", "predicted_evidence": [["Not_Quite_Hollywood-COLON-_The_Wild,_Untold_Story_of_Ozploitation!", 2], ["Quentin_Tarantino_filmography", 0], ["Quentin_Tarantino_filmography", 14], ["Quentin_Tarantino_Film_Festival", 0], ["Inglourious_Basterds_-LRB-soundtrack-RRB-", 0]]} +{"id": 199763, "predicted_label": "REFUTES", "predicted_evidence": [["Rosarito_Beach", 0], ["Tijuana", 0], ["Tijuana_metropolitan_area", 0], ["Tijuana_Municipality", 6], ["Rosarito_Beach", 6]]} +{"id": 37558, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Best_of_Soulhead-COLON-_5th_Anniversary_Tour", 3], ["List_of_Bohol_festivals", 45], ["Eastyle", 0], ["List_of_Bohol_festivals", 69], ["List_of_Bohol_festivals", 52]]} +{"id": 144062, "predicted_label": "REFUTES", "predicted_evidence": [["I_Am_Sam", 11], ["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1]]} +{"id": 40622, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Love_on_the_Rocks_-LRB-Neil_Diamond_song-RRB-", 1], ["Red_Red_Wine", 5], ["The_Essential_Neil_Diamond", 0], ["Classics-COLON-_The_Early_Years", 3], ["Love_on_the_Rocks_-LRB-Neil_Diamond_song-RRB-", 0]]} +{"id": 177181, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dub_poetry", 0], ["Electronic_music", 25], ["Electronic_music", 9], ["Electronic_music", 19], ["High_Tone", 1]]} +{"id": 68188, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Confessions_of_Aleister_Crowley", 0], ["Karl_Germer", 1], ["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15]]} +{"id": 53020, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sebastian_Stan", 0], ["Outstanding_Drama_Series", 19], ["Critics'_Choice_Television_Award_for_Best_Supporting_Actress_in_a_Movie/Miniseries", 0], ["Sarah_Paulson", 15], ["Sarah_Paulson", 17]]} +{"id": 229311, "predicted_label": "REFUTES", "predicted_evidence": [["Pet", 0], ["Working_animal", 0], ["Working_animal", 25], ["Working_dog", 0], ["Donkey", 2]]} +{"id": 56676, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_House_on_the_Corner", 7], ["The_Good_Wife_-LRB-disambiguation-RRB-", 6], ["The_Good_Wife", 4], ["The_Good_Wife_-LRB-disambiguation-RRB-", 8], ["The_Good_Wife_-LRB-disambiguation-RRB-", 3]]} +{"id": 149562, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["Clues_-LRB-Robert_Palmer_album-RRB-", 7], ["Clues_-LRB-Robert_Palmer_album-RRB-", 9], ["The_Insect_Trust", 3], ["Clues_-LRB-Robert_Palmer_album-RRB-", 4]]} +{"id": 161581, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["MoZella", 9], ["Romeo_and_Juliet_on_screen", 1], ["Moulin_Rouge!_Music_from_Baz_Luhrmann's_Film,_Vol._2", 1], ["Romeo_and_Juliet_on_screen", 3]]} +{"id": 79917, "predicted_label": "REFUTES", "predicted_evidence": [["Jose\u0301_Ferrer", 4], ["Jose\u0301_Ferrer", 0], ["Rafael_Ferrer_-LRB-actor-RRB-", 3], ["Al_Morgan", 17], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 9]]} +{"id": 87023, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek-COLON-_Discovery", 1], ["Star_Trek", 8], ["Star_Trek-COLON-_Discovery", 6], ["Star_Trek-COLON-_Discovery", 2], ["Star_Trek_-LRB-film-RRB-", 9]]} +{"id": 70281, "predicted_label": "SUPPORTS", "predicted_evidence": [["Augustus", 42], ["Augustus", 0], ["Laurentius_Suslyga", 22], ["Porticus_of_Livia", 4], ["Livia_-LRB-given_name-RRB-", 0]]} +{"id": 80902, "predicted_label": "SUPPORTS", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting_-LRB-film-RRB-", 0], ["Trainspotting_-LRB-film-RRB-", 8], ["Ewan_McGregor", 2], ["Trainspotting", 11]]} +{"id": 157502, "predicted_label": "REFUTES", "predicted_evidence": [["Astrology_and_science", 6], ["Shawn_Carlson", 0], ["JB_Carlson", 2], ["JB_Carlson", 1], ["Jesse_Carlson", 24]]} +{"id": 143421, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pene\u0301lope_Cruz", 13], ["Pene\u0301lope_Cruz", 12], ["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Open_Your_Eyes_-LRB-1997_film-RRB-", 1], ["Volver", 14]]} +{"id": 35706, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ingushetia", 5], ["Ingushetia.org", 8], ["Ingushetia", 0], ["Ingushetia.org", 6], ["Rashid_Gaysanov", 2]]} +{"id": 19983, "predicted_label": "REFUTES", "predicted_evidence": [["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Sidse_Babett_Knudsen", 0], ["Strisser_pa\u030a_Sams\u00f8", 4], ["After_the_Wedding", 0], ["Knudsen", 40]]} +{"id": 161252, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_songs_in_Rock_Band_2", 22], ["2008_in_downloadable_songs_for_the_Rock_Band_series", 1], ["List_of_downloadable_songs_for_the_Rock_Band_series", 5], ["List_of_Rock_Band_Network_songs", 20], ["List_of_Rock_Band_Network_1.0_songs", 20]]} +{"id": 155373, "predicted_label": "SUPPORTS", "predicted_evidence": [["Internal_waters", 7], ["Bibliography_of_the_Bahamas", 77], ["List_of_companies_of_the_Bahamas", 0], ["Archipelagic_state", 0], ["The_Bahamas", 0]]} +{"id": 99026, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ed_Wood_-LRB-film-RRB-", 1], ["Ed_Wood_-LRB-film-RRB-", 0], ["Carroll_Borland", 11], ["Edward_Wood", 12], ["Edward_Wood", 10]]} +{"id": 129897, "predicted_label": "REFUTES", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 16], ["Bret", 19], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Lina_Wolff", 5]]} +{"id": 195036, "predicted_label": "REFUTES", "predicted_evidence": [["Finger_Lakes_School_of_Massage", 1], ["Bedroom_furniture", 0], ["Winnipeg_Limited", 6], ["Bedroom_farce", 5], ["Bedroom_furniture", 76]]} +{"id": 218244, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_companies_of_Libya", 2], ["Libya", 2], ["List_of_companies_of_Indonesia", 6], ["Indonesia", 29], ["Algeria", 14]]} +{"id": 90378, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kosovo", 6], ["Netherlands_New_Guinea", 8], ["Juan_Cortina", 5], ["Kosovo", 0], ["Netherlands_New_Guinea", 18]]} +{"id": 78011, "predicted_label": "REFUTES", "predicted_evidence": [["Spirit_of_Troy", 4], ["John_Tempesta", 12], ["List_of_American_musicians_of_Armenian_descent", 85], ["System_of_a_Down_discography", 25], ["Elect_the_Dead", 2]]} +{"id": 152347, "predicted_label": "REFUTES", "predicted_evidence": [["Liverpool_City_Centre", 13], ["List_of_tallest_buildings_and_structures_in_Liverpool", 12], ["Liverpool_City_Centre", 10], ["List_of_tallest_buildings_and_structures_in_Liverpool", 0], ["Liverpool_City_Centre", 3]]} +{"id": 167464, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cheetah_Girls_2", 1], ["The_Cheetah_Girls_2", 5], ["List_of_Disney_Channel_original_films", 19], ["List_of_Disney_Channel_original_films", 18], ["Kim_Possible", 13]]} +{"id": 202949, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 8], ["Avenged_Sevenfold", 10], ["Avenged_Sevenfold_discography", 11], ["Avenged_Sevenfold", 17]]} +{"id": 109293, "predicted_label": "REFUTES", "predicted_evidence": [["Jack_Falahee", 0], ["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["Leonie_Ku\u0308ng", 4], ["List_of_Galaxy_Express_999_episodes", 11]]} +{"id": 39564, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Dad", 0], ["Troian_Bellisario", 5], ["Rhode_Island_International_Horror_Film_Festival", 14], ["Rhode_Island_International_Horror_Film_Festival", 0], ["Rob_Zombie", 28]]} +{"id": 77119, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prince_Vultan", 2], ["Prince_Vultan", 0], ["Sonar_Entertainment", 10], ["Hallmark_Channel_-LRB-international-RRB-", 7], ["Hallmark_Movies_&_Mysteries", 8]]} +{"id": 124669, "predicted_label": "REFUTES", "predicted_evidence": [["Paramore_-LRB-album-RRB-", 0], ["James_M._Paramore", 14], ["James_M._Paramore", 9], ["James_M._Paramore", 12], ["Paramore_discography", 12]]} +{"id": 225310, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Midnight_Show", 6], ["Saturday_Night_Live_-LRB-season_35-RRB-", 9], ["The_Midnight_Show", 3], ["Watkins_-LRB-surname-RRB-", 98], ["The_House_-LRB-2017_film-RRB-", 1]]} +{"id": 66994, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aarhus", 1], ["Geographic_center_of_Belarus", 0], ["Geographical_center_of_Sweden", 15], ["Geographic_center_of_Belarus", 10], ["Geographical_center_of_Sweden", 0]]} +{"id": 107402, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Winter's_Tale_-LRB-disambiguation-RRB-", 16], ["The_Tale_of_Mrs._Tittlemouse", 2], ["List_of_Ace_titles_in_numeric_series", 1551], ["Winter's_Tale_-LRB-disambiguation-RRB-", 20], ["Winter's_Tale_-LRB-disambiguation-RRB-", 22]]} +{"id": 55698, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Land_of_No_Return", 0], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Easy_to_Assemble", 7], ["Right_to_Kill?", 10], ["Right_to_Kill?", 6]]} +{"id": 114735, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Israeli_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["AN/APG-81", 0], ["List_of_supersonic_aircraft", 254]]} +{"id": 112396, "predicted_label": "REFUTES", "predicted_evidence": [["Bibliography_of_Greece", 398], ["Bibliography_of_Greece", 123], ["Elias_Mariolopoulos", 16], ["Elias_Mariolopoulos", 12], ["Aristotle", 4]]} +{"id": 215506, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jung_Il-hoon", 2], ["Hani_-LRB-singer-RRB-", 2], ["Gwiyomi", 2], ["Weekly_Idol", 0], ["Sorn_-LRB-singer-RRB-", 2]]} +{"id": 193867, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["Dick_Van_Dyke", 3], ["Van_Dyke", 10], ["Dick_Van_Dyke", 0]]} +{"id": 219139, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_registered_political_parties_in_Vale\u0300ncia", 62], ["Valencia", 0], ["Valencia_Football_Club", 3], ["Valencia_Football_Club", 5], ["List_of_registered_political_parties_in_Vale\u0300ncia", 18]]} +{"id": 113679, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_homeschooled_people", 141], ["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["List_of_Harry_Potter_cast_members", 19], ["List_of_people_from_Islington", 203]]} +{"id": 189771, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthias_Corvinus", 31], ["Matthias_Corvinus", 32], ["Corvin", 10], ["Corvin", 18], ["Vladislaus_II_of_Hungary", 15]]} +{"id": 205746, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Richard_L._Bare", 12], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10]]} +{"id": 89229, "predicted_label": "REFUTES", "predicted_evidence": [["What_Happens_in_Vegas", 0], ["List_of_Creative_Artists_Agency_clients", 57], ["Ashton_-LRB-given_name-RRB-", 20], ["List_of_Creative_Artists_Agency_clients", 131], ["Ashton_Kutcher", 0]]} +{"id": 133407, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michigan", 13], ["National_Safe_Boating_Council", 4], ["California_Division_of_Boating_and_Waterways", 1], ["Boating_Western_Australia", 0], ["California_Division_of_Boating_and_Waterways", 19]]} +{"id": 195839, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Jeong_Hyeong-don", 0], ["Coup_d'e\u0301tat_of_December_Twelfth", 16], ["List_of_hospitals_in_South_Korea", 101], ["List_of_hospitals_in_South_Korea", 3]]} +{"id": 88107, "predicted_label": "REFUTES", "predicted_evidence": [["Mohabbatein", 1], ["Kajol_filmography", 6], ["Kajol", 9], ["Filmfare_Award_for_Best_Music_Album", 650], ["Kajol_filmography", 7]]} +{"id": 166653, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Brian_Rice_-LRB-artist-RRB-", 8], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Scheveningen_system", 123]]} +{"id": 33054, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Microsoft_Exchange_Hosted_Services", 0], ["Email_filtering", 5], ["Mailwasher", 0], ["Email_filtering", 0], ["Email_filtering", 4]]} +{"id": 170951, "predicted_label": "SUPPORTS", "predicted_evidence": [["Smriti_Mandhana", 0], ["Louise_Browne", 0], ["Jhulan_Goswami", 10], ["Jhulan_Goswami", 0], ["Anand_Tummala", 32]]} +{"id": 143852, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arizona_Airways", 0], ["Arizona_Airways", 3], ["List_of_hospitals_in_Arizona", 151], ["Prescott,_Arizona", 11], ["Prescott,_Arizona", 14]]} +{"id": 15734, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Quick", 4], ["TV_Quick", 10], ["TV_Choice", 0], ["EastEnders", 12], ["TV_Quick", 5]]} +{"id": 152008, "predicted_label": "SUPPORTS", "predicted_evidence": [["Monster", 0], ["John_Pelan", 0], ["John_Pelan", 5], ["Roberta_Lannes", 4], ["Roberta_Lannes", 0]]} +{"id": 200387, "predicted_label": "SUPPORTS", "predicted_evidence": [["Blink-182_discography", 4], ["Blink-182", 2], ["Tom_DeLonge", 4], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Box_Car_Racer", 1]]} +{"id": 80370, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dilwale_-LRB-2015_film-RRB-", 3], ["Raees_-LRB-film-RRB-", 1], ["Main_Hoon_Na", 2], ["Raees_Dynasty", 9], ["Main_Hoon_Na", 13]]} +{"id": 130415, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Floppy_disk", 0], ["Floppy_disk_format", 10], ["History_of_IBM_magnetic_disk_drives", 7], ["Floppy_disk", 5], ["Floppy_disk_format", 0]]} +{"id": 171594, "predicted_label": "REFUTES", "predicted_evidence": [["Dallas", 5], ["Jacksonville,_North_Carolina", 1], ["Roosevelt_Island", 3], ["Roosevelt_Island", 4], ["Syracuse,_New_York", 2]]} +{"id": 189444, "predicted_label": "REFUTES", "predicted_evidence": [["Yandex", 1], ["Yandex", 9], ["Yandex.Direct", 9], ["Yandex", 14], ["Serpstat", 2]]} +{"id": 127197, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yancheng_Wild_Animal_World", 11], ["Beijing_city_fortifications", 11], ["Beijing_city_fortifications", 5], ["Beijing_city_fortifications", 20], ["Arfon_Griffiths", 0]]} +{"id": 132612, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bhagat_Singh", 0], ["S._Irfan_Habib", 6], ["Sufi_Amba_Prasad", 0], ["S._Irfan_Habib", 9], ["S._Irfan_Habib", 8]]} +{"id": 181612, "predicted_label": "SUPPORTS", "predicted_evidence": [["WGBH-TV", 0], ["WETA-TV", 0], ["WGBX-TV", 0], ["WTTW", 0], ["List_of_American_Experience_episodes", 3]]} +{"id": 25551, "predicted_label": "SUPPORTS", "predicted_evidence": [["Washington_Wizards", 12], ["List_of_people_from_Potomac,_Maryland", 102], ["List_of_Washington_Wizards_head_coaches", 0], ["2016\u201317_Washington_Wizards_season", 0], ["Washington_Wizards", 0]]} +{"id": 201365, "predicted_label": "SUPPORTS", "predicted_evidence": [["Varsity_Blues_-LRB-film-RRB-", 5], ["Varsity_Blues", 3], ["Varsity_Blues_-LRB-film-RRB-", 0], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 20]]} +{"id": 64113, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Infinite", 0], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 15], ["Marvel_vs._Capcom-COLON-_Infinite", 11]]} +{"id": 159092, "predicted_label": "REFUTES", "predicted_evidence": [["Czech_Republic", 37], ["Outline_of_Norway", 22], ["Portugal", 31], ["List_of_companies_of_Portugal", 7], ["MINUGUA", 34]]} +{"id": 189452, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yandex", 1], ["Serpstat", 2], ["Yandex.Direct", 9], ["Yandex", 9], ["Yandex_Browser", 12]]} +{"id": 139638, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Radio_Radio_Radio", 7], ["The_Influents", 11], ["Billie_Joe", 2], ["Pinhead_Gunpowder", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 155809, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["KWJC", 60], ["John_Jewell_-LRB-Worcestershire_cricketer-RRB-", 19], ["Harvey_Jewell", 1], ["Marshall_Jewell", 4], ["Guy_Jewell", 16]]} +{"id": 196749, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Renzo", 32], ["Renzo", 38], ["Renzo", 54], ["Renzo", 7], ["Marnie_-LRB-disambiguation-RRB-", 8]]} +{"id": 122878, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Judas_-LRB-Lady_Gaga_song-RRB-", 13], ["Bad_Romance", 2], ["Judas_-LRB-Lady_Gaga_song-RRB-", 10], ["2010_MTV_Video_Music_Awards", 4], ["Bad_Romance_-LRB-disambiguation-RRB-", 4]]} +{"id": 148713, "predicted_label": "REFUTES", "predicted_evidence": [["Otto_I,_Holy_Roman_Emperor", 11], ["Great_Saxon_Revolt", 43], ["Henry,_Holy_Roman_Emperor", 4], ["Otto_I,_Holy_Roman_Emperor", 0], ["Henry,_Holy_Roman_Emperor", 16]]} +{"id": 201799, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kcho", 172], ["Kcho", 268], ["Kcho", 261], ["Kcho", 219], ["Kcho", 95]]} +{"id": 71510, "predicted_label": "SUPPORTS", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting_-LRB-film-RRB-", 0], ["Ewan_McGregor", 2], ["Ewan_McGregor", 3], ["Ewen_Bremner", 1]]} +{"id": 142891, "predicted_label": "SUPPORTS", "predicted_evidence": [["Peripheral", 4], ["Touchscreen", 19], ["Touchscreen", 9], ["Video_game", 5], ["Midas_Consoles", 30]]} +{"id": 60350, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dino_Crisis_-LRB-video_game-RRB-", 1], ["Clover_Studio", 13], ["Clover_Studio", 2], ["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["P.N.03", 2]]} +{"id": 34545, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gin", 0], ["Gin", 3], ["Gin", 1], ["Gin", 2], ["Amalie_Oil_Company", 4]]} +{"id": 73736, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_F._Kennedy_Jr.", 1], ["Kennedy_Compound", 6], ["Harvard_Institute_of_Politics", 11], ["Profile_in_Courage_Award", 6], ["Caroline_Kennedy", 4]]} +{"id": 189776, "predicted_label": "REFUTES", "predicted_evidence": [["Hunyadi_family", 1], ["Matthias_Corvinus", 0], ["Hunyadi_family", 18], ["Vladislaus_II_of_Hungary", 23], ["Matthias_Corvinus", 30]]} +{"id": 138884, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yale_University", 23], ["List_of_Brigham_Young_University_alumni", 0], ["Edwin_F._Blair", 0], ["List_of_Brigham_Young_University_alumni", 3], ["Wolf's_Head_-LRB-secret_society-RRB-", 10]]} +{"id": 117541, "predicted_label": "SUPPORTS", "predicted_evidence": [["Psycho_Circus_World_Tour", 1], ["Psycho_Circus_World_Tour", 15], ["Tim_McGraw_-LRB-song-RRB-", 18], ["Psycho_Circus_World_Tour", 8], ["Psycho_Circus_World_Tour", 0]]} +{"id": 46645, "predicted_label": "SUPPORTS", "predicted_evidence": [["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["God_Hand", 1], ["P.N.03", 2], ["Clover_Studio", 13], ["Dino_Crisis_-LRB-video_game-RRB-", 1]]} +{"id": 18835, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation", 0], ["Crystal_Kay", 0], ["Rhythm_Nation", 23], ["Janet_Jackson's_Rhythm_Nation_1814", 0], ["Rhythm_Nation", 9]]} +{"id": 175632, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fabian_Nicieza", 0], ["General_-LRB-DC_Comics-RRB-", 10], ["Anarky", 19], ["Publication_history_of_Anarky", 20], ["Slayback", 2]]} +{"id": 200371, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mark_Hoppus", 5], ["Tom_DeLonge", 4], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Box_Car_Racer", 1], ["Blink-182", 0]]} +{"id": 201817, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1]]} +{"id": 93358, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["The_Girl_Who_Came_Late", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Matthew_Chapman_-LRB-author-RRB-", 7]]} +{"id": 140934, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pontic_Greek", 0], ["Standard_Greek", 8], ["Greek_language", 13], ["Greek_language", 0], ["Greek_language", 14]]} +{"id": 202465, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], ["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6]]} +{"id": 201796, "predicted_label": "REFUTES", "predicted_evidence": [["Alyssa_Wong", 7], ["Alyssa_Wong", 6], ["Alyssa_Wong", 8], ["Short_story", 9], ["Spur_Award_for_Best_Short_Fiction", 24]]} +{"id": 165647, "predicted_label": "SUPPORTS", "predicted_evidence": [["Doctor_Who_-LRB-season_12-RRB-", 0], ["Peter_Grimwade", 0], ["Doctor_Who_and_the_Pescatons", 0], ["Destination_Nerva", 0], ["Destination_Nerva", 5]]} +{"id": 202450, "predicted_label": "REFUTES", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 59823, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kuching", 0], ["Sarawak", 7], ["Kuching", 20], ["Kuching", 14], ["Sarawak", 2]]} +{"id": 8246, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miss_Fisher's_Murder_Mysteries", 6], ["Broadchurch_-LRB-series_1-RRB-", 14], ["Broadchurch_-LRB-series_1-RRB-", 16], ["Miss_Fisher's_Murder_Mysteries", 8], ["Miss_Fisher's_Murder_Mysteries", 12]]} +{"id": 32173, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["United_States_presidential_election,_1800", 17], ["Aaron_Burr_Cidery", 2], ["Theodosia_Bartow_Prevost", 7], ["Burr_-LRB-surname-RRB-", 4], ["Andrew_Crown_Brennan", 30]]} +{"id": 161853, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kristen_Anderson-Lopez", 1], ["The_Book_of_Mormon_-LRB-musical-RRB-", 2], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["Kristen_Anderson-Lopez", 20], ["Kristen_Anderson-Lopez", 7]]} +{"id": 155185, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brazzers", 0], ["Hugh_McLennan", 12], ["Hugh_McLennan", 7], ["Lee_Roy_Myers", 4], ["Hugh_McLennan", 6]]} +{"id": 104152, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Insulindia", 4], ["French_Protectorate_of_Laos", 0], ["Indochina_Wars", 0], ["First_Indochina_War", 6]]} +{"id": 103060, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["17th_PTV_Awards", 10], ["Mohra", 4], ["List_of_accolades_received_by_Nebraska_-LRB-film-RRB-", 24], ["List_of_accolades_received_by_Nebraska_-LRB-film-RRB-", 9], ["Filmfare_Award_for_Best_Music_Album", 48]]} +{"id": 160938, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["Ernest_He\u0301brard", 11], ["Indochina_Wars", 7], ["Indochina_Wars", 0], ["Siam_Nakhon_Province", 19]]} +{"id": 72786, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales-COLON-_Tribute", 4], ["Gary_Crowley", 35], ["Diana,_Princess_of_Wales", 0], ["Diana,_Princess_of_Wales-COLON-_Tribute", 0], ["Diana_\u2013_The_People's_Princess", 31]]} +{"id": 148970, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_Central_Arizona", 119], ["North_Central_Arizona", 121], ["List_of_Tree_Cities_USA", 1420], ["List_of_communities_on_the_Navajo_Nation", 192], ["List_of_Tree_Cities_USA", 882]]} +{"id": 96695, "predicted_label": "SUPPORTS", "predicted_evidence": [["Geography_of_Afghanistan", 6], ["Hindu_Kush", 5], ["List_of_mountain_ranges_of_Pakistan", 15], ["Hindu_Kush", 0], ["Hindu_Kush", 6]]} +{"id": 47546, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_Earth", 13], ["History_of_Earth", 0], ["Porcupine_Gorge", 110], ["Porcupine_Gorge", 83], ["Seneca_Quarry", 40]]} +{"id": 75301, "predicted_label": "REFUTES", "predicted_evidence": [["Rajinikanth_filmography", 23], ["Sayyeshaa", 1], ["Zabalaza_Anarchist_Communist_Front", 0], ["Anarchist_Communist_Federation", 5], ["Harshvardhan_Rane", 10]]} +{"id": 164631, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jolin_Tsai_discography", 35], ["To_Pimp_a_Butterfly", 12], ["To_Pimp_a_Butterfly", 6], ["To_Pimp_a_Butterfly", 0], ["Jolin_Tsai_discography", 27]]} +{"id": 19738, "predicted_label": "SUPPORTS", "predicted_evidence": [["Deep_Cover_-LRB-soundtrack-RRB-", 2], ["Jewell_-LRB-singer-RRB-", 3], ["Deep_Cover_-LRB-soundtrack-RRB-", 0], ["Deep_Cover_-LRB-song-RRB-", 1], ["Deep_Cover_-LRB-song-RRB-", 0]]} +{"id": 3494, "predicted_label": "SUPPORTS", "predicted_evidence": [["\u00c6thelfl\u00e6d", 5], ["The_English_people", 4], ["English_people", 15], ["The_English_people", 2], ["The_English_people", 0]]} +{"id": 152968, "predicted_label": "REFUTES", "predicted_evidence": [["Soulshaker", 4], ["Soulshaker", 0], ["Never_Miss_the_Water", 0], ["Soulshaker", 12], ["Camouflage_-LRB-Rufus_album-RRB-", 5]]} +{"id": 43702, "predicted_label": "SUPPORTS", "predicted_evidence": [["My_Theodosia", 3], ["United_States_presidential_election,_1800", 17], ["United_States_presidential_election,_1800", 23], ["Burr_-LRB-surname-RRB-", 4], ["List_of_Vice_Presidents_of_the_United_States", 2]]} +{"id": 50910, "predicted_label": "REFUTES", "predicted_evidence": [["Poldark_Mine", 14], ["Poldark", 11], ["Ross_Poldark", 5], ["Ross_Poldark", 7], ["Poldark_Mine", 6]]} +{"id": 69425, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Canadians_-LRB-TV_series-RRB-", 0], ["Biographical_film", 9], ["Avan_Jogia", 3], ["Avan_Jogia", 7], ["Intimate_Portrait", 0]]} +{"id": 42888, "predicted_label": "REFUTES", "predicted_evidence": [["Taylor_Lautner", 4], ["Taylor_Lautner", 0], ["Scooby-Doo_and_Scrappy-Doo", 12], ["Scooby-Doo_and_Scrappy-Doo", 10], ["Scooby-Doo", 13]]} +{"id": 64440, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wildfang", 1], ["Tom_Waits_for_No_One", 0], ["Wildfang", 0], ["Romeo_Is_Bleeding_-LRB-song-RRB-", 18], ["Romeo_Is_Bleeding_-LRB-song-RRB-", 10]]} +{"id": 69633, "predicted_label": "REFUTES", "predicted_evidence": [["Viola_Davis", 6], ["Richard_Penn_-LRB-actor-RRB-", 3], ["Richard_Penn_-LRB-actor-RRB-", 0], ["Richard_Penn_-LRB-actor-RRB-", 6], ["African-American_representation_in_Hollywood", 8]]} +{"id": 179342, "predicted_label": "REFUTES", "predicted_evidence": [["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2], ["Osamu_Tezuka's_Star_System", 2], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 43483, "predicted_label": "REFUTES", "predicted_evidence": [["Edmund_Pendleton_-LRB-disambiguation-RRB-", 6], ["North_-LRB-surname-RRB-", 52], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 124], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 395], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 82]]} +{"id": 107419, "predicted_label": "SUPPORTS", "predicted_evidence": [["Crips", 9], ["Agriculture_in_Burkina_Faso", 2], ["Gangs_in_Memphis,_Tennessee", 5], ["Gangs_in_Memphis,_Tennessee", 6], ["East_Nashville_Crips", 0]]} +{"id": 122950, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Good_Wife", 12], ["The_Good_Wife_-LRB-disambiguation-RRB-", 0], ["The_Good_Wife_-LRB-disambiguation-RRB-", 6], ["The_Good_Wife", 0], ["The_Good_Wife", 9]]} +{"id": 182446, "predicted_label": "SUPPORTS", "predicted_evidence": [["Epistemology", 3], ["Failure_of_imagination", 3], ["Epistemology", 4], ["List_of_books_by_Jacob_Neusner", 1059], ["Reformed_epistemology", 13]]} +{"id": 123925, "predicted_label": "REFUTES", "predicted_evidence": [["Wales", 16], ["Union_violence_in_the_United_States", 8], ["Nation_of_shopkeepers", 50], ["Angels_in_Disguise_-LRB-album-RRB-", 6], ["Division_of_labour", 15]]} +{"id": 83218, "predicted_label": "REFUTES", "predicted_evidence": [["NRG_Recording_Studios", 0], ["A_Thousand_Suns", 4], ["Icon_for_Hire_-LRB-album-RRB-", 1], ["Got_the_Life", 1], ["NRG", 27]]} +{"id": 43666, "predicted_label": "REFUTES", "predicted_evidence": [["Palace_Theatre,_London", 0], ["Palace_-LRB-disambiguation-RRB-", 20], ["Victoria_Palace", 0], ["Victoria_Theatre", 31], ["Victoria_Palace", 3]]} +{"id": 175488, "predicted_label": "SUPPORTS", "predicted_evidence": [["Christian_Gottlob_Neefe", 0], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45], ["Ludwig_van_Beethoven", 5], ["Gustav_Friedrich_Wilhelm_Gro\u00dfmann", 1]]} +{"id": 56488, "predicted_label": "SUPPORTS", "predicted_evidence": [["College_of_Natural_Resources_-LRB-Bhutan-RRB-", 19], ["University_of_Mississippi", 4], ["Changchun_University_of_Science_and_Technology", 20], ["Credential_evaluation", 11], ["University_of_Mississippi", 0]]} +{"id": 209873, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dorothy_B._Hughes", 11], ["In_a_Lonely_Place", 1], ["Art_Smith_-LRB-actor-RRB-", 10], ["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["Dorothy_B._Hughes", 1]]} +{"id": 227133, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_Orleans_Pelicans", 1], ["Southwest_Division_-LRB-NBA-RRB-", 0], ["List_of_New_Orleans_Pelicans_head_coaches", 1], ["List_of_New_Orleans_Pelicans_seasons", 1], ["List_of_New_Orleans_Pelicans_head_coaches", 5]]} +{"id": 27053, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Efraim_Diveroli", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["David_Packouz", 0], ["David_Packouz", 16], ["David_Packouz", 7]]} +{"id": 2231, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_Thomson", 3], ["Slipknot_discography", 9], ["Michael_Thomson", 9], ["List_of_Slipknot_concert_tours", 19], ["Slipknot_-LRB-band-RRB-", 2]]} +{"id": 45930, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jens_Stoltenberg", 4], ["36.9_ultimatum", 5], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 16], ["2011_Norway_attacks", 9]]} +{"id": 144922, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["Clover_Studio", 2], ["God_Hand", 1], ["Goof_Troop_-LRB-video_game-RRB-", 4], ["P.N.03", 2]]} +{"id": 182274, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_MP_transmission", 0], ["Saturn_Cycling_Team", 1], ["Ben_Cunningham_-LRB-activist-RRB-", 17], ["Saturn_-LRB-store-RRB-", 0]]} +{"id": 96069, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revisited", 0], ["Heartland_Music_Presents_Creedence_Clearwater_Revival", 50], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 4], ["Creedence_Clearwater_Revival", 0]]} +{"id": 15000, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Showbiz_Show_with_David_Spade", 0], ["Black_Sheep_-LRB-1996_film-RRB-", 0], ["Dan_Peters", 10], ["The_Showbiz_Show_with_David_Spade", 2], ["Black_Sheep_-LRB-rock_band-RRB-", 4]]} +{"id": 198029, "predicted_label": "REFUTES", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 6], ["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 191446, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Wolfgang_Mu\u0308ller_-LRB-musician-RRB-", 20], ["Wolfgang_Mu\u0308ller_-LRB-musician-RRB-", 16], ["Days_Go_By", 4], ["Earl_Young_-LRB-drummer-RRB-", 9]]} +{"id": 72156, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wildfang", 0], ["Mike_Burton_-LRB-politician-RRB-", 74], ["Mike_Burton_-LRB-politician-RRB-", 5], ["Portland_High_School", 11], ["Portland_High_School", 13]]} +{"id": 27117, "predicted_label": "REFUTES", "predicted_evidence": [["No_Country_for_Old_Men", 1], ["No_Country_for_Old_Men_-LRB-film-RRB-", 1], ["List_of_accolades_received_by_No_Country_for_Old_Men", 1], ["West_Texas", 4], ["West_Texas", 8]]} +{"id": 157813, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam", 13], ["Pearl_Jam", 8], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 7], ["Pearl_Jam_discography", 19], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 14]]} +{"id": 97926, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_Earl_Jones", 7], ["List_of_stutterers", 10], ["Robert_Earl_Jones", 5], ["Equity_Library_Theatre", 12], ["Earl_-LRB-given_name-RRB-", 271]]} +{"id": 48230, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good,_the_Bad_&_the_Queen_-LRB-song-RRB-", 0], ["Damon_Albarn", 4], ["Damon_Albarn", 12], ["Damon_Albarn", 17], ["Jeff_Wootton", 1]]} +{"id": 203009, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robert_J._Stevens", 1], ["Hewson", 34], ["List_of_people_from_Potomac,_Maryland", 74], ["Lockheed_Martin", 4], ["Lockheed_Martin", 15]]} +{"id": 111719, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["Fanning_-LRB-surname-RRB-", 10], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Dakota_Fanning", 0]]} +{"id": 135082, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Coke_N_Butter", 2], ["MC4_-LRB-mixtape-RRB-", 12], ["Back_on_Road", 2], ["Migos", 8], ["No_Frauds", 1]]} +{"id": 104244, "predicted_label": "REFUTES", "predicted_evidence": [["Starrcade", 0], ["The_Big_Event", 4], ["SummerSlam", 2], ["The_Great_American_Bash_-LRB-1991-RRB-", 1], ["Starrcade", 16]]} +{"id": 97880, "predicted_label": "REFUTES", "predicted_evidence": [["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Andrew_Walker", 19], ["Event_Horizon_-LRB-film-RRB-", 1], ["Nerdland", 0], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 212337, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 112777, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heart", 19], ["Athletic_heart_syndrome", 0], ["Transcutaneous_pacing", 6], ["Athletic_heart_syndrome", 8], ["Tachycardia", 1]]} +{"id": 45462, "predicted_label": "SUPPORTS", "predicted_evidence": [["Josh_Greenfeld", 5], ["Space_habitat", 0], ["Deep_Space_Habitat", 3], ["Deep_Space_Habitat", 7], ["Deep_Space_Habitat", 0]]} +{"id": 216360, "predicted_label": "SUPPORTS", "predicted_evidence": [["Karluk_languages", 3], ["Chagatai_people", 7], ["Chagatai", 9], ["Chagatai_Khan", 2], ["Uyghur_Arabic_alphabet", 5]]} +{"id": 134894, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Showbiz_Show_with_David_Spade", 0], ["Showbiz", 21], ["Resident_Alien", 13], ["The_Do-Over", 6], ["The_Showbiz_Show_with_David_Spade", 2]]} +{"id": 112458, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Real_Milli_Vanilli", 0], ["List_of_Billboard_200_number-one_albums_of_1989", 26], ["List_of_Billboard_200_number-one_albums_of_1989", 28], ["List_of_Billboard_200_number-one_albums_of_1989", 22], ["List_of_Billboard_200_number-one_albums_of_1989", 33]]} +{"id": 161007, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Bar_Refaeli", 4], ["Esti_Ginzburg", 3], ["Gal_Gadot", 0], ["Gadot_-LRB-surname-RRB-", 4]]} +{"id": 128580, "predicted_label": "REFUTES", "predicted_evidence": [["North_County_Times", 22], ["The_Salinas_Californian", 0], ["North_County_Times", 23], ["Californian_-LRB-schooner-RRB-", 0], ["Californian_-LRB-schooner-RRB-", 10]]} +{"id": 167470, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cadet_Kelly", 0], ["The_Id_-LRB-album-RRB-", 6], ["The_Cheetah_Girls_2", 1], ["Karaoke_Superstars", 3], ["Hilary_Duff", 3]]} +{"id": 218235, "predicted_label": "SUPPORTS", "predicted_evidence": [["Spain", 5], ["List_of_companies_of_Libya", 2], ["Libya", 2], ["Sudan", 16], ["Brazil", 1]]} +{"id": 175487, "predicted_label": "SUPPORTS", "predicted_evidence": [["Christian_Gottlob_Neefe", 0], ["Ludwig_van_Beethoven", 5], ["Ludwig_van_Beethoven", 2], ["Masonic_music", 5], ["Gottlob", 35]]} +{"id": 154417, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 207257, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Endometrial_cancer", 26], ["Endometrial_cancer", 27], ["Endometrial_cancer", 11], ["Tao_brush", 0], ["Endometrial_hyperplasia", 5]]} +{"id": 50964, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vietnam", 1], ["Vietnam", 0], ["Vietnam", 21], ["Vietnam", 16], ["Vietnam", 18]]} +{"id": 786, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["Jesse_Carlson", 0], ["Paul_Carlson", 28], ["Paul_Carlson", 25]]} +{"id": 203627, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sugarland_Express", 3], ["James_Kenneth_Crone", 2], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Merrill_Connally", 11], ["Slipstream_-LRB-unfinished_film-RRB-", 0]]} +{"id": 65558, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alun_Parry", 30], ["Liverpool_Daily_Post", 13], ["Rodewald_Concert_Society", 37], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 222], ["Rodewald_Concert_Society", 45]]} +{"id": 52751, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2], ["Griffiths", 123], ["Stella_Richman", 19], ["Arfon_Griffiths", 0]]} +{"id": 102751, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Red_Red_Wine", 5], ["The_Essential_Neil_Diamond", 0], ["Classics-COLON-_The_Early_Years", 3], ["Forever_in_Blue_Jeans", 7], ["Forever_in_Blue_Jeans", 0]]} +{"id": 209090, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Red_Hot_Chili_Peppers_band_members", 59], ["Stadium_Arcadium_World_Tour", 0], ["Red_Hot_Chili_Peppers", 27], ["Stadium_Arcadium_World_Tour", 5], ["John_Frusciante_discography", 18]]} +{"id": 21320, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_B._Haberlen", 1], ["John_B._Haberlen", 9], ["Savannah_Music_Festival", 4], ["Savannah_Music_Festival", 0], ["Savannah_Music_Festival", 1]]} +{"id": 166864, "predicted_label": "SUPPORTS", "predicted_evidence": [["Drake_Bell_discography", 23], ["Reminder", 5], ["Drake_&_Josh_-LRB-soundtrack-RRB-", 0], ["Drake_&_Josh", 1], ["Drake_&_Josh", 4]]} +{"id": 81080, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Being_Tom_Cruise", 0], ["Tom_Cruise-COLON-_Unauthorized", 0], ["Tom_Cruise-COLON-_Unauthorized", 7], ["Jerry_Maguire", 0], ["Jerry_Maguire", 10]]} +{"id": 12691, "predicted_label": "REFUTES", "predicted_evidence": [["San_Diego_Comic-Con", 1], ["Comic_book_convention", 26], ["Jackie_Estrada", 3], ["San_Diego_Comic-Con", 2], ["Mike_Towry", 1]]} +{"id": 92576, "predicted_label": "REFUTES", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Loaded_-LRB-band-RRB-", 0], ["Loaded_discography", 0], ["List_of_Guns_N'_Roses_members", 1], ["Loaded_-LRB-band-RRB-", 1]]} +{"id": 51741, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mount_Rushmore", 1], ["Walter_K._Long", 8], ["John_Sherrill_Houser", 1], ["Borglum", 9], ["Borglum", 11]]} +{"id": 225290, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thanks_for_Sharing", 1], ["Casual_-LRB-TV_series-RRB-", 1], ["Tommy_Dewey", 1], ["Watkins_-LRB-surname-RRB-", 98], ["Richland_Farm_-LRB-Clarksville,_Maryland-RRB-", 18]]} +{"id": 148696, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tornadoes_in_the_United_States", 27], ["Southern_United_States", 0], ["2010\u201313_Southern_United_States_and_Mexico_drought", 0], ["Tornadoes_in_the_United_States", 10], ["2010\u201313_Southern_United_States_and_Mexico_drought", 7]]} +{"id": 38263, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_New_York_Times", 19], ["The_New_York_Times", 0], ["Tom_Gross", 25], ["The_New_York_Times", 11], ["The_New_York_Times", 16]]} +{"id": 160815, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Juventus_Stadium", 0], ["Juventus_TV", 0], ["List_of_Juventus_F.C._players", 5], ["List_of_Juventus_F.C._players", 0], ["List_of_Juventus_F.C._players", 3]]} +{"id": 185239, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_vexillologists", 65], ["Bennington_flag", 0], ["List_of_vexillologists", 57], ["List_of_vexillologists", 29], ["Bennington_flag", 9]]} +{"id": 194486, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda", 12], ["Michael_Clayton_-LRB-film-RRB-", 1], ["Swinton_-LRB-surname-RRB-", 19], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Snowpiercer", 5]]} +{"id": 42152, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Anthony_Meindl", 20], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Percy_Jackson_&_the_Olympians-COLON-_The_Lightning_Thief", 2], ["Percy_Jackson-COLON-_Sea_of_Monsters", 6], ["Kenny_Woods", 18]]} +{"id": 202027, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tamerlan_Tsarnaev", 8], ["Dzhokhar_Tsarnaev", 5], ["Tamerlan_Tsarnaev", 9], ["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3]]} +{"id": 185289, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Automotive", 0], ["Jeanine_Basinger", 11], ["Backyard_wrestling", 12], ["Fuller_-LRB-surname-RRB-", 11]]} +{"id": 29092, "predicted_label": "REFUTES", "predicted_evidence": [["The_Good_Wife", 12], ["The_Good_Wife", 4], ["The_Good_Wife_-LRB-disambiguation-RRB-", 0], ["The_Good_Wife_-LRB-disambiguation-RRB-", 6], ["The_Good_Wife", 9]]} +{"id": 131728, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Esti_Ginzburg", 3], ["Bar_Refaeli", 4], ["Shlomit_Malka", 4], ["Shlomit_Malka", 0]]} +{"id": 80451, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mister_Fantastic", 17], ["Invisible_Woman", 15], ["Human_Torch", 18], ["Alicia_Masters", 8], ["Fantastic_Four_in_film", 7]]} +{"id": 31631, "predicted_label": "SUPPORTS", "predicted_evidence": [["American_Sniper", 1], ["American_Sniper_-LRB-book-RRB-", 0], ["Brandon_Webb_-LRB-author-RRB-", 1], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 1]]} +{"id": 135773, "predicted_label": "REFUTES", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1], ["I_Am_Sam", 0], ["I_Am_Sam", 11]]} +{"id": 136853, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joey_Tribbiani", 1], ["The_One_with_the_Rumor", 2], ["List_of_Friends_episodes", 6], ["Ross_Geller", 3], ["Zen_Gesner", 3]]} +{"id": 187105, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mariano_Vivanco", 8], ["Urban_Legends-COLON-_Final_Cut", 2], ["Teddy_Zee", 34], ["Last_Night_-LRB-2010_film-RRB-", 1], ["The_Spirit_-LRB-film-RRB-", 0]]} +{"id": 21313, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Promised_Land_-LRB-2012_film-RRB-", 0], ["Last_Day_in_Florida", 7], ["Customer_Loyalty_-LRB-The_Office-RRB-", 7], ["Dave_Shalansky", 6], ["Dave_Shalansky", 7]]} +{"id": 109865, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 13], ["Phillauri_-LRB-film-RRB-", 2], ["The_Ring_-LRB-2017_film-RRB-", 1], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Phillauri_-LRB-film-RRB-", 0]]} +{"id": 70601, "predicted_label": "REFUTES", "predicted_evidence": [["Hush_-LRB-2016_film-RRB-", 2], ["Intrepid_Pictures", 0], ["Crush_-LRB-2013_film-RRB-", 0], ["Hush_-LRB-2016_film-RRB-", 5], ["Intrepid_Pictures", 4]]} +{"id": 104627, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Imagine_That_-LRB-film-RRB-", 1], ["Yara_-LRB-given_name-RRB-", 45], ["Black-ish_-LRB-season_1-RRB-", 6], ["Ziyodullo_Shahidi", 44], ["Ziyodullo_Shahidi", 0]]} +{"id": 211287, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_24_episodes", 15], ["That_'70s_Show_-LRB-season_8-RRB-", 0], ["List_of_Weeds_episodes", 12], ["List_of_Weeds_episodes", 22], ["Australia's_Got_Talent", 12]]} +{"id": 19750, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Showbiz_Show_with_David_Spade", 0], ["Resident_Alien", 13], ["Showbiz", 21], ["The_Showbiz_Show_with_David_Spade", 2], ["The_Do-Over", 6]]} +{"id": 53672, "predicted_label": "REFUTES", "predicted_evidence": [["Laptop", 3], ["Flat_panel_display", 18], ["Flat_panel_display", 0], ["Laptop", 14], ["Touchscreen", 19]]} +{"id": 187207, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Hurt_Locker", 0], ["Kathryn_Bigelow", 1], ["2008_Zurich_Film_Festival", 6], ["List_of_awards_and_nominations_received_by_Jeremy_Renner", 1], ["List_of_accolades_received_by_The_Hurt_Locker", 0]]} +{"id": 109142, "predicted_label": "REFUTES", "predicted_evidence": [["Kartik_-LRB-month-RRB-", 0], ["Invisible_Woman", 15], ["Mister_Fantastic", 17], ["Human_Torch", 18], ["Alicia_Masters", 8]]} +{"id": 93546, "predicted_label": "SUPPORTS", "predicted_evidence": [["Remnant_advertising", 22], ["Remnant_advertising", 0], ["Good_things_come_to_those_who_wait_-LRB-Guinness-RRB-", 0], ["Old_man's_car", 5], ["List_of_Latin_legal_terms", 2379]]} +{"id": 368, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nomis_-LRB-film-RRB-", 1], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Lefty_O'Doul_Bridge", 18], ["Percy_Jackson-COLON-_Sea_of_Monsters", 6], ["Kenny_Woods", 18]]} +{"id": 131591, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Preethiyinda_Ramesh", 2], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Festival_in_Cannes", 22]]} +{"id": 98984, "predicted_label": "SUPPORTS", "predicted_evidence": [["Economy_of_Chile", 0], ["Outline_of_Chile", 11], ["Chile", 20], ["Chile", 23], ["Bibliography_of_South_America", 308]]} +{"id": 146740, "predicted_label": "REFUTES", "predicted_evidence": [["Filmfare_Award_for_Best_Music_Album", 650], ["Kajol", 9], ["Kajol_filmography", 6], ["Kajol_filmography", 7], ["Dilwale_Dulhania_Le_Jayenge", 7]]} +{"id": 186921, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cher_albums_discography", 25], ["The_Geffen_Film_Company", 0], ["Lock_Up_-LRB-American_band-RRB-", 15], ["Geffen", 13], ["Keyshia_Cole_discography", 7]]} +{"id": 202926, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 10], ["Hail_to_the_King_-LRB-Avenged_Sevenfold_album-RRB-", 0], ["City_of_Evil", 0], ["Avenged_Sevenfold_discography", 0]]} +{"id": 91082, "predicted_label": "REFUTES", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["Rainn_Wilson", 9], ["List_of_compositions_by_Alan_Hovhaness", 160], ["List_of_compositions_by_Alan_Hovhaness", 553]]} +{"id": 156026, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["History_of_West_Ham_United_F.C.", 0], ["History_of_West_Ham_United_F.C.", 2]]} +{"id": 73096, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 11], ["Sandra_Bullock_filmography", 14], ["Sandra_Bullock_filmography", 7], ["Sandra_Bullock_filmography", 17]]} +{"id": 128802, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billboard_Dad", 0], ["Troian_Bellisario", 5], ["A\u0308nglahund", 5], ["A\u0308nglahund", 1], ["A\u0308nglahund", 8]]} +{"id": 61397, "predicted_label": "SUPPORTS", "predicted_evidence": [["TV_Choice", 1], ["Take_5_-LRB-magazine-RRB-", 1], ["Take_5_-LRB-magazine-RRB-", 10], ["TV_Quick", 4], ["TV_Quick", 10]]} +{"id": 33700, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pablo_Larrai\u0301n", 0], ["Tropical_Storm_Pablo", 17], ["Pablo_Larrai\u0301n", 1], ["Tropical_Storm_Pablo", 18], ["Larrai\u0301n", 58]]} +{"id": 74874, "predicted_label": "SUPPORTS", "predicted_evidence": [["White_House_Press_Secretary", 0], ["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3], ["Robert_Gibbs", 11]]} +{"id": 84836, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Make_a_Smellmitment", 2], ["Make_a_Smellmitment", 9], ["Make_a_Smellmitment", 4], ["Make_a_Smellmitment", 8], ["Make_a_Smellmitment", 6]]} +{"id": 49281, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ludwig_van_Beethoven_-LRB-1712\u20131773-RRB-", 0], ["Beethoven_Gesamtausgabe", 1], ["Beethoven_Gesamtausgabe", 0], ["Beethoven_in_film", 14], ["List_of_awards_received_by_the_Chicago_Symphony_Orchestra", 98]]} +{"id": 200368, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_DeLonge", 4], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Box_Car_Racer", 1], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 3], ["Blink-182_discography", 4]]} +{"id": 37490, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["John_Tempesta", 0], ["System_of_a_Down_discography", 25], ["List_of_American_musicians_of_Armenian_descent", 85]]} +{"id": 54877, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Efraim_Diveroli", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["David_Packouz", 0], ["Project_Gemini", 13], ["David_Packouz", 3]]} +{"id": 165894, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alice_Cooper", 0], ["Pretties_for_You", 2], ["Alice_Cooper_-LRB-disambiguation-RRB-", 0], ["Alice_Cooper", 10], ["Alice_Cooper", 5]]} +{"id": 77351, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nichiren", 15], ["Buddhism_and_psychology", 0], ["Buddhism", 14], ["Buddhism_and_psychology", 6], ["Kleshas", 5]]} +{"id": 120520, "predicted_label": "REFUTES", "predicted_evidence": [["Odder_Municipality", 0], ["Aarhus_Municipality", 0], ["Grenaa_Municipality", 0], ["Aarhus", 1], ["Grenaa_Municipality", 4]]} +{"id": 138498, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Martin_Bregman", 1], ["Eddie_Murphy", 13], ["Jay_Mohr", 2], ["Nash_-LRB-surname-RRB-", 91]]} +{"id": 169034, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["First_Manmohan_Singh_ministry", 0], ["Manmohan_Singh_ministry", 3], ["First_Manmohan_Singh_ministry", 5], ["Manmohan_Singh", 1], ["Manmohan_Singh_ministry", 5]]} +{"id": 185389, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chip_-LRB-snack_type-RRB-", 19], ["Casino_chip_collecting", 33], ["Corn_chip", 9], ["Casino_chip_collecting", 39], ["Casino_chip_collecting", 0]]} +{"id": 181983, "predicted_label": "SUPPORTS", "predicted_evidence": [["Forceps", 0], ["Forceps", 20], ["Forceps", 22], ["Forceps", 21], ["Instruments_used_in_general_surgery", 6]]} +{"id": 107067, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pen\u0303abot", 2], ["Social_media_and_television", 6], ["Service_dress", 11], ["The_dress", 5], ["Pen\u0303abot", 6]]} +{"id": 27081, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Gifted_-LRB-TV_series-RRB-", 0], ["Emma_Frost", 9], ["X-Men", 15], ["The_Gifted_-LRB-TV_series-RRB-", 7], ["X-Men", 2]]} +{"id": 62358, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gin", 0], ["Steinha\u0308ger", 0], ["Juniper_-LRB-given_name-RRB-", 12], ["Borovic\u030cka", 0], ["Bombay_Sapphire", 6]]} +{"id": 145562, "predicted_label": "SUPPORTS", "predicted_evidence": [["U.S._Route_30_in_New_Jersey", 1], ["Camden,_New_Jersey", 0], ["Camden_County", 2], ["List_of_New_Jersey_tornadoes", 57], ["Camden,_New_Jersey", 11]]} +{"id": 43518, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Society_of_Certified_Criminal_Analysts", 1], ["Securities_research", 2], ["Securities_research", 1], ["Industry_analyst", 15], ["Application_analyst", 31]]} +{"id": 10356, "predicted_label": "SUPPORTS", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Jessica_Jones", 1], ["Brian_Michael_Bendis", 12], ["Ultimate_Spider-Man", 16], ["Secret_War_-LRB-comics-RRB-", 1]]} +{"id": 95665, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kesha_v._Dr._Luke", 9], ["Kesha_v._Dr._Luke", 15], ["Kesha_v._Dr._Luke", 0], ["Kesha", 17], ["Kesha_v._Dr._Luke", 4]]} +{"id": 205664, "predicted_label": "REFUTES", "predicted_evidence": [["St._Anger", 0], ["Misia_discography", 33], ["Snoop_Dogg_discography", 106], ["Britney_Spears_discography", 23], ["Snoop_Dogg_discography", 117]]} +{"id": 136281, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Portlandia_characters", 0], ["The_8G_Band", 1], ["List_of_Saturday_Night_Live_musical_sketches", 50], ["List_of_Saturday_Night_Live_musical_sketches", 54], ["Saturday_Night_Live_characters_appearing_on_Weekend_Update", 116]]} +{"id": 156901, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heavy_metal_lyrics", 0], ["Andrew_Haug", 5], ["List_of_gothic_metal_bands", 4], ["Christian_metal", 10], ["List_of_gothic_metal_bands", 1]]} +{"id": 137414, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stan_Williams", 5], ["John_Williams_-LRB-Manitoba_politician-RRB-", 34], ["Archibald_Williams_-LRB-judge-RRB-", 246], ["Barbara_Becnel", 14], ["Barbara_Becnel", 1]]} +{"id": 15508, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ashley_Cole", 0], ["LA_Galaxy", 14], ["LA_Galaxy", 0], ["Harut_Karapetyan", 1], ["MLS_Western_Conference_Champions", 43]]} +{"id": 82129, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Microbiologist", 14], ["Comparison_of_research_networking_tools_and_research_profiling_systems", 3], ["Francesco_Dieli", 46], ["Comparison_of_research_networking_tools_and_research_profiling_systems", 0], ["Comparison_of_research_networking_tools_and_research_profiling_systems", 2]]} +{"id": 74762, "predicted_label": "SUPPORTS", "predicted_evidence": [["Replicant", 0], ["Blade_Runner_2049", 0], ["Blade_Runner", 26], ["Blade_Runner_-LRB-a_movie-RRB-", 3], ["Blade_Runner_-LRB-a_movie-RRB-", 5]]} +{"id": 53372, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Assyrian_genocide", 7], ["Assyrian_genocide", 6], ["Armenian_Genocide", 0], ["Armenian_Genocide", 10], ["Armenian_Genocide", 13]]} +{"id": 129570, "predicted_label": "SUPPORTS", "predicted_evidence": [["Washington_Wizards", 12], ["Washington_Redskins", 18], ["List_of_Washington_Wizards_head_coaches", 9], ["Washington_Wizards", 0], ["List_of_Washington_Wizards_head_coaches", 0]]} +{"id": 46957, "predicted_label": "REFUTES", "predicted_evidence": [["Cyrus_-LRB-surname-RRB-", 18], ["Cyrus_-LRB-surname-RRB-", 14], ["Cyrus_-LRB-surname-RRB-", 8], ["Brandon_Friesen", 11], ["Cyrus_-LRB-surname-RRB-", 16]]} +{"id": 137420, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Brian_Michael_Bendis", 12], ["Jessica_Jones", 1], ["Ultimate_Spider-Man", 11], ["Ultimate_Spider-Man", 16]]} +{"id": 187777, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["The_Sterile_Cuckoo", 0], ["Wendell_Burton", 1], ["Wendell_Burton", 10], ["Pooky", 14]]} +{"id": 95161, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Land_Rover_Discovery_Sport", 2], ["List_of_multiple_discoveries", 2], ["Discovery_Channel_Romania", 8], ["New_Discovery", 3], ["Discovery_Channel_Poland", 8]]} +{"id": 194370, "predicted_label": "SUPPORTS", "predicted_evidence": [["Happiness_in_Slavery", 2], ["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 6], ["World_Happiness_Report", 0], ["World_Happiness_Report", 10]]} +{"id": 87713, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pleasant_Street_-LRB-BERy_station-RRB-", 1], ["Boylston_-LRB-MBTA_station-RRB-", 2], ["Boylston_-LRB-MBTA_station-RRB-", 5], ["Boylston_-LRB-MBTA_station-RRB-", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0]]} +{"id": 94729, "predicted_label": "REFUTES", "predicted_evidence": [["Crips", 9], ["Grape_Street_Watts_Crips_-LRB-gang-RRB-", 4], ["East_Nashville_Crips", 0], ["Watts_truce", 6], ["East_Nashville_Crips", 2]]} +{"id": 35260, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["WWE_European_Championship", 4], ["Judgment_Day_-LRB-2007-RRB-", 9], ["WWE_European_Championship", 0], ["Stephanie_McMahon", 5], ["List_of_WWE_European_Champions", 10]]} +{"id": 90925, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barbara_Becnel", 2], ["Real_Soon", 5], ["Stan_Williams", 5], ["Barbara_Becnel", 7], ["Barbara_Becnel", 14]]} +{"id": 206173, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palo_Alto,_California", 0], ["San_Francisco_Peninsula", 0], ["Palo_Alto_Art_Center", 6], ["San_Francisco_Peninsula", 3], ["East_Palo_Alto,_California", 3]]} +{"id": 192975, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kyle's_Bed_&_Breakfast", 4], ["G.B.F._-LRB-film-RRB-", 2], ["Stargate_-LRB-film-RRB-", 2], ["Stargate_-LRB-film-RRB-", 1], ["Stargate", 12]]} +{"id": 4039, "predicted_label": "REFUTES", "predicted_evidence": [["Liverpool", 7], ["Liverpool_Irish", 2], ["Liverpool_Irish", 6], ["Lancastrian_Brigade", 32], ["Lancashire_Wildlife_Trust", 0]]} +{"id": 183582, "predicted_label": "SUPPORTS", "predicted_evidence": [["Finding_Dory", 1], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Andrew_Stanton", 7], ["Finding_Nemo", 1]]} +{"id": 203008, "predicted_label": "REFUTES", "predicted_evidence": [["Lockheed_Martin", 4], ["Bobby_Mehta", 14], ["Fred_Moosally", 0], ["Chris_Kubasik", 23], ["Fred_Moosally", 22]]} +{"id": 77028, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janet_Leigh", 0], ["The_Black_Shield_of_Falworth", 1], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Tony_Curtis", 27], ["The_Black_Shield_of_Falworth", 7]]} +{"id": 202058, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Dzhokhar_Tsarnaev", 1], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 14]]} +{"id": 96937, "predicted_label": "REFUTES", "predicted_evidence": [["Anil_Devgan", 0], ["Ajay_Devgn", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Veeru_Devgan", 0], ["Devgan", 6]]} +{"id": 74365, "predicted_label": "SUPPORTS", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["Count_Dooku", 0], ["Watto", 0], ["Count_Dooku", 4], ["Watto", 6]]} +{"id": 112163, "predicted_label": "SUPPORTS", "predicted_evidence": [["Max_Schmeling", 13], ["Utawarerumono", 11], ["Utawarerumono", 13], ["Windows_Vista", 4], ["Paris_Hilton", 4]]} +{"id": 160309, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gal_Gadot", 4], ["Bar_Refaeli", 4], ["Esti_Ginzburg", 3], ["Wonder_Woman", 31], ["Gal_Gadot", 0]]} +{"id": 142670, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polymerase_chain_reaction", 17], ["Eukaryotic_DNA_replication", 23], ["Recombinant_DNA", 11], ["Polymerase_chain_reaction", 5], ["Recombinant_DNA", 13]]} +{"id": 106092, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trespass_-LRB-clothing-RRB-", 1], ["Mountain_Equipment_Co-op", 0], ["Eastern_Mountain_Sports", 3], ["PacSun", 0], ["Berghaus", 0]]} +{"id": 83662, "predicted_label": "REFUTES", "predicted_evidence": [["Billie_Joe", 2], ["Radio_Radio_Radio", 7], ["Joe_Armstrong", 6], ["Joe_Armstrong", 4], ["Pinhead_Gunpowder", 1]]} +{"id": 201372, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Varsity_Blues", 3], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 22], ["Varsity", 24], ["Varsity", 20]]} +{"id": 216384, "predicted_label": "SUPPORTS", "predicted_evidence": [["Homer_Hickam", 2], ["Fake_memoirs", 7], ["Fake_memoirs", 2], ["Homer_Hickam", 0], ["Homer_Hickam", 1]]} +{"id": 28803, "predicted_label": "REFUTES", "predicted_evidence": [["WWE_European_Championship", 4], ["List_of_WWE_European_Champions", 10], ["Judgment_Day_-LRB-2007-RRB-", 10], ["Judgment_Day_-LRB-2007-RRB-", 9], ["WWE_European_Championship", 0]]} +{"id": 181854, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Serge_Kampf", 25], ["Project_Gemini", 13], ["Gemini_Observatory", 0], ["Gemini_2", 1], ["Serge_Kampf", 28]]} +{"id": 92439, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Make_a_Smellmitment", 9], ["Make_a_Smellmitment", 8], ["Make_a_Smellmitment", 4], ["Make_a_Smellmitment", 6], ["Make_a_Smellmitment", 2]]} +{"id": 181825, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Hall", 19], ["Richard_Hall", 17], ["List_of_people_from_Christchurch", 151], ["List_of_people_from_Christchurch", 135], ["List_of_people_from_Christchurch", 95]]} +{"id": 23806, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ernest_Mead", 22], ["Thomas_Jefferson_Medal", 15], ["Thomas_Jefferson_Medal", 13], ["Thomas_Jefferson_Medal", 11], ["Oskaloosa_Township", 5]]} +{"id": 227073, "predicted_label": "SUPPORTS", "predicted_evidence": [["Part_of_Me", 7], ["Keenan_Cahill", 3], ["Katy_Perry", 2], ["Katy_Perry_discography", 26], ["Katy_Perry_discography", 0]]} +{"id": 149286, "predicted_label": "SUPPORTS", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewan_McGregor", 2], ["Ewen_Bremner", 1], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 175730, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cry_of_the_Owl_-LRB-1987_film-RRB-", 0], ["List_of_awards_and_nominations_received_by_Ajay_Devgn", 12], ["Pressure_-LRB-2002_film-RRB-", 0], ["Holy_Week_-LRB-disambiguation-RRB-", 9], ["List_of_awards_and_nominations_received_by_Ajay_Devgn", 14]]} +{"id": 79875, "predicted_label": "REFUTES", "predicted_evidence": [["The_Old_Friends_Quartet", 0], ["Toronto_Mass_Choir", 15], ["Toronto_Mass_Choir", 27], ["Vestal_Goodman", 6], ["Klaudt_Indian_Family", 35]]} +{"id": 216362, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chagatai", 9], ["Karluk_languages", 3], ["Chagatai_people", 7], ["Karluk_languages", 4], ["Chagatai_Khan", 3]]} +{"id": 165643, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_Baker_-LRB-English_actor-RRB-", 15], ["David_Smyrl", 26], ["Help_She_Can't_Swim", 20], ["Help_She_Can't_Swim", 5], ["Tom_-LRB-given_name-RRB-", 11]]} +{"id": 138814, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hindu_Kush", 5], ["Noshaq", 1], ["Tirich_Mir", 0], ["Istor-o-Nal", 3], ["Noshaq", 0]]} +{"id": 7467, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bruce_Lee-COLON-_A_Dragon_Story", 0], ["List_of_films_set_in_Shanghai", 27], ["List_of_celebrity_appearances_in_video_games", 5], ["Fist_of_Fury_-LRB-disambiguation-RRB-", 2], ["Fist_of_Fury_-LRB-disambiguation-RRB-", 8]]} +{"id": 181188, "predicted_label": "REFUTES", "predicted_evidence": [["Golden_Screen_Award_-LRB-Canada-RRB-", 6], ["Take_One_-LRB-Canadian_magazine-RRB-", 4], ["Golden_Screen_Award_-LRB-Canada-RRB-", 0], ["Golden_Screen_Award_-LRB-Canada-RRB-", 1], ["Academy_of_Canadian_Cinema_and_Television_Award_for_Best_Motion_Picture", 4]]} +{"id": 59355, "predicted_label": "SUPPORTS", "predicted_evidence": [["Margaret_Thatcher", 3], ["Thatcherism", 0], ["Val_Meets_The_VIPs", 15], ["The_Iron_Lady_-LRB-album-RRB-", 10], ["Margaret_Thatcher_-LRB-disambiguation-RRB-", 8]]} +{"id": 227360, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_programmes_broadcast_by_Astro_Ceria", 28], ["Giada_at_Home", 0], ["List_of_programmes_broadcast_by_Astro_Ceria", 16], ["List_of_programmes_broadcast_by_Astro_Ceria", 54], ["List_of_programmes_broadcast_by_Astro_Ceria", 20]]} +{"id": 185202, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_singing_actors_and_actresses_in_Indian_cinema", 7], ["Improvised_situation_comedy", 4], ["Chang_&_Eng", 3], ["Chang_&_Eng", 1], ["Improvised_situation_comedy", 1]]} +{"id": 206717, "predicted_label": "REFUTES", "predicted_evidence": [["Samwell_Tarly", 0], ["Samwell", 9], ["Rebecca_Benson", 5], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8], ["Blood_of_My_Blood", 5]]} +{"id": 184430, "predicted_label": "SUPPORTS", "predicted_evidence": [["Premam", 11], ["List_of_Disney_home_entertainment", 1], ["Chithram", 14], ["Michael_Jackson's_This_Is_It", 14], ["Michael_Jackson's_This_Is_It", 25]]} +{"id": 147845, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pir_Nazeer_Ahmed", 14], ["Mohra_Sharif", 0], ["Mohra_Gujarn", 4], ["Haroon_al_Rasheed", 1], ["Haroon_al_Rasheed", 9]]} +{"id": 187321, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales", 17], ["Diana,_Princess_of_Wales", 0], ["Zubov", 35], ["Zubov", 36], ["Zubov", 34]]} +{"id": 181617, "predicted_label": "REFUTES", "predicted_evidence": [["WGBH-TV", 4], ["WGBH-TV", 0], ["WGBX-TV", 2], ["WGBX-TV", 0], ["WGBH_Educational_Foundation", 0]]} +{"id": 26061, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["1795\u20131820_in_Western_fashion", 27], ["1795\u20131820_in_Western_fashion", 26], ["1795\u20131820_in_Western_fashion", 2], ["1795\u20131820_in_Western_fashion", 1], ["Dress_uniform", 9]]} +{"id": 69, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Packouz", 0], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["Christian_Va\u0301squez", 3], ["Efraim_Diveroli", 0]]} +{"id": 51290, "predicted_label": "SUPPORTS", "predicted_evidence": [["Camden,_New_Jersey", 40], ["Rutgers_Law_School", 3], ["Rutgers_University\u2013Camden", 2], ["Rutgers_Law_School", 5], ["Rutgers_University\u2013Newark", 3]]} +{"id": 12252, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Hawaii_Five-O_episodes", 5], ["George_Conn", 0], ["List_of_Hawaii_Five-O_episodes", 1], ["Jackie_Lyne", 1], ["List_of_Michigan_sport_championships", 235]]} +{"id": 181851, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_painters_by_name_beginning_with_\"A\"", 122], ["List_of_Haitian_artists", 159], ["List_of_Haitian_artists", 151], ["List_of_Haitian_artists", 153], ["List_of_Haitian_artists", 157]]} +{"id": 165230, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philip_Glass", 9], ["Musical_theatre", 7], ["Development_of_musical_theatre", 5], ["Ken_Bloom", 33], ["Philip_Glass", 8]]} +{"id": 215509, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Communist_Party_of_Korea", 28], ["Iran\u2013North_Korea_relations", 3], ["1993_North_Korean_missile_test", 1], ["North_Korea\u2013Vietnam_relations", 16], ["Communist_Party_of_Korea", 40]]} +{"id": 175479, "predicted_label": "REFUTES", "predicted_evidence": [["Christian_Gottlob_Neefe", 0], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45], ["Masonic_music", 5], ["Ludwig_van_Beethoven", 5]]} +{"id": 172514, "predicted_label": "SUPPORTS", "predicted_evidence": [["Film_adaptation", 5], ["Body_Snatcher_-LRB-disambiguation-RRB-", 7], ["Body_Snatcher_-LRB-disambiguation-RRB-", 17], ["The_Man_Without_a_Country_-LRB-disambiguation-RRB-", 11], ["The_Man_Without_a_Country_-LRB-disambiguation-RRB-", 13]]} +{"id": 67876, "predicted_label": "REFUTES", "predicted_evidence": [["Britt_Robertson", 15], ["RuPaul", 13], ["Ellie_Reed_-LRB-actress-RRB-", 2], ["Britt_Robertson", 7], ["Britt_Robertson", 8]]} +{"id": 214270, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Way_It's_Goin'_Down", 1], ["Born_and_Raised_in_Compton", 0], ["The_Way_It's_Goin'_Down", 3], ["The_Fixxers", 3], ["DJ_Quixotic", 11]]} +{"id": 211803, "predicted_label": "REFUTES", "predicted_evidence": [["His_and_Her_Christmas", 0], ["Hildy_Brooks", 7], ["Sheer_Dallas", 0], ["Sex,_Love_&_Secrets", 5], ["Orchis_Fatalis", 7]]} +{"id": 50916, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Invasion_-LRB-professional_wrestling-RRB-", 13], ["William_McMahon", 13], ["SummerSlam_-LRB-2006-RRB-", 14], ["SummerSlam_-LRB-2006-RRB-", 9], ["SummerSlam_-LRB-2006-RRB-", 8]]} +{"id": 93899, "predicted_label": "REFUTES", "predicted_evidence": [["Star_Trek", 0], ["Janice_Rand", 5], ["List_of_awards_and_nominations_received_by_Gene_Roddenberry", 0], ["Star_Trek", 13], ["List_of_Star_Trek-COLON-_The_Next_Generation_cast_members", 3]]} +{"id": 183620, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Pixar", 16], ["Pixar", 6]]} +{"id": 37533, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robert_Palmer_-LRB-writer-RRB-", 1], ["The_Post_War_Blues", 8], ["Palmer_-LRB-surname-RRB-", 255], ["The_Post_War_Blues", 1], ["Gold_-LRB-album_series-RRB-", 200]]} +{"id": 64347, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ceaus\u0326escu_family", 52], ["Glen_MacDonough", 7], ["Democratization_of_technology", 0], ["BiCMOS", 9], ["Differential_heat_treatment", 3]]} +{"id": 192858, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 4], ["Ian_Brennan", 6], ["Ian_Brennan", 8], ["Ian_Brennan", 0], ["Ian_Brennan", 2]]} +{"id": 150607, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["KWJC", 70], ["KWJC", 31], ["KWJC", 47], ["Dr._Dre_discography", 10], ["Kuruption!", 27]]} +{"id": 194345, "predicted_label": "SUPPORTS", "predicted_evidence": [["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 9], ["Happiness_in_Slavery", 1], ["Christian_Abolitionism", 40], ["Abolitionism", 4]]} +{"id": 128175, "predicted_label": "REFUTES", "predicted_evidence": [["National_Film_Award_for_Best_Feature_Film", 24], ["Robert_W._Cort", 8], ["Sampoorna_Ramayana_-LRB-disambiguation-RRB-", 5], ["Hinemoa", 8], ["Hinemoa", 10]]} +{"id": 203372, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["1954_Convention_travel_document", 0], ["Goosebumps", 5], ["Goosebumps", 3], ["Statelessness", 1], ["Al-Kateb_v_Godwin", 0]]} +{"id": 181880, "predicted_label": "REFUTES", "predicted_evidence": [["Mononoke_-LRB-disambiguation-RRB-", 4], ["Nasu-COLON-_Summer_in_Andalusia", 0], ["Nasu-COLON-_Summer_in_Andalusia", 13], ["Makiko_Futaki", 2], ["Hayao_Miyazaki", 17]]} +{"id": 165130, "predicted_label": "REFUTES", "predicted_evidence": [["The_Expendables_-LRB-2010_film-RRB-", 0], ["Rocky_Balboa_-LRB-film-RRB-", 0], ["Mickey_Rourke_filmography", 1], ["Get_Carter_-LRB-2000_film-RRB-", 0], ["Leonard_Termo", 14]]} +{"id": 169018, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Manmohan_Singh", 1], ["Manmohan_Singh_ministry", 3], ["Manmohan_Singh_ministry", 5], ["First_Manmohan_Singh_ministry", 0], ["First_Manmohan_Singh_ministry", 2]]} +{"id": 199741, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greater_Mexico_City", 8], ["Valley_of_Mexico", 31], ["Valley_of_Mexico", 8], ["Tijuana", 0], ["Greater_Mexico_City", 0]]} +{"id": 69152, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Packouz", 0], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["Abhishek_Verma", 3], ["Chuck_Versus_the_Cliffhanger", 13]]} +{"id": 99255, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Somasila", 216], ["Somasila", 282], ["Cycling_at_the_1912_Summer_Olympics_\u2013_Men's_team_time_trial", 14], ["Ganak", 10], ["Atma_Bodhendra_Saraswati", 0]]} +{"id": 185308, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Abrams_-LRB-surname-RRB-", 26], ["Bradley_Automotive", 0], ["Jeanine_Basinger", 11], ["Abrams_-LRB-surname-RRB-", 4], ["Backyard_wrestling", 12]]} +{"id": 88302, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Black_Shield_of_Falworth", 6], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["Walking_My_Baby_Back_Home_-LRB-film-RRB-", 0], ["Tony_Curtis", 27], ["Walking_My_Baby_Back_Home_-LRB-film-RRB-", 7]]} +{"id": 202795, "predicted_label": "REFUTES", "predicted_evidence": [["Despicable_Me_3", 2], ["Despicable_Me_2", 1], ["Cinco_Paul_and_Ken_Daurio", 2], ["Despicable_Me_3", 1], ["Despicable_Me_2", 0]]} +{"id": 29856, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary_of_Teck", 12], ["Hsatung", 7], ["Mary_of_Teck", 13], ["Duke_Alexander_of_Wu\u0308rttemberg_-LRB-1804\u20131885-RRB-", 18], ["Mary_of_Teck", 0]]} +{"id": 143804, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Men_in_Black_II", 3], ["Colin_Brady", 2], ["Men_in_Black_II-COLON-_Alien_Escape", 0], ["Men_in_Black_II-COLON-_Alien_Escape", 1], ["Men_in_Black_II", 0]]} +{"id": 160304, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["French_Indochina", 0], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Scouts_Lao", 4], ["History_of_Cambodia", 35], ["Indochina_Wars", 0]]} +{"id": 110581, "predicted_label": "REFUTES", "predicted_evidence": [["Deborah_Watling", 6], ["Patsy_Smart", 3], ["Danger_UXD", 5], ["UXB", 7], ["Glencaple", 4]]} +{"id": 58646, "predicted_label": "REFUTES", "predicted_evidence": [["History_of_Tottenham_Hotspur_F.C.", 6], ["History_of_Tottenham_Hotspur_F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["History_of_Tottenham_Hotspur_F.C.", 5], ["List_of_Tottenham_Hotspur_F.C._players", 14]]} +{"id": 107508, "predicted_label": "REFUTES", "predicted_evidence": [["Michael_P._W._Stone", 8], ["Gerhardus_Petrus_Christiaan_de_Kock", 22], ["Gerhardus_Petrus_Christiaan_de_Kock", 0], ["Rhondi_A._Vilott_Salsitz", 72], ["Gerhardus_Petrus_Christiaan_de_Kock", 5]]} +{"id": 211793, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Golden_Screen_Award_-LRB-Canada-RRB-", 6], ["Golden_Screen_Award_-LRB-Canada-RRB-", 0], ["Take_One_-LRB-Canadian_magazine-RRB-", 4], ["Guy_Roberge", 29], ["Academy_of_Canadian_Cinema_and_Television_Award_for_Best_Motion_Picture", 3]]} +{"id": 143951, "predicted_label": "REFUTES", "predicted_evidence": [["Murda_Beatz", 0], ["More_Life", 5], ["No_Frauds", 1], ["The_Return_of_East_Atlanta_Santa", 3], ["Migos", 8]]} +{"id": 90589, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Francis_-LRB-surname-RRB-", 20], ["Francis_-LRB-surname-RRB-", 84], ["Francis_-LRB-surname-RRB-", 68], ["Francis_-LRB-surname-RRB-", 56], ["Francis_-LRB-surname-RRB-", 36]]} +{"id": 115623, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fortunoff", 9], ["Indeed_Brewing_Company", 6], ["Indeed_Brewing_Company", 11], ["Horten_AG", 3], ["Topman", 1]]} +{"id": 98623, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Swedish_composers", 68], ["List_of_Swedish_composers", 58], ["List_of_Swedish_composers", 149], ["List_of_Swedish_composers", 72], ["List_of_Swedish_composers", 40]]} +{"id": 75267, "predicted_label": "REFUTES", "predicted_evidence": [["Harold_Macmillan", 0], ["Frank_MacMillan_-LRB-politician-RRB-", 17], ["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3]]} +{"id": 174603, "predicted_label": "SUPPORTS", "predicted_evidence": [["Artpop", 13], ["Toni_Braxton_discography", 6], ["Toni_Braxton_discography", 8], ["Carrie_Underwood_discography", 20], ["Toni_Braxton_discography", 17]]} +{"id": 27279, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["Michael_Chevalier", 1], ["Cie_Frazier", 9], ["Steve_McQueen", 3], ["The_Cincinnati_Kid", 6]]} +{"id": 195384, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bad_Girl_-LRB-The_Miracles_song-RRB-", 2], ["Can_You_Jerk_Like_Me", 6], ["Can_You_Jerk_Like_Me", 51], ["Universal_Republic_Records", 2], ["Universal_Motown_Republic_Group", 5]]} +{"id": 81508, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rabies_immunoglobulin", 19], ["Rabies", 9], ["Rabies_vaccine", 8], ["Rabies_testing", 4], ["Rabies_immunoglobulin", 14]]} +{"id": 13069, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vincent_Bugliosi", 11], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["One_Mind", 2], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 2], ["One_Mind", 0]]} +{"id": 125225, "predicted_label": "REFUTES", "predicted_evidence": [["Guantanamo's_Child", 1], ["Canadian_response_to_Omar_Khadr", 24], ["Guantanamo's_Child", 5], ["Canadian_response_to_Omar_Khadr", 0], ["Canadian_response_to_Omar_Khadr", 23]]} +{"id": 111713, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 0], ["Dan_Trebil", 12], ["D2-COLON-_The_Mighty_Ducks", 2]]} +{"id": 159721, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 225296, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michaela_von_Habsburg", 0], ["Watkins_-LRB-surname-RRB-", 18], ["Watkins_-LRB-surname-RRB-", 98], ["Michaela_von_Habsburg", 5], ["Richland_Farm_-LRB-Clarksville,_Maryland-RRB-", 26]]} +{"id": 133445, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Terry_Harknett", 38], ["Rule_of_78s", 15], ["Rule_of_78s", 1], ["Chaitra", 10], ["Rule_of_78s", 16]]} +{"id": 7768, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_L.F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["List_of_Tottenham_Hotspur_F.C._players", 14], ["List_of_Tottenham_Hotspur_F.C._players", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 1]]} +{"id": 172469, "predicted_label": "REFUTES", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_Cabinet", 3], ["Matteo_Renzi", 1], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Remake_Italy", 14]]} +{"id": 206734, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samwell", 9], ["Samwell_Tarly", 0], ["Rebecca_Benson", 5], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8], ["Blood_of_My_Blood", 5]]} +{"id": 202790, "predicted_label": "SUPPORTS", "predicted_evidence": [["Despicable_Me_2", 0], ["Despicable_Me_-LRB-franchise-RRB-", 3], ["Despicable_Me_2", 9], ["Pixar", 16], ["List_of_highest-grossing_animated_films", 5]]} +{"id": 123544, "predicted_label": "REFUTES", "predicted_evidence": [["David_Packouz", 0], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["Efraim_Diveroli", 0], ["Christian_Va\u0301squez", 3]]} +{"id": 146923, "predicted_label": "REFUTES", "predicted_evidence": [["Dagshai", 9], ["Qaafiyaa", 2], ["Amiya_Chakravarty_-LRB-director-RRB-", 1], ["Dagshai", 10], ["Army_Public_School,_Dagshai", 6]]} +{"id": 73208, "predicted_label": "SUPPORTS", "predicted_evidence": [["Crooklyn", 0], ["School_Daze", 0], ["Jordan_Spiz'ike", 9], ["Crooklyn", 14], ["Spike_Lee_filmography", 11]]} +{"id": 148518, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Terry_Crews", 9], ["Terry_Crews", 3], ["Make_a_Smellmitment", 2], ["Terry_Crews", 0], ["Make_a_Smellmitment", 4]]} +{"id": 201103, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Bentley", 6], ["James_L._Bentley", 19], ["Bentley_-LRB-surname-RRB-", 80], ["Robert_J._Bentley", 18]]} +{"id": 100456, "predicted_label": "REFUTES", "predicted_evidence": [["The_Last_Templar_-LRB-miniseries-RRB-", 0], ["Sebastian_Stan", 0], ["Labyrinth_-LRB-miniseries-RRB-", 2], ["Stan_-LRB-surname-RRB-", 22], ["Stan_-LRB-given_name-RRB-", 48]]} +{"id": 118552, "predicted_label": "SUPPORTS", "predicted_evidence": [["Deborah_Watling", 6], ["Patsy_Smart", 3], ["Danger_UXD", 5], ["Euston_Films", 2], ["UXB", 7]]} +{"id": 215487, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gwiyomi", 2], ["Sorn_-LRB-singer-RRB-", 2], ["Jung_Il-hoon", 2], ["Hani_-LRB-singer-RRB-", 2], ["Weekly_Idol", 0]]} +{"id": 73532, "predicted_label": "REFUTES", "predicted_evidence": [["Juventus_F.C.", 1], ["List_of_Juventus_F.C._players", 5], ["Juventus_F.C.", 10], ["Juventus_F.C.", 6], ["Juventus_F.C.", 14]]} +{"id": 49513, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pima_County_Courthouse", 5], ["List_of_hospitals_in_Arizona", 151], ["Pima_County,_Arizona", 0], ["Pima_County_Courthouse", 0], ["Mary_Anne_Richey", 7]]} +{"id": 69837, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Human_rights_in_the_Philippines", 8], ["Self-determination", 13], ["United_Nations_Security_Council_Resolution_1091", 3], ["Human_rights_in_the_Philippines", 10], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1]]} +{"id": 172292, "predicted_label": "REFUTES", "predicted_evidence": [["Lear", 5], ["Lear", 19], ["Lear", 21], ["Lear", 7], ["List_of_New_Music_America_performances", 919]]} +{"id": 142701, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["Count_Dooku", 0], ["Qui-Gon_and_Obi-Wan-COLON-_The_Aurorient_Express", 2], ["Qui-Gon_and_Obi-Wan-COLON-_Last_Stand_on_Ord_Mantell", 2], ["Count_Dooku", 4]]} +{"id": 181887, "predicted_label": "REFUTES", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Princess_Mononoke", 4], ["Hayao_Miyazaki", 16]]} +{"id": 151816, "predicted_label": "SUPPORTS", "predicted_evidence": [["History_of_Tottenham_Hotspur_F.C.", 6], ["History_of_Tottenham_Hotspur_F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["History_of_Tottenham_Hotspur_F.C.", 5], ["List_of_Tottenham_Hotspur_F.C._players", 14]]} +{"id": 15167, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alexander_Stuart_-LRB-writer-RRB-", 5], ["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1], ["Simon_Target", 24], ["Tim_Smith", 39], ["Simon_Target", 5]]} +{"id": 123831, "predicted_label": "SUPPORTS", "predicted_evidence": [["Melancholia_-LRB-2011_film-RRB-", 0], ["Jacques_Ferrand", 1], ["Melancholia_-LRB-2011_film-RRB-", 13], ["Mourning_and_Melancholia", 6], ["Melancholia_-LRB-2011_film-RRB-", 9]]} +{"id": 149130, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cyrus_-LRB-surname-RRB-", 14], ["Cyrus_-LRB-surname-RRB-", 18], ["Jenna_Andrews", 1], ["Ron_Cyrus", 1], ["Jenna_Andrews", 2]]} +{"id": 226883, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["My_Plaything", 6], ["Jenna_Jameson", 3], ["Jenna_Jameson", 0], ["Jameson_-LRB-surname-RRB-", 29], ["ClubJenna", 0]]} +{"id": 135956, "predicted_label": "SUPPORTS", "predicted_evidence": [["Viola_Davis", 6], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 7], ["How_to_Get_Away_with_Murder", 11], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 2], ["List_of_St._John's_University_alumni", 191]]} +{"id": 165266, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Balan_Nambiar", 16], ["Creative_Barcode", 13], ["Creative_Commons", 0], ["Creative_Barcode", 14]]} +{"id": 211282, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Katten_Muchin_Rosenman", 4], ["Where_to_Find_Your_Law", 10], ["The_American_Lawyer", 0], ["Marvin_Comisky", 38], ["William_Newland_Welsby", 20]]} +{"id": 75207, "predicted_label": "REFUTES", "predicted_evidence": [["Sisimiut", 17], ["Sisimiut", 11], ["Sisimiut", 0], ["Nuuk", 0], ["Nuuk_Airport", 10]]} +{"id": 195831, "predicted_label": "SUPPORTS", "predicted_evidence": [["FNC_Entertainment", 0], ["Jeong_Hyeong-don", 0], ["Weekly_Idol", 1], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0]]} +{"id": 201830, "predicted_label": "SUPPORTS", "predicted_evidence": [["Batman_Incorporated", 2], ["I_Am_Sam", 11], ["I_Am_Sam", 0], ["Batman_versus_Predator", 2], ["Fanning_-LRB-surname-RRB-", 10]]} +{"id": 5600, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kelly_Preston", 3], ["John_G._Preston", 3], ["Kelly_Smith_-LRB-disambiguation-RRB-", 12], ["Old_Dogs_-LRB-film-RRB-", 11], ["Old_Dogs_-LRB-film-RRB-", 0]]} +{"id": 135951, "predicted_label": "REFUTES", "predicted_evidence": [["Henry_IV_of_France", 0], ["Henry_IV_of_France", 19], ["Shelly_Frank", 5], ["List_of_songs_about_Paris", 748], ["List_of_songs_about_Paris", 750]]} +{"id": 2317, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6], ["John_White_Howell", 58]]} +{"id": 208420, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Excuse_My_French", 9], ["MTV_Africa_Music_Awards_2014", 20], ["Harry_Fraud", 6], ["Harry_Fraud", 2], ["Harry_Fraud", 3]]} +{"id": 30824, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_video_game_crowdfunding_projects", 3960], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-A\u2013M-RRB-", 179], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-N\u2013Z-RRB-", 101], ["List_of_Flashpoint_episodes", 14], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-N\u2013Z-RRB-", 23]]} +{"id": 115594, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mount_Rushmore", 12], ["Crazy_Horse_Memorial", 13], ["Mount_Rushmore", 0], ["Charles_E._Rushmore", 0], ["Crazy_Horse_Memorial", 7]]} +{"id": 18483, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["Cie_Frazier", 9], ["The_Cincinnati_Kid", 0], ["Philip_H._Lathrop", 2], ["Ann-Margret", 1]]} +{"id": 130075, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["Katy_Perry_discography", 0], ["List_of_songs_recorded_by_Katy_Perry", 9], ["Katy_Perry_videography", 19], ["Katy_Perry", 18]]} +{"id": 183613, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pixar", 0], ["Pixar", 10], ["Pixar", 6], ["Finding_Dory", 0], ["Jerome_Ranft", 6]]} +{"id": 220282, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joshua_Fry_Bullitt,_Jr.", 25], ["Bullitt_-LRB-disambiguation-RRB-", 21], ["Oxmoor_Farm", 9], ["Bullitt's_Lick", 0], ["Oxmoor_Farm", 15]]} +{"id": 171636, "predicted_label": "REFUTES", "predicted_evidence": [["Gibbons", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["David_Gibbons_-LRB-disambiguation-RRB-", 3], ["David_Gibbons_-LRB-disambiguation-RRB-", 12], ["Thunderbolt_-LRB-comics-RRB-", 14]]} +{"id": 68483, "predicted_label": "SUPPORTS", "predicted_evidence": [["2012_FA_Community_Shield", 0], ["Villa_Park", 14], ["2015_FA_Community_Shield", 0], ["2012_FA_Community_Shield", 4], ["2010_FA_Community_Shield", 0]]} +{"id": 59385, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["Miranda_Otto", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Gracie_Otto", 0]]} +{"id": 459, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Walker", 19], ["Andrew_Kevin_Walker", 0], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Seven_-LRB-1995_film-RRB-", 1], ["The_Hire-COLON-_The_Follow", 0]]} +{"id": 155108, "predicted_label": "SUPPORTS", "predicted_evidence": [["Portlandia_-LRB-TV_series-RRB-", 0], ["The_8G_Band", 12], ["List_of_Portlandia_characters", 0], ["Portlandia_-LRB-TV_series-RRB-", 1], ["The_8G_Band", 1]]} +{"id": 41935, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Howard_-LRB-surname-RRB-", 24], ["Howard_-LRB-surname-RRB-", 36], ["Ronald_Howard", 10], ["Ronald_Howard", 8], ["Howard_-LRB-surname-RRB-", 138]]} +{"id": 68203, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fyodor_Bondarchuk", 1], ["Yuri_Mamin", 24], ["Fyodor_Bondarchuk", 0], ["Levsha", 7], ["Levsha", 5]]} +{"id": 179051, "predicted_label": "SUPPORTS", "predicted_evidence": [["Congressional_Space_Medal_of_Honor", 1], ["Christa_McAuliffe", 10], ["Congressional_Space_Medal_of_Honor", 12], ["Congressional_Space_Medal_of_Honor", 9], ["Congressional_Space_Medal_of_Honor", 10]]} +{"id": 3546, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Villa_Park", 14], ["1980\u201381_Aston_Villa_F.C._season", 10], ["Villa_Park", 3], ["Villa_Park", 2], ["Villa_Park", 11]]} +{"id": 215140, "predicted_label": "REFUTES", "predicted_evidence": [["Aakramana", 1], ["Kanti_Shah", 0], ["Our_Movie_Made_Children", 36], ["Our_Movie_Made_Children", 32], ["Our_Movie_Made_Children", 0]]} +{"id": 82026, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kush_-LRB-cannabis-RRB-", 1], ["Hindu_Kush", 0], ["Kushan_Pass", 1], ["Kuh-e_Bandaka", 0], ["Hindu_Kush", 5]]} +{"id": 39599, "predicted_label": "REFUTES", "predicted_evidence": [["Thomas_Michael_Holt", 46], ["Zaltair", 0], ["Woz\u0301niak", 31], ["WOZ", 3], ["Zaltair", 2]]} +{"id": 125131, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kellyanne_Conway", 12], ["Bowling_Green_massacre", 0], ["2003_Motor_City_Bowl", 10], ["2003_Motor_City_Bowl", 1], ["Bowling_Green_massacre", 2]]} +{"id": 174034, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pink_Floyd", 0], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["The_Endless_River", 11], ["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["The_Endless_River", 0]]} +{"id": 195076, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Karan_-LRB-name-RRB-", 28], ["Karan_-LRB-name-RRB-", 24], ["Karan_-LRB-name-RRB-", 30], ["Karan_-LRB-name-RRB-", 36], ["Karan_-LRB-name-RRB-", 18]]} +{"id": 29226, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yara_-LRB-given_name-RRB-", 35], ["Olivia_Pope", 2], ["Olivia_Pope", 0], ["Yara_-LRB-given_name-RRB-", 45], ["Imagine_That_-LRB-film-RRB-", 1]]} +{"id": 211777, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brick_-LRB-film-RRB-", 0], ["Don_Jon", 0], ["Morgan_M._Morgansen's_Date_with_Destiny", 0], ["10_Things_I_Hate_About_You", 0], ["500_Days_of_Summer", 1]]} +{"id": 131337, "predicted_label": "SUPPORTS", "predicted_evidence": [["Return_to_Sender_-LRB-2004_film-RRB-", 4], ["Justice_League_-LRB-film-RRB-", 3], ["Hippolyta_-LRB-DC_Comics-RRB-", 6], ["Caldecot_Chubb", 19], ["Return_to_Sender_-LRB-2004_film-RRB-", 10]]} +{"id": 40457, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_accolades_received_by_La_La_Land_-LRB-film-RRB-", 15], ["List_of_accolades_received_by_Carol_-LRB-film-RRB-", 33], ["List_of_accolades_received_by_Carol_-LRB-film-RRB-", 34], ["List_of_accolades_received_by_The_Martian_-LRB-film-RRB-", 11], ["List_of_accolades_received_by_La_La_Land_-LRB-film-RRB-", 16]]} +{"id": 80303, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["George_Lopez_-LRB-TV_series-RRB-", 5], ["Sandra_Bullock_filmography", 0], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["George_Lopez_-LRB-TV_series-RRB-", 0]]} +{"id": 82792, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Horten_AG", 3], ["Fortunoff", 9], ["Indeed_Brewing_Company", 11], ["Indeed_Brewing_Company", 6], ["Topman", 1]]} +{"id": 31843, "predicted_label": "SUPPORTS", "predicted_evidence": [["Who_Made_Huckabee?", 1], ["Who_Made_Huckabee?", 17], ["Who_Made_Huckabee?", 13], ["Cultural_impact_of_The_Colbert_Report", 2], ["The_Colbert_Report", 0]]} +{"id": 124967, "predicted_label": "REFUTES", "predicted_evidence": [["Vietnam", 1], ["George_McAnthony", 12], ["Guadeloupe", 2], ["Volk_ohne_Raum", 6], ["George_McAnthony", 21]]} +{"id": 150278, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civilization_IV-COLON-_Colonization", 0], ["Civilization_IV-COLON-_Beyond_the_Sword", 0], ["Civilization_IV", 14], ["Civilization_IV", 5], ["Civilization_IV", 0]]} +{"id": 114189, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edmund_H._Deas_House", 4], ["Edmund_H._Deas_House", 0], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234], ["Serge_Kampf", 29], ["Serge_Kampf", 25]]} +{"id": 10277, "predicted_label": "REFUTES", "predicted_evidence": [["Crush_-LRB-2013_film-RRB-", 0], ["Hush_-LRB-2016_film-RRB-", 2], ["Intrepid_Pictures", 0], ["Hush_-LRB-2016_film-RRB-", 5], ["Hush_-LRB-2016_film-RRB-", 0]]} +{"id": 89240, "predicted_label": "REFUTES", "predicted_evidence": [["Billboard_Dad", 0], ["Troian_Bellisario", 5], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 116891, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bovine_respiratory_disease", 2], ["Waterhouse\u2013Friderichsen_syndrome", 3], ["Mycotic_aneurysm", 1], ["Mycotic_aneurysm", 0], ["Bovine_respiratory_disease", 1]]} +{"id": 2717, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brian_Michael_Bendis", 12], ["Torso_-LRB-Image_Comics-RRB-", 0], ["Brian_Michael_Bendis", 0], ["Ultimate_Spider-Man", 11], ["Halo-COLON-_Uprising", 1]]} +{"id": 165132, "predicted_label": "REFUTES", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["The_Wrestler_-LRB-2008_film-RRB-", 0], ["Bullet_-LRB-1996_film-RRB-", 1], ["Leonard_Termo", 14], ["Rourke", 12]]} +{"id": 35411, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Ballad_of_Bilbo_Baggins", 1], ["Nimoy", 5], ["Nimoy", 7], ["The_Ballad_of_Bilbo_Baggins", 0], ["What's_on_Your_Mind_-LRB-Pure_Energy-RRB-", 17]]} +{"id": 206737, "predicted_label": "REFUTES", "predicted_evidence": [["Samwell", 9], ["Samwell_Tarly", 0], ["Rebecca_Benson", 5], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8], ["Blood_of_My_Blood", 5]]} +{"id": 55707, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sean_Spencer_-LRB-disambiguation-RRB-", 10], ["Sean_Spencer_-LRB-disambiguation-RRB-", 8], ["Sean_Spencer_-LRB-disambiguation-RRB-", 3], ["Gus_-LRB-Psych-RRB-", 0], ["List_of_Psych_episodes", 1]]} +{"id": 161544, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Great_Gatsby_-LRB-2013_film-RRB-", 1], ["Strictly_Ballroom", 7], ["Nicole_Kidman_filmography", 0], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Strictly_Ballroom", 0]]} +{"id": 226882, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jenna_Jameson", 3], ["My_Plaything", 6], ["ClubJenna", 0], ["Jenna_Jameson", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 140434, "predicted_label": "REFUTES", "predicted_evidence": [["Bertram_de_Verdun", 23], ["Henry_II_style", 4], ["Jean_Cavenac_de_la_Vigne", 4], ["Bertram_de_Verdun", 67], ["Jean_Cavenac_de_la_Vigne", 11]]} +{"id": 62726, "predicted_label": "REFUTES", "predicted_evidence": [["Catherine_de'_Medici", 1], ["Catherine_de'_Medici", 14], ["Henry_II_style", 4], ["List_of_Carolingians_descended_from_Charles_Martel", 82], ["List_of_Carolingians_descended_from_Charles_Martel", 114]]} +{"id": 115380, "predicted_label": "REFUTES", "predicted_evidence": [["Camouflage_-LRB-Rufus_album-RRB-", 5], ["Echoes_of_an_Era", 4], ["Camouflage_-LRB-Rufus_album-RRB-", 0], ["Camouflage_-LRB-Rufus_album-RRB-", 1], ["Never_Miss_the_Water", 0]]} +{"id": 22920, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jacques_Lusseyran", 10], ["Dunkirk_evacuation", 6], ["Dunkirk_evacuation", 8], ["Minor_campaigns_of_1815", 10], ["Invasion_of_France", 12]]} +{"id": 66812, "predicted_label": "SUPPORTS", "predicted_evidence": [["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 12], ["James_Bond-COLON-_The_Authorized_Biography_of_007", 6], ["Casino_Royale_-LRB-novel-RRB-", 1], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 5], ["The_James_Bond_Bedside_Companion", 11]]} +{"id": 90350, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yale_University", 23], ["List_of_Utah_State_University_alumni", 0], ["List_of_Brigham_Young_University_alumni", 0], ["List_of_Brigham_Young_University_alumni", 25], ["List_of_Brigham_Young_University_alumni", 8]]} +{"id": 170410, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bad_Newz_Kennels_dog_fighting_investigation", 0], ["Billy_Martin_-LRB-lawyer-RRB-", 7], ["2007_Atlanta_Falcons_season", 4], ["Billy_Martin_-LRB-lawyer-RRB-", 8], ["Madden_NFL_2004", 1]]} +{"id": 118806, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Wicks", 4], ["City_Central_-LRB-TV_series-RRB-", 6], ["Paul_Nicholls_-LRB-actor-RRB-", 1], ["David_Wicks", 0], ["Daryl_Jacob", 0]]} +{"id": 26830, "predicted_label": "SUPPORTS", "predicted_evidence": [["Republic_of_Macedonia", 3], ["Republic_of_Macedonia", 26], ["Republic_of_Macedonia", 24], ["Teuta_Arifi", 73], ["Teuta_Arifi", 36]]} +{"id": 42594, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Insecure_-LRB-TV_series-RRB-", 0], ["I_Am_Other", 4], ["Black_Girl_Magic", 2], ["Issa_Rae", 6]]} +{"id": 19141, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sean_Tuohy", 4], ["Blindside", 0], ["The_Blind_Side_-LRB-film-RRB-", 11], ["The_Blind_Side_-LRB-film-RRB-", 1], ["The_Blind_Side_-LRB-film-RRB-", 10]]} +{"id": 95991, "predicted_label": "REFUTES", "predicted_evidence": [["Harry_Potter_and_the_Philosopher's_Stone_-LRB-film-RRB-", 0], ["1492_Pictures", 0], ["List_of_unproduced_Chris_Columbus_projects", 1], ["List_of_unproduced_Chris_Columbus_projects", 0], ["Harry_Potter_and_the_Philosopher's_Stone_-LRB-film-RRB-", 9]]} +{"id": 13956, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lower_Saxony", 22], ["History_of_Saxony-Anhalt", 0], ["History_of_Saxony-Anhalt", 25], ["History_of_Saxony-Anhalt", 38], ["History_of_Saxony-Anhalt", 39]]} +{"id": 81311, "predicted_label": "SUPPORTS", "predicted_evidence": [["Duncan_Trussell", 0], ["The_Joe_Rogan_Experience", 0], ["List_of_people_from_Kansas_City,_Missouri", 79], ["List_of_people_from_Kansas_City,_Missouri", 35], ["List_of_people_from_Kansas_City,_Missouri", 289]]} +{"id": 55647, "predicted_label": "REFUTES", "predicted_evidence": [["Dark_Holler-COLON-_Old_Love_Songs_and_Ballads", 15], ["Same_Old_Love", 0], ["Dark_Holler-COLON-_Old_Love_Songs_and_Ballads", 0], ["Rondel_-LRB-poem-RRB-", 23], ["Rondel_-LRB-poem-RRB-", 36]]} +{"id": 36480, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_VI_and_I", 0], ["Monarchy_of_the_United_Kingdom", 19], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 8], ["Timeline_of_British_history_-LRB-1600\u201399-RRB-", 12], ["Royal_Court_of_Scotland", 1]]} +{"id": 108772, "predicted_label": "SUPPORTS", "predicted_evidence": [["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["List_of_homeschooled_people", 141], ["Emma_Watson_-LRB-disambiguation-RRB-", 7], ["List_of_Harry_Potter_cast_members", 19], ["List_of_Harry_Potter_cast_members", 1]]} +{"id": 87849, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Claims_to_a_crown", 0], ["Claims_to_a_crown", 7], ["Adriatic_Sea", 6], ["Adriatic_Sea", 16], ["Adriatic_Sea", 27]]} +{"id": 95115, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brian_Michael_Bendis", 12], ["Torso_-LRB-Image_Comics-RRB-", 0], ["Brian_Michael_Bendis", 0], ["Ultimate_Spider-Man", 11], ["Halo-COLON-_Uprising", 1]]} +{"id": 22093, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Linkin_Park", 9], ["Meteora_-LRB-album-RRB-", 0], ["Meteora_-LRB-album-RRB-", 9], ["Linkin_Park_discography", 8], ["List_of_songs_recorded_by_Linkin_Park", 52]]} +{"id": 159690, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 46483, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lou_Gehrig", 15], ["The_Pride_of_the_Yankees", 1], ["The_Pride_of_the_Yankees", 12], ["Adelaide_Gehrig", 7], ["Lou_Gehrig", 0]]} +{"id": 218463, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hanford_Site", 23], ["Hanford_Reach", 4], ["Hanford_Reach", 3], ["Hanford,_Washington", 1], ["Washington_State_Route_24", 1]]} +{"id": 182267, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_-LRB-store-RRB-", 0], ["Lodge_Bill", 7], ["Northern_Mariana_Islands_Commonwealth_Legislature", 10], ["United_States_House_of_Representatives_election_in_Alaska,_2000", 10]]} +{"id": 75629, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Preston_Maxwell", 3], ["John_Preston_Maxwell", 0], ["Sprechgesang", 0], ["Don't_Say_No", 4], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 0]]} +{"id": 123445, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pon_de_Floor", 5], ["Dagga", 8], ["Grinding_-LRB-dance-RRB-", 8], ["Daggering", 0], ["Popular_Front_-LRB-disambiguation-RRB-", 0]]} +{"id": 58063, "predicted_label": "SUPPORTS", "predicted_evidence": [["Asclepigenia", 2], ["Asclepigenia", 4], ["Asclepigenia", 3], ["Plato", 22], ["Harold_F._Cherniss", 15]]} +{"id": 78161, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Spade", 2], ["Grown_Ups_2", 2], ["Grown_Ups_-LRB-film-RRB-", 1], ["Grown_Ups_2", 0], ["Jake_Goldberg", 0]]} +{"id": 160864, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Siam_Nakhon_Province", 20], ["Ernest_He\u0301brard", 0], ["Ernest_He\u0301brard", 11], ["Siam_Nakhon_Province", 19]]} +{"id": 204355, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 8], ["Smoky_Hill_Chalk", 4], ["Cretaceous", 6], ["Marine_reptile", 12], ["Marine_reptile", 8]]} +{"id": 19098, "predicted_label": "SUPPORTS", "predicted_evidence": [["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Confessions_of_Aleister_Crowley", 0], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 1]]} +{"id": 146389, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Underdog_episodes", 25], ["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["List_of_Underdog_episodes", 320], ["List_of_fictional_U.S._Marshals", 51]]} +{"id": 178334, "predicted_label": "REFUTES", "predicted_evidence": [["Sloop_John_B", 6], ["Sloop_John_B", 7], ["Beach_Boys_Historic_Landmark", 19], ["Jardine", 4], ["Beach_Boys_Historic_Landmark", 10]]} +{"id": 18487, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Self-determination", 13], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1], ["United_Nations_Security_Council_Resolution_1171", 0], ["United_Nations_Security_Council_Resolution_1091", 3], ["United_Nations_Security_Council_Resolution_1091", 8]]} +{"id": 113770, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edwin_F._Blair", 0], ["John_Seiler_Brubacher", 0], ["John_Seiler_Brubacher", 13], ["Barry_R._Schaller", 36], ["Wolf's_Head_-LRB-secret_society-RRB-", 10]]} +{"id": 161530, "predicted_label": "SUPPORTS", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 0], ["Baz_Luhrmann", 2], ["Cinema_of_Australia", 15], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Strictly_Ballroom", 7]]} +{"id": 134346, "predicted_label": "REFUTES", "predicted_evidence": [["Poldark_-LRB-2015_TV_series-RRB-", 6], ["Poldark_-LRB-2015_TV_series-RRB-", 1], ["Ross_Poldark", 3], ["Poldark_-LRB-2015_TV_series-RRB-", 5], ["Poldark_-LRB-disambiguation-RRB-", 7]]} +{"id": 142750, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["A_Night_of_Horror_International_Film_Festival", 4], ["A_Night_of_Horror_International_Film_Festival", 0], ["Narayan_Dharap", 19], ["Scream_-LRB-1996_film-RRB-", 17], ["Horror_film", 7]]} +{"id": 51919, "predicted_label": "REFUTES", "predicted_evidence": [["Jab_Tak_Hai_Jaan", 16], ["Filmfare_Award_for_Best_Actress", 0], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Anushka_Sharma", 0], ["Filmfare_Award_for_Best_Actress", 35]]} +{"id": 165111, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mickey_Rourke", 13], ["Mickey_Rourke_filmography", 1], ["Mickey_Rourke", 0], ["The_Wrestler_-LRB-2008_film-RRB-", 12], ["Bullet_-LRB-1996_film-RRB-", 5]]} +{"id": 212767, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harvard_University", 8], ["Matina_Horner", 23], ["Seven_Sisters_-LRB-colleges-RRB-", 3], ["Seven_Sisters_-LRB-colleges-RRB-", 4], ["Matina_Horner", 16]]} +{"id": 128322, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jose\u0301_Ferrer", 4], ["Al_Morgan", 66], ["Jose\u0301_Ferrer", 0], ["Rafael_Ferrer_-LRB-actor-RRB-", 3], ["Al_Morgan", 17]]} +{"id": 99531, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Humboldt_Roller_Derby", 6], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 2], ["Judgment_Day_-LRB-2007-RRB-", 0], ["Judgment_Day_-LRB-2007-RRB-", 9]]} +{"id": 109359, "predicted_label": "REFUTES", "predicted_evidence": [["Warner_Bros._Cartoons", 11], ["Warner_Bros._Studios,_Burbank", 8], ["Jean_MacCurdy", 19], ["List_of_Nintendo_DS_games", 3], ["Warner_Bros._Studios,_Burbank", 17]]} +{"id": 190161, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Floyd_Mayweather_Jr.", 3], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 0], ["Golden_Boy_Promotions", 15], ["Floyd_Mayweather_Jr.", 16]]} +{"id": 202791, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despicable_Me_-LRB-franchise-RRB-", 3], ["List_of_2010_box_office_number-one_films_in_Australia", 12], ["List_of_2010_box_office_number-one_films_in_Australia", 20], ["List_of_2010_box_office_number-one_films_in_Australia", 8], ["List_of_2010_box_office_number-one_films_in_Australia", 16]]} +{"id": 94828, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 63], ["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 60], ["U.S._Route_30_in_New_Jersey", 1]]} +{"id": 139370, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Barbara_Becnel", 1], ["Stan_Williams", 17], ["Stan_Williams", 5], ["Stan_Williams", 21], ["Stan_Williams", 19]]} +{"id": 126823, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Insulindia", 4], ["Ernest_He\u0301brard", 11], ["Indochina_Wars", 0], ["First_Indochina_War", 6]]} +{"id": 99732, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["There_Is_No_Alternative-COLON-_Why_Margaret_Thatcher_Matters", 0], ["Val_Meets_The_VIPs", 15], ["Thatcher_ministry", 7], ["Thatcher_ministry", 5], ["The_Iron_Lady_-LRB-album-RRB-", 10]]} +{"id": 48483, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edward_Higgins_-LRB-Confederate_general-RRB-", 1], ["Richard_Rutt", 3], ["Sandy_DiPasquale", 2], ["Khrushchev-COLON-_The_Man_and_His_Era", 3], ["IX_Corps_-LRB-United_States-RRB-", 4]]} +{"id": 13697, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["Nakajima_-LRB-surname-RRB-", 30], ["Uehara", 10], ["Nakajima_-LRB-surname-RRB-", 28], ["Uehara", 48]]} +{"id": 49785, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2014_Much_Music_Video_Awards", 1], ["Punta_Mita", 11], ["Kendall_-LRB-given_name-RRB-", 5], ["Brody_Jenner", 13], ["Caitlyn_Jenner", 10]]} +{"id": 204342, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 9], ["Mesozoic", 10], ["Cretaceous\u2013Paleogene_extinction_event", 0], ["Cretaceous", 8], ["Extinction_event", 14]]} +{"id": 116424, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rufus_Hussey", 1], ["Shooter_-LRB-TV_series-RRB-", 1], ["Marksmanship_Medal", 11], ["Marksmanship_Medal", 5], ["Shooter_-LRB-TV_series-RRB-", 7]]} +{"id": 67144, "predicted_label": "REFUTES", "predicted_evidence": [["Cyrus_-LRB-surname-RRB-", 18], ["Jenna_Andrews", 1], ["Jenna_Andrews", 2], ["Cyrus_-LRB-surname-RRB-", 14], ["Not_Counting_You", 3]]} +{"id": 76593, "predicted_label": "REFUTES", "predicted_evidence": [["Kyle_-LRB-surname-RRB-", 22], ["Taya_Kyle", 0], ["Taya_Kyle", 1], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 1]]} +{"id": 179287, "predicted_label": "REFUTES", "predicted_evidence": [["Robert_L._McNeil,_Jr.", 18], ["Tylenol_-LRB-brand-RRB-", 0], ["Robert_L._McNeil,_Jr.", 15], ["Tylenol_-LRB-brand-RRB-", 6], ["Tylenol_-LRB-brand-RRB-", 2]]} +{"id": 126220, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_discography", 0]]} +{"id": 156686, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 63], ["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 60], ["U.S._Route_30_in_New_Jersey", 1]]} +{"id": 216397, "predicted_label": "SUPPORTS", "predicted_evidence": [["Science_fiction_film", 2], ["John_W._Campbell_Memorial_Award_for_Best_Science_Fiction_Novel", 4], ["Walter_Ernsting", 6], ["A_Phule_and_His_Money", 6], ["A_Phule_and_His_Money", 8]]} +{"id": 25545, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_-LRB-given_names-RRB-", 42], ["Janelle_Mona\u0301e", 14], ["Q.U.E.E.N._-LRB-Janelle_Mona\u0301e_song-RRB-", 0]]} +{"id": 204653, "predicted_label": "REFUTES", "predicted_evidence": [["Wes_Borg", 39], ["Madly_Off_in_All_Directions", 0], ["Wes_Borg", 32], ["Madly_Off_in_All_Directions", 2], ["Madly_Off_in_All_Directions", 6]]} +{"id": 151307, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prior_Analytics", 13], ["Areopagite_constitution", 14], ["Areopagite_constitution", 17], ["Bibliography_of_Greece", 19], ["Bibliography_of_Greece", 273]]} +{"id": 53676, "predicted_label": "SUPPORTS", "predicted_evidence": [["I'm_Different", 3], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["Ja,_ma\u030a_han_-LRB-hon-RRB-_leva", 5], ["Sonny_Digital", 6]]} +{"id": 160927, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Juventus_F.C._records_and_statistics", 1], ["Juventus_TV", 0], ["List_of_Juventus_F.C._players", 5], ["List_of_Juventus_F.C._players", 0], ["List_of_Juventus_F.C._players", 3]]} +{"id": 129557, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_inauguration_of_Bill_Clinton", 0], ["First_inauguration_of_Ronald_Reagan", 0], ["John_S._Hilliard", 17], ["Inauguration_of_Bill_Clinton", 3], ["John_S._Hilliard", 39]]} +{"id": 7209, "predicted_label": "SUPPORTS", "predicted_evidence": [["What_Richard_Did", 2], ["Irish_Film_Institute", 0], ["Colombiana_-LRB-disambiguation-RRB-", 0], ["Colombiana_-LRB-disambiguation-RRB-", 6], ["Colombiana_-LRB-disambiguation-RRB-", 3]]} +{"id": 138460, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Walsh", 24], ["Joe_Walsh", 16], ["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Barnstorm_-LRB-band-RRB-", 10]]} +{"id": 144649, "predicted_label": "REFUTES", "predicted_evidence": [["Julie_Klausner", 4], ["Masters_of_Sex_-LRB-book-RRB-", 2], ["Scott_Hackwith", 8], ["Caplan", 20], ["Julie_Klausner", 12]]} +{"id": 87879, "predicted_label": "REFUTES", "predicted_evidence": [["Arthur_Jeffrey_Dempster", 0], ["Dempster", 5], ["Uranium-235", 6], ["Arthur_Dempster", 3], ["Natural_uranium", 11]]} +{"id": 139445, "predicted_label": "REFUTES", "predicted_evidence": [["Age_of_Apocalypse", 0], ["Cyclops_-LRB-comics-RRB-", 1], ["Cyclops_-LRB-comics-RRB-", 13], ["Nightcrawler_-LRB-comics-RRB-", 1], ["Jean_Grey", 26]]} +{"id": 13473, "predicted_label": "REFUTES", "predicted_evidence": [["Terry_Harknett", 38], ["Iron_Man_3", 2], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Shane_Valdez", 0], ["Terry_Harknett", 0]]} +{"id": 216349, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chagatai_language", 0], ["Chagatai", 9], ["Abu_al-Ghazi_Bahadur", 34], ["Abu_al-Ghazi_Bahadur", 33], ["Uyghur_Arabic_alphabet", 6]]} +{"id": 79520, "predicted_label": "REFUTES", "predicted_evidence": [["Jack_Falahee", 0], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["List_of_Galaxy_Express_999_episodes", 0], ["Manfred_Klieme", 0]]} +{"id": 150148, "predicted_label": "REFUTES", "predicted_evidence": [["Rick_Kalowski", 8], ["Off_Their_Rockers_-LRB-Australian_TV_series-RRB-", 0], ["List_of_fictional_nurses", 279], ["Akasya_Durag\u0306\u0131", 11], ["Rick_Kalowski", 9]]} +{"id": 175737, "predicted_label": "REFUTES", "predicted_evidence": [["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 10], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 12], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 3], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 18], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 0]]} +{"id": 123942, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elect_the_Dead", 2], ["System_of_a_Down_discography", 0], ["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["List_of_American_musicians_of_Armenian_descent", 85]]} +{"id": 75153, "predicted_label": "REFUTES", "predicted_evidence": [["Taya_Kyle", 0], ["Kyle_-LRB-surname-RRB-", 22], ["Kyle_-LRB-surname-RRB-", 44], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0], ["American_Sniper", 1]]} +{"id": 88217, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Quick", 10], ["TV_Quick", 4], ["Faye_Morton", 7], ["TV_Choice", 0], ["EastEnders", 12]]} +{"id": 24408, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 7], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1], ["Norman_Jewison", 2], ["The_Cincinnati_Kid", 0]]} +{"id": 5689, "predicted_label": "SUPPORTS", "predicted_evidence": [["PRR32", 5], ["List_of_OMIM_disorder_codes", 309], ["Project_MinE", 0], ["List_of_OMIM_disorder_codes", 307], ["Project_MinE", 24]]} +{"id": 166637, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Brian_Rice_-LRB-artist-RRB-", 8], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Nathaniel_Milljour", 10]]} +{"id": 112082, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tremont_Street_Subway", 5], ["Pleasant_Street_-LRB-BERy_station-RRB-", 1], ["Green_Line_\"D\"_Branch", 1], ["Tremont_Street_Subway", 0], ["Canal_Street_Incline", 22]]} +{"id": 217201, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Monk", 0], ["Saint_Memnon", 4], ["Monk", 9], ["UFO's_and_the_Men_Who_Fly_Them!", 2], ["Synod_of_Gangra", 5]]} +{"id": 167456, "predicted_label": "REFUTES", "predicted_evidence": [["The_Id_-LRB-album-RRB-", 6], ["Cadet_Kelly", 0], ["Larry_Shaw_-LRB-director-RRB-", 9], ["The_Cheetah_Girls_2", 1], ["Peter_Sullivan_-LRB-screenwriter-RRB-", 22]]} +{"id": 172524, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Darren_Berkovitz", 3], ["APM_Terminals", 35], ["Stanley_M._Chesley", 7], ["Chester_Upland_School_District", 6], ["Montgomery_Area_School_District", 14]]} +{"id": 70833, "predicted_label": "REFUTES", "predicted_evidence": [["Selectron", 0], ["Selectron", 2], ["Selectron", 4], ["Jesus_in_Islam", 6], ["Jesus_in_Islam", 14]]} +{"id": 46144, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Furia,_Jr.", 8], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234], ["Edmund_Pendleton_-LRB-disambiguation-RRB-", 6], ["Edmund_H._Deas_House", 0], ["Edmund_H._Deas_House", 4]]} +{"id": 37060, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Merfyn_Jones", 9], ["Merfyn_Jones", 8], ["List_of_British_Army_full_generals", 6285], ["List_of_British_Army_full_generals", 8434], ["List_of_British_Army_full_generals", 6297]]} +{"id": 121139, "predicted_label": "REFUTES", "predicted_evidence": [["Without_a_Paddle", 1], ["Seth_Green_-LRB-disambiguation-RRB-", 12], ["Bruce_Seth_Green", 9], ["Caledonia_Fish_Hatchery", 0], ["Seth_Green_-LRB-disambiguation-RRB-", 7]]} +{"id": 170946, "predicted_label": "SUPPORTS", "predicted_evidence": [["Smriti_Mandhana", 0], ["Mountain_Wolf_Woman", 69], ["Indian_women_at_the_Olympics", 27], ["Indian_women_at_the_Olympics", 25], ["Mountain_Wolf_Woman", 4]]} +{"id": 6437, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 2], ["Luke_Cage", 1], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 16], ["Luke_Cage", 0], ["Luke_Cage", 8]]} +{"id": 5934, "predicted_label": "SUPPORTS", "predicted_evidence": [["2016\u201317_Washington_Wizards_season", 4], ["Toronto_Raptors", 13], ["Toronto_Raptors", 19], ["Washington_Wizards", 12], ["List_of_Washington_Wizards_head_coaches", 0]]} +{"id": 124725, "predicted_label": "REFUTES", "predicted_evidence": [["Patsy_Smart", 3], ["Maurice_Roe\u0308ves", 3], ["Danger_UXD", 5], ["UXB", 7], ["Index_of_World_War_II_articles_-LRB-D-RRB-", 127]]} +{"id": 7203, "predicted_label": "SUPPORTS", "predicted_evidence": [["Steve_Grotowski", 23], ["John_Garcia_Thompson", 15], ["John_Garcia_Thompson", 8], ["Steve_Grotowski", 0], ["John_Garcia_Thompson", 0]]} +{"id": 202459, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], ["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6]]} +{"id": 131550, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aqui\u0301_Estoy_Yo", 0], ["National_Register_of_Historic_Places_listings_in_Puerto_Rico", 11], ["Despacito", 0], ["Despacito", 2], ["Guillermo_Irizarry", 5]]} +{"id": 175648, "predicted_label": "SUPPORTS", "predicted_evidence": [["General_-LRB-DC_Comics-RRB-", 10], ["Anarky", 19], ["Quantum_and_Woody", 1], ["Publication_history_of_Anarky", 20], ["Quantum_and_Woody", 4]]} +{"id": 131971, "predicted_label": "REFUTES", "predicted_evidence": [["Pistol_offense", 22], ["49ers\u2013Seahawks_rivalry", 13], ["Colin_Kaepernick", 2], ["49ers\u2013Seahawks_rivalry", 0], ["2016_San_Francisco_49ers_season", 0]]} +{"id": 194906, "predicted_label": "REFUTES", "predicted_evidence": [["Serapis_flag", 25], ["N\u00f8rre_Alslev", 18], ["Mariano_Benlliure", 8], ["Zuul", 1], ["Zuul", 0]]} +{"id": 16260, "predicted_label": "SUPPORTS", "predicted_evidence": [["Columbia_River_Highway", 2], ["Coast_Guard_Station_Cape_Disappointment", 13], ["Eagle_Creek_-LRB-Multnomah_County,_Oregon-RRB-", 7], ["Columbia_River_Highway", 4], ["Eagle_Creek_-LRB-Multnomah_County,_Oregon-RRB-", 1]]} +{"id": 80596, "predicted_label": "SUPPORTS", "predicted_evidence": [["Game_of_Thrones_-LRB-season_7-RRB-", 11], ["All_That_-LRB-season_4-RRB-", 6], ["All_That_-LRB-season_4-RRB-", 25], ["All_That_-LRB-season_4-RRB-", 10], ["List_of_Harry_Potter_cast_members", 19]]} +{"id": 185423, "predicted_label": "REFUTES", "predicted_evidence": [["Chip_-LRB-snack_type-RRB-", 19], ["Chips_and_dip", 1], ["Chip_race", 9], ["Corn_chip", 8], ["Chip_race", 29]]} +{"id": 150904, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15], ["Natural_uranium", 11]]} +{"id": 148388, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sean_Penn", 13], ["Civilization_IV", 12], ["Sean_Penn", 5], ["Civilization_IV", 14], ["Civilization-COLON-_The_Card_Game", 0]]} +{"id": 157646, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales", 5], ["Diana,_Princess_of_Wales", 0], ["Diana,_Princess_of_Wales", 10], ["Diana,_Princess_of_Wales", 12], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 909]]} +{"id": 22507, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Good_Wife", 12], ["List_of_The_Good_Wife_episodes", 3], ["The_Good_Wife", 4], ["List_of_The_Good_Wife_episodes", 6], ["The_Good_Wife_-LRB-disambiguation-RRB-", 0]]} +{"id": 47241, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eight_Legs", 8], ["Eight_Legs", 0], ["Eight_Legs", 4], ["Eight_Legs", 7], ["Sleipnir", 0]]} +{"id": 148838, "predicted_label": "REFUTES", "predicted_evidence": [["Mega_Millions", 21], ["Mega_Millions", 10], ["Progressive_jackpot", 0], ["Richie_Wraggs", 33], ["Cashola", 7]]} +{"id": 152422, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_British_cyclists_who_have_led_the_Tour_de_France_general_classification", 0], ["Didi_Senft", 40], ["List_of_teams_and_cyclists_in_the_2016_Tour_de_France", 1], ["List_of_teams_and_cyclists_in_the_2016_Tour_de_France", 0], ["Chris_Froome", 13]]} +{"id": 109701, "predicted_label": "SUPPORTS", "predicted_evidence": [["Didi_Senft", 40], ["Yellow_jersey_statistics", 0], ["List_of_British_cyclists_who_have_led_the_Tour_de_France_general_classification", 0], ["List_of_Australian_cyclists_who_have_led_the_Tour_de_France_general_classification", 13], ["List_of_Australian_cyclists_who_have_led_the_Tour_de_France_general_classification", 0]]} +{"id": 128068, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lou_Holtz_-LRB-actor-RRB-", 52], ["Winthrop_-LRB-crater-RRB-", 1], ["Louis_Earl_Goodman", 0], ["Louis_Goodman", 3], ["Lou_Holtz_-LRB-actor-RRB-", 50]]} +{"id": 70600, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Creative_Artists_Agency_clients", 233], ["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["Emma_Watson_-LRB-disambiguation-RRB-", 5], ["Emma_Watson_-LRB-disambiguation-RRB-", 7], ["Emma_Watson_-LRB-disambiguation-RRB-", 9]]} +{"id": 64523, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sandra_Bullock_filmography", 0], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["Sandra_Choi", 21], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["Vassar_College_in_popular_culture", 32]]} +{"id": 98471, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 1], ["Grenaa_Municipality", 4], ["Odder_Municipality", 0], ["Aarhus_Municipality", 0], ["Grenaa_Municipality", 0]]} +{"id": 95450, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Phillauri_-LRB-film-RRB-", 0], ["The_Ring_-LRB-2017_film-RRB-", 1], ["Phillauri_-LRB-film-RRB-", 2], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Jab_Tak_Hai_Jaan", 16]]} +{"id": 108837, "predicted_label": "REFUTES", "predicted_evidence": [["Kesha", 0], ["Kesha_discography", 2], ["We_R_Who_We_R", 16], ["Kesha_v._Dr._Luke", 9], ["Kesha_v._Dr._Luke", 15]]} +{"id": 136865, "predicted_label": "REFUTES", "predicted_evidence": [["Estimated_date_of_confinement", 0], ["Library_card", 12], ["Tax_return_-LRB-Canada-RRB-", 20], ["Late_fee", 0], ["Comm_South_Companies", 18]]} +{"id": 104360, "predicted_label": "REFUTES", "predicted_evidence": [["News_International_phone_hacking_scandal", 3], ["News_Corporation_takeover_bid_for_BSkyB", 0], ["James_Murdoch", 0], ["News_Corp_Australia", 15], ["News_International_phone_hacking_scandal", 14]]} +{"id": 45575, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 8], ["Tokyo_Disneyland", 2]]} +{"id": 82919, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Justin_Bieber_videography", 0], ["Justin_Bieber-COLON-_Believe", 5], ["Sasha_Sirota", 7], ["Robert_Caplin", 2], ["Justin_Bieber_videography", 9]]} +{"id": 206736, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rebecca_Benson", 5], ["Samwell", 9], ["John_Bradley-West", 0], ["Blood_of_My_Blood", 5], ["Samwell_Tarly", 0]]} +{"id": 107095, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek", 0], ["Janice_Rand", 5], ["List_of_awards_and_nominations_received_by_Gene_Roddenberry", 0], ["Star_Trek", 13], ["Development_of_Spock", 1]]} +{"id": 10634, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_trafficking_in_Israel", 8], ["Human_trafficking", 7], ["Human_trafficking_in_the_Democratic_Republic_of_the_Congo", 27], ["Human_trafficking_in_Romania", 16], ["Human_trafficking_in_Mexico", 11]]} +{"id": 83902, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Adrienne_Vittadini", 12], ["Kellyanne_Conway", 12], ["Adrienne_Vittadini", 11], ["Make_America_Number_1", 12], ["Conway_-LRB-surname-RRB-", 66]]} +{"id": 26636, "predicted_label": "REFUTES", "predicted_evidence": [["Bullet_Rogan", 0], ["The_Joe_Rogan_Experience", 0], ["Joe_Rogan_Questions_Everything", 0], ["Brendan_Schaub", 3], ["Bullet_Rogan", 5]]} +{"id": 133133, "predicted_label": "REFUTES", "predicted_evidence": [["Francis_I_of_France", 0], ["List_of_English_monarchs", 12], ["List_of_English_monarchs", 1], ["Francis_I_of_France", 7], ["Francis_I_of_France", 6]]} +{"id": 82376, "predicted_label": "REFUTES", "predicted_evidence": [["Terry_Harknett", 38], ["Iron_Man_3", 2], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Shane_Valdez", 0], ["Banks_&_Shane", 15]]} +{"id": 172509, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_films_set_in_New_Jersey", 201], ["Microsoft_Entourage", 3], ["Microsoft_Entourage", 0], ["Microsoft_Entourage", 1], ["Microsoft_Entourage", 2]]} +{"id": 132766, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9], ["Remember_Paul?", 14], ["Grant_Bowler", 4], ["Middle_name", 25], ["Middle_name", 33]]} +{"id": 98312, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mascot_Hall_of_Fame", 6], ["Cocky_-LRB-mascot-RRB-", 16], ["Mascot_Hall_of_Fame", 3], ["Cocky_-LRB-mascot-RRB-", 49], ["Mascot_Hall_of_Fame", 12]]} +{"id": 99974, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mirny", 36], ["HMS_Swift", 9], ["HMS_Swift", 33], ["HMS_Wolf", 32], ["HMS_Swift", 26]]} +{"id": 53097, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_No_Country_for_Old_Men", 1], ["No_Country_for_Old_Men_-LRB-film-RRB-", 1], ["List_of_frequent_Coen_Brothers_collaborators", 8], ["No_Country_for_Old_Men_-LRB-film-RRB-", 5], ["List_of_frequent_Coen_Brothers_collaborators", 13]]} +{"id": 33111, "predicted_label": "SUPPORTS", "predicted_evidence": [["Meteora_-LRB-album-RRB-", 0], ["List_of_awards_and_nominations_received_by_Linkin_Park", 9], ["Linkin_Park_discography", 8], ["Linkin_Park", 2], ["List_of_awards_and_nominations_received_by_Linkin_Park", 12]]} +{"id": 153819, "predicted_label": "REFUTES", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Fanning_-LRB-surname-RRB-", 10], ["Dakota_Fanning", 0]]} +{"id": 99443, "predicted_label": "REFUTES", "predicted_evidence": [["Tim_Smith", 39], ["Axel_Roth", 8], ["Franc\u0327ois-Xavier_Roth", 4], ["Richard_Roth_-LRB-journalist-RRB-", 6], ["Roger_Roth", 4]]} +{"id": 104170, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chaka_Khan", 4], ["Sweet_Thing_-LRB-Rufus_song-RRB-", 1], ["Dance_Classics_of_Chaka_Khan", 0], ["Never_Miss_the_Water", 0], ["Sweet_Thing_-LRB-Rufus_song-RRB-", 0]]} +{"id": 135680, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prowler_-LRB-comics-RRB-", 2], ["Prowler_-LRB-comics-RRB-", 0], ["Plymouth_Howler", 14], ["Plymouth_Howler", 2], ["Plymouth_Howler", 10]]} +{"id": 56542, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 1], ["David_Huckabee", 2], ["Huckabee_-LRB-disambiguation-RRB-", 9], ["West_Virginia_Republican_caucuses_and_primary,_2008", 13]]} +{"id": 225303, "predicted_label": "REFUTES", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 98], ["Tommy_Dewey", 1], ["Casual_-LRB-TV_series-RRB-", 1], ["Benched", 0], ["Watkins_-LRB-surname-RRB-", 62]]} +{"id": 170941, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Smriti_Mandhana", 0], ["Manav_Nyaya_Shastra", 3], ["Tees_January_Road", 8], ["S._Cofre\u0301", 36], ["S._Cofre\u0301", 28]]} +{"id": 137464, "predicted_label": "SUPPORTS", "predicted_evidence": [["Black-ish_-LRB-season_1-RRB-", 6], ["Imagine_That_-LRB-film-RRB-", 1], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 208133, "predicted_label": "SUPPORTS", "predicted_evidence": [["Easy_A", 0], ["The_Clique_-LRB-film-RRB-", 0], ["O.C._and_Stiggs", 0], ["List_of_awards_and_nominations_received_by_Emma_Stone", 9], ["Make_It_or_Break_It", 0]]} +{"id": 215119, "predicted_label": "SUPPORTS", "predicted_evidence": [["Private_Lives_-LRB-disambiguation-RRB-", 0], ["N'e\u0301coutez_pas,_mesdames_!", 1], ["Private_Lives_-LRB-disambiguation-RRB-", 3], ["The_Little_Dog_Laughed", 0], ["Private_Lives_-LRB-disambiguation-RRB-", 5]]} +{"id": 10103, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tiber_Oil_Field", 0], ["Tiber_-LRB-disambiguation-RRB-", 20], ["Tiber_Oil_Field", 1], ["BP_Prudhoe_Bay_Royalty_Trust", 1], ["2003_world_oil_market_chronology", 37]]} +{"id": 184413, "predicted_label": "SUPPORTS", "predicted_evidence": [["Premam", 11], ["Chandramukhi", 12], ["List_of_Disney_home_entertainment", 1], ["Michael_Jackson's_This_Is_It", 14], ["List_of_Disney_home_entertainment", 2]]} +{"id": 122091, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nikola_Gjos\u030cevski", 36], ["Macedonia_naming_dispute", 6], ["Macedonia_naming_dispute", 0], ["Macedonia_naming_dispute", 13], ["Republic_of_Macedonia", 3]]} +{"id": 76745, "predicted_label": "SUPPORTS", "predicted_evidence": [["Architecture_of_New_York_City", 7], ["List_of_tallest_buildings_in_New_York_City", 0], ["Empire_State_Building", 0], ["List_of_tallest_buildings_in_New_York_City", 11], ["Chrysler_Building", 5]]} +{"id": 24810, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["36.9_ultimatum", 5], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 16], ["Trond_Giske", 1], ["2011_Norway_attacks", 9]]} +{"id": 180569, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hill_Head", 23], ["Hill_Head", 22], ["Hill_Head", 24], ["HMS_Swordfish", 3], ["HMS_Swordfish", 5]]} +{"id": 200389, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Ryan_Sinn", 17], ["After_Midnight_-LRB-Blink-182_song-RRB-", 19], ["Angels_&_Airwaves", 0], ["Box_Car_Racer", 1]]} +{"id": 4747, "predicted_label": "SUPPORTS", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Loaded_discography", 3], ["Loaded_-LRB-band-RRB-", 0], ["Loaded_discography", 0], ["Loaded_-LRB-band-RRB-", 1]]} +{"id": 126157, "predicted_label": "SUPPORTS", "predicted_evidence": [["Roger_Brook", 1], ["James_Mann_-LRB-curator-RRB-", 6], ["Staker_Wallace", 59], ["Roger_Brook", 8], ["Mortezaabad", 0]]} +{"id": 116673, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fischbach,_Mersch", 5], ["Angelsberg", 0], ["Atlanta_record_labels", 11], ["Atlanta_record_labels", 17], ["Mountain_Records", 39]]} +{"id": 182447, "predicted_label": "SUPPORTS", "predicted_evidence": [["Theory_of_justification", 0], ["Justification", 2], ["Virtue_epistemology", 1], ["Foundherentism", 5], ["Foundherentism", 12]]} +{"id": 170947, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Smriti_Mandhana", 0], ["Manav_Nyaya_Shastra", 3], ["Tees_January_Road", 8], ["S._Cofre\u0301", 36], ["S._Cofre\u0301", 28]]} +{"id": 155778, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saw_III", 5], ["Saw_VI", 1], ["Saw_III", 1], ["Virgin_Rail_Group", 6], ["Saw_VI", 11]]} +{"id": 87913, "predicted_label": "REFUTES", "predicted_evidence": [["Global_warming", 19], ["Global_warming_controversy", 0], ["Global_warming", 26], ["Global_warming_controversy", 16], ["Global_warming", 0]]} +{"id": 99986, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales", 0], ["Karpal_Singh", 24], ["Karpal_Singh", 20], ["Diana,_Princess_of_Wales", 12], ["Diana,_Princess_of_Wales", 10]]} +{"id": 115132, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 1], ["Ormslev", 3], ["Axel_Nielsen", 47], ["Axel_Nielsen", 5], ["Ormslev", 9]]} +{"id": 86326, "predicted_label": "SUPPORTS", "predicted_evidence": [["Apple_II", 0], ["Apple_II_series", 0], ["Apple_III", 19], ["Apple_I", 1], ["SWEET16", 0]]} +{"id": 137460, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trond_Giske", 4], ["Norwegian_parliamentary_election,_2013", 13], ["Norwegian_parliamentary_election,_2013", 12], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 16]]} +{"id": 201795, "predicted_label": "SUPPORTS", "predicted_evidence": [["Garth_Brooks", 9], ["Greatest_Hits_-LRB-Chris_Gaines_album-RRB-", 0], ["Garth_Brooks", 2], ["Garth_Brooks", 10], ["Wayne_Kirkpatrick", 35]]} +{"id": 115667, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Alias_-LRB-comics-RRB-", 0], ["Secret_War_-LRB-comics-RRB-", 1], ["Brian_Michael_Bendis", 0], ["Ultimate_Spider-Man", 16]]} +{"id": 137788, "predicted_label": "REFUTES", "predicted_evidence": [["Luke_Cage", 0], ["Luke_Cage", 1], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage_-LRB-season_1-RRB-", 6], ["List_of_Marvel_Cinematic_Universe_television_series", 13]]} +{"id": 197339, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage", 2], ["Luke_Cage_-LRB-season_1-RRB-", 0], ["Luke_Cage", 0], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10]]} +{"id": 128336, "predicted_label": "SUPPORTS", "predicted_evidence": [["Duane_Chapman", 0], ["Tim_Chapman", 0], ["Lyssa_Chapman", 0], ["Dog_the_Bounty_Hunter", 0], ["Bounty_Hunter_Bloods", 7]]} +{"id": 156876, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greek_language", 14], ["Geology_of_the_Grand_Canyon_area", 15], ["Geology_of_the_Grand_Canyon_area", 17], ["Geology_of_the_Grand_Canyon_area", 1], ["Medieval_Greek", 9]]} +{"id": 121646, "predicted_label": "REFUTES", "predicted_evidence": [["Chris_Nathaniel", 42], ["Chris_Nathaniel", 29], ["2006\u201307_Houston_Rockets_season", 0], ["Houston_Rockets", 2], ["History_of_the_Houston_Rockets", 1]]} +{"id": 5015, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["List_of_songs_recorded_by_Bombay_Jayashri", 6], ["List_of_songs_recorded_by_Bombay_Jayashri", 2], ["Krishna_Iyer", 9], ["Arjun_Menon", 1]]} +{"id": 218472, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hanford_Site", 23], ["Anti-nuclear_movement_in_Spain", 5], ["Anti-nuclear_movement_in_the_United_States", 18], ["William_Howard_Arnold_-LRB-physicist-RRB-", 8], ["William_Howard_Arnold_-LRB-physicist-RRB-", 2]]} +{"id": 173729, "predicted_label": "REFUTES", "predicted_evidence": [["Foggy_Mountain_Breakdown", 0], ["Scruggs_style", 14], ["Earl_Scruggs", 0], ["Foggy_Mountain_Boys", 1], ["Foggy_Mountain_Boys", 8]]} +{"id": 30240, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jean_de_Lattre_de_Tassigny", 11], ["Waterloo_Campaign", 32], ["Waterloo_Campaign", 12], ["Operation_Panther_-LRB-2013-RRB-", 48], ["Waterloo_Campaign", 1]]} +{"id": 121759, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-surname-RRB-", 25], ["Santana_-LRB-surname-RRB-", 5], ["Coke_Escovedo", 3], ["Santana_-LRB-band-RRB-", 0]]} +{"id": 119267, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dams_and_reservoirs_in_Laos", 43], ["List_of_Shadowhunters_episodes", 5], ["Shadowhunters", 5], ["2019_Africa_Cup_of_Nations", 2], ["2019_Africa_Cup_of_Nations", 0]]} +{"id": 181609, "predicted_label": "REFUTES", "predicted_evidence": [["WGBH-TV", 4], ["WGBH-TV", 0], ["WGBX-TV", 2], ["WGBX-TV", 0], ["WGBH_Educational_Foundation", 0]]} +{"id": 27496, "predicted_label": "SUPPORTS", "predicted_evidence": [["Beijing_International_MBA_at_Peking_University", 0], ["He_Weifang", 0], ["Affiliated_High_School_of_Peking_University", 5], ["Affiliated_High_School_of_Peking_University", 0], ["YTHT", 5]]} +{"id": 122358, "predicted_label": "REFUTES", "predicted_evidence": [["No_Code_of_Conduct", 1], ["Five_Aces", 1], ["Charlie_Harper_-LRB-Two_and_a_Half_Men-RRB-", 10], ["Five_Aces", 2], ["Charlie_Harper_-LRB-Two_and_a_Half_Men-RRB-", 1]]} +{"id": 16782, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Human_rights_in_the_Philippines", 8], ["Self-determination", 13], ["United_Nations_Security_Council_Resolution_1091", 3], ["Human_rights_in_the_Philippines", 10], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1]]} +{"id": 101506, "predicted_label": "REFUTES", "predicted_evidence": [["Wildfang", 0], ["Megan_Rapinoe", 12], ["Canterbury_of_New_Zealand", 0], ["Tailgate_Clothing_Company", 0], ["Canterbury_of_New_Zealand", 22]]} +{"id": 179038, "predicted_label": "SUPPORTS", "predicted_evidence": [["Congressional_Space_Medal_of_Honor", 1], ["Christa_McAuliffe", 10], ["Congressional_Space_Medal_of_Honor", 12], ["Congressional_Space_Medal_of_Honor", 9], ["Congressional_Space_Medal_of_Honor", 10]]} +{"id": 102445, "predicted_label": "REFUTES", "predicted_evidence": [["The_Confessions_of_Aleister_Crowley", 0], ["The_Book_of_Thoth_-LRB-Crowley-RRB-", 0], ["1905_Kanchenjunga_expedition", 4], ["The_Magical_Revival", 4], ["Karl_Germer", 15]]} +{"id": 187217, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Hurt_Locker", 0], ["Roy_Judkins", 2], ["The_Hurt_Locker", 9], ["The_Hurt_Locker", 8], ["Nine_from_Aberdeen", 2]]} +{"id": 185284, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bradley_Fuller", 1], ["Platinum_Dunes", 0], ["Platinum_Dunes", 4], ["Platinum_Dunes", 7], ["Bradley_Automotive", 0]]} +{"id": 143220, "predicted_label": "REFUTES", "predicted_evidence": [["Vivek_Mushran", 2], ["Vivek_Mushran", 0], ["Henry_VIII_-LRB-TV_serial-RRB-", 5], ["Vivek_Mushran", 3], ["The_Six_Wives_of_Henry_VIII", 4]]} +{"id": 2521, "predicted_label": "SUPPORTS", "predicted_evidence": [["Donga_Ramudu", 1], ["Akkineni", 14], ["Bangaru_Kutumbam", 1], ["Akkineni", 12], ["Nageswara_Rao", 2]]} +{"id": 168971, "predicted_label": "SUPPORTS", "predicted_evidence": [["Middle-earth", 0], ["Middle-earth_calendar", 0], ["Middle-earth_calendar", 9], ["Middle-earth", 4], ["Middle-earth", 10]]} +{"id": 179336, "predicted_label": "SUPPORTS", "predicted_evidence": [["Blue_Blink", 6], ["Osamu_Tezuka", 21], ["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Mushi_Production", 5]]} +{"id": 6438, "predicted_label": "REFUTES", "predicted_evidence": [["Luke_Cage_-LRB-season_1-RRB-", 6], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage", 1], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage_-LRB-season_1-RRB-", 0]]} +{"id": 117869, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Earth_Prime_-LRB-Sliders-RRB-", 11], ["Earth_Prime_-LRB-Sliders-RRB-", 27], ["Earth_Prime_-LRB-Sliders-RRB-", 33], ["Earth_Prime_-LRB-Sliders-RRB-", 34], ["List_of_Ace_titles_in_numeric_series", 1318]]} +{"id": 185388, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 62], ["List_of_fictional_U.S._Marshals", 45], ["List_of_fictional_U.S._Marshals", 96], ["Chip_race", 9], ["Chip_race", 29]]} +{"id": 119193, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["She_Can_Rock_It", 18], ["She_Can_Rock_It", 2], ["Palmer_-LRB-surname-RRB-", 129], ["Clues_-LRB-Robert_Palmer_album-RRB-", 4]]} +{"id": 175642, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fabian_Nicieza", 0], ["General_-LRB-DC_Comics-RRB-", 10], ["Publication_history_of_Anarky", 20], ["Anarky", 19], ["List_of_Jewish_American_cartoonists", 123]]} +{"id": 216578, "predicted_label": "SUPPORTS", "predicted_evidence": [["Calcaneal_spur", 1], ["Calcaneal_spur", 7], ["Calcaneal_spur", 0], ["Calcaneal_spur", 11], ["Calcaneal_spur", 6]]} +{"id": 107360, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ludwig_van_Beethoven_-LRB-1712\u20131773-RRB-", 0], ["Beethoven_Gesamtausgabe", 1], ["Beethoven_Gesamtausgabe", 0], ["Beethoven_in_film", 14], ["List_of_awards_received_by_the_Chicago_Symphony_Orchestra", 98]]} +{"id": 64752, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Abiogenesis", 33], ["Introduction_to_evolution", 7], ["Biodiversity", 20], ["History_of_Earth", 24], ["Future_of_Earth", 13]]} +{"id": 212186, "predicted_label": "REFUTES", "predicted_evidence": [["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 14], ["Miracle_at_St._Anna", 16], ["Miracle_at_St._Anna", 0], ["Corporal_of_Bolsena", 14]]} +{"id": 47385, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bureau_of_Western_Hemisphere_Affairs", 0], ["Ojos_del_Salado", 1], ["Western_Hemisphere", 6], ["Ojos_del_Salado", 0], ["Snipe_Western_Hemisphere_&_Orient_Championship", 9]]} +{"id": 171620, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gibbons", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["David_Gibbons_-LRB-disambiguation-RRB-", 3], ["David_Gibbons_-LRB-disambiguation-RRB-", 12], ["Thunderbolt_-LRB-comics-RRB-", 14]]} +{"id": 16528, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soyuz_-LRB-rocket-RRB-", 0], ["Soyuz_7K-L1", 23], ["Soyuz_7K-L1", 44], ["Soyuz-V", 8], ["Soyuz-V", 12]]} +{"id": 519, "predicted_label": "SUPPORTS", "predicted_evidence": [["Purveyance", 21], ["Battle_of_Na\u0301jera", 1], ["Battle_of_Na\u0301jera", 2], ["Military_operations_other_than_war_-LRB-US-RRB-", 3], ["Theater_of_War_-LRB-film-RRB-", 10]]} +{"id": 159596, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 7], ["Henry_T._Bannon", 6], ["Frank_O'Bannon", 10], ["Henry_T._Bannon", 3]]} +{"id": 149033, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Nine_Inch_Nails", 5], ["List_of_accolades_received_by_Carol_-LRB-film-RRB-", 34], ["1984_MTV_Video_Music_Awards", 9], ["List_of_accolades_received_by_BioShock_Infinite", 20], ["List_of_accolades_received_by_Star_Wars-COLON-_The_Force_Awakens", 19]]} +{"id": 21187, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-L-RRB-", 651], ["Index_of_World_War_II_articles_-LRB-L-RRB-", 557], ["Index_of_World_War_II_articles_-LRB-O-RRB-", 1192], ["Index_of_World_War_II_articles_-LRB-L-RRB-", 281], ["Index_of_World_War_II_articles_-LRB-L-RRB-", 223]]} +{"id": 145749, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lithuanians", 0], ["Baltic_Germans", 1], ["White_Southerners", 15], ["White_Southerners", 6], ["White_Southerners", 9]]} +{"id": 139650, "predicted_label": "REFUTES", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Issa_Rae", 2], ["Insecure_-LRB-TV_series-RRB-", 0], ["I_Am_Other", 4], ["Issa_Rae", 6]]} +{"id": 200293, "predicted_label": "SUPPORTS", "predicted_evidence": [["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["Natural_Born_Killers", 5], ["Natural_Born_Killers", 0], ["Brian_Berdan", 5], ["Oliver_Stone", 13]]} +{"id": 110342, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 0], ["Aarhus", 14], ["Aarhus_University", 1], ["Aarhus", 10], ["Aarhus", 19]]} +{"id": 97017, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lizzie_Hopley", 18], ["Babe_Smith", 0], ["The_Sparticle_Mystery", 11], ["Annette_Badland", 0], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5]]} +{"id": 118736, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["JB_Carlson", 2], ["JB_Carlson", 1], ["Jesse_Carlson", 24]]} +{"id": 76382, "predicted_label": "REFUTES", "predicted_evidence": [["Pu_pu_platter", 1], ["Shadowhunters", 0], ["Shadowhunters", 4], ["Shadowhunters", 5], ["Shadowhunters", 1]]} +{"id": 37829, "predicted_label": "SUPPORTS", "predicted_evidence": [["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 56], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 9], ["Gifted_education", 0], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 61], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 0]]} +{"id": 155198, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Head_-LRB-American_Horror_Story-RRB-", 4], ["Protect_the_Coven", 4], ["Boy_Parts", 4], ["Head_-LRB-American_Horror_Story-RRB-", 5], ["Boy_Parts", 6]]} +{"id": 159570, "predicted_label": "REFUTES", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["James_Bannon_-LRB-Wisconsin-RRB-", 3], ["Bannon", 24], ["Henry_T._Bannon", 6], ["Henry_T._Bannon", 0]]} +{"id": 200374, "predicted_label": "REFUTES", "predicted_evidence": [["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Ryan_Sinn", 17], ["After_Midnight_-LRB-Blink-182_song-RRB-", 19], ["Angels_&_Airwaves", 0], ["Box_Car_Racer", 1]]} +{"id": 219036, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vinnie_Potestivo", 13], ["Cultural_Amnesia", 11], ["Stereotypes_about_indigenous_peoples_of_North_America", 12], ["Tower_Rock", 10], ["Stereotypes_about_indigenous_peoples_of_North_America", 5]]} +{"id": 27588, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Caroline_Kennedy", 0], ["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Sweet_Caroline", 13]]} +{"id": 132101, "predicted_label": "SUPPORTS", "predicted_evidence": [["Core_worlds", 33], ["Core_worlds", 18], ["Core_worlds", 29], ["Galactic_Empire_-LRB-disambiguation-RRB-", 3], ["Core_worlds", 3]]} +{"id": 121094, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Ernest_He\u0301brard", 11], ["Indochina_Wars", 7], ["Indochina_Wars", 5], ["Siam_Nakhon_Province", 19]]} +{"id": 110197, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danger_UXB", 0], ["Patsy_Smart", 3], ["Danger_UXD", 5], ["UXB", 7], ["Index_of_World_War_II_articles_-LRB-D-RRB-", 127]]} +{"id": 159943, "predicted_label": "REFUTES", "predicted_evidence": [["Oak_Ridge_High_School_-LRB-Montgomery_County,_Texas-RRB-", 7], ["Oak_Ridge_High_School_-LRB-Montgomery_County,_Texas-RRB-", 1], ["Robert_Coveyou", 26], ["Oak_Ridge_High_School_-LRB-Montgomery_County,_Texas-RRB-", 0], ["Robert_Coveyou", 27]]} +{"id": 49362, "predicted_label": "REFUTES", "predicted_evidence": [["Sonny_Digital", 1], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["White_Friday_-LRB-CM9-RRB-", 2], ["Mercy_-LRB-GOOD_Music_song-RRB-", 0], ["Pusha_T_discography", 14]]} +{"id": 16070, "predicted_label": "SUPPORTS", "predicted_evidence": [["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["List_of_homeschooled_people", 141], ["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["Claudia_-LRB-given_name-RRB-", 126], ["Claudia_-LRB-given_name-RRB-", 80]]} +{"id": 169009, "predicted_label": "REFUTES", "predicted_evidence": [["Mangal_Singh_Ramgarhia", 0], ["Mangal_Singh_Ramgarhia", 16], ["Manmohan_Singh", 1], ["Manmohan_Singh_ministry", 5], ["First_Manmohan_Singh_ministry", 2]]} +{"id": 35003, "predicted_label": "REFUTES", "predicted_evidence": [["Bad_Romance", 2], ["List_of_awards_and_nominations_received_by_Lady_Gaga", 7], ["List_of_awards_and_nominations_received_by_Lady_Gaga", 5], ["Bad_Romance_-LRB-disambiguation-RRB-", 4], ["Bad_Romance_-LRB-film-RRB-", 0]]} +{"id": 42743, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_ethnic_enclaves", 9], ["Bones_-LRB-instrument-RRB-", 24], ["New_York_City_ethnic_enclaves", 10], ["New_York_City_ethnic_enclaves", 12], ["New_York_City_ethnic_enclaves", 8]]} +{"id": 36501, "predicted_label": "REFUTES", "predicted_evidence": [["Bhagat_Singh", 23], ["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["The_Legend_of_Bhagat_Singh", 0], ["23rd_March_1931-COLON-_Shaheed", 9]]} +{"id": 37947, "predicted_label": "SUPPORTS", "predicted_evidence": [["Riddick_-LRB-character-RRB-", 0], ["Riddick_-LRB-character-RRB-", 4], ["The_Chronicles_of_Riddick", 0], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 6], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 2]]} +{"id": 23317, "predicted_label": "SUPPORTS", "predicted_evidence": [["West_Irian_rupiah", 0], ["Papua_-LRB-province-RRB-", 3], ["West_Papua_-LRB-province-RRB-", 5], ["Papua_-LRB-province-RRB-", 1], ["West_Papua_-LRB-province-RRB-", 0]]} +{"id": 76230, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_antagonist", 1], ["Acetylcholine", 18], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Muscarinic_antagonist", 16]]} +{"id": 103448, "predicted_label": "SUPPORTS", "predicted_evidence": [["Misia_discography", 10], ["Misia_discography", 15], ["Misia_discography", 18], ["Mr._Children_discography", 17], ["Mr._Children_discography", 10]]} +{"id": 192708, "predicted_label": "REFUTES", "predicted_evidence": [["Bigg_Boss_Kannada_4", 16], ["Bigg_Boss_Kannada_4", 4], ["Bigg_Boss_Kannada_4", 9], ["Bigg_Boss_Kannada_4", 1], ["Bigg_Boss_Kannada_4", 17]]} +{"id": 111325, "predicted_label": "REFUTES", "predicted_evidence": [["Winter's_Tale_-LRB-disambiguation-RRB-", 10], ["Winter's_Tale_-LRB-disambiguation-RRB-", 14], ["Winter's_Tale_-LRB-disambiguation-RRB-", 8], ["Winter's_Tale_-LRB-disambiguation-RRB-", 3], ["Winter's_Tale_-LRB-disambiguation-RRB-", 12]]} +{"id": 476, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pleasant_Street_-LRB-BERy_station-RRB-", 1], ["Boylston_-LRB-MBTA_station-RRB-", 2], ["Tremont_Street_Subway", 5], ["Boylston_-LRB-MBTA_station-RRB-", 5], ["Boylston_-LRB-MBTA_station-RRB-", 0]]} +{"id": 77622, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 36629, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gransito_Movie_Awards_2008", 100], ["Gransito_Movie_Awards_2008", 204], ["Gransito_Movie_Awards_2008", 15], ["Gransito_Movie_Awards_2008", 22], ["Gransito_Movie_Awards_2008", 80]]} +{"id": 30437, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Riding_horse", 0], ["Stock_horse", 47], ["Stock_horse", 13], ["Bullet_-LRB-mascot-RRB-", 5], ["Arabian_horse", 9]]} +{"id": 163975, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeram", 3], ["Veeram", 5], ["Veeram_-LRB-2014_film-RRB-", 5], ["Veeram_-LRB-2014_film-RRB-", 0], ["Veeram_-LRB-2016_film-RRB-", 0]]} +{"id": 181869, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mononoke_-LRB-disambiguation-RRB-", 4], ["Nasu-COLON-_Summer_in_Andalusia", 0], ["Nasu-COLON-_Summer_in_Andalusia", 13], ["Makiko_Futaki", 2], ["Hayao_Miyazaki", 17]]} +{"id": 225230, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danielle_Cormack", 0], ["Cormack_-LRB-surname-RRB-", 15], ["Gloss_-LRB-TV_series-RRB-", 4], ["List_of_Wentworth_episodes", 4], ["Cormack_-LRB-surname-RRB-", 17]]} +{"id": 174587, "predicted_label": "SUPPORTS", "predicted_evidence": [["Venus_-LRB-Lady_Gaga_song-RRB-", 14], ["Artpop", 16], ["Gypsy_-LRB-Lady_Gaga_song-RRB-", 8], ["Artpop", 13], ["Artpop_-LRB-song-RRB-", 8]]} +{"id": 173136, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Sullivan_-LRB-pitcher-RRB-", 42], ["Macy_-LRB-surname-RRB-", 4], ["The_Story_of_My_Life_-LRB-biography-RRB-", 0], ["Ann_Sullivan", 7], ["Ann_Sullivan", 3]]} +{"id": 198209, "predicted_label": "REFUTES", "predicted_evidence": [["Empire_State_Building", 0], ["Obscura_Digital", 10], ["List_of_tallest_buildings_in_New_York_City", 6], ["List_of_tallest_buildings_in_New_York_City", 2], ["List_of_tallest_buildings_in_New_York_City", 8]]} +{"id": 18753, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 13], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 1], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 9], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 8], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 0]]} +{"id": 202468, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Connie_Sachs", 1], ["Control_-LRB-fictional_character-RRB-", 2]]} +{"id": 13362, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Bush_-LRB-cricketer-RRB-", 12], ["Hilary_A._Bush", 1], ["Devin_Bush", 1], ["Randy_Bush", 8], ["John_Bush_-LRB-cricketer-RRB-", 11]]} +{"id": 137335, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kerplunk_-LRB-album-RRB-", 2], ["39/Smooth", 0], ["Green_Day_discography", 2], ["Riverdales_-LRB-album-RRB-", 6], ["Green_Day", 1]]} +{"id": 23118, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lee_Roy_Myers", 4], ["Keiran_Lee", 0], ["Brazzers", 0], ["Virke_Lehtinen", 3], ["Virke_Lehtinen", 34]]} +{"id": 109335, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Real_Milli_Vanilli", 0], ["Shabab_e_Milli", 1], ["Shabab_e_Milli", 3], ["Shabab_e_Milli", 0], ["Shabab_e_Milli", 9]]} +{"id": 157783, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_ships_of_the_line_of_Spain", 278], ["Index_of_World_War_II_articles_-LRB-O-RRB-", 1164], ["List_of_ships_of_the_line_of_Spain", 462], ["Index_of_World_War_II_articles_-LRB-B-RRB-", 290], ["List_of_ships_of_the_line_of_Spain", 338]]} +{"id": 203994, "predicted_label": "SUPPORTS", "predicted_evidence": [["MiGente.com", 9], ["Glee.com", 1], ["MiGente.com", 1], ["MiGente.com", 10], ["Glee.com", 4]]} +{"id": 204436, "predicted_label": "REFUTES", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Brad_Wilk", 4], ["Selene_Vigil-Wilk", 6], ["Rage_Against_the_Machine", 1], ["Wilk", 17]]} +{"id": 20770, "predicted_label": "REFUTES", "predicted_evidence": [["How_to_Train_Your_Dragon_2", 11], ["Dragon_2", 0], ["How_to_Train_Your_Dragon_2", 0], ["Anant_Agarwal", 2], ["Dragon_2", 9]]} +{"id": 113264, "predicted_label": "SUPPORTS", "predicted_evidence": [["Carter_Harris", 8], ["Aaron_Rahsaan_Thomas", 14], ["Aaron_Rahsaan_Thomas", 12], ["Aaron_Rahsaan_Thomas", 13], ["Carter_Harris", 14]]} +{"id": 54244, "predicted_label": "REFUTES", "predicted_evidence": [["How_to_Train_Your_Dragon_2", 11], ["How_to_Train_Your_Dragon_-LRB-franchise-RRB-", 0], ["How_to_Train_Your_Dragon_2", 0], ["How_to_Train_Your_Dragon_-LRB-film-RRB-", 14], ["DreamWorks_Animation", 16]]} +{"id": 84561, "predicted_label": "REFUTES", "predicted_evidence": [["Rainn_Wilson", 13], ["The_Bassoon_King", 0], ["List_of_compositions_by_Alan_Hovhaness", 643], ["List_of_compositions_by_Alan_Hovhaness", 553], ["List_of_compositions_by_Alan_Hovhaness", 703]]} +{"id": 66489, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Melancholia_-LRB-2011_film-RRB-", 0], ["Diaptomidae", 1], ["Jude_Cole", 66], ["Jude_Cole", 90], ["Kiefer_Sutherland_filmography", 3]]} +{"id": 116937, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Harknett", 38], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Iron_Man_3", 2], ["Shane_Valdez", 0], ["Terry_Harknett", 0]]} +{"id": 225292, "predicted_label": "SUPPORTS", "predicted_evidence": [["Casual_-LRB-TV_series-RRB-", 1], ["The_Midnight_Show", 3], ["Watkins_-LRB-surname-RRB-", 98], ["List_of_Catholic_schools_in_New_York", 105], ["List_of_Catholic_schools_in_New_York", 93]]} +{"id": 171065, "predicted_label": "REFUTES", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Princess_Lalla_Meryem_of_Morocco", 0], ["Lalla_-LRB-disambiguation-RRB-", 10], ["Lalla_-LRB-disambiguation-RRB-", 12]]} +{"id": 111981, "predicted_label": "SUPPORTS", "predicted_evidence": [["Heavy_metal_lyrics", 0], ["Andrew_Haug", 5], ["List_of_gothic_metal_bands", 4], ["Christian_metal", 10], ["List_of_gothic_metal_bands", 1]]} +{"id": 216356, "predicted_label": "SUPPORTS", "predicted_evidence": [["Karluk_languages", 3], ["Chagatai_people", 7], ["Chagatai", 9], ["Chagatai_Khan", 2], ["Uyghur_Arabic_alphabet", 5]]} +{"id": 203180, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sunda\u2013Sulawesi_languages", 1], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0]]} +{"id": 225245, "predicted_label": "REFUTES", "predicted_evidence": [["Cormack_-LRB-surname-RRB-", 17], ["Danielle_Cormack", 0], ["List_of_New_Zealand_actors", 31], ["Wentworth_-LRB-TV_series-RRB-", 4], ["Language_of_Angels", 54]]} +{"id": 86645, "predicted_label": "SUPPORTS", "predicted_evidence": [["Noel_Fisher_-LRB-disambiguation-RRB-", 5], ["Noel_Fisher_-LRB-disambiguation-RRB-", 3], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7], ["Stuart_Craig", 18]]} +{"id": 197342, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 2], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage", 0], ["Black_Mariah_-LRB-comics-RRB-", 0], ["Luke_Cage_-LRB-season_1-RRB-", 6]]} +{"id": 165902, "predicted_label": "REFUTES", "predicted_evidence": [["Neal_Smith_-LRB-drummer-RRB-", 0], ["Log_cabin_-LRB-disambiguation-RRB-", 30], ["Neal_Smith_-LRB-drummer-RRB-", 14], ["Billion_Dollar_Babies_-LRB-song-RRB-", 4], ["Billion_Dollar_Babies_-LRB-song-RRB-", 11]]} +{"id": 71439, "predicted_label": "REFUTES", "predicted_evidence": [["How_to_Get_Away_with_Murder", 6], ["Jack_Falahee", 0], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["Manfred_Klieme", 0], ["Manfred_Klieme", 3]]} +{"id": 204341, "predicted_label": "REFUTES", "predicted_evidence": [["Cretaceous", 9], ["Polyglyphanodontia", 2], ["Nyctosauridae", 23], ["Cretaceous", 8], ["Polyglyphanodontia", 9]]} +{"id": 46365, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jose\u0301_Ferrer", 4], ["Jose\u0301_Ferrer", 0], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 0], ["Al_Morgan", 36], ["Rafael_Ferrer_-LRB-actor-RRB-", 3]]} +{"id": 202041, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 13], ["2011_Waltham_triple_murder", 14]]} +{"id": 70784, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vani_Rani_-LRB-film-RRB-", 1], ["Daag_-LRB-1973_film-RRB-", 5], ["Daag_-LRB-1973_film-RRB-", 10], ["Vani_Rani_-LRB-film-RRB-", 4], ["Vichitra_Jeevitham", 1]]} +{"id": 150810, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["\u00c6thelfl\u00e6d", 5], ["English_people", 16], ["English_people", 15], ["English_people", 6]]} +{"id": 66078, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kenny_Ortiz", 13], ["Kenny_Ortiz", 2], ["Kenny_Ortiz", 16], ["List_of_Billboard_Hot_100_number-one_singles_of_2014", 8], ["Kenny_Ortiz", 12]]} +{"id": 195028, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Organum", 5], ["Bettina_Devin", 28], ["List_of_foreign_TT_Pro_League_goalscorers", 28], ["Carolyn_Long", 16], ["List_of_foreign_TT_Pro_League_goalscorers", 23]]} +{"id": 224, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bootleg_Series_Vol._5-COLON-_Bob_Dylan_Live_1975,_The_Rolling_Thunder_Revue", 10], ["Daniel_Orozco", 6], ["Sterling_Watson", 7], ["J._Steven_York", 14], ["Sterling_Watson", 8]]} +{"id": 197385, "predicted_label": "REFUTES", "predicted_evidence": [["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Colegio_Simo\u0301n_Boli\u0301var", 4]]} +{"id": 98092, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tim_Smith", 39], ["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1], ["Booth_-LRB-actor-RRB-", 36], ["Rob_Roy_-LRB-1995_film-RRB-", 2], ["Booth_-LRB-actor-RRB-", 21]]} +{"id": 89497, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sushun", 14], ["Microbiologist", 14], ["Evidence-based_policy", 0], ["Evidence-based_policy", 5], ["Evidence-based_policy", 23]]} +{"id": 195837, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["Weekly_Idol", 1], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Hyeong", 16]]} +{"id": 223780, "predicted_label": "REFUTES", "predicted_evidence": [["Triad_-LRB-organized_crime-RRB-", 7], ["Ralph_Fults", 0], ["Triad_-LRB-organized_crime-RRB-", 9], ["Triad_-LRB-organized_crime-RRB-", 3], ["Barrow_Gang", 24]]} +{"id": 52245, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Meredith_McCoy", 13], ["Moonlight_Basin", 44], ["Moonlight_Basin", 26], ["Moonlight_Basin", 30], ["Moonlight_Basin", 41]]} +{"id": 41786, "predicted_label": "SUPPORTS", "predicted_evidence": [["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["Jack_Falahee", 0], ["Jack_-LRB-surname-RRB-", 73], ["Jack_-LRB-surname-RRB-", 77]]} +{"id": 164632, "predicted_label": "SUPPORTS", "predicted_evidence": [["To_Pimp_a_Butterfly", 12], ["Cryptic_Writings", 12], ["Snoop_Dogg_discography", 14], ["To_Pimp_a_Butterfly", 6], ["To_Pimp_a_Butterfly", 0]]} +{"id": 95877, "predicted_label": "SUPPORTS", "predicted_evidence": [["Deep_in_My_Heart_-LRB-1954_film-RRB-", 3], ["Jose\u0301_Ferrer", 0], ["Al_Morgan", 17], ["Al_Morgan", 46], ["Al_Morgan", 19]]} +{"id": 90860, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Val_Meets_The_VIPs", 15], ["There_Is_No_Alternative-COLON-_Why_Margaret_Thatcher_Matters", 0], ["The_Iron_Lady_-LRB-album-RRB-", 10], ["Thatcher_ministry", 7], ["Thatcher_ministry", 5]]} +{"id": 146831, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chiaroscuro_Records", 2], ["Chiaroscuro_Records", 3], ["Paul_Tatum", 16], ["Tatum_-LRB-given_name-RRB-", 12], ["Chiaroscuro_Records", 0]]} +{"id": 173114, "predicted_label": "REFUTES", "predicted_evidence": [["Joe_Sullivan_-LRB-pitcher-RRB-", 42], ["Ann_Sullivan", 3], ["Macy_-LRB-surname-RRB-", 4], ["Joe_Sullivan_-LRB-pitcher-RRB-", 25], ["Joe_Sullivan_-LRB-pitcher-RRB-", 0]]} +{"id": 175644, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["General_-LRB-DC_Comics-RRB-", 10], ["NFL_SuperPro", 1], ["Psi-Force", 8], ["Anarky", 19], ["Publication_history_of_Anarky", 20]]} +{"id": 194461, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda_Swinton", 0], ["Tilda", 12], ["Michael_Clayton_-LRB-film-RRB-", 1], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Swinton_-LRB-surname-RRB-", 19]]} +{"id": 137987, "predicted_label": "REFUTES", "predicted_evidence": [["Lawrence_Cohn", 24], ["Lawrence_Cohn", 26], ["List_of_accolades_received_by_The_Sixth_Sense", 6], ["Kangana_Ranaut,_roles_and_awards", 8], ["Kangana_Ranaut,_roles_and_awards", 1]]} +{"id": 4705, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hundred_Years'_War_-LRB-1415\u201353-RRB-", 0], ["Toy_Soldiers-COLON-_Cold_War", 2], ["Hundred_Years'_War_-LRB-1415\u201353-RRB-", 7], ["Hundred_Years'_War", 23], ["Hundred_Years'_War", 0]]} +{"id": 99454, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1], ["The_Cincinnati_Kid", 7], ["The_Cincinnati_Kid", 0], ["The_Cincinnati_Kid", 6]]} +{"id": 7419, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ancient_Diocese_of_the_Faroe_Islands", 0], ["Island_Command_Faroes", 1], ["Faroe_Islands_national_football_team_results", 0], ["William_Gibson_Sloan", 20], ["William_Gibson_Sloan", 11]]} +{"id": 129816, "predicted_label": "REFUTES", "predicted_evidence": [["St._Michael\u2019s_Indian_Residential_School_-LRB-Alert_Bay-RRB-", 0], ["Prince_Albert_Indian_Residential_School", 3], ["Prince_Albert_Indian_Residential_School", 0], ["Canadian_Indian_residential_school_system", 18], ["Canadian_Indian_residential_school_system", 26]]} +{"id": 12227, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vivek_Mushran", 2], ["List_of_people_with_surname_Carey", 449], ["Henry_VIII_-LRB-TV_serial-RRB-", 0], ["List_of_people_with_surname_Carey", 345], ["The_Six_Wives_of_Henry_VIII", 8]]} +{"id": 2372, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Guillermo_del_Toro", 4], ["Guillermo_del_Toro", 0], ["Sundown_-LRB-video_game-RRB-", 1], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 0]]} +{"id": 218366, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Resistance", 6], ["Harold_Cole", 18], ["Noyautage_des_administrations_publiques", 11], ["French_Resistance", 0], ["Andre\u0301_Dewavrin", 13]]} +{"id": 165660, "predicted_label": "REFUTES", "predicted_evidence": [["Doctor_Who_-LRB-season_12-RRB-", 0], ["Peter_Grimwade", 0], ["Destination_Nerva", 0], ["Doctor_Who_and_the_Pescatons", 0], ["Destination_Nerva", 5]]} +{"id": 209086, "predicted_label": "REFUTES", "predicted_evidence": [["Stadium_Arcadium_World_Tour", 0], ["Stadium_Arcadium", 5], ["List_of_Red_Hot_Chili_Peppers_band_members", 59], ["Dave_Rat", 10], ["Stadium_Arcadium", 0]]} +{"id": 23197, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 9], ["Ewan_McGregor", 2], ["Trainspotting", 11], ["Ewen_Bremner", 1]]} +{"id": 106854, "predicted_label": "SUPPORTS", "predicted_evidence": [["Geoffrey_Enthoven", 5], ["Andre\u0301_Cavens", 9], ["Andre\u0301_Cavens", 0], ["Geoffrey_Enthoven", 0], ["Gilles_-LRB-given_name-RRB-", 131]]} +{"id": 46333, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Let's_Get_Loud_-LRB-disambiguation-RRB-", 8], ["Jennifer_Lopez_Collection", 0], ["Still_Jennifer_Lopez", 0], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 12]]} +{"id": 49110, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_women_with_ovarian_cancer", 267], ["Mary_of_Teck", 12], ["Duke_Alexander_of_Wu\u0308rttemberg_-LRB-1804\u20131885-RRB-", 18], ["Duke_Alexander_of_Wu\u0308rttemberg_-LRB-1804\u20131885-RRB-", 7], ["Mary_of_Teck", 0]]} +{"id": 139946, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["Cordalene", 18], ["Cordalene", 25], ["I_Kissed_a_Girl", 10], ["Kirk_and_Uhura's_kiss", 19]]} +{"id": 186874, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prince_albums_discography", 86], ["Evanescence_discography", 21], ["Prince_albums_discography", 116], ["Snoop_Dogg_discography", 61], ["Snoop_Dogg_discography", 112]]} +{"id": 186331, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_songs_about_Paris", 257], ["Quasimodo_-LRB-disambiguation-RRB-", 0], ["Quasimodo_-LRB-disambiguation-RRB-", 10], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 6], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 8]]} +{"id": 172103, "predicted_label": "SUPPORTS", "predicted_evidence": [["Antonina_Armato", 29], ["Selena_Gomez_&_the_Scene", 3], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Stars_Dance", 2], ["Antonina_Armato", 26]]} +{"id": 6572, "predicted_label": "REFUTES", "predicted_evidence": [["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12], ["Etesian", 15], ["Santa_Ana_winds_in_popular_culture", 29], ["Global_wind_patterns", 76], ["Etesian", 17]]} +{"id": 81697, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aaron_Burr", 9], ["Aaron_Burr", 1], ["United_States_presidential_election,_1800", 27], ["United_States_presidential_election,_1800", 23], ["United_States_presidential_election,_1800", 13]]} +{"id": 185216, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chang_&_Eng", 1], ["Burundi_at_the_2008_Summer_Paralympics", 0], ["Burundi_at_the_2012_Summer_Olympics", 4], ["Chang_&_Eng", 3], ["Public_holidays_in_Sweden", 7]]} +{"id": 3718, "predicted_label": "REFUTES", "predicted_evidence": [["Victoria_Palace_Theatre", 0], ["Victoria_Palace", 0], ["Palace_Theatre,_Westcliff-on-Sea", 12], ["Victoria_Theatre", 31], ["Victoria_Palace", 3]]} +{"id": 53961, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Martin_Feveyear", 3], ["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Loaded_-LRB-band-RRB-", 0], ["List_of_Guns_N'_Roses_members", 1], ["List_of_Guns_N'_Roses_members", 32]]} +{"id": 157179, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["The_Killam_Trusts", 0]]} +{"id": 114936, "predicted_label": "REFUTES", "predicted_evidence": [["Troian_Bellisario", 5], ["Billboard_Dad", 0], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 126936, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["Me_and_Bessie", 20], ["Bessie_-LRB-disambiguation-RRB-", 16], ["Bessie_-LRB-disambiguation-RRB-", 14], ["Me_and_Bessie", 0]]} +{"id": 58783, "predicted_label": "SUPPORTS", "predicted_evidence": [["EA_Black_Box", 0], ["List_of_Need_for_Speed_video_games", 2], ["Skate_2", 0], ["List_of_Need_for_Speed_video_games", 8], ["Skate_2", 13]]} +{"id": 83023, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cheese_in_the_Trap_-LRB-TV_series-RRB-", 0], ["Splendid_Politics", 0], ["Entourage_-LRB-South_Korean_TV_series-RRB-", 0], ["5urprise", 1], ["Joon-ho", 28]]} +{"id": 117186, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wales", 16], ["Agricultural_society", 3], ["Sydney_Royal_National_Poultry_Show", 1], ["Royal_Agricultural_Society_of_New_South_Wales", 0], ["Sydney_Royal_National_Poultry_Show", 6]]} +{"id": 156957, "predicted_label": "SUPPORTS", "predicted_evidence": [["Inside_-LRB-2007_film-RRB-", 3], ["Corruption_-LRB-1968_film-RRB-", 3], ["The_Hills_Have_Eyes_-LRB-2006_film-RRB-", 1], ["The_Awful_Dr._Orloff", 0], ["Julien_Maury_and_Alexandre_Bustillo", 12]]} +{"id": 70918, "predicted_label": "SUPPORTS", "predicted_evidence": [["Architecture_of_New_York_City", 7], ["Empire_State_Building", 0], ["List_of_tallest_buildings_in_New_York_City", 11], ["Chrysler_Building", 5], ["Chrysler_Building", 6]]} +{"id": 29862, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Issa_Rae", 2], ["Issa_Rae", 1], ["Issa_Rae", 6], ["Delusional_Downtown_Divas", 0]]} +{"id": 212190, "predicted_label": "REFUTES", "predicted_evidence": [["Miracle_at_St._Anna", 2], ["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 0], ["Miracle_at_St._Anna", 16], ["Miracle_at_St._Anna", 14]]} +{"id": 229303, "predicted_label": "SUPPORTS", "predicted_evidence": [["Working_animal", 0], ["Working_animal", 21], ["Utilitiesman_-LRB-United_States_Navy-RRB-", 3], ["Working_dog", 0], ["Hull_maintenance_technician", 3]]} +{"id": 55065, "predicted_label": "SUPPORTS", "predicted_evidence": [["Outwood_Academy_Ripon", 8], ["Ripon_College", 3], ["Ripon_College_-LRB-Wisconsin-RRB-", 0], ["Ripon_College", 9], ["Ripon_College", 7]]} +{"id": 63837, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pre\u2013Big_Bang_physics", 0], ["Pre\u2013Big_Bang_physics", 7], ["Big_Bang_-LRB-South_Korean_band-RRB-", 8], ["Ripon_College", 3], ["Ripon_College", 9]]} +{"id": 175658, "predicted_label": "REFUTES", "predicted_evidence": [["Fabian_Nicieza", 0], ["Publication_history_of_Anarky", 20], ["Anarky", 19], ["General_-LRB-DC_Comics-RRB-", 10], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 160]]} +{"id": 215131, "predicted_label": "SUPPORTS", "predicted_evidence": [["Private_Lives_-LRB-film-RRB-", 0], ["Robert_Miskimon", 30], ["Toby_Sawyer", 7], ["Private_Lives_-LRB-film-RRB-", 1], ["Autumn_Hurlbert", 23]]} +{"id": 2862, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fixed_annuity", 88], ["Fixed_annuity", 89], ["Horni\u0301_Slavkov", 66], ["Horni\u0301_Slavkov", 99], ["Fixed_annuity", 91]]} +{"id": 181986, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Electrosurgery", 38], ["Lone_Scouts_of_America", 6], ["Lone_Scouts_of_America", 5], ["Forceps", 0], ["Electrosurgery", 46]]} +{"id": 192920, "predicted_label": "SUPPORTS", "predicted_evidence": [["We_Are_Young", 10], ["List_of_Billboard_Hot_100_number-one_singles_of_1995", 7], ["Rihanna_discography", 18], ["Beyonce\u0301_discography", 23], ["Celine_Dion_singles_discography", 44]]} +{"id": 148632, "predicted_label": "REFUTES", "predicted_evidence": [["Tales_from_the_Brothers_Gibb", 5], ["Tales_from_the_Brothers_Gibb", 17], ["Albhy_Galuten", 1], ["Tales_from_the_Brothers_Gibb", 1], ["Bee_Gees_Gold", 0]]} +{"id": 131072, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dev_Patel", 6], ["NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 0], ["Outstanding_Drama_Series", 11], ["NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], ["How_to_Get_Away_with_Murder", 12]]} +{"id": 226118, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_people_from_Pasadena,_California", 0], ["Colin_Vaines", 59], ["Colin_Vaines", 29], ["List_of_people_from_Pasadena,_California", 36], ["List_of_people_from_Pasadena,_California", 52]]} +{"id": 128038, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Iwan_Bloch", 10], ["Advertising", 0], ["Masahiro_Morioka", 5], ["Ishmael_-LRB-novel-RRB-", 1], ["Nuclear_holocaust", 5]]} +{"id": 23148, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gin_palace", 0], ["Old_Tom_Gin", 5], ["Gin_pahit", 1], ["Gin_palace", 3], ["Old_Tom_Gin", 0]]} +{"id": 177156, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alien_invasion", 22], ["Invasion_literature", 0], ["The_Battle_of_Dorking", 0], ["Alien_invasion", 4], ["Biographical_novel", 2]]} +{"id": 49743, "predicted_label": "REFUTES", "predicted_evidence": [["Museo_de_la_Mu\u0301sica_Puertorriquen\u0303a", 0], ["Music_of_Puerto_Rico", 3], ["Museo_de_la_Mu\u0301sica_Puertorriquen\u0303a", 2], ["Music_of_Puerto_Rico", 2], ["Music_of_Puerto_Rico", 1]]} +{"id": 178166, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_tallest_buildings_in_the_United_States", 15], ["List_of_tallest_buildings_in_the_United_States", 1], ["List_of_tallest_buildings_in_New_York_City", 2], ["List_of_tallest_buildings_in_New_York_City", 20], ["One_World_Trade_Center", 0]]} +{"id": 203184, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sunda\u2013Sulawesi_languages", 1], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0]]} +{"id": 67830, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ron_Cyrus", 1], ["Jenna_Andrews", 1], ["Brother_Clyde_-LRB-album-RRB-", 2], ["Noah_Cyrus", 4], ["Cyrus_-LRB-surname-RRB-", 12]]} +{"id": 165670, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gamania", 0], ["Help_She_Can't_Swim", 20], ["Help_She_Can't_Swim", 5], ["Tom_-LRB-given_name-RRB-", 11], ["Gamania", 10]]} +{"id": 143872, "predicted_label": "REFUTES", "predicted_evidence": [["Greek_language", 14], ["List_of_Greek_place_names", 39], ["List_of_Greek_place_names", 31], ["Greek_language", 13], ["Greek_language", 11]]} +{"id": 39545, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["George_Lopez_-LRB-TV_series-RRB-", 5], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["Sandra_Bullock_filmography", 0], ["George_Lopez_-LRB-disambiguation-RRB-", 8]]} +{"id": 193873, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bea_Arthur", 0], ["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22], ["Bea_-LRB-given_name-RRB-", 6], ["Bea_-LRB-given_name-RRB-", 30]]} +{"id": 216376, "predicted_label": "SUPPORTS", "predicted_evidence": [["Karluk_languages", 3], ["Chagatai_people", 7], ["Chagatai", 9], ["Chagatai_Khan", 2], ["Uyghur_Arabic_alphabet", 5]]} +{"id": 223346, "predicted_label": "REFUTES", "predicted_evidence": [["The_Room_-LRB-film-RRB-", 15], ["The_Disaster_Artist_-LRB-film-RRB-", 0], ["The_Room_-LRB-film-RRB-", 5], ["Principal_photography", 17], ["Alludu_Seenu", 12]]} +{"id": 5004, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gang_activity_in_Denver", 3], ["Quality_Street_Gang", 5], ["Gangs_in_Memphis,_Tennessee", 5], ["Quality_Street_Gang", 10], ["Spanish_Gangster_Disciples", 8]]} +{"id": 94032, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Rhode_Island_International_Horror_Film_Festival_selections", 1], ["Rhode_Island_International_Horror_Film_Festival", 14], ["List_of_horror_films_of_the_1930s", 1], ["Rhode_Island_International_Horror_Film_Festival", 0], ["Rob_Zombie", 28]]} +{"id": 111005, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Telemundo_affiliates_-LRB-table-RRB-", 5], ["Noticias_Telemundo", 8], ["Noticias_Telemundo", 0], ["List_of_Telemundo_affiliates_-LRB-table-RRB-", 0], ["Telemundo", 0]]} +{"id": 78856, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pulmuone", 6], ["TomTom", 5], ["Esco_-LRB-Singaporean_company-RRB-", 0], ["Sur_La_Table", 1], ["Esco_-LRB-Singaporean_company-RRB-", 3]]} +{"id": 157434, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Miranda_Otto", 0], ["Gracie_Gallegos", 8], ["In_the_Winter_Dark_-LRB-film-RRB-", 1]]} +{"id": 141204, "predicted_label": "REFUTES", "predicted_evidence": [["Faroe_Islands", 9], ["History_of_the_Faroe_Islands", 8], ["Island_Command_Faroes", 34], ["Faroe_Islands", 11], ["Norwegian_Code", 16]]} +{"id": 219305, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Capsicum_chinense", 0], ["List_of_plants_of_Burkina_Faso", 791], ["Piri_piri", 0], ["Datil_pepper", 0], ["Capsicum_baccatum", 9]]} +{"id": 189775, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthias_Corvinus", 31], ["Hunyadi_family", 1], ["Matthias_Corvinus", 0], ["Hunyadi_family", 18], ["Vladislaus_II_of_Hungary", 23]]} +{"id": 217194, "predicted_label": "REFUTES", "predicted_evidence": [["Asceticism", 0], ["Asceticism", 10], ["Swaminarayan_Sampraday", 16], ["Manmukh", 36], ["Asceticism", 1]]} +{"id": 125487, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kajol_filmography", 7], ["Kajol", 9], ["Dilwale_Dulhania_Le_Jayenge", 0], ["Kajol_filmography", 6], ["Filmfare_Award_for_Best_Music_Album", 650]]} +{"id": 45932, "predicted_label": "SUPPORTS", "predicted_evidence": [["Viola_Davis", 6], ["Rob_Davis_-LRB-musician-RRB-", 17], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 7], ["Rob_Davis_-LRB-musician-RRB-", 16], ["Jackson_Davis", 16]]} +{"id": 212343, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 118940, "predicted_label": "REFUTES", "predicted_evidence": [["Aarhus", 0], ["Aarhus", 14], ["Aarhus_Frogs", 0], ["Aarhus", 10], ["Aarhus_Frogs", 7]]} +{"id": 198218, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn", 18], ["Jumping-Jupiter_scenario", 1], ["Neptune", 1], ["Saturn", 0], ["Neptune", 25]]} +{"id": 34392, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["IDEA_Health_and_Fitness_Association", 9], ["IDEA_Health_and_Fitness_Association", 5], ["List_of_Nintendo_DS_games", 6456], ["List_of_Nintendo_DS_games", 2885], ["List_of_Nintendo_DS_games", 1624]]} +{"id": 142966, "predicted_label": "REFUTES", "predicted_evidence": [["Landesliga", 16], ["Locomore", 0], ["Bochum-Innenstadt", 1], ["Lower_Saxony", 0], ["Locomore", 7]]} +{"id": 190753, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_women_with_ovarian_cancer", 127], ["Seinfeld", 8], ["Marjorie_Gross", 0], ["Marjorie", 136], ["Marjorie", 240]]} +{"id": 187120, "predicted_label": "REFUTES", "predicted_evidence": [["Mariano_Vivanco", 8], ["Last_Night_-LRB-2010_film-RRB-", 5], ["Teddy_Zee", 34], ["Last_Night_-LRB-2010_film-RRB-", 1], ["Hitch_-LRB-film-RRB-", 1]]} +{"id": 149644, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joaquim", 79], ["Gabriel_Joaquim_dos_Santos", 0], ["Marcelino_dos_Santos", 11], ["Felipe_Santos", 5], ["Felipe_Santos", 0]]} +{"id": 76531, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Soyuz_7K-L1", 38], ["Soyuz_7K-T", 2], ["Soyuz_7K-T", 0], ["Soyuz_7K-L1", 44], ["Soyuz-V", 8]]} +{"id": 35722, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Gifted_-LRB-TV_series-RRB-", 0], ["Michael_Westen", 0], ["The_Gifted_-LRB-TV_series-RRB-", 10], ["The_Gifted_-LRB-TV_series-RRB-", 7], ["Kirksey_Nix", 18]]} +{"id": 55156, "predicted_label": "REFUTES", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewan_McGregor", 2], ["Ewen_Bremner", 1], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 161576, "predicted_label": "REFUTES", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 0], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 1], ["Australia_-LRB-2008_film-RRB-", 5], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 0], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0]]} +{"id": 203155, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0], ["Sunda\u2013Sulawesi_languages", 4]]} +{"id": 202954, "predicted_label": "REFUTES", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8], ["Avenged_Sevenfold_discography", 0], ["Avenged_Sevenfold", 6]]} +{"id": 38444, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Eastern_grey_squirrels_in_Europe", 0], ["American_red_squirrel", 1], ["Tree_squirrel", 2], ["Ground_squirrel", 1], ["Tree_squirrel", 0]]} +{"id": 113458, "predicted_label": "REFUTES", "predicted_evidence": [["Tachylite_in_Victorian_archaeological_sites", 17], ["Lithic_stage", 1], ["Pauma_Complex", 30], ["Kedgeree", 0], ["Tachylite_in_Victorian_archaeological_sites", 0]]} +{"id": 138178, "predicted_label": "SUPPORTS", "predicted_evidence": [["Allu_Arjun,_roles_and_awards", 2], ["Russell_Crowe", 6], ["Russell_Crowe", 10], ["Russell_Crowe", 2], ["Amitabh_Bachchan_filmography", 36]]} +{"id": 103872, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 65497, "predicted_label": "REFUTES", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Lina_Wolff", 5], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 23427, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 7], ["The_Cincinnati_Kid", 6], ["Norman_Jewison", 2], ["The_Cincinnati_Kid", 0]]} +{"id": 137376, "predicted_label": "REFUTES", "predicted_evidence": [["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 0], ["I_Kissed_a_Girl", 3], ["I_Kissed_a_Girl_-LRB-disambiguation-RRB-", 6], ["I_Kissed_a_Girl", 0], ["I_Kissed_a_Girl", 19]]} +{"id": 124049, "predicted_label": "REFUTES", "predicted_evidence": [["Horse", 5], ["List_of_Neolithic_settlements", 58], ["History_of_agriculture", 27], ["3rd_millennium_BC_in_North_American_history", 0], ["Stonehenge", 5]]} +{"id": 77473, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Lady_Gaga", 7], ["Bad_Romance", 9], ["Judas_-LRB-Lady_Gaga_song-RRB-", 6], ["Bad_Romance", 2], ["Bad_Romance", 21]]} +{"id": 80555, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Terry_Harknett", 38], ["Andy_Black_-LRB-poker_player-RRB-", 36], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Andy_Black_-LRB-poker_player-RRB-", 45], ["Andy_Black_-LRB-poker_player-RRB-", 17]]} +{"id": 87894, "predicted_label": "REFUTES", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-D-RRB-", 1158], ["List_of_former_NTA_Film_Network_affiliates_in_the_United_States", 0], ["List_of_former_NTA_Film_Network_affiliates_in_the_United_States", 2], ["Danger_UXD", 5], ["UXB", 7]]} +{"id": 118844, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["The_Legend_of_Bhagat_Singh", 0], ["23rd_March_1931-COLON-_Shaheed", 9], ["The_Legend_of_Bhagat_Singh", 5]]} +{"id": 31681, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dress_uniform", 9], ["Dress_uniform", 3], ["Dress_up_monday", 1], ["Formal_wear", 10], ["Service_dress", 10]]} +{"id": 195056, "predicted_label": "REFUTES", "predicted_evidence": [["Ray_Ruddy", 7], ["Ray_Ruddy", 5], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0], ["Joe_Ruddy", 5]]} +{"id": 183143, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tata_Motors", 13], ["BSE_SENSEX", 0], ["Bombay_Stock_Exchange", 0], ["Madras_Stock_Exchange", 2], ["Tata_Motors", 7]]} +{"id": 7162, "predicted_label": "REFUTES", "predicted_evidence": [["Abigail_Eames", 2], ["Sayyeshaa", 1], ["Anarchist_Communist_Federation", 5], ["Zabalaza_Anarchist_Communist_Front", 0], ["Sayyeshaa", 0]]} +{"id": 24660, "predicted_label": "REFUTES", "predicted_evidence": [["RampantTV", 10], ["The_Sex_Factor", 0], ["Creative_Control_-LRB-disambiguation-RRB-", 8], ["Creative_Control_-LRB-disambiguation-RRB-", 4], ["RampantTV", 9]]} +{"id": 165138, "predicted_label": "REFUTES", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["The_Expendables_-LRB-2010_film-RRB-", 14], ["Leonard_Termo", 11], ["Mickey_Rourke_filmography", 3], ["The_Expendables_-LRB-2010_film-RRB-", 3]]} +{"id": 98306, "predicted_label": "SUPPORTS", "predicted_evidence": [["Love_the_Way_You_Lie", 0], ["Love_the_Way_You_Lie", 7], ["List_of_awards_and_nominations_received_by_Rihanna", 13], ["Rihanna_discography", 27], ["List_of_Rihanna_concert_tours", 31]]} +{"id": 119081, "predicted_label": "REFUTES", "predicted_evidence": [["Never_So_Good", 9], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 8], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 16]]} +{"id": 94151, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Uranium-234", 28], ["Peak_uranium", 27], ["Depleted_uranium", 11]]} +{"id": 227365, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Giada_-LRB-disambiguation-RRB-", 6], ["Giada_-LRB-disambiguation-RRB-", 0], ["Giada_-LRB-disambiguation-RRB-", 2], ["Giada_-LRB-disambiguation-RRB-", 4], ["DMAX", 7]]} +{"id": 185297, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bradley_Automotive", 0], ["Jeanine_Basinger", 11], ["Ouija_-LRB-2014_film-RRB-", 0], ["Bradley_Automotive", 8], ["Bradley_Automotive", 11]]} +{"id": 196986, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 2], ["Vincible_ignorance", 13], ["Glossary_of_Indian_culture", 99], ["Diwali", 19], ["Sociology_of_scientific_ignorance", 1]]} +{"id": 223340, "predicted_label": "REFUTES", "predicted_evidence": [["The_Room_-LRB-film-RRB-", 15], ["The_Disaster_Artist_-LRB-film-RRB-", 0], ["The_Room_-LRB-film-RRB-", 5], ["Seed_Productions", 7], ["UHF_-LRB-film-RRB-", 0]]} +{"id": 93334, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ethnographic_Lithuania", 17], ["Lithuanians_in_the_United_Kingdom", 6], ["Siege_of_Polotsk", 15], ["Siege_of_Polotsk", 1], ["Siege_of_Polotsk", 13]]} +{"id": 64886, "predicted_label": "REFUTES", "predicted_evidence": [["Baahubali-COLON-_The_Beginning", 14], ["Baahubali-COLON-_The_Beginning", 17], ["Human_Torch", 18], ["Mister_Fantastic", 17], ["Invisible_Woman", 15]]} +{"id": 76594, "predicted_label": "REFUTES", "predicted_evidence": [["Marjorie", 136], ["Marjorie_Gross", 0], ["Seinfeld", 8], ["List_of_women_with_ovarian_cancer", 127], ["List_of_women_with_ovarian_cancer", 129]]} +{"id": 116025, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Workplace_Religious_Freedom_Act", 3], ["Chris_Hansen_-LRB-attorney-RRB-", 0], ["American_Civil_Liberties_Union", 12], ["Workplace_Religious_Freedom_Act", 42], ["Chris_Hansen_-LRB-attorney-RRB-", 1]]} +{"id": 59070, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_Saxony-Anhalt", 0], ["Frederick_of_Saxony", 15], ["Anna_of_Saxony_-LRB-disambiguation-RRB-", 13], ["Frederick_of_Saxony", 11], ["Frederick_of_Saxony", 13]]} +{"id": 132473, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_international_animation_festivals", 316], ["American_Horror_Story", 10], ["List_of_international_animation_festivals", 84], ["List_of_international_animation_festivals", 39], ["List_of_international_animation_festivals", 48]]} +{"id": 104710, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["Otto_I,_Duke_of_Swabia_and_Bavaria", 24], ["Miranda_Otto", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4]]} +{"id": 212197, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miracle_at_St._Anna", 2], ["Miracle_at_St._Anna", 4], ["Miracle_at_St._Anna", 16], ["Miracle_at_St._Anna", 0], ["Miracle_at_St._Anna", 14]]} +{"id": 223774, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ralph_Fults", 0], ["Barrow_Gang", 0], ["Bonnie_and_Clyde", 1], ["Fults", 7], ["Barrow_Gang", 24]]} +{"id": 200261, "predicted_label": "SUPPORTS", "predicted_evidence": [["Natural_Born_Killers", 0], ["List_of_Natural_Born_Killers_characters", 0], ["Natural_Born_Killers", 5], ["Pulp_Fiction", 0], ["Quentin_Tarantino_filmography", 0]]} +{"id": 83630, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Magic_Johnson_Enterprises", 2], ["Magic_Johnson_-LRB-disambiguation-RRB-", 0], ["Magic_Johnson_-LRB-disambiguation-RRB-", 6], ["Magic_Johnson_Enterprises", 0], ["Magic_Johnson_-LRB-disambiguation-RRB-", 8]]} +{"id": 112240, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kellyanne_Conway", 12], ["Make_America_Number_1", 12], ["Kellyanne_Conway", 4], ["Bowling_Green_massacre", 0], ["Rebekah_Mercer_-LRB-donor-RRB-", 20]]} +{"id": 137398, "predicted_label": "REFUTES", "predicted_evidence": [["Kenneth_Grant", 7], ["The_Confessions_of_Aleister_Crowley", 0], ["Karl_Germer", 1], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15]]} +{"id": 159699, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 25], ["Nira_Park", 19], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 91984, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joe_Rogan", 7], ["Bert_Kreischer", 34], ["Joe_Rogan", 4], ["Junior_Simpson", 15], ["The_Joe_Rogan_Experience", 0]]} +{"id": 123642, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Israeli_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II", 10], ["Lockheed_Martin_F-35_Lightning_II", 0]]} +{"id": 141775, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ulster_Scots_people", 0], ["Ulster_Scots_people", 4], ["James_VI_and_I", 0], ["Ulster_Scots_people", 8], ["Ulster_Scots_people", 7]]} +{"id": 139306, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Floppy_disk", 0], ["History_of_the_floppy_disk", 0], ["KryoFlux", 16], ["History_of_IBM_magnetic_disk_drives", 7], ["Floppy_disk", 5]]} +{"id": 202464, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 172106, "predicted_label": "REFUTES", "predicted_evidence": [["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Selena_Gomez_&_the_Scene", 3], ["Stars_Dance", 2]]} +{"id": 86731, "predicted_label": "REFUTES", "predicted_evidence": [["Three-wheeled_vehicle", 0], ["Three-wheeled_vehicle", 3], ["David_Packouz", 3], ["Future_Tactical_Truck_System", 1], ["Ephraim_-LRB-given_name-RRB-", 30]]} +{"id": 124077, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gin_and_Juice", 7], ["Marshall_Jewell", 10], ["Marshall_Jewell", 9], ["Jewell_-LRB-singer-RRB-", 3], ["Gin_and_Juice", 0]]} +{"id": 60088, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ojos_del_Salado", 1], ["Ojos_del_Salado", 0], ["Otto_Reich", 1], ["Snipe_Western_Hemisphere_&_Orient_Championship", 9], ["Western_Hemisphere", 0]]} +{"id": 70812, "predicted_label": "SUPPORTS", "predicted_evidence": [["Riddick_-LRB-character-RRB-", 0], ["Joseph_Riddick", 14], ["Riddick's_Rules_of_Procedure", 6], ["The_Chronicles_of_Riddick", 8], ["The_Chronicles_of_Riddick", 0]]} +{"id": 175470, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ludwig_van_Beethoven", 5], ["Christian_Gottlob_Neefe", 0], ["Masonic_music", 5], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45]]} +{"id": 97418, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9], ["Judgment_Day_-LRB-2007-RRB-", 10], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["The_Invasion_-LRB-professional_wrestling-RRB-", 13]]} +{"id": 109522, "predicted_label": "REFUTES", "predicted_evidence": [["Jack_Falahee", 0], ["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["Manfred_Klieme", 0], ["Manfred_Klieme", 3]]} +{"id": 128896, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["Brittany_Spears_-LRB-basketball-RRB-", 2], ["Brittany_Spears", 7], ["Brittany_Spears_-LRB-basketball-RRB-", 21], ["Brittany_Spears", 5]]} +{"id": 98078, "predicted_label": "SUPPORTS", "predicted_evidence": [["Professional_American_football_championship_games", 31], ["New_York_Knicks", 1], ["Professional_American_football_championship_games", 11], ["Professional_American_football_championship_games", 29], ["Professional_American_football_championship_games", 42]]} +{"id": 10461, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["M._J._S._Wijeyaratne", 21], ["History_of_the_Sri_Lankan_cricket_team", 6], ["Sri_Lanka_national_cricket_team_record_by_opponent", 0], ["List_of_members_of_the_Lanka_Sama_Samaja_Party", 38], ["Sri_Lanka_national_cricket_team_record_by_opponent", 4]]} +{"id": 145972, "predicted_label": "SUPPORTS", "predicted_evidence": [["Otto_I,_Holy_Roman_Emperor", 11], ["Otto_I,_Holy_Roman_Emperor", 12], ["Great_Saxon_Revolt", 41], ["Henry,_Holy_Roman_Emperor", 4], ["Otto_I,_Holy_Roman_Emperor", 0]]} +{"id": 228343, "predicted_label": "REFUTES", "predicted_evidence": [["Eileen_Moran", 17], ["David_Long_-LRB-New_Zealand_musician-RRB-", 27], ["Eileen_Moran", 3], ["Young_Peter_Jackson_-LRB-boxer_born_1912-RRB-", 1], ["Eileen_Moran", 13]]} +{"id": 160483, "predicted_label": "REFUTES", "predicted_evidence": [["Juventus_F.C.", 1], ["Juventus_F.C.", 6], ["List_of_Juventus_F.C._records_and_statistics", 1], ["List_of_Juventus_F.C._managers", 1], ["Juventus_F.C.", 0]]} +{"id": 104728, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_Aeronautics", 4], ["Fifth-generation_jet_fighter", 4], ["Lockheed_Martin_Aeronautics", 9], ["Lockheed_Martin_Aeronautics", 0], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 6]]} +{"id": 111113, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Richard_Alpert_-LRB-Lost-RRB-", 0], ["Richard_Alpert_-LRB-Lost-RRB-", 6], ["Bates_Motel_-LRB-TV_series-RRB-", 6], ["Follow_the_Leader_-LRB-Lost-RRB-", 6], ["Hugo_\"Hurley\"_Reyes", 2]]} +{"id": 18666, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tenacious_D", 0], ["Pop_Noir", 0], ["History_of_the_National_Football_League_in_Los_Angeles", 12], ["Pop_Noir", 18], ["Tenacious_D", 14]]} +{"id": 186588, "predicted_label": "SUPPORTS", "predicted_evidence": [["Asylum_Records", 0], ["Planet_Records", 0], ["Rap-A-Lot_Records", 0], ["Centerfield_-LRB-album-RRB-", 2], ["Asylum_Records", 1]]} +{"id": 57895, "predicted_label": "REFUTES", "predicted_evidence": [["EA_Black_Box", 0], ["Need_for_Speed-COLON-_The_Run", 0], ["List_of_PlayStation_3_games_released_on_disc", 10029], ["List_of_PlayStation_3_games_released_on_disc", 10015], ["List_of_PlayStation_3_games_released_on_disc", 10043]]} +{"id": 21883, "predicted_label": "REFUTES", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 0], ["The_Mighty_Ducks", 0], ["The_Mighty_Ducks", 1], ["The_Mighty_Ducks", 7]]} +{"id": 94918, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2007-RRB-", 73], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2009-RRB-", 56], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 38], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 47]]} +{"id": 206158, "predicted_label": "REFUTES", "predicted_evidence": [["San_Francisco_Peninsula", 0], ["Palo_Alto_Art_Center", 6], ["San_Francisco_Peninsula", 3], ["East_Palo_Alto,_California", 3], ["History_of_the_San_Francisco_Police_Department", 137]]} +{"id": 139670, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lucius_Lyon", 32], ["Lucius_Lyon", 57], ["List_of_highways_bypassed_by_Interstate_Highways", 51], ["List_of_highways_bypassed_by_Interstate_Highways", 482], ["List_of_highways_bypassed_by_Interstate_Highways", 478]]} +{"id": 159938, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ron_McAuliffe", 4], ["McAuliffe-Shepard_Discovery_Center", 1], ["Concord_High_School", 0], ["Concord_High_School", 6], ["Concord_High_School", 8]]} +{"id": 124203, "predicted_label": "REFUTES", "predicted_evidence": [["Mercy_-LRB-GOOD_Music_song-RRB-", 2], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["I'm_Different", 3]]} +{"id": 168532, "predicted_label": "REFUTES", "predicted_evidence": [["Rick_Yune", 2], ["Rick_Yune", 0], ["Peter_Scheerer", 14], ["Yune", 8], ["Michael_Roesch", 17]]} +{"id": 33322, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prowler_-LRB-comics-RRB-", 1], ["Silver_Age_of_Comic_Books", 13], ["How_to_Draw_Comics_the_Marvel_Way", 0], ["Jim_Mooney_-LRB-disambiguation-RRB-", 12], ["List_of_Marvel_Comics_people", 220]]} +{"id": 76365, "predicted_label": "SUPPORTS", "predicted_evidence": [["United_States_Office_of_Government_Ethics", 2], ["Cabinet_-LRB-government-RRB-", 22], ["Cabinet_-LRB-government-RRB-", 41], ["Michael_J._Osborne", 41], ["Cabinet_-LRB-government-RRB-", 0]]} +{"id": 115294, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Aristotle", 4], ["Assos", 8], ["Aristotle", 7], ["Aristotle_of_Mytilene", 16], ["Aristotle_of_Mytilene", 12]]} +{"id": 150834, "predicted_label": "REFUTES", "predicted_evidence": [["Tool_-LRB-band-RRB-", 3], ["The_William_Blakes", 9], ["Chris_Christian", 35], ["Anthony_Monn", 9], ["Chris_Christian", 26]]} +{"id": 202937, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["City_of_Evil", 0], ["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8], ["Avenged_Sevenfold", 17]]} +{"id": 93839, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jared_Hedges", 7], ["Black_Reel_Awards_of_2016", 8], ["Black_Reel_Awards_of_2016", 4], ["KPGG", 6], ["Henry_Murphy_-LRB-politician-RRB-", 15]]} +{"id": 100803, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hindu_Kush", 5], ["List_of_mountain_ranges_of_Pakistan", 15], ["List_of_mountain_ranges_of_Pakistan", 23], ["List_of_mountain_ranges_of_Pakistan", 25], ["Kush_-LRB-cannabis-RRB-", 1]]} +{"id": 136951, "predicted_label": "REFUTES", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Fanning_-LRB-surname-RRB-", 10], ["Dakota_Fanning", 0]]} +{"id": 185234, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Unknown_Chaplin", 13], ["Unknown_Chaplin", 7], ["El_Centro_Theatre", 33], ["Eugene_Chaplin", 5], ["Charles_Chaplin_-LRB-disambiguation-RRB-", 16]]} +{"id": 172751, "predicted_label": "REFUTES", "predicted_evidence": [["Leaving_on_a_Jet_Plane", 10], ["The_Best_of_John_Denver", 0], ["The_Best_of_John_Denver", 3], ["Leaving_on_a_Jet_Plane", 1], ["Take_Me_Home,_Country_Roads", 0]]} +{"id": 127682, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 24], ["John_Deighton", 0], ["Derek_Deighton", 1], ["Deighton", 18], ["Derek_Deighton", 0]]} +{"id": 33171, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Never_Miss_the_Water", 0], ["Dance_Classics_of_Chaka_Khan", 0], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 3], ["Sweet_Thing_-LRB-Rufus_song-RRB-", 0], ["Epiphany-COLON-_The_Best_of_Chaka_Khan,_Vol._1", 8]]} +{"id": 222024, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_D._Brubaker", 0], ["Brubaker_-LRB-disambiguation-RRB-", 0], ["James_D._Brubaker", 7], ["James_D._Brubaker", 17], ["Brubaker_-LRB-disambiguation-RRB-", 9]]} +{"id": 89663, "predicted_label": "SUPPORTS", "predicted_evidence": [["Appropriation_-LRB-art-RRB-", 1], ["Appropriation_of_knowledge", 6], ["Kcho", 55], ["Kcho", 28], ["Kcho", 256]]} +{"id": 90446, "predicted_label": "REFUTES", "predicted_evidence": [["Homo_sapiens", 3], ["Homo", 0], ["Homo_heidelbergensis", 8], ["Homo_sapiens", 1], ["Neoteric_evolutionary_theory", 20]]} +{"id": 28626, "predicted_label": "REFUTES", "predicted_evidence": [["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 0], ["List_of_films_set_in_Shanghai", 27], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 1], ["Legend_of_the_Fist-COLON-_The_Return_of_Chen_Zhen", 2], ["List_of_films_set_in_Shanghai", 89]]} +{"id": 141348, "predicted_label": "SUPPORTS", "predicted_evidence": [["KTMO-LP", 0], ["Noticiero_Telemundo", 0], ["Telemundo", 0], ["KTMO-LP", 2], ["Decisiones", 0]]} +{"id": 166630, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Anne_Rice", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Anne_Rice", 22]]} +{"id": 133758, "predicted_label": "SUPPORTS", "predicted_evidence": [["Linkin_Park_discography", 7], ["Beta_State", 8], ["Linkin_Park_discography", 13], ["Linkin_Park", 12], ["List_of_songs_recorded_by_Linkin_Park", 46]]} +{"id": 192842, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 8], ["Ian_Brennan", 6], ["Ian_Brennan", 2], ["Ian_Brennan", 4], ["Ian_Brennan", 0]]} +{"id": 165112, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Marvel_Cinematic_Universe_tie-in_comics", 7], ["Mickey_Rourke", 13], ["Iron_Man_3", 1], ["Iron_Man_2", 0]]} +{"id": 220209, "predicted_label": "SUPPORTS", "predicted_evidence": [["Agent_Vinod_-LRB-2012_film-RRB-", 0], ["Raabta", 5], ["Raabta_-LRB-song-RRB-", 0], ["List_of_songs_recorded_by_Arijit_Singh", 6], ["Raabta_-LRB-song-RRB-", 5]]} +{"id": 110420, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_films_set_in_Shanghai", 27], ["Fist_of_Fury_-LRB-TV_series-RRB-", 1], ["List_of_films_set_in_Shanghai", 89], ["Fist_of_Fury_-LRB-TV_series-RRB-", 2], ["Fist_of_Fury_II", 0]]} +{"id": 56900, "predicted_label": "REFUTES", "predicted_evidence": [["Darq_E_Freaker", 1], ["Darq_E_Freaker", 2], ["Daniel_Brown", 14], ["The_Hybrid_-LRB-album-RRB-", 0], ["The_Hybrid_-LRB-album-RRB-", 4]]} +{"id": 43974, "predicted_label": "REFUTES", "predicted_evidence": [["Dirty_Sexy_Money", 3], ["Rina_Mimoun", 8], ["Riverdale_-LRB-2017_TV_series-RRB-", 2], ["Rina_Mimoun", 14], ["Rina_Mimoun", 7]]} +{"id": 143020, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harold_F._Cherniss", 4], ["Platonism_in_the_Renaissance", 10], ["Plato", 5], ["Harold_F._Cherniss", 18], ["Asclepigenia", 14]]} +{"id": 103893, "predicted_label": "REFUTES", "predicted_evidence": [["First_inauguration_of_Bill_Clinton", 0], ["List_of_incidents_of_political_violence_in_Washington,_D.C.", 98], ["First_inauguration_of_Ronald_Reagan", 0], ["List_of_incidents_of_political_violence_in_Washington,_D.C.", 94], ["Inauguration_of_Bill_Clinton", 3]]} +{"id": 62633, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2009\u201310_Perth_Glory_FC_season", 10], ["Sunday_Best_-LRB-TV_series-RRB-", 15], ["2009\u201310_Perth_Glory_FC_season", 0], ["Sunday_Best_-LRB-TV_series-RRB-", 13], ["Majisuka_Gakuen", 4]]} +{"id": 8383, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tatum_O'Neal", 6], ["Edward_H._Swan_House", 11], ["Tatum_O'Neal", 0], ["John_McEnroe_career_statistics", 0], ["Borg\u2013McEnroe_rivalry", 0]]} +{"id": 80909, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Portlandia_characters", 0], ["The_8G_Band", 1], ["List_of_Saturday_Night_Live_musical_sketches", 50], ["List_of_Saturday_Night_Live_musical_sketches", 54], ["Saturday_Night_Live_characters_appearing_on_Weekend_Update", 116]]} +{"id": 80051, "predicted_label": "REFUTES", "predicted_evidence": [["June_4th_revolution_in_Ghana", 0], ["Ingushetia", 5], ["Rashid_Gaysanov", 2], ["Rashid_Gaysanov", 5], ["Ali_Taziev", 29]]} +{"id": 99277, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Katy_Perry", 5], ["I_Kissed_a_Girl", 0], ["I_Kissed_a_Girl", 10], ["Nina_Vidal", 5], ["Nina_Vidal", 17]]} +{"id": 134787, "predicted_label": "REFUTES", "predicted_evidence": [["Batman_&_Robin_-LRB-film-RRB-", 9], ["Batman_in_film", 12], ["Batman_Forever", 7], ["Christian_Bale_filmography", 32], ["Christian_Bale_filmography", 22]]} +{"id": 41003, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sora_-LRB-Kingdom_Hearts-RRB-", 0], ["Roxas_-LRB-Kingdom_Hearts-RRB-", 0], ["Sora_-LRB-Kingdom_Hearts-RRB-", 12], ["Roxas_-LRB-Kingdom_Hearts-RRB-", 1], ["Sora_-LRB-Kingdom_Hearts-RRB-", 10]]} +{"id": 123958, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billie_Joe", 2], ["Radio_Radio_Radio", 7], ["Joe_Armstrong", 6], ["Joe_Armstrong", 4], ["Pinhead_Gunpowder", 1]]} +{"id": 46627, "predicted_label": "REFUTES", "predicted_evidence": [["Three-finger_toxin", 5], ["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_antagonist", 16], ["Acetylcholine", 18], ["Muscarinic_antagonist", 0]]} +{"id": 73412, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marco_Polo", 6], ["Marco_Polo", 4], ["In_the_Footsteps_of_Marco_Polo", 0], ["Marco_Polo_Cycling_Club", 22], ["Marco_Polo_-LRB-opera-RRB-", 3]]} +{"id": 57636, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chatwin", 8], ["Justin_Chatwin", 0], ["No_Stranger_Than_Love", 1], ["Funkytown_-LRB-film-RRB-", 1], ["Justin_Chatwin", 3]]} +{"id": 123545, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Acetylcholine", 18], ["Muscarinic_antagonist", 0], ["Nicotinic_acetylcholine_receptor", 10]]} +{"id": 87464, "predicted_label": "REFUTES", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["Michael_Carlson", 19], ["Michael_Carlson", 20], ["JB_Carlson", 2]]} +{"id": 195821, "predicted_label": "SUPPORTS", "predicted_evidence": [["Weekly_Idol", 1], ["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Hyeong", 16]]} +{"id": 24442, "predicted_label": "SUPPORTS", "predicted_evidence": [["Daggering", 0], ["Grinding_-LRB-dance-RRB-", 8], ["Pon_de_Floor", 5], ["Dagga", 8], ["List_of_Xhosa_Chiefs", 111]]} +{"id": 120461, "predicted_label": "REFUTES", "predicted_evidence": [["Global_warming_hiatus", 23], ["Climate_change_denial", 19], ["Global_warming_hiatus", 0], ["Hurricane_Katrina_and_global_warming", 17], ["Global_warming_controversy", 0]]} +{"id": 2863, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mining_in_Wales", 0], ["Social_class_in_Luxembourg", 3], ["Social_class_in_Luxembourg", 7], ["20th_Century_Club_-LRB-Reno,_Nevada-RRB-", 48], ["Mining_in_Wales", 4]]} +{"id": 84208, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_-LRB-surname-RRB-", 52], ["Edmund_H._Deas_House", 4], ["Edmund_H._Deas_House", 0], ["Edmund_Garrett", 3], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234]]} +{"id": 40778, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["Gracie_Gallegos", 8], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Miranda_Otto", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 1]]} +{"id": 95070, "predicted_label": "SUPPORTS", "predicted_evidence": [["Night_of_Joy_-LRB-festival-RRB-", 3], ["Main_Street_Electrical_Parade", 9], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 8]]} +{"id": 186932, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cher_albums_discography", 25], ["Cher_-LRB-disambiguation-RRB-", 10], ["Cher", 16], ["Cher_filmography", 37], ["Cher", 15]]} +{"id": 146298, "predicted_label": "SUPPORTS", "predicted_evidence": [["2016\u201317_Washington_Wizards_season", 4], ["Washington_Wizards", 12], ["List_of_people_from_Potomac,_Maryland", 102], ["2016\u201317_Washington_Wizards_season", 0], ["List_of_Washington_Wizards_head_coaches", 0]]} +{"id": 175926, "predicted_label": "REFUTES", "predicted_evidence": [["Aunt_May", 0], ["Aunt_May", 9], ["Spider-Man", 2], ["Melodica_in_music", 143], ["Melodica_in_music", 94]]} +{"id": 217674, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hugh_J._Glenn", 21], ["Howerton", 8], ["George_L._Little", 15], ["George_L._Little", 6], ["It's_Always_Sunny_in_Philadelphia", 2]]} +{"id": 119281, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joe_Walsh", 24], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0], ["Barnstorm_-LRB-band-RRB-", 10], ["The_Confessor_-LRB-song-RRB-", 2]]} +{"id": 199413, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["Amber_Brown", 9], ["Ellar_Coltrane", 1], ["Amber_Brown", 12], ["Dead_Earth_Politics", 1]]} +{"id": 165657, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Destination_Nerva", 4], ["Destination_Nerva", 5], ["Help_She_Can't_Swim", 20], ["Tom_-LRB-given_name-RRB-", 11]]} +{"id": 146912, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robert_Earl_Jones", 4], ["Long_Ago_and_Far_Away_-LRB-TV_series-RRB-", 11], ["Robert_Earl_Jones", 5], ["Earl_-LRB-given_name-RRB-", 271], ["Equity_Library_Theatre", 12]]} +{"id": 194480, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda_Swinton", 0], ["Swinton_-LRB-surname-RRB-", 19], ["Tilda", 12], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["WACK!_Art_and_the_Feminist_Revolution", 142]]} +{"id": 21221, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sweet_Thing_-LRB-Rufus_song-RRB-", 1], ["Sweet_Thing_-LRB-Rufus_song-RRB-", 0], ["Sweet_Thing_-LRB-Rufus_song-RRB-", 2], ["Dance_Classics_of_Chaka_Khan", 0], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 3]]} +{"id": 138250, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_nurses", 279], ["List_of_fictional_nurses", 277], ["List_of_fictional_nurses", 275], ["The_Gifted_-LRB-TV_series-RRB-", 0], ["The_Gifted_-LRB-TV_series-RRB-", 1]]} +{"id": 167993, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Don_Bradman", 20], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 7], ["Don_Bradman", 5], ["Bradman_-LRB-disambiguation-RRB-", 8], ["Bradman_-LRB-disambiguation-RRB-", 10]]} +{"id": 203620, "predicted_label": "REFUTES", "predicted_evidence": [["The_Sugarland_Express", 3], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Michael_Sacks", 3], ["Merrill_Connally", 11], ["Slipstream_-LRB-unfinished_film-RRB-", 0]]} +{"id": 181976, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elephant", 5], ["Forceps", 0], ["Forceps", 1], ["Forceps", 20], ["Bigo", 4]]} +{"id": 104594, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombiana_-LRB-disambiguation-RRB-", 0], ["Colombian_short-tailed_bat", 1], ["G._colombiana", 5], ["G._colombiana", 3], ["C._colombiana", 3]]} +{"id": 3509, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jose\u0301_Ferrer", 0], ["Miguel_Ferrer", 0], ["Jose\u0301_Ferrer_-LRB-disambiguation-RRB-", 0], ["Rafael_Ferrer_-LRB-actor-RRB-", 0], ["Al_Morgan", 17]]} +{"id": 59856, "predicted_label": "SUPPORTS", "predicted_evidence": [["Assistant_Secretary_of_the_Army_-LRB-Manpower_and_Reserve_Affairs-RRB-", 6], ["British_Indian_Army", 8], ["Indian_Army", 3], ["British_Indian_Army", 5], ["Indian_Army_during_World_War_II", 12]]} +{"id": 13503, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Legally_Blonde", 6], ["Walk_the_Line_-LRB-soundtrack-RRB-", 3], ["Tim_McGraw", 13], ["Walk_the_Line_-LRB-soundtrack-RRB-", 2], ["Walk_the_Line_-LRB-soundtrack-RRB-", 1]]} +{"id": 52582, "predicted_label": "REFUTES", "predicted_evidence": [["Shura_-LRB-singer-RRB-", 3], ["University_of_Mississippi", 4], ["University_of_Mississippi", 0], ["Yale-NUS_College", 14], ["Yale-NUS_College", 22]]} +{"id": 134916, "predicted_label": "REFUTES", "predicted_evidence": [["2012_FA_Community_Shield", 0], ["Villa_Park", 14], ["2015_FA_Community_Shield", 0], ["2010_FA_Community_Shield", 0], ["2012_FA_Community_Shield", 4]]} +{"id": 165243, "predicted_label": "SUPPORTS", "predicted_evidence": [["Masaru_Sato", 12], ["Philip_Glass", 9], ["Philip_Glass", 8], ["Nicola_Piovani", 6], ["Nicola_Piovani", 10]]} +{"id": 88127, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stephen_Colbert's_AmeriCone_Dream", 0], ["Stephen_Colbert's_AmeriCone_Dream", 20], ["Stephen_Colbert's_AmeriCone_Dream", 4], ["Stephen_Colbert's_AmeriCone_Dream", 23], ["Stephen_Colbert's_AmeriCone_Dream", 12]]} +{"id": 81343, "predicted_label": "REFUTES", "predicted_evidence": [["James_Murdoch", 0], ["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3], ["Rupert_Murdoch", 0], ["News_International_phone_hacking_scandal", 14]]} +{"id": 228338, "predicted_label": "SUPPORTS", "predicted_evidence": [["Island_Records_-LRB-disambiguation-RRB-", 2], ["Island_Records", 12], ["Ron_Rogers", 7], ["Island_Records", 10], ["Island_Records_-LRB-disambiguation-RRB-", 12]]} +{"id": 47060, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Saw_cast_members", 0], ["Saw_II-COLON-_Flesh_&_Blood", 1], ["Saw_V", 1], ["Saw_VI", 1], ["Billy_the_Puppet", 0]]} +{"id": 83315, "predicted_label": "SUPPORTS", "predicted_evidence": [["Spirit_of_Troy", 4], ["John_Tempesta", 12], ["System_of_a_Down_discography", 0], ["List_of_American_musicians_of_Armenian_descent", 85], ["System_of_a_Down_discography", 25]]} +{"id": 27308, "predicted_label": "SUPPORTS", "predicted_evidence": [["Advertising", 0], ["Advertising", 3], ["Rote_Sa\u0308ule_-LRB-Wallhorn-RRB-", 3], ["Rote_Sa\u0308ule_-LRB-Wallhorn-RRB-", 1], ["Advertising_management", 11]]} +{"id": 170426, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Madden_NFL_2004", 1], ["Marcus_Vick", 1], ["2002_Atlanta_Falcons_season", 6], ["Billy_Martin_-LRB-lawyer-RRB-", 8], ["2007_Atlanta_Falcons_season", 4]]} +{"id": 187318, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diego_Manuel_Chamorro", 27], ["Diego_Manuel_Chamorro", 23], ["Diego_Manuel_Chamorro", 21], ["Diego_Manuel_Chamorro", 17], ["Diana,_Princess_of_Wales", 0]]} +{"id": 165131, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Leonard_Termo", 14], ["Leonard_Termo", 11], ["Mickey_Rourke_filmography", 3], ["The_Wrestler_-LRB-2008_film-RRB-", 0]]} +{"id": 53568, "predicted_label": "SUPPORTS", "predicted_evidence": [["Italians_in_the_United_Kingdom", 1], ["Adar", 12], ["Adar", 11], ["The_Real_Milli_Vanilli", 18], ["Milli_-LRB-disambiguation-RRB-", 10]]} +{"id": 72495, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_knobs", 172], ["Chipotle_Mexican_Grill", 16], ["Chipotle_Mexican_Grill", 1], ["Chipotle_Mexican_Grill", 0]]} +{"id": 159576, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["O'Bannon_-LRB-surname-RRB-", 6], ["Henry_T._Bannon", 7], ["Henry_T._Bannon", 3], ["Frank_O'Bannon", 10], ["Henry_T._Bannon", 6]]} +{"id": 123141, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_High_School_-LRB-Arizona-RRB-", 34], ["El_Dorado_High_School_-LRB-Arizona-RRB-", 8], ["El_Dorado_High_School", 17], ["El_Dorado_High_School", 5], ["El_Dorado_High_School", 11]]} +{"id": 185737, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mani_Ratnam", 1], ["R._Madhavan", 6], ["List_of_awards_and_nominations_received_by_Aishwarya_Rai", 18], ["List_of_awards_and_nominations_received_by_Mani_Ratnam", 4], ["List_of_awards_and_nominations_received_by_Aishwarya_Rai", 2]]} +{"id": 175722, "predicted_label": "REFUTES", "predicted_evidence": [["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 10], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 12], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 3], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 18], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 0]]} +{"id": 152492, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Jeppe_Gjervig_Gram", 7], ["Courted_-LRB-film-RRB-", 4], ["Knudsen", 40]]} +{"id": 138248, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fidel_Castro_-LRB-disambiguation-RRB-", 16], ["Rau\u0301l_Castro", 7], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Bay_of_Pigs_Invasion", 18], ["Religious_views_of_Fidel_Castro", 46]]} +{"id": 130765, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Beauty_and_the_Beast_-LRB-1991_film-RRB-", 2], ["Beauty_and_the_Beast_-LRB-1991_film-RRB-", 20], ["Monster_Nationals", 7], ["Beauty_and_the_Beast_-LRB-1991_film-RRB-", 3], ["Stronsay_Beast", 21]]} +{"id": 220292, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bullitt_-LRB-disambiguation-RRB-", 0], ["Bullitt_-LRB-disambiguation-RRB-", 17], ["Bullitt_-LRB-disambiguation-RRB-", 27], ["Bullitt_-LRB-disambiguation-RRB-", 25], ["Bullitt_-LRB-disambiguation-RRB-", 11]]} +{"id": 181866, "predicted_label": "SUPPORTS", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Princess_Mononoke", 4], ["Hayao_Miyazaki", 16]]} +{"id": 27206, "predicted_label": "REFUTES", "predicted_evidence": [["Victoria_Palace", 0], ["Tonight's_the_Night_-LRB-2003_musical-RRB-", 1], ["Victoria_Theatre", 31], ["Victoria_Palace", 3], ["Palace_Theatre,_Westcliff-on-Sea", 12]]} +{"id": 206729, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rebecca_Benson", 5], ["Samwell", 9], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8], ["Blood_of_My_Blood", 5], ["Samwell_Tarly", 0]]} +{"id": 42339, "predicted_label": "SUPPORTS", "predicted_evidence": [["Me_and_Bessie", 0], ["Dinah_Sings_Bessie_Smith", 1], ["Bessie", 35], ["Dinah_Sings_Bessie_Smith", 0], ["J._C._Johnson", 20]]} +{"id": 181631, "predicted_label": "SUPPORTS", "predicted_evidence": [["Battle_of_Mogadishu_-LRB-2006-RRB-", 0], ["Mogadishu", 17], ["Mogadishu", 0], ["Mogadishu_-LRB-disambiguation-RRB-", 0], ["Mogadishu", 9]]} +{"id": 167473, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hilary_Duff", 3], ["Roller_Coaster_-LRB-Scott_Cain_album-RRB-", 7], ["Hilary_Duff_-LRB-album-RRB-", 0], ["Roller_Coaster_-LRB-Scott_Cain_album-RRB-", 11], ["Stuff_by_Hilary_Duff", 0]]} +{"id": 154061, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arfon_Griffiths", 0], ["Griffiths", 123], ["Stella_Richman", 19], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 184062, "predicted_label": "SUPPORTS", "predicted_evidence": [["You_Can_Count_On_Me", 2], ["Lonergan_-LRB-surname-RRB-", 22], ["Gangs_of_New_York", 0], ["Lonergan_-LRB-surname-RRB-", 26], ["You_Can_Count_On_Me", 3]]} +{"id": 88593, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nose_ride", 4], ["Anomoepus", 4], ["Nose_ride", 15], ["Orohippus", 6], ["Evolution_of_the_horse", 0]]} +{"id": 172085, "predicted_label": "SUPPORTS", "predicted_evidence": [["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Selena_Gomez_&_the_Scene", 3], ["Stars_Dance", 2]]} +{"id": 54150, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Veeru_Devgan", 0], ["Ajay_Devgn", 0], ["Ajay_Devgn", 22], ["Devgan", 6]]} +{"id": 145967, "predicted_label": "SUPPORTS", "predicted_evidence": [["Columbia_River_Highway", 2], ["Coast_Guard_Station_Cape_Disappointment", 13], ["Eagle_Creek_-LRB-Multnomah_County,_Oregon-RRB-", 7], ["Columbia_River_Highway", 4], ["Eagle_Creek_-LRB-Multnomah_County,_Oregon-RRB-", 1]]} +{"id": 41829, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shane_Black", 0], ["Terry_Harknett", 38], ["Shane_Tutmarc", 0], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Shane_Valdez", 0]]} +{"id": 191435, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["The_Ranch_-LRB-album-RRB-", 1], ["The_Fighter_-LRB-Keith_Urban_song-RRB-", 1], ["Capitol_Records_Nashville", 5], ["Get_Closer_-LRB-Keith_Urban_album-RRB-", 1]]} +{"id": 29658, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shadowhunters", 0], ["List_of_Shadowhunters_episodes", 4], ["List_of_The_Fosters_episodes", 0], ["Shadowhunters", 4], ["List_of_The_Fosters_episodes", 9]]} +{"id": 224374, "predicted_label": "REFUTES", "predicted_evidence": [["Southampton_F.C._Under-23s", 0], ["2016\u201317_Southampton_F.C._season", 26], ["2015\u201316_Southampton_F.C._season", 23], ["2016\u201317_Southampton_F.C._season", 0], ["2015\u201316_Southampton_F.C._season", 0]]} +{"id": 107611, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alternative_facts", 0], ["Wikitribune", 5], ["Sean_Spicer", 7], ["Alternative_facts", 6], ["Bowling_Green_massacre", 11]]} +{"id": 145662, "predicted_label": "SUPPORTS", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 4], ["List_of_films_set_in_Detroit", 64], ["List_of_films_set_in_Detroit", 98], ["List_of_films_set_in_Detroit", 108], ["Australia_-LRB-2008_film-RRB-", 5]]} +{"id": 163988, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rajinikanth_filmography", 35], ["Veeram", 3], ["Veeram_-LRB-2014_film-RRB-", 0], ["Rajinikanth_filmography", 22], ["Veeram", 5]]} +{"id": 181642, "predicted_label": "SUPPORTS", "predicted_evidence": [["Embassy_of_the_United_States,_Mogadishu", 0], ["Mogadishu", 20], ["Mogadishu", 18], ["Embassy_of_the_United_States,_Mogadishu", 16], ["Embassy_of_the_United_States,_Mogadishu", 14]]} +{"id": 13872, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tool_-LRB-band-RRB-", 3], ["The_William_Blakes", 9], ["Chris_Christian", 35], ["Anthony_Monn", 9], ["Chris_Christian", 26]]} +{"id": 194465, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda_Swinton", 0], ["Swinton_-LRB-surname-RRB-", 19], ["Tilda", 12], ["Swinton_-LRB-surname-RRB-", 17], ["Snowpiercer", 5]]} +{"id": 167448, "predicted_label": "REFUTES", "predicted_evidence": [["Labour_Party_-LRB-Ireland-RRB-_leadership_election,_2016", 9], ["The_Cheetah_Girls_2", 1], ["The_Id_-LRB-album-RRB-", 6], ["Karaoke_Superstars", 3], ["Hilary_Duff", 3]]} +{"id": 134682, "predicted_label": "REFUTES", "predicted_evidence": [["Lincoln\u2013Douglas_debates", 0], ["Lincoln\u2013Douglas_debate", 2], ["Archibald_Williams_-LRB-judge-RRB-", 309], ["Archibald_Williams_-LRB-judge-RRB-", 296], ["Freeport_Doctrine", 0]]} +{"id": 153414, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wonder_World_Tour_-LRB-Miley_Cyrus-RRB-", 24], ["Wonder_World_Tour_-LRB-Miley_Cyrus-RRB-", 10], ["We_Belong_Together", 17], ["List_of_Girls_Aloud_concert_tours", 19], ["The_Wall_Live_-LRB-2010\u201313-RRB-", 12]]} +{"id": 141560, "predicted_label": "SUPPORTS", "predicted_evidence": [["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Confessions_of_Aleister_Crowley", 0], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 1]]} +{"id": 141966, "predicted_label": "SUPPORTS", "predicted_evidence": [["Match_Point", 2], ["Neuberg_formula", 16], ["Match_Point", 9], ["Match_point", 0], ["Match_Point", 0]]} +{"id": 136909, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Monte_Cristo_sandwich", 1], ["Colombiana_-LRB-disambiguation-RRB-", 0], ["French_dip", 0], ["Colombiana_-LRB-disambiguation-RRB-", 3], ["Colombiana_-LRB-disambiguation-RRB-", 6]]} +{"id": 92313, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prowler_-LRB-comics-RRB-", 1], ["Silver_Age_of_Comic_Books", 13], ["How_to_Draw_Comics_the_Marvel_Way", 0], ["Jim_Mooney_-LRB-disambiguation-RRB-", 12], ["List_of_Marvel_Comics_people", 220]]} +{"id": 96332, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Randy_Savage", 0], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15], ["WrestleMania_X", 15], ["World_War_3_-LRB-1995-RRB-", 7], ["WrestleMania_X", 11]]} +{"id": 183605, "predicted_label": "SUPPORTS", "predicted_evidence": [["Disney_Infinity", 7], ["Pixar", 0], ["Finding_Dory", 0], ["Andrew_Stanton", 0], ["Finding_Nemo", 1]]} +{"id": 80411, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Oregon_Pony", 8], ["Proposed_Columbia_Gorge_casino", 4], ["Sheridan_State_Scenic_Corridor", 0], ["Proposed_Columbia_Gorge_casino", 3], ["Cascade_Locks,_Oregon", 1]]} +{"id": 68685, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bad_Romance", 12], ["List_of_awards_and_nominations_received_by_Lady_Gaga", 25], ["Bad_Romance", 4], ["List_of_awards_and_nominations_received_by_Lady_Gaga", 7], ["List_of_number-one_dance_singles_of_2010_-LRB-U.S.-RRB-", 10]]} +{"id": 154614, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Stargate_SG-1_episodes", 7], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 3], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 18], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 28], ["A_Game_of_Thrones_-LRB-disambiguation-RRB-", 20]]} +{"id": 85739, "predicted_label": "SUPPORTS", "predicted_evidence": [["Project_MinE", 24], ["List_of_OMIM_disorder_codes", 303], ["List_of_OMIM_disorder_codes", 307], ["List_of_OMIM_disorder_codes", 305], ["Amyotrophic_lateral_sclerosis", 0]]} +{"id": 200297, "predicted_label": "REFUTES", "predicted_evidence": [["Natural_Born_Killers", 5], ["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["Oliver_Stone", 13], ["The_Natural_Born_Thrillers", 1], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2]]} +{"id": 91033, "predicted_label": "REFUTES", "predicted_evidence": [["Tom_Morello_discography", 23], ["Rage_Against_the_Machine", 0], ["Audioslave", 1], ["Audioslave", 5], ["Tom_Morello_discography", 17]]} +{"id": 92241, "predicted_label": "REFUTES", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 201827, "predicted_label": "REFUTES", "predicted_evidence": [["Dakota_Fanning", 6], ["I_Am_Sam", 11], ["I_Am_Sam", 0], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1]]} +{"id": 24776, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Amy_Adams_-LRB-disambiguation-RRB-", 12], ["Amy_Adams_-LRB-disambiguation-RRB-", 10], ["Amy_Adams_-LRB-disambiguation-RRB-", 8], ["Amy_Adams_-LRB-disambiguation-RRB-", 3], ["Amy_Adams_-LRB-disambiguation-RRB-", 0]]} +{"id": 61107, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Theatre", 31], ["Palace_Theatre,_London", 0], ["Victoria_Theatre", 33], ["Alfred_Butt", 1], ["Victoria_Palace", 0]]} +{"id": 166913, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Believe_Me_-LRB-film-RRB-", 1], ["The_Grudge_3", 2], ["List_of_Unreal_episodes", 5], ["Quantico_-LRB-TV_series-RRB-", 6], ["List_of_The_Grudge_characters", 5]]} +{"id": 36221, "predicted_label": "SUPPORTS", "predicted_evidence": [["Duane_Chapman", 0], ["Leland_Chapman", 0], ["Sex,_Pies_and_Idiot_Scrapes", 2], ["Ralph_\"Papa\"_Thorson", 39], ["Bail", 15]]} +{"id": 140354, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oddities_-LRB-TV_series-RRB-", 9], ["Laura_Dahl", 2], ["Gubler", 6], ["Matthew_Gray_Gubler", 0], ["Gubler", 8]]} +{"id": 191265, "predicted_label": "REFUTES", "predicted_evidence": [["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Jean-Michel", 168], ["Basquiat_-LRB-film-RRB-", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Basquiat", 6]]} +{"id": 224961, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abraham_Lincoln_National_Heritage_Area", 22], ["Lincoln_House", 11], ["Abraham_Lincoln_National_Heritage_Area", 32], ["Lincoln_House", 13], ["Culture_of_Kentucky", 15]]} +{"id": 223768, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ralph_Fults", 0], ["Barrow_Gang", 0], ["Bonnie_and_Clyde", 1], ["Fults", 7], ["Barrow_Gang", 24]]} +{"id": 181210, "predicted_label": "REFUTES", "predicted_evidence": [["Mayans_MC", 2], ["Southpaw_-LRB-film-RRB-", 0], ["Sons_of_Anarchy_-LRB-season_5-RRB-", 5], ["Sons_of_Anarchy_-LRB-season_4-RRB-", 0], ["Mayans_MC", 1]]} +{"id": 127561, "predicted_label": "SUPPORTS", "predicted_evidence": [["Peripheral", 4], ["Touchscreen", 19], ["Field_telephone", 0], ["Telephone", 7], ["Telephone", 12]]} +{"id": 159689, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Arthur_E._Wright", 0]]} +{"id": 157035, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_F.C.", 7], ["Tottenham_Hotspur_F.C.", 9], ["History_of_Tottenham_Hotspur_F.C.", 0], ["History_of_Tottenham_Hotspur_F.C.", 6], ["List_of_Tottenham_Hotspur_F.C._players", 14]]} +{"id": 221073, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sony_Entertainment_Network", 2], ["Kendall_Ross_Bean-COLON-_Chopin_Polonaise_in_A_Flat", 6], ["Kendall_Ross_Bean-COLON-_Chopin_Polonaise_in_A_Flat", 8], ["Branded_Entertainment_Network", 17], ["Hospitality_Entertainment_Network", 4]]} +{"id": 16162, "predicted_label": "REFUTES", "predicted_evidence": [["Gin", 0], ["Brinjevec", 1], ["Borovic\u030cka", 0], ["Bombay_Sapphire", 6], ["Juniper_-LRB-given_name-RRB-", 12]]} +{"id": 62516, "predicted_label": "REFUTES", "predicted_evidence": [["Sleipnir", 6], ["Sleipnir", 0], ["Sleipnir_-LRB-disambiguation-RRB-", 1], ["Sleipnir_-LRB-disambiguation-RRB-", 30], ["Sleipnir_-LRB-disambiguation-RRB-", 0]]} +{"id": 115397, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greek_language", 14], ["Bantu_peoples", 13], ["Tulu_language", 4], ["Tswana_language", 5], ["Bantu_peoples", 14]]} +{"id": 165000, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polar_bear", 7], ["Marine_reptile", 12], ["Polar_bear", 10], ["Smoky_Hill_Chalk", 4], ["Marine_reptile", 3]]} +{"id": 104150, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Nine_-LRB-2009_live-action_film-RRB-", 3], ["Cinema_of_Spain", 10], ["Nacho_Cano", 12], ["Nine_-LRB-2009_live-action_film-RRB-", 9]]} +{"id": 22687, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["Miranda_Otto", 0], ["Matthew_Chapman_-LRB-author-RRB-", 7], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["In_the_Winter_Dark_-LRB-film-RRB-", 1]]} +{"id": 211294, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["One_Tree_Hill_-LRB-season_9-RRB-", 1], ["How_I_Met_Your_Mother_-LRB-season_9-RRB-", 14], ["Castle_-LRB-season_8-RRB-", 6], ["One_Tree_Hill_-LRB-season_9-RRB-", 0], ["The_Office_-LRB-U.S._season_9-RRB-", 0]]} +{"id": 153440, "predicted_label": "REFUTES", "predicted_evidence": [["TakePart", 0], ["Gerd_Schenkel", 3], ["Weta_Workshop", 4], ["BBK_Electronics", 1], ["Spark_New_Zealand", 0]]} +{"id": 166859, "predicted_label": "REFUTES", "predicted_evidence": [["Drake_&_Josh_-LRB-soundtrack-RRB-", 0], ["Drake_&_Josh", 1], ["Drake_&_Josh", 4], ["Drake_Bell_discography", 17], ["Drake_&_Josh_-LRB-soundtrack-RRB-", 4]]} +{"id": 133227, "predicted_label": "REFUTES", "predicted_evidence": [["Hsatung", 7], ["Mary_of_Teck", 12], ["Mary_of_Teck", 13], ["Duke_Alexander_of_Wu\u0308rttemberg_-LRB-1804\u20131885-RRB-", 18], ["Mary_of_Teck", 0]]} +{"id": 203006, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fifth-generation_jet_fighter", 4], ["Lockheed_Martin_Aeronautics", 9], ["Lockheed_Martin_Aeronautics", 0], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 6], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 0]]} +{"id": 32348, "predicted_label": "REFUTES", "predicted_evidence": [["Charles_Manson", 0], ["Manson", 13], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Helter_Skelter_-LRB-1976_film-RRB-", 5], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 0]]} +{"id": 108171, "predicted_label": "SUPPORTS", "predicted_evidence": [["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Confessions_of_Aleister_Crowley", 0], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 1]]} +{"id": 57089, "predicted_label": "REFUTES", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 11], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1], ["I_Am_Sam", 0]]} +{"id": 168045, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes_-LRB-2015-RRB-", 0], ["Nightly", 8], ["The_Nightly_Show_with_Larry_Wilmore", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1]]} +{"id": 110064, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Radio_Radio_Radio", 7], ["The_Influents", 11], ["Billie_Joe", 2], ["Pinhead_Gunpowder", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 16865, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fear_-LRB-song_series-RRB-", 8], ["Orquesta_de_la_Luz", 28], ["You_Belong_with_Me", 20], ["Closer_to_the_Heart", 6], ["List_of_Lady_Gaga_live_performances", 0]]} +{"id": 36347, "predicted_label": "REFUTES", "predicted_evidence": [["Cause_and_Effect_-LRB-Numbers-RRB-", 3], ["My_Finale", 3], ["The_Last_One_-LRB-Friends-RRB-", 3], ["Cause_and_Effect_-LRB-Numbers-RRB-", 0], ["My_Finale", 2]]} +{"id": 149756, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vanessa_Williams", 10], ["Grant_Bowler", 4], ["Remember_Paul?", 14], ["List_of_stage_names", 36], ["Middle_name", 25]]} +{"id": 123439, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edward_Heath", 0], ["The_Iron_Lady_-LRB-film-RRB-", 0], ["Edward_Heath", 13], ["The_Iron_Lady_-LRB-film-RRB-", 18], ["Val_Meets_The_VIPs", 8]]} +{"id": 122421, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jean_de_Lattre_de_Tassigny", 11], ["Innocents_in_Paris", 8], ["Victor_Hugo", 9], ["Saar_mark", 8], ["French_post_offices_in_Egypt", 24]]} +{"id": 134076, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 8], ["Renato_Balestra", 19], ["Renato_Balestra", 46], ["Renato_Balestra", 17]]} +{"id": 189442, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yandex", 1], ["Yandex.Money", 7], ["Yandex.Direct", 9], ["Yandex", 9], ["Yandex.Translate", 0]]} +{"id": 50260, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Non-physical_entity", 2], ["Causal_closure", 4], ["Actor_-LRB-UML-RRB-", 9], ["Life", 0], ["Inverted_spectrum", 6]]} +{"id": 223338, "predicted_label": "REFUTES", "predicted_evidence": [["The_Room_-LRB-film-RRB-", 15], ["The_Disaster_Artist_-LRB-film-RRB-", 0], ["The_Room_-LRB-film-RRB-", 5], ["Principal_photography", 17], ["Alludu_Seenu", 12]]} +{"id": 150098, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Juventus_F.C._players", 5], ["List_of_Juventus_F.C._players", 0], ["List_of_Juventus_F.C._players", 3], ["List_of_Juventus_F.C._players", 6], ["Ultimate_-LRB-sport-RRB-", 14]]} +{"id": 154001, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kennedy_Compound", 6], ["Harvard_Institute_of_Politics", 11], ["Profile_in_Courage_Award", 6], ["Sweet_Caroline", 13], ["Caroline_Kennedy", 4]]} +{"id": 68502, "predicted_label": "SUPPORTS", "predicted_evidence": [["Phillauri_-LRB-film-RRB-", 0], ["The_Ring_-LRB-2017_film-RRB-", 1], ["Phillauri_-LRB-film-RRB-", 2], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Jab_Tak_Hai_Jaan", 16]]} +{"id": 184102, "predicted_label": "SUPPORTS", "predicted_evidence": [["William_Nelson_Little", 1], ["Ernest_Medina", 3], ["William_Nelson_Little", 0], ["F._Lee_Bailey", 3], ["Command_responsibility", 14]]} +{"id": 116676, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Recha_Sternbuch", 18], ["Grammar_of_Assent", 4], ["Living_Still_Life", 41], ["Interjurisdictional_immunity", 8], ["Interjurisdictional_immunity", 2]]} +{"id": 199408, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["Ellar_Coltrane", 1], ["Mason_House", 58], ["Dead_Earth_Politics", 1], ["Mason_House", 23]]} +{"id": 20965, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rainn_Wilson", 13], ["The_Bassoon_King", 0], ["Classy_Christmas", 1], ["Rainn_Wilson", 10], ["Health_Care_-LRB-The_Office-RRB-", 13]]} +{"id": 95480, "predicted_label": "REFUTES", "predicted_evidence": [["BHB", 3], ["Ballas_Hough_Band", 0], ["Julianne_Hough", 5], ["Derek_Hough", 0], ["Hough_-LRB-surname-RRB-", 8]]} +{"id": 164643, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pimp_Juice_-LRB-drink-RRB-", 0], ["Kendrick_Lamar_discography", 16], ["Kendrick_Lamar_discography", 19], ["Kendrick_Lamar_discography", 18], ["Pimpalation", 9]]} +{"id": 34227, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eric_Church", 0], ["Springsteen_-LRB-song-RRB-", 15], ["Springsteen_-LRB-song-RRB-", 0], ["Haley_Georgia", 6], ["Haley_Georgia", 0]]} +{"id": 32474, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_extreme_points_of_U.S._states", 282], ["List_of_knobs", 60], ["List_of_mountains_of_the_Alleghenies", 0], ["List_of_mountains_of_the_Alleghenies", 72]]} +{"id": 201826, "predicted_label": "REFUTES", "predicted_evidence": [["I_Am_Sam", 11], ["I_Am_Sam", 0], ["Fanning_-LRB-surname-RRB-", 10], ["Dakota_Fanning", 0], ["Coraline_-LRB-disambiguation-RRB-", 6]]} +{"id": 123100, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wish_Upon", 0], ["M._Night_Shyamalan", 1], ["The_Dark-Thirty", 0], ["Horror_film", 11], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5]]} +{"id": 20769, "predicted_label": "SUPPORTS", "predicted_evidence": [["Project_MinE", 3], ["Sclerosis_-LRB-medicine-RRB-", 6], ["List_of_OMIM_disorder_codes", 307], ["List_of_OMIM_disorder_codes", 309], ["Project_MinE", 0]]} +{"id": 125369, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bishop_of_Kuching", 0], ["Kuching", 20], ["Kuching", 0], ["Kuching_-LRB-disambiguation-RRB-", 0], ["Kuching_-LRB-disambiguation-RRB-", 8]]} +{"id": 190147, "predicted_label": "REFUTES", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Floyd_Mayweather_Jr.", 3], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 0], ["Golden_Boy_Promotions", 15], ["Floyd_Mayweather_Jr.", 16]]} +{"id": 173728, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Scruggs_style", 14], ["Randy_Scruggs", 15], ["Earl_Scruggs", 25], ["Scruggs", 9], ["Jim_Shumate", 9]]} +{"id": 202, "predicted_label": "SUPPORTS", "predicted_evidence": [["Downsize_This!", 13], ["Caroline_Kennedy", 4], ["David_Roger", 20], ["Laurie_Levenson", 30], ["Caroline_Kennedy", 0]]} +{"id": 37234, "predicted_label": "SUPPORTS", "predicted_evidence": [["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 12], ["A_View_to_a_Kill", 1], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 13], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 14], ["A_View_to_a_Kill_-LRB-video_game-RRB-", 0]]} +{"id": 203181, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0], ["Sunda\u2013Sulawesi_languages", 4]]} +{"id": 110703, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Index_of_World_War_II_articles_-LRB-L-RRB-", 557], ["Index_of_World_War_II_articles_-LRB-L-RRB-", 651], ["Index_of_World_War_II_articles_-LRB-O-RRB-", 1164], ["Index_of_World_War_II_articles_-LRB-B-RRB-", 290], ["Index_of_World_War_II_articles_-LRB-S-RRB-", 784]]} +{"id": 49848, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["1980_NBA_Finals", 11], ["Magic_Johnson_-LRB-disambiguation-RRB-", 0], ["Magic_Johnson_Enterprises", 2], ["Magic_Johnson_Enterprises", 0], ["Magic_Johnson_-LRB-disambiguation-RRB-", 8]]} +{"id": 133650, "predicted_label": "SUPPORTS", "predicted_evidence": [["Horses_of_the_\u00c6sir", 31], ["Sleipnir", 6], ["Sleipnir_-LRB-disambiguation-RRB-", 30], ["Sleipnir_-LRB-disambiguation-RRB-", 0], ["Sleipnir", 0]]} +{"id": 81835, "predicted_label": "REFUTES", "predicted_evidence": [["Soul_Food", 5], ["Soul_Food_-LRB-film-RRB-", 0], ["Soul_Food", 7], ["Maxine_Chadway", 1], ["Soul_Food_-LRB-film-RRB-", 7]]} +{"id": 148052, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Symphony_No._4_-LRB-Nielsen-RRB-", 1], ["Symphony_No._3_-LRB-Nielsen-RRB-", 0], ["J._C._Khoury", 15], ["Return_to_Sender_-LRB-2004_film-RRB-", 4], ["J._C._Khoury", 14]]} +{"id": 200288, "predicted_label": "SUPPORTS", "predicted_evidence": [["Natural_Born_Killers", 5], ["Natural_Born_Killers_-LRB-soundtrack-RRB-", 0], ["Natural_Born_Killers", 0], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 3], ["Oliver_Stone", 13]]} +{"id": 53663, "predicted_label": "REFUTES", "predicted_evidence": [["Three-Point_Contest", 0], ["James_Jones_-LRB-basketball_player-RRB-", 16], ["Whistle_-LRB-novel-RRB-", 0], ["Jones_House", 48], ["Index_of_World_War_II_articles_-LRB-J-RRB-", 740]]} +{"id": 138059, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["The_Legend_of_Bhagat_Singh", 0], ["23rd_March_1931-COLON-_Shaheed", 9], ["The_Legend_of_Bhagat_Singh", 5]]} +{"id": 63462, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["William_A._Conway", 0], ["William_A._Conway", 14], ["Garden_State_Stakes", 28], ["Rickshaw_Inn", 8], ["Garden_State_Stakes", 0]]} +{"id": 34907, "predicted_label": "REFUTES", "predicted_evidence": [["Paranormal_Activity_3", 0], ["The_Forest", 5], ["The_Forest", 15], ["Ouija_-LRB-disambiguation-RRB-", 10], ["Ouija_-LRB-disambiguation-RRB-", 14]]} +{"id": 211774, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_people_from_Kansas_City,_Missouri", 91], ["List_of_people_with_surname_Carey", 179], ["Uchida", 65], ["West_-LRB-name-RRB-", 27], ["Uchida", 21]]} +{"id": 54331, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Val_Meets_The_VIPs", 7], ["Dear_Bill", 0], ["The_Iron_Lady_-LRB-film-RRB-", 0], ["The_Iron_Lady_-LRB-film-RRB-", 13], ["The_Iron_Lady_-LRB-album-RRB-", 0]]} +{"id": 32779, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Life", 9], ["ISO_15686", 3], ["Lists_of_This_American_Life_episodes", 16], ["Lists_of_This_American_Life_episodes", 14], ["Lists_of_This_American_Life_episodes", 12]]} +{"id": 42187, "predicted_label": "SUPPORTS", "predicted_evidence": [["Evolution_of_aerobic_fermentation", 4], ["Pony", 4], ["Horse", 2], ["Cutting_-LRB-sport-RRB-", 13], ["Evolution_of_aerobic_fermentation", 6]]} +{"id": 185742, "predicted_label": "REFUTES", "predicted_evidence": [["Mani_Ratnam", 1], ["R._Madhavan", 6], ["List_of_awards_and_nominations_received_by_Aishwarya_Rai", 18], ["List_of_awards_and_nominations_received_by_Mani_Ratnam", 4], ["List_of_awards_and_nominations_received_by_Aishwarya_Rai", 2]]} +{"id": 81192, "predicted_label": "REFUTES", "predicted_evidence": [["Sora_-LRB-Kingdom_Hearts-RRB-", 1], ["Kingdom_Hearts_II", 7], ["Sora_-LRB-Kingdom_Hearts-RRB-", 4], ["Kingdom_Hearts_Coded", 15], ["Kingdom_Hearts-COLON-_Chain_of_Memories", 9]]} +{"id": 215484, "predicted_label": "REFUTES", "predicted_evidence": [["Roy_Green_-LRB-radio-RRB-", 7], ["The_Next_Great_American_Band", 7], ["Jung_Il-hoon", 2], ["Gwiyomi", 2], ["Sorn_-LRB-singer-RRB-", 2]]} +{"id": 121052, "predicted_label": "REFUTES", "predicted_evidence": [["Cardinals_created_by_Innocent_VIII", 20], ["Cardinals_created_by_Innocent_VIII", 17], ["European_colonization_of_the_Americas", 24], ["European_colonization_of_the_Americas", 9], ["European_colonization_of_the_Americas", 11]]} +{"id": 179745, "predicted_label": "REFUTES", "predicted_evidence": [["Wentworth_Miller", 2], ["Stoker_-LRB-film-RRB-", 0], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 37092, "predicted_label": "SUPPORTS", "predicted_evidence": [["Men_in_Black_II", 0], ["Men_in_Black_3", 0], ["Men_in_Black_3", 2], ["Men_in_Black_II", 3], ["Men_in_Black_II", 1]]} +{"id": 202951, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8], ["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 17], ["Avenged_Sevenfold_discography", 11]]} +{"id": 82293, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pene\u0301lope_Cruz", 13], ["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Pene\u0301lope_Cruz", 12], ["Nine_-LRB-2009_live-action_film-RRB-", 3], ["Volver", 14]]} +{"id": 57339, "predicted_label": "REFUTES", "predicted_evidence": [["Bengt-Erik_Grahn", 5], ["Terry_Harknett", 38], ["Rainer_Maria", 10], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Bengt-Erik_Grahn", 7]]} +{"id": 192824, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ian_Brennan", 8], ["Ian_Brennan_-LRB-writer-RRB-", 0], ["List_of_Scream_Queens_-LRB-2015_TV_series-RRB-_episodes", 0], ["Ian_Brennan", 2], ["Ian_Brennan", 0]]} +{"id": 100428, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 96], ["Frances_Grey_-LRB-actress-RRB-", 10], ["Frances_Grey_-LRB-actress-RRB-", 13], ["List_of_fictional_U.S._Marshals", 62], ["Frances_Grey_-LRB-actress-RRB-", 7]]} +{"id": 214266, "predicted_label": "REFUTES", "predicted_evidence": [["Penicillin_on_Wax", 8], ["The_Fixxers", 3], ["Born_and_Raised_in_Compton", 0], ["DJ_Quixotic", 11], ["DJ_Quixotic", 12]]} +{"id": 204414, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_Morello_discography", 5], ["List_of_Black_Sabbath_band_members", 25], ["Lock_Up_-LRB-American_band-RRB-", 25], ["Rage_Against_the_Machine", 1], ["Wilk", 17]]} +{"id": 12443, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ann_Richards_-LRB-disambiguation-RRB-", 0], ["Ann_Richards_-LRB-singer-RRB-", 0], ["Ann_Richards_-LRB-disambiguation-RRB-", 8], ["Michael_J._Osborne", 41], ["Ann_Richards_-LRB-disambiguation-RRB-", 6]]} +{"id": 203011, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin", 4], ["Fifth-generation_jet_fighter", 4], ["Lockheed_Martin_Aeronautics", 9], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 0], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 6]]} +{"id": 52918, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jennifer_Lopez_Collection", 0], ["Jennifer_Lopez_filmography", 37], ["Let's_Get_Loud_-LRB-disambiguation-RRB-", 8], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Still_Jennifer_Lopez", 0]]} +{"id": 172508, "predicted_label": "REFUTES", "predicted_evidence": [["Breakup_Song", 2], ["Craig_G", 27], ["Au_-LRB-squat-RRB-", 4], ["Yosh_Kawano", 23], ["Microsoft_Entourage", 1]]} +{"id": 28307, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lou_Gehrig", 15], ["Lou_Gehrig_Memorial_Award", 0], ["Hispanic_Heritage_Baseball_Museum", 7], ["Hispanic_Heritage_Baseball_Museum", 13], ["Hispanic_Heritage_Baseball_Museum", 61]]} +{"id": 34540, "predicted_label": "REFUTES", "predicted_evidence": [["James_VI_and_I", 11], ["James_VI_and_I", 0], ["Royal_Court_of_Scotland", 1], ["Royal_Court_of_Scotland", 24], ["Royal_Court_of_Scotland", 27]]} +{"id": 159578, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Still_Alive_-LRB-disambiguation-RRB-", 10], ["Still_Alive_-LRB-disambiguation-RRB-", 8], ["Still_Alive_-LRB-disambiguation-RRB-", 6], ["Still_Alive_-LRB-disambiguation-RRB-", 12], ["Still_Alive_-LRB-disambiguation-RRB-", 0]]} +{"id": 215202, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dreamer_-LRB-2005_film-RRB-", 0], ["Mariah's_Storm", 4], ["Need_for_Speed_-LRB-film-RRB-", 0], ["John_Gatins", 4], ["Gatins", 4]]} +{"id": 165873, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dawn_Summers", 0], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2], ["Xander_Harris", 2]]} +{"id": 111004, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana,_Princess_of_Wales", 5], ["Horatio_Nelson,_3rd_Earl_Nelson", 4], ["Henry_Vane,_2nd_Duke_of_Cleveland", 4], ["Charles_I_of_England", 3], ["Diana,_Princess_of_Wales", 0]]} +{"id": 54016, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Annette_Badland", 1], ["The_Sparticle_Mystery", 15], ["The_Sparticle_Mystery", 0], ["The_Sparticle_Mystery", 12], ["The_Sparticle_Mystery", 11]]} +{"id": 72006, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Civil_registration", 16], ["Same-sex_marriage_in_Ohio", 7], ["PacSun", 1], ["Vera_Salvequart", 11], ["Lytico-bodig_disease", 6]]} +{"id": 129221, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pistol_offense", 22], ["49ers\u2013Seahawks_rivalry", 13], ["Colin_Kaepernick", 2], ["49ers\u2013Seahawks_rivalry", 0], ["2014_San_Francisco_49ers_season", 0]]} +{"id": 150669, "predicted_label": "REFUTES", "predicted_evidence": [["Versailles_-LRB-TV_series-RRB-", 14], ["List_of_Shadowhunters_episodes", 6], ["Shadowhunters", 6], ["List_of_Schitt's_Creek_episodes", 17], ["Versailles_-LRB-TV_series-RRB-", 9]]} +{"id": 125050, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["Killam", 14], ["Brother_Nature_-LRB-film-RRB-", 0], ["The_Killam_Trusts", 0]]} +{"id": 185230, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Spanish_chicken_breeds", 1], ["Gilberto_Zaldi\u0301var", 11], ["Marta_Torne\u0301", 9], ["The_Siege_of_the_Alcazar", 2], ["The_Siege_of_the_Alcazar", 3]]} +{"id": 187778, "predicted_label": "REFUTES", "predicted_evidence": [["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["The_Sterile_Cuckoo", 0], ["Nguyen_v._INS", 1], ["Nguyen_v._INS", 15], ["Wendell_Burton", 1]]} +{"id": 4240, "predicted_label": "SUPPORTS", "predicted_evidence": [["Microbiologist", 14], ["Tomalla_Foundation", 0], ["Tomalla_Foundation", 2], ["Microbiologist", 15], ["Ulla_-LRB-Talmudist-RRB-", 42]]} +{"id": 63554, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jeff_Wootton", 13], ["Ravenous_-LRB-soundtrack-RRB-", 1], ["Damon_Albarn", 4], ["Jeff_Wootton", 10], ["Jeff_Wootton", 4]]} +{"id": 87820, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Neuberg_formula", 16], ["Detrola_Radio_&_Television_Corporation", 2], ["2011_US_Open_\u2013_Men's_Singles", 4], ["Match_point", 5], ["Neuberg_formula", 0]]} +{"id": 45557, "predicted_label": "REFUTES", "predicted_evidence": [["Ewan_McGregor", 2], ["Trainspotting", 11], ["T2_Trainspotting", 0], ["Ewen_Bremner", 1], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 193409, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_-LRB-Doctor_Who-RRB-", 0], ["Izzy_Sinclair", 0], ["Eighth_Doctor", 0], ["Past_Doctor_Adventures", 0], ["Izzy_Sinclair", 9]]} +{"id": 82745, "predicted_label": "REFUTES", "predicted_evidence": [["The_Linus_Pauling_Quartet", 18], ["Dile_-LRB-Ivy_Queen_song-RRB-", 5], ["Dile_-LRB-Ivy_Queen_song-RRB-", 2], ["Yeah!_-LRB-Fuel_song-RRB-", 1], ["Yeah!_-LRB-Fuel_song-RRB-", 2]]} +{"id": 200370, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mark_Hoppus", 5], ["Tom_DeLonge", 4], ["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Box_Car_Racer", 1], ["Blink-182", 0]]} +{"id": 51852, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stephen_Colbert's_AmeriCone_Dream", 0], ["Stephen_Colbert_-LRB-character-RRB-", 0], ["Final_episode_of_The_Colbert_Report", 6], ["Late_Show_with_David_Letterman", 15], ["The_Late_Show", 5]]} +{"id": 88141, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Leonetti", 9]]} +{"id": 101447, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Red_Red_Wine", 5], ["The_Essential_Neil_Diamond", 0], ["Classics-COLON-_The_Early_Years", 3], ["Forever_in_Blue_Jeans", 7], ["Forever_in_Blue_Jeans", 0]]} +{"id": 31186, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sporting_Life_-LRB-retailer-RRB-", 3], ["Bertel_O._Steen", 37], ["PacSun", 1], ["PacSun", 0], ["PacSun", 3]]} +{"id": 154067, "predicted_label": "REFUTES", "predicted_evidence": [["Reid", 40], ["Ogden_R._Reid", 13], ["Ogden_R._Reid", 17], ["Neel_Reid", 0], ["William_Reid", 12]]} +{"id": 72024, "predicted_label": "REFUTES", "predicted_evidence": [["Paul_D'Amour", 10], ["Paul_D'Amour", 14], ["Paul_D'Amour", 15], ["Paul_D'Amour", 5], ["Paul_D'Amour", 22]]} +{"id": 66031, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sayyeshaa", 0], ["Roy_McConnell_-LRB-RAF_officer-RRB-", 6], ["Gaurav_Rajmohan_Narayan_Singh_-LRB-Hrithik_Singh-RRB-", 10], ["Akhil_Rabindra", 2], ["Akhil_Rabindra", 5]]} +{"id": 101195, "predicted_label": "REFUTES", "predicted_evidence": [["High_Roller_-LRB-Stratosphere-RRB-", 1], ["Tatsu", 4], ["Fuji-Q_Highland", 19], ["Tatsu", 8], ["Tatsu", 1]]} +{"id": 56807, "predicted_label": "SUPPORTS", "predicted_evidence": [["Men_in_Black_3", 2], ["Colin_Brady", 23], ["Men_in_Black_II", 3], ["Men_in_Black_II-COLON-_Alien_Escape", 0], ["Colin_Brady", 2]]} +{"id": 174033, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pink_Floyd", 0], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["The_Endless_River", 11], ["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["The_Endless_River", 0]]} +{"id": 201823, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1]]} +{"id": 191432, "predicted_label": "REFUTES", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Wolfgang_Mu\u0308ller_-LRB-musician-RRB-", 20], ["Wolfgang_Mu\u0308ller_-LRB-musician-RRB-", 16], ["Days_Go_By", 4], ["Orange_Record_Label", 1]]} +{"id": 218369, "predicted_label": "SUPPORTS", "predicted_evidence": [["German_resistance_to_Nazism", 7], ["French_Resistance", 6], ["Noyautage_des_administrations_publiques", 11], ["German_resistance_to_Nazism", 4], ["French_Resistance", 0]]} +{"id": 9497, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bhookailas", 12], ["Garam_Masala_-LRB-disambiguation-RRB-", 10], ["Hungama_-LRB-disambiguation-RRB-", 7], ["Tabu_filmography", 5], ["Garam_Masala_-LRB-disambiguation-RRB-", 6]]} +{"id": 130226, "predicted_label": "REFUTES", "predicted_evidence": [["Soul_Surfer_-LRB-film-RRB-", 0], ["Faith_Fay", 10], ["David_Brookwell", 3], ["Sean_McNamara", 0], ["Sean_McNamara", 5]]} +{"id": 203391, "predicted_label": "SUPPORTS", "predicted_evidence": [["Goosebumps", 5], ["Goosebumps_Most_Wanted", 1], ["List_of_Goosebumps_books", 5], ["Goosebumps_The_Musical", 1]]} +{"id": 121702, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kundun", 1], ["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0], ["8th_Arjia_Rinpoche", 2]]} +{"id": 109744, "predicted_label": "REFUTES", "predicted_evidence": [["Alex_Garland", 1], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 12], ["List_of_accolades_received_by_Jackie_-LRB-2016_film-RRB-", 3], ["Vermont_health_care_reform", 1], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 0]]} +{"id": 215223, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_films_set_in_Houston", 172], ["List_of_films_set_in_Detroit", 23], ["American_Dreamer", 3], ["List_of_films_set_in_Houston", 174], ["List_of_films_set_in_Detroit", 3]]} +{"id": 187220, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Hurt_Locker", 0], ["Roy_Judkins", 2], ["The_Hurt_Locker", 9], ["Nine_from_Aberdeen", 2], ["The_Hurt_Locker", 8]]} +{"id": 180721, "predicted_label": "REFUTES", "predicted_evidence": [["Something_Beginning_with_C", 2], ["Prayers_Be_Answered", 0], ["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Expectations_-LRB-Dance_Exponents_album-RRB-", 0], ["Live_at_Mainstreet", 3]]} +{"id": 88396, "predicted_label": "SUPPORTS", "predicted_evidence": [["Efraim_Diveroli", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["David_Packouz", 0], ["Drug_Dealer", 8], ["Drug_Dealer", 0]]} +{"id": 174037, "predicted_label": "REFUTES", "predicted_evidence": [["Pink_Floyd", 0], ["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["Louder_than_Words_-LRB-Pink_Floyd_song-RRB-", 1], ["The_Endless_River", 0], ["List_of_UK_Rock_&_Metal_Albums_Chart_number_ones_of_2014", 5]]} +{"id": 197374, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["General_Simo\u0301n_Boli\u0301var_Municipality", 1], ["General_Simo\u0301n_Boli\u0301var_Municipality", 9], ["General_Simo\u0301n_Boli\u0301var_Municipality", 0]]} +{"id": 92942, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Annette_Badland", 1], ["Boom_Town_-LRB-Doctor_Who-RRB-", 5], ["Babe_Smith", 0], ["Annette_Badland", 0], ["Lizzie_Hopley", 18]]} +{"id": 146607, "predicted_label": "REFUTES", "predicted_evidence": [["QSK_operation_-LRB-full_break-in-RRB-", 13], ["Telegraphist", 19], ["Prosigns_for_Morse_code", 11], ["Morse_code_abbreviations", 0], ["Morse_code", 15]]} +{"id": 87645, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wish_Upon", 0], ["Golden_Rule", 10], ["Denis_Crossan", 9], ["Yee_Jee_Tso", 14], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5]]} +{"id": 165136, "predicted_label": "REFUTES", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Leonard_Termo", 14], ["Leonard_Termo", 11], ["Mickey_Rourke_filmography", 3], ["Bullet_-LRB-1996_film-RRB-", 0]]} +{"id": 102892, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Glossary_of_shapes_with_metaphorical_names", 46], ["Hourglass_drum", 0], ["Hourglass_treefrog_-LRB-disambiguation-RRB-", 6], ["Hourglass_treefrog_-LRB-disambiguation-RRB-", 10], ["Hourglass_treefrog_-LRB-disambiguation-RRB-", 3]]} +{"id": 166492, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Roswell,_Texas", 4], ["List_of_fictional_U.S._Marshals", 140], ["Emily_Dolvin", 23], ["Roswell,_Texas", 15], ["Emily_Dolvin", 4]]} +{"id": 179049, "predicted_label": "SUPPORTS", "predicted_evidence": [["Congressional_Space_Medal_of_Honor", 12], ["Congressional_Space_Medal_of_Honor", 9], ["Congressional_Space_Medal_of_Honor", 10], ["NASA_Distinguished_Service_Medal", 13], ["John_Glenn", 15]]} +{"id": 67582, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ann-Margret", 7], ["Ann-Margret", 1], ["List_of_accolades_received_by_No_Country_for_Old_Men", 16], ["Gransito_Movie_Awards_2008", 80], ["List_of_accolades_received_by_No_Country_for_Old_Men", 20]]} +{"id": 25780, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Griffiths", 123], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Stella_Richman", 19], ["Arfon_Griffiths", 0], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 156541, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aadi_-LRB-2002_film-RRB-", 2], ["Adhurs", 0], ["V._V._Vinayak", 0], ["Adhurs", 3], ["V._V._Vinayak", 6]]} +{"id": 193411, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eighth_Doctor", 0], ["Past_Doctor_Adventures", 0], ["Miranda_-LRB-Doctor_Who-RRB-", 0], ["War_Doctor", 0], ["Izzy_Sinclair", 0]]} +{"id": 108967, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Joe_Rogan_Experience", 0], ["Junior_Simpson", 15], ["Brendan_Schaub", 3], ["Joe_Rogan", 13], ["Joe_Rogan_Questions_Everything", 5]]} +{"id": 226880, "predicted_label": "REFUTES", "predicted_evidence": [["My_Plaything", 6], ["Jenna_Jameson", 3], ["ClubJenna", 0], ["Jenna_Jameson", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 226106, "predicted_label": "REFUTES", "predicted_evidence": [["Box_of_Bongwater", 0], ["Too_Much_Sleep", 2], ["Breaking_No_New_Ground!", 2], ["The_Power_of_Pussy", 2], ["Box_of_Bongwater", 2]]} +{"id": 94724, "predicted_label": "REFUTES", "predicted_evidence": [["Vichitra_Jeevitham", 1], ["Daag_-LRB-1973_film-RRB-", 10], ["Radif", 5], ["Radif", 33], ["Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 51856, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Pakistani_actresses", 0], ["Madventures_-LRB-ARY_Digital_show-RRB-", 2], ["Raees_-LRB-film-RRB-", 1], ["Raees_-LRB-film-RRB-", 0], ["Raees_-LRB-film-RRB-", 4]]} +{"id": 139825, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Boat_Race_1877", 0], ["XHamster", 6], ["Digital_cassettes", 50], ["Edward_J._Schwartz_United_States_Courthouse", 10], ["Special_Events_Television_Network", 3]]} +{"id": 97458, "predicted_label": "REFUTES", "predicted_evidence": [["American_Idol_-LRB-season_14-RRB-", 8], ["Ghost_Whisperer_-LRB-season_5-RRB-", 7], ["Dexter_-LRB-season_1-RRB-", 13], ["List_of_Veronica_Mars_episodes", 10], ["Dexter_-LRB-season_1-RRB-", 17]]} +{"id": 111558, "predicted_label": "SUPPORTS", "predicted_evidence": [["Permanent_Observer_of_the_Holy_See_to_the_United_Nations", 1], ["BodyMap", 6], ["Advertising_management", 11], ["Advertising", 0], ["Advertising_management", 6]]} +{"id": 84694, "predicted_label": "REFUTES", "predicted_evidence": [["Stella_Richman", 19], ["Arfon_Griffiths", 0], ["Griffiths", 123], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 201094, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Marcus_Bentley", 0], ["List_of_people_from_Gateshead", 9], ["North_-LRB-surname-RRB-", 124], ["North_-LRB-surname-RRB-", 118]]} +{"id": 93855, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["The_Legend_of_Bhagat_Singh", 0], ["23rd_March_1931-COLON-_Shaheed", 9], ["The_Legend_of_Bhagat_Singh", 5]]} +{"id": 50819, "predicted_label": "REFUTES", "predicted_evidence": [["Ewan_McGregor", 2], ["Trainspotting", 11], ["T2_Trainspotting", 0], ["Ewen_Bremner", 1], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 125239, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sleipnir", 11], ["Sleipnir", 0], ["Odin", 30], ["Odin", 25], ["Sleipnir", 10]]} +{"id": 103111, "predicted_label": "REFUTES", "predicted_evidence": [["Uwe_Lulis", 3], ["The_Grave_Digger", 0], ["Grave_Digger_-LRB-truck-RRB-", 2], ["Grave_Digger_-LRB-truck-RRB-", 0], ["The_Grave_Digger", 1]]} +{"id": 227363, "predicted_label": "SUPPORTS", "predicted_evidence": [["Telenovela_Channel", 10], ["Giada_-LRB-disambiguation-RRB-", 6], ["KBMY", 14], ["KBMY", 2], ["KMOT", 2]]} +{"id": 209861, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Monty_Python_Matching_Tie_and_Handkerchief", 31], ["The_Monty_Python_Matching_Tie_and_Handkerchief", 38], ["Tie_clip", 0], ["The_Monty_Python_Matching_Tie_and_Handkerchief", 8], ["Tie", 19]]} +{"id": 126183, "predicted_label": "SUPPORTS", "predicted_evidence": [["Donga_Ramudu", 1], ["Akkineni", 14], ["Bangaru_Kutumbam", 1], ["Akkineni", 12], ["Nageswara_Rao", 2]]} +{"id": 160985, "predicted_label": "REFUTES", "predicted_evidence": [["Siam_Nakhon_Province", 20], ["Franco-Thai_War", 9], ["Ernest_He\u0301brard", 0], ["Ernest_He\u0301brard", 11], ["Siam_Nakhon_Province", 19]]} +{"id": 113188, "predicted_label": "REFUTES", "predicted_evidence": [["Creedence_Clearwater_Revival", 0], ["Pre-Creedence", 0], ["The_Golliwogs", 33], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 0]]} +{"id": 58800, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek-COLON-_Discovery", 1], ["Star_Trek", 8], ["Star_Trek-COLON-_Discovery", 6], ["Star_Trek_-LRB-film-RRB-", 10], ["Star_Trek-COLON-_Discovery", 2]]} +{"id": 163977, "predicted_label": "SUPPORTS", "predicted_evidence": [["Suresh", 38], ["Veeram_-LRB-2014_film-RRB-", 0], ["Suresh", 18], ["Veeram", 3], ["Ajith_Kumar_filmography", 25]]} +{"id": 9096, "predicted_label": "SUPPORTS", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Jessica_Jones", 1], ["Brian_Michael_Bendis", 12], ["Ultimate_Spider-Man", 11], ["Brian_Michael_Bendis", 0]]} +{"id": 181615, "predicted_label": "SUPPORTS", "predicted_evidence": [["WHYY-TV", 1], ["WGBH-TV", 0], ["WETA-TV", 0], ["WGBX-TV", 0], ["WGBX-TV", 1]]} +{"id": 61926, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stanis\u0142aw_Leszczyn\u0301ski", 12], ["Prince_Augustus_William_of_Prussia", 15], ["Augustalia", 6], ["Augustus", 41], ["Joachim_Frederick,_Duke_of_Schleswig-Holstein-Sonderburg-Plo\u0308n", 8]]} +{"id": 184106, "predicted_label": "SUPPORTS", "predicted_evidence": [["Command_responsibility", 14], ["Stuart_Robles_de_Medina", 3], ["Medina_-LRB-surname-RRB-", 33], ["Hugh_Thompson_Jr.", 12], ["William_Eckhardt_-LRB-law-RRB-", 0]]} +{"id": 68023, "predicted_label": "SUPPORTS", "predicted_evidence": [["Manson", 13], ["Marilyn_Manson", 2], ["Charles_Manson_Superstar", 0], ["Marilyn_Manson", 0], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10]]} +{"id": 106851, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Geography_of_Wales", 10], ["Geography_of_Wales", 5], ["Coal_industry_in_Wales", 1], ["South_Wales_Coalfield_Collection", 0], ["Geology_of_South_Wales", 49]]} +{"id": 125001, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Blue_Jasmine", 1], ["Cate_Blanchett_on_screen_and_stage", 25], ["Gabc\u030ci\u0301kovo\u2013Nagymaros_Dams", 0], ["List_of_accolades_received_by_Blue_Jasmine", 10], ["Blue_Jasmine", 5]]} +{"id": 154144, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Metropolitan_University_of_Technology", 8], ["War_of_the_Pacific", 11], ["SM-Chile", 1], ["SM-Chile", 5], ["Open_access_in_Chile", 3]]} +{"id": 179286, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tylenol_-LRB-brand-RRB-", 0], ["Cheese_-LRB-recreational_drug-RRB-", 4], ["Shenea_Booth", 139], ["Shenea_Booth", 89], ["Robert_L._McNeil,_Jr.", 24]]} +{"id": 89315, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Radio_Radio_Radio", 7], ["Joe_Armstrong", 14], ["The_Influents", 16], ["Pinhead_Gunpowder", 2], ["The_Influents", 11]]} +{"id": 4122, "predicted_label": "REFUTES", "predicted_evidence": [["T-Mobile_US", 9], ["Wireless_site_survey", 3], ["Wireless_site_survey", 0], ["Private_Shared_Wireless_Network", 5], ["Private_Shared_Wireless_Network", 0]]} +{"id": 129517, "predicted_label": "SUPPORTS", "predicted_evidence": [["Beijing_International_MBA_at_Peking_University", 1], ["Peking_University", 1], ["Affiliated_High_School_of_Peking_University", 5], ["Affiliated_High_School_of_Peking_University", 0], ["Beijing_International_MBA_at_Peking_University", 0]]} +{"id": 178167, "predicted_label": "SUPPORTS", "predicted_evidence": [["One_World_Trade_Center", 2], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 0], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 6], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], ["Collapse_of_the_World_Trade_Center", 2]]} +{"id": 149906, "predicted_label": "REFUTES", "predicted_evidence": [["Danger_UXB", 0], ["Danger_UXD", 5], ["Royston_Tickner", 10], ["Index_of_World_War_II_articles_-LRB-D-RRB-", 127], ["UXB", 7]]} +{"id": 197377, "predicted_label": "REFUTES", "predicted_evidence": [["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 1], ["Simo\u0301n_Boli\u0301var,_Miranda", 1]]} +{"id": 46681, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Insecure_-LRB-TV_series-RRB-", 0], ["Issa_Rae", 6], ["Issa_Rae", 2], ["I_Am_Other", 4]]} +{"id": 203002, "predicted_label": "REFUTES", "predicted_evidence": [["Lockheed_Martin", 4], ["Chris_Kubasik", 23], ["Daniel_Michael_Tellep", 10], ["Chris_Kubasik", 1], ["Daniel_Michael_Tellep", 3]]} +{"id": 35537, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Clothes_line", 10], ["Aftab_Sachak", 14], ["Clothes_line", 0], ["Gilbert_Toyne", 52], ["Hills_Hoist", 0]]} +{"id": 208134, "predicted_label": "SUPPORTS", "predicted_evidence": [["Easy_A", 0], ["The_Clique_-LRB-film-RRB-", 0], ["O.C._and_Stiggs", 0], ["List_of_awards_and_nominations_received_by_Emma_Stone", 9], ["Make_It_or_Break_It", 0]]} +{"id": 144983, "predicted_label": "REFUTES", "predicted_evidence": [["Meteora_-LRB-album-RRB-", 0], ["List_of_awards_and_nominations_received_by_Linkin_Park", 9], ["Linkin_Park_discography", 8], ["Linkin_Park", 2], ["List_of_awards_and_nominations_received_by_Linkin_Park", 12]]} +{"id": 166854, "predicted_label": "SUPPORTS", "predicted_evidence": [["Found_a_Way", 0], ["Drake_Bell_discography", 0], ["Drake_&_Josh", 4], ["Drake_&_Josh_-LRB-soundtrack-RRB-", 4], ["Found_a_Way", 1]]} +{"id": 65945, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_G._Preston", 3], ["Kelly_Smith_-LRB-disambiguation-RRB-", 12], ["Titanic_Historical_Society", 28], ["Old_Dogs_-LRB-film-RRB-", 0], ["List_of_people_with_surname_Preston", 120]]} +{"id": 127588, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prophets_of_Da_City", 9], ["Prophets_of_Da_City", 51], ["Prophets_of_Da_City", 77], ["Hip_hop_-LRB-disambiguation-RRB-", 21], ["Hip_hop_-LRB-disambiguation-RRB-", 31]]} +{"id": 64797, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 1], ["Ghajini_-LRB-2008_film-RRB-", 4], ["Fanaa_-LRB-film-RRB-", 1], ["Love_Love_Love_-LRB-1989_film-RRB-", 1], ["Qayamat_Se_Qayamat_Tak", 2]]} +{"id": 141188, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_fictional_nurses", 279], ["List_of_fictional_nurses", 277], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 12], ["A_View_to_a_Kill_-LRB-disambiguation-RRB-", 14], ["List_of_fictional_nurses", 275]]} +{"id": 191420, "predicted_label": "SUPPORTS", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Get_Closer_-LRB-Keith_Urban_album-RRB-", 0], ["ITunes_Originals_\u2013_Keith_Urban", 0], ["Making_Memories_of_Us", 5], ["Sam_Hunt", 8]]} +{"id": 161865, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kristen_Anderson-Lopez", 1], ["Let_It_Go_-LRB-Disney_song-RRB-", 0], ["The_Book_of_Mormon_-LRB-musical-RRB-", 10], ["The_Book_of_Mormon_-LRB-musical-RRB-", 2], ["Kristen_Anderson-Lopez", 9]]} +{"id": 126296, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation_-LRB-music_video-RRB-", 7], ["Britain's_Got_Talent", 0], ["Rhythm_Nation", 23], ["Britain's_Got_Talent", 20], ["Britain's_Got_Talent", 22]]} +{"id": 127416, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon", 0], ["Educating_Joey_Essex", 1], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0]]} +{"id": 31620, "predicted_label": "REFUTES", "predicted_evidence": [["Kenneth_Grant", 7], ["The_Confessions_of_Aleister_Crowley", 0], ["Karl_Germer", 0], ["Karl_Germer", 1], ["Ecclesia_Gnostica_Catholica", 15]]} +{"id": 166863, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_Reminder", 0], ["Drake_Bell_discography", 0], ["Drake_Bell", 19], ["Drake_Bell", 18], ["Drake_Bell_discography", 2]]} +{"id": 120151, "predicted_label": "SUPPORTS", "predicted_evidence": [["My_Plaything", 6], ["Shadow_Hunter_-LRB-comics-RRB-", 3], ["ClubJenna", 0], ["Jenna_Jameson", 0], ["Jameson_-LRB-surname-RRB-", 29]]} +{"id": 126466, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trollhunters", 0], ["Mike_Chaffe", 3], ["Trollhunters", 5], ["Michael_Sinterniklaas", 5], ["John_Klug", 7]]} +{"id": 181202, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arthur_Meschian", 60], ["Arthur_Meschian", 61], ["Arthur_Meschian", 66], ["Arthur_Meschian", 74], ["Arthur_Meschian", 76]]} +{"id": 158383, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["History_of_Cambodia", 35], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Indochina_Wars", 15], ["Indochina_Wars", 9]]} +{"id": 167979, "predicted_label": "REFUTES", "predicted_evidence": [["Don_Bradman", 20], ["La_Consolacion_University_Philippines", 219], ["La_Consolacion_University_Philippines", 155], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 8], ["La_Consolacion_University_Philippines", 251]]} +{"id": 143893, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cliff_Robertson", 1], ["Lux_Cassidy", 1], ["Cliff_Robertson", 2], ["Robertson_-LRB-surname-RRB-", 29], ["The_First_Time_-LRB-2012_film-RRB-", 4]]} +{"id": 140018, "predicted_label": "REFUTES", "predicted_evidence": [["Moundville_Archaeological_Site", 2], ["Moundville_Archaeological_Site", 9], ["Constitution_of_Mississippi", 0], ["Mississippian_culture", 7], ["Mississippian_-LRB-geology-RRB-", 3]]} +{"id": 206728, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samwell", 9], ["Samwell_Tarly", 0], ["Rebecca_Benson", 5], ["John_Bradley-West", 0], ["Blood_of_My_Blood", 5]]} +{"id": 194786, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["National_Film_Award_for_Best_Actor", 12], ["List_of_EastEnders_two-hander_episodes", 10], ["National_Film_Award_for_Best_Actor", 13], ["Co-stardom_network", 4], ["The_Two_of_Us_-LRB-play-RRB-", 18]]} +{"id": 199761, "predicted_label": "REFUTES", "predicted_evidence": [["Eurasia", 0], ["Eurasia", 11], ["Eurasia", 17], ["Eurasia", 18], ["Eurasia", 9]]} +{"id": 3518, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murray_S._Hoffman", 4], ["Heart", 19], ["Arthur_Vineberg", 12], ["Qardio", 3], ["DASH_diet", 19]]} +{"id": 202038, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Dzhokhar_Tsarnaev", 4], ["Tamerlan_Tsarnaev", 9], ["Tamerlan_Tsarnaev", 8], ["2011_Waltham_triple_murder", 7]]} +{"id": 117840, "predicted_label": "REFUTES", "predicted_evidence": [["2016_NHL_Stadium_Series", 4], ["The_Tonight_Show", 24], ["2016_NHL_Stadium_Series", 5], ["2016_NHL_Stadium_Series", 6], ["The_Tonight_Show", 0]]} +{"id": 165258, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jonas_Bjerre", 14], ["Viola_pomposa", 17], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Machiavelli_and_the_Four_Seasons", 22], ["O\u0308stra_Go\u0308inge_Municipality", 0]]} +{"id": 32382, "predicted_label": "SUPPORTS", "predicted_evidence": [["Javed_Ali", 1], ["The_Ring_-LRB-2017_film-RRB-", 2], ["Jab_Tak_Hai_Jaan", 7], ["Jab_Tak_Hai_Jaan", 16], ["List_of_singing_actors_and_actresses_in_Indian_cinema", 38]]} +{"id": 183619, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ellen_DeGeneres", 5], ["Andrew_Stanton", 7], ["Pixar", 10], ["Finding_Nemo", 1], ["Finding_Dory", 1]]} +{"id": 67457, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_dress", 6], ["The_dress", 5], ["Daura-Suruwal", 56], ["Dress_uniform", 9], ["Dress_uniform", 3]]} +{"id": 58417, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_G._Preston", 3], ["Kelly_Smith_-LRB-disambiguation-RRB-", 12], ["List_of_people_with_surname_Preston", 120], ["Old_Dogs_-LRB-film-RRB-", 0], ["Old_Dogs_-LRB-film-RRB-", 11]]} +{"id": 17314, "predicted_label": "REFUTES", "predicted_evidence": [["WMAQ-TV", 1], ["Telemundo", 0], ["Telemundo", 5], ["Comcast", 10], ["Telemundo", 8]]} +{"id": 95742, "predicted_label": "SUPPORTS", "predicted_evidence": [["Uranium", 30], ["Mass_media_in_Canada", 3], ["Mass_media_in_Canada", 9], ["Uranium", 3], ["Mass_media_in_Canada", 11]]} +{"id": 73733, "predicted_label": "SUPPORTS", "predicted_evidence": [["Age_of_Apocalypse", 5], ["X-Men_-LRB-film_series-RRB-", 5], ["X-Men_-LRB-film_series-RRB-", 10], ["X-Men_-LRB-film_series-RRB-", 9], ["Age_of_Apocalypse", 6]]} +{"id": 196977, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 2], ["Sal_Mubarak", 0], ["Glossary_of_Indian_culture", 96], ["Glossary_of_Indian_culture", 99], ["Glossary_of_Indian_culture", 94]]} +{"id": 108546, "predicted_label": "SUPPORTS", "predicted_evidence": [["Richard_Alpert_-LRB-disambiguation-RRB-", 8], ["Richard_Alpert_-LRB-Lost-RRB-", 0], ["Man_in_Black_-LRB-Lost-RRB-", 4], ["Ab_Aeterno", 4], ["Alpert", 43]]} +{"id": 14939, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shaiju_Mathew", 3], ["Shaiju_Mathew", 1], ["Ladder_Whist", 18], ["Devon_RFU_Junior_Cup", 4], ["Devon_RFU_Junior_Cup", 10]]} +{"id": 135499, "predicted_label": "SUPPORTS", "predicted_evidence": [["Presidency_of_Martin_Van_Buren", 0], ["1835_Democratic_National_Convention", 16], ["Martin_Van_Buren", 0], ["Martin_Van_Buren", 21], ["United_States_presidential_election,_1836", 1]]} +{"id": 204630, "predicted_label": "SUPPORTS", "predicted_evidence": [["ABCD_2", 2], ["Index_of_World_War_II_articles_-LRB-S-RRB-", 3007], ["Index_of_World_War_II_articles_-LRB-S-RRB-", 2460], ["Rio_-LRB-2011_film-RRB-", 20], ["ABCD_2", 0]]} +{"id": 108301, "predicted_label": "REFUTES", "predicted_evidence": [["Southern_California", 13], ["Bantu_peoples", 13], ["Poverty_in_India", 24], ["Poverty_in_India", 27], ["Poverty_in_India", 11]]} +{"id": 89751, "predicted_label": "REFUTES", "predicted_evidence": [["Bates_Motel_-LRB-TV_series-RRB-", 5], ["Richard_Alpert_-LRB-Lost-RRB-", 0], ["Bates_Motel_-LRB-TV_series-RRB-", 6], ["Attention_Shoppers_-LRB-film-RRB-", 0], ["Hugo_\"Hurley\"_Reyes", 2]]} +{"id": 49834, "predicted_label": "SUPPORTS", "predicted_evidence": [["Emma_of_Austrasia", 13], ["Mafalda_Lui\u0301s_de_Castro", 4], ["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["List_of_Harry_Potter_cast_members", 19], ["Emma_Watson_-LRB-disambiguation-RRB-", 7]]} +{"id": 195023, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dear_Girl_Tour", 0], ["Tranky_Doo", 23], ["Tranky_Doo", 59], ["Dear_Girl_Tour", 1], ["List_of_Ace_titles_in_second_G_series", 100]]} +{"id": 119579, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Haley_Georgia", 6], ["Eric_Church", 11], ["Luke_Laird", 1], ["2012_Country_Music_Association_Awards", 7], ["2012_Country_Music_Association_Awards", 5]]} +{"id": 14994, "predicted_label": "REFUTES", "predicted_evidence": [["Black_Canary", 0], ["Green_Arrow", 15], ["Barbara_Gordon", 0], ["Green_Arrow", 0], ["Bill_Schelly", 39]]} +{"id": 105931, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_fictional_nurses", 279], ["List_of_fictional_nurses", 277], ["Turkish_television_drama", 1], ["The_Return_of_the_Condor_Heroes_-LRB-disambiguation-RRB-", 19], ["The_Return_of_the_Condor_Heroes_-LRB-disambiguation-RRB-", 25]]} +{"id": 11578, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam_Radio", 4], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 6], ["Pearl_Jam_Radio", 0], ["Pearl_Jam_2012_Tour", 8], ["Pearl_Jam_discography", 8]]} +{"id": 140820, "predicted_label": "SUPPORTS", "predicted_evidence": [["Men_in_Black_3", 2], ["Men_in_Black_II", 3], ["Men_in_Black_II", 0], ["Men_in_Black_II", 1], ["Men_in_Black_3", 0]]} +{"id": 204344, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 8], ["Extinction_event", 13], ["Cretaceous", 9], ["Mesozoic", 10], ["Extinction_event", 15]]} +{"id": 80479, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Confessions_of_Aleister_Crowley", 0], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 3], ["Kenneth_Grant", 16], ["Karl_Germer", 15]]} +{"id": 195012, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sexify", 1], ["Doublefaced", 16], ["Passion,_Pain_&_Demon_Slayin'", 7], ["Passion,_Pain_&_Demon_Slayin'", 4], ["56th_Annual_Grammy_Awards", 13]]} +{"id": 59273, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joe_Rogan", 7], ["Joe_Rogan", 4], ["Duncan_Trussell", 0], ["The_Joe_Rogan_Experience", 0], ["Bryan_Callen", 3]]} +{"id": 124629, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pistol_offense", 22], ["2016_U.S._national_anthem_protests", 1], ["Pistol_offense", 18], ["2008_Humanitarian_Bowl", 14], ["2016_San_Francisco_49ers_season", 11]]} +{"id": 191416, "predicted_label": "SUPPORTS", "predicted_evidence": [["Champion_Records", 17], ["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Orange_Record_Label", 14], ["Orange_Record_Label", 0], ["Champion_Records", 16]]} +{"id": 46045, "predicted_label": "SUPPORTS", "predicted_evidence": [["National_Collegiate_Rowing_Championship", 0], ["List_of_ANAGPIC_meetings", 123], ["List_of_ANAGPIC_meetings", 185], ["List_of_ANAGPIC_meetings", 157], ["List_of_University_of_Wisconsin\u2013Madison_people_in_academics", 827]]} +{"id": 47411, "predicted_label": "REFUTES", "predicted_evidence": [["Shane_McMahon", 10], ["WrestleMania_32", 6], ["Judgment_Day_-LRB-2007-RRB-", 9], ["Backlash_-LRB-2001-RRB-", 11], ["Judgment_Day_-LRB-2007-RRB-", 10]]} +{"id": 194355, "predicted_label": "REFUTES", "predicted_evidence": [["Happiness_in_Slavery", 0], ["The_Beatnigs", 0], ["Happiness_in_Slavery", 2], ["Happiness_in_Slavery", 5], ["The_Beatnigs", 2]]} +{"id": 33059, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["State-Trait_Anxiety_Inventory", 16], ["Battle_of_Sejny", 20], ["Battle_of_Sejny", 6], ["State-Trait_Anxiety_Inventory", 5], ["State-Trait_Anxiety_Inventory", 0]]} +{"id": 179006, "predicted_label": "SUPPORTS", "predicted_evidence": [["Spider-Man", 1], ["Steve_Ditko", 3], ["Charlton_Neo", 0], ["Captain_Glory", 3], ["Captain_Glory", 11]]} +{"id": 141476, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trollhunters", 0], ["Arcadia_-LRB-popular_culture-RRB-", 132], ["HBO_Films", 1], ["Arcadia_-LRB-popular_culture-RRB-", 16], ["Arcadia_-LRB-popular_culture-RRB-", 31]]} +{"id": 165659, "predicted_label": "REFUTES", "predicted_evidence": [["Ellen_Hillings\u00f8", 1], ["Nigel_Lambert", 9], ["Doctor_Who_and_the_Pescatons", 6], ["Destination_Nerva", 5], ["Doctor_Who_and_the_Pescatons", 1]]} +{"id": 50840, "predicted_label": "REFUTES", "predicted_evidence": [["Colin_Kaepernick", 1], ["2016_U.S._national_anthem_protests", 1], ["Pistol_offense", 18], ["Pistol_offense", 22], ["2016_San_Francisco_49ers_season", 11]]} +{"id": 60008, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danny_Brown", 3], ["Danny_Brown", 0], ["The_Hybrid_-LRB-album-RRB-", 0], ["Daniel_Brown", 3], ["Brett_Callwood", 2]]} +{"id": 110110, "predicted_label": "REFUTES", "predicted_evidence": [["Seneca_the_Elder", 1], ["Lucius_Aemilius_Lepidus_Paullus_-LRB-consul_34_BC-RRB-", 11], ["Tiberius", 0], ["Augustus", 10], ["List_of_ancient_Roman_fasti", 19]]} +{"id": 130220, "predicted_label": "SUPPORTS", "predicted_evidence": [["Demi_-LRB-album-RRB-", 0], ["Neon_Lights_-LRB-Demi_Lovato_song-RRB-", 0], ["Fix_a_Heart", 7], ["List_of_songs_recorded_by_Demi_Lovato", 0], ["Fix_a_Heart", 0]]} +{"id": 187112, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mariano_Vivanco", 8], ["The_Place_Beyond_the_Pines", 1], ["Markus_Klinko", 3], ["Last_Night_-LRB-2010_film-RRB-", 1], ["Last_Night_-LRB-2010_film-RRB-", 5]]} +{"id": 100088, "predicted_label": "SUPPORTS", "predicted_evidence": [["Men_in_Black_II", 0], ["Men_in_Black_II", 3], ["A_Christmas_Carol_-LRB-1999_film-RRB-", 1], ["Jeffrey_-LRB-1995_film-RRB-", 6], ["Northern_Stage", 11]]} +{"id": 202799, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despicable_Me_-LRB-franchise-RRB-", 0], ["Despicable_Me_2", 1], ["List_of_2010_box_office_number-one_films_in_Australia", 12], ["List_of_2010_box_office_number-one_films_in_Australia", 20], ["Despicable_Me_-LRB-franchise-RRB-", 3]]} +{"id": 204351, "predicted_label": "SUPPORTS", "predicted_evidence": [["Maastrichtian", 5], ["Outline_of_dinosaurs", 4], ["Cretaceous", 8], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 0], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 19]]} +{"id": 221077, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fox_Latin_America", 0], ["Discovery_Channel_Sweden", 0], ["Spike_-LRB-Netherlands_&_Flanders-RRB-", 0], ["Comedy_Central_Belgium", 0], ["CNN", 8]]} +{"id": 195082, "predicted_label": "REFUTES", "predicted_evidence": [["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Joe_Ruddy", 5], ["Ruddy_kingfisher", 11], ["Ruddy_kingfisher", 6], ["Ruddy_kingfisher", 2]]} +{"id": 78623, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Leonetti", 9]]} +{"id": 197367, "predicted_label": "SUPPORTS", "predicted_evidence": [["Estadio_de_Fu\u0301tbol_de_la_Universidad_Simo\u0301n_Boli\u0301var", 0], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 1]]} +{"id": 157794, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Right_to_Kill?", 10], ["Easy_to_Assemble", 7], ["Easy_to_Assemble", 4]]} +{"id": 22192, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Martin_Feveyear", 3], ["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Velvet_Revolver", 0], ["List_of_Guns_N'_Roses_members", 1], ["List_of_Guns_N'_Roses_members", 32]]} +{"id": 213937, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Call_of_Duty_-LRB-video_game-RRB-", 11], ["Call_of_Duty-COLON-_United_Offensive", 1], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 6]]} +{"id": 186324, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Hunchback_of_Notre_Dame_-LRB-1923_film-RRB-", 5], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 10], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 8], ["List_of_songs_about_Paris", 257], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 6]]} +{"id": 134145, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pontic_Greek", 0], ["Standard_Greek", 8], ["Greek_language", 13], ["Greek_language", 0], ["Greek_language", 14]]} +{"id": 212318, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 156915, "predicted_label": "SUPPORTS", "predicted_evidence": [["Democratic-Republican_Party", 0], ["Democratic-Republican_Party", 31], ["Virginia_dynasty", 2], ["Madison_Hemings", 0], ["Virginia_dynasty", 6]]} +{"id": 137752, "predicted_label": "SUPPORTS", "predicted_evidence": [["Laura_Dahl", 2], ["Matthew_Gray_Gubler", 0], ["Oddities_-LRB-TV_series-RRB-", 9], ["Gubler", 6], ["Gubler", 4]]} +{"id": 175486, "predicted_label": "REFUTES", "predicted_evidence": [["Ludwig_van_Beethoven", 5], ["Christian_Gottlob_Neefe", 0], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45], ["Gustav_Friedrich_Wilhelm_Gro\u00dfmann", 1]]} +{"id": 55771, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["McGraw_-LRB-surname-RRB-", 65], ["Tim_McGraw_-LRB-disambiguation-RRB-", 5], ["Tim_McGraw_-LRB-disambiguation-RRB-", 0], ["Tim_McGraw_-LRB-disambiguation-RRB-", 7], ["My_Little_Girl_-LRB-Tim_McGraw_song-RRB-", 1]]} +{"id": 40589, "predicted_label": "REFUTES", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["Fanning_-LRB-surname-RRB-", 10], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Dakota_Fanning", 0]]} +{"id": 121454, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["J._C._Johnson", 28], ["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["Me_and_Bessie", 20], ["Bessie_-LRB-disambiguation-RRB-", 16], ["Me_and_Bessie", 0]]} +{"id": 101482, "predicted_label": "SUPPORTS", "predicted_evidence": [["BHB", 3], ["Ballas_Hough_Band", 0], ["Derek_Hough", 0], ["Julianne_Hough", 5], ["Hough_-LRB-surname-RRB-", 8]]} +{"id": 154236, "predicted_label": "REFUTES", "predicted_evidence": [["Shadowhunters", 0], ["Shadowhunters", 4], ["List_of_Shadowhunters_episodes", 4], ["List_of_Shadowhunters_episodes", 5], ["Shadowhunters", 5]]} +{"id": 107520, "predicted_label": "SUPPORTS", "predicted_evidence": [["Moonlight_-LRB-2016_film-RRB-", 6], ["List_of_accolades_received_by_Moonlight_-LRB-2016_film-RRB-", 6], ["Moonlight_Basin", 26], ["Moonlight_-LRB-2016_film-RRB-", 0], ["Moonlight_Basin", 30]]} +{"id": 3149, "predicted_label": "REFUTES", "predicted_evidence": [["Kai_Soremekun", 2], ["The_Sum_of_All_Fears_-LRB-film-RRB-", 2], ["Innocent_-LRB-2011_film-RRB-", 5], ["Gransito_Movie_Awards_2008", 100], ["Gransito_Movie_Awards_2008", 22]]} +{"id": 192894, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Monster_-LRB-song-RRB-", 2], ["Love_the_Way_You_Lie", 17], ["Love_the_Way_You_Lie", 15], ["Love_the_Way_You_Lie", 0], ["Eminem_discography", 41]]} +{"id": 184426, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_fictional_nurses", 279], ["Premam", 0], ["Premam", 7], ["Premam", 12], ["List_of_fictional_nurses", 277]]} +{"id": 146176, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Maeve_Murphy", 23], ["Garden_State_Film_Festival", 0], ["Garden_State_Film_Festival", 15], ["Garden_State_Film_Festival", 8], ["Maeve_Murphy", 45]]} +{"id": 92378, "predicted_label": "REFUTES", "predicted_evidence": [["Vichitra_Jeevitham", 1], ["Daag_-LRB-1973_film-RRB-", 10], ["Dagshai", 9], ["Dagshai", 10], ["Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 221086, "predicted_label": "REFUTES", "predicted_evidence": [["ABS-CBN_-LRB-television_network-RRB-", 0], ["GMA_Network", 1], ["Louisville_Gas_&_Electric", 1], ["Tredyffrin/Easttown_School_District", 4], ["S-Adenosyl_methionine", 8]]} +{"id": 47589, "predicted_label": "REFUTES", "predicted_evidence": [["Olivia_Pope", 0], ["Butter_-LRB-2011_film-RRB-", 0], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 66253, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Green_-LRB-footballer,_born_July_1989-RRB-", 10], ["Scene_It?_Twilight", 11], ["Mike_Green_-LRB-footballer,_born_July_1989-RRB-", 17], ["Mike_Green_-LRB-footballer,_born_July_1989-RRB-", 9], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776]]} +{"id": 150347, "predicted_label": "SUPPORTS", "predicted_evidence": [["Great_Saxon_Revolt", 41], ["Archduke_Ferdinand_of_Austria", 38], ["Great_Saxon_Revolt", 39], ["Henry,_Holy_Roman_Emperor", 4], ["Henry,_Holy_Roman_Emperor", 8]]} +{"id": 189456, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yandex", 1], ["Yandex.Money", 7], ["Yandex.Direct", 9], ["Yandex", 9], ["Yandex.Translate", 0]]} +{"id": 168049, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Nightly_Show_with_Larry_Wilmore", 0], ["Minority_Report", 25], ["List_of_The_Nightly_Show_with_Larry_Wilmore_episodes", 0], ["The_Nightly_Show_with_Larry_Wilmore", 1], ["Mike_Yard", 1]]} +{"id": 161536, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Strictly_Ballroom", 7], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 1], ["Strictly_Ballroom", 0], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["MoZella", 9]]} +{"id": 17451, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Camden,_New_Jersey", 0], ["U.S._Route_30_in_New_Jersey", 8], ["U.S._Route_30_in_New_Jersey", 1], ["U.S._Route_30_in_New_Jersey", 7], ["List_of_New_Jersey_tornadoes", 65]]} +{"id": 99260, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Never_Miss_the_Water", 0], ["Dance_Classics_of_Chaka_Khan", 0], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 3], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 4], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 0]]} +{"id": 181884, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Princess_Mononoke", 7], ["Youmi_Kimura", 5], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Princess_Mononoke", 4], ["Hayao_Miyazaki", 16]]} +{"id": 151241, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["William_A._Conway", 0], ["William_A._Conway", 14], ["Garden_State_Stakes", 28], ["Rickshaw_Inn", 8], ["Garden_State_Stakes", 0]]} +{"id": 104631, "predicted_label": "REFUTES", "predicted_evidence": [["Stephen_Colbert", 12], ["Stephen_Colbert's_AmeriCone_Dream", 0], ["Stephen_Colbert", 1], ["The_Colbert_Report", 0], ["Cultural_impact_of_The_Colbert_Report", 2]]} +{"id": 2616, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Survivor_Series_-LRB-2004-RRB-", 8], ["El_Gran_Luchadore", 16], ["Survivor_Series_-LRB-2004-RRB-", 13], ["El_Gran_Luchadore", 18], ["El_Gran_Luchadore", 9]]} +{"id": 144964, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miles_Fisher", 10], ["Emmanuel_Fisher", 4], ["Ice_-LRB-Kelly_Rowland_song-RRB-", 3], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0], ["Teenage_Mutant_Ninja_Turtles_-LRB-2014_film-RRB-", 2]]} +{"id": 26141, "predicted_label": "REFUTES", "predicted_evidence": [["Sikkim", 4], ["List_of_mountain_ranges_of_Pakistan", 4], ["List_of_mountain_ranges_of_Pakistan", 3], ["Aparna_Kumar", 58], ["Aparna_Kumar", 118]]} +{"id": 214252, "predicted_label": "REFUTES", "predicted_evidence": [["DJ_Quik", 0], ["Penicillin_on_Wax", 8], ["Born_and_Raised_in_Compton", 0], ["Penicillin_on_Wax", 12], ["Penicillin_on_Wax", 0]]} +{"id": 30745, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stephanie_McMahon", 4], ["Stephanie_McMahon", 5], ["The_Authority_-LRB-professional_wrestling-RRB-", 12], ["Judgment_Day_-LRB-2007-RRB-", 9], ["Judgment_Day_-LRB-2007-RRB-", 10]]} +{"id": 206716, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samwell_Tarly", 0], ["Samwell", 9], ["Rebecca_Benson", 5], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8], ["Blood_of_My_Blood", 5]]} +{"id": 69715, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["XHamster", 6], ["YouPorn", 3], ["Clown_porn", 18], ["IRobot_Seaglider", 7], ["XHamster", 7]]} +{"id": 74907, "predicted_label": "SUPPORTS", "predicted_evidence": [["Carrie_Mathison", 0], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Carrie_Mathison", 2], ["Pilot_-LRB-Homeland-RRB-", 4], ["Homeland_-LRB-TV_series-RRB-", 3]]} +{"id": 108940, "predicted_label": "SUPPORTS", "predicted_evidence": [["Morse_Park", 6], ["Morse_Mill,_Missouri", 4], ["John_L._Kelley", 4], ["QSK_operation_-LRB-full_break-in-RRB-", 14], ["QSK_operation_-LRB-full_break-in-RRB-", 10]]} +{"id": 194349, "predicted_label": "SUPPORTS", "predicted_evidence": [["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 2], ["Nine_Inch_Nails", 0], ["Broken_-LRB-1993_film-RRB-", 0], ["Deist_Requiem", 0]]} +{"id": 43593, "predicted_label": "SUPPORTS", "predicted_evidence": [["Late_Show_with_David_Letterman", 16], ["The_Late_Show", 5], ["Stephen_Colbert_-LRB-character-RRB-", 0], ["Stephen_Colbert's_AmeriCone_Dream", 0], ["Cultural_impact_of_The_Colbert_Report", 2]]} +{"id": 184056, "predicted_label": "REFUTES", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 10], ["Lonergan_-LRB-surname-RRB-", 16]]} +{"id": 223672, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Van_Beethoven_-LRB-train-RRB-", 1], ["Beethoven_Gesamtausgabe", 1], ["Franz_Gerhard_Wegeler", 0], ["Van_Beethoven_-LRB-train-RRB-", 10], ["Franz_Gerhard_Wegeler", 17]]} +{"id": 110731, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["Father_Callahan", 1], ["The_Dark_Tower_-LRB-series-RRB-", 13], ["The_Dark_Tower-COLON-_The_Sorcerer", 3], ["All-World", 33]]} +{"id": 42948, "predicted_label": "REFUTES", "predicted_evidence": [["Atlanta_record_labels", 11], ["Atlanta_record_labels", 23], ["Atlanta_record_labels", 31], ["Atlanta_record_labels", 17], ["Unhitched_-LRB-book-RRB-", 0]]} +{"id": 179754, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wentworth_Miller", 2], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27], ["Wentworth_Miller", 4]]} +{"id": 90359, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danger_UXB", 0], ["UXB", 7], ["Ken_Kitson", 0], ["Danger_UXD", 5], ["Ken_Kitson", 3]]} +{"id": 180564, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["CD99", 0], ["CD99", 2], ["Hill_Head", 22], ["Hill_Head", 23], ["List_of_German_U-boat_World_War_II_Raiding_Careers", 9220]]} +{"id": 91286, "predicted_label": "REFUTES", "predicted_evidence": [["Lincoln\u2013Douglas_debates", 0], ["Lincoln\u2013Douglas_debate", 2], ["Archibald_Williams_-LRB-judge-RRB-", 309], ["Archibald_Williams_-LRB-judge-RRB-", 296], ["Freeport_Doctrine", 0]]} +{"id": 103562, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Adam_Price_-LRB-screenwriter-RRB-", 6], ["Knudsen", 40], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Strisser_pa\u030a_Sams\u00f8", 4]]} +{"id": 93519, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 3], ["Ira_Trivedi", 4], ["Laurence_Byrne", 1], ["Penguin_Modern_Poets", 0], ["Penguin_Modern_Poets", 6]]} +{"id": 25638, "predicted_label": "REFUTES", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Tim_Palen", 4], ["Michael_Bay_filmography", 23], ["Tim_Palen", 2], ["Will_Smith_filmography", 7]]} +{"id": 129735, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["2014\u201315_CONCACAF_Champions_League", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2014\u201315_CONCACAF_Champions_League", 3]]} +{"id": 139191, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Elvis_Presley's_guitars", 6], ["Scott_Moore", 15], ["Veganism", 10], ["Veganism", 13], ["Veganism", 6]]} +{"id": 65790, "predicted_label": "SUPPORTS", "predicted_evidence": [["Randy_Savage", 4], ["Randy_Savage", 0], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15], ["WrestleMania_X", 15], ["WrestleMania_X", 11]]} +{"id": 192717, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Miloslav_Rechcigl,_Sr.", 23], ["North_American_Millers'_Association", 5], ["Miloslav_Rechcigl,_Sr.", 25], ["Minneapolis_Millers", 14], ["Millers_Dale_railway_station", 0]]} +{"id": 100832, "predicted_label": "SUPPORTS", "predicted_evidence": [["2012_Country_Music_Association_Awards", 7], ["Luke_Laird", 2], ["Eric_Church", 0], ["Haley_Georgia", 6], ["Haley_Georgia", 0]]} +{"id": 9762, "predicted_label": "SUPPORTS", "predicted_evidence": [["White_House_Press_Secretary", 0], ["Julie_Mason", 24], ["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3]]} +{"id": 64002, "predicted_label": "SUPPORTS", "predicted_evidence": [["Riddick_-LRB-character-RRB-", 0], ["Riddick_-LRB-character-RRB-", 4], ["The_Chronicles_of_Riddick", 0], ["Joseph_Riddick", 14], ["The_Chronicles_of_Riddick", 8]]} +{"id": 126728, "predicted_label": "SUPPORTS", "predicted_evidence": [["Orohippus", 6], ["Evolution_of_the_horse", 0], ["Pseudoextinction", 21], ["Evolution_of_the_horse", 14], ["Evolution_of_the_horse", 4]]} +{"id": 21032, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Palace_Theatre", 0], ["Victoria_Station_-LRB-restaurant-RRB-", 17], ["Victoria_Station_-LRB-restaurant-RRB-", 19], ["Palace_Theatre,_Westcliff-on-Sea", 12], ["Victoria_Palace", 0]]} +{"id": 128826, "predicted_label": "REFUTES", "predicted_evidence": [["Pon_de_Floor", 5], ["Daggering", 0], ["Grinding_-LRB-dance-RRB-", 8], ["Dagga", 8], ["List_of_OMIM_disorder_codes", 4545]]} +{"id": 3145, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fyre_Festival", 3], ["H.E.R.", 11], ["Kendall_-LRB-given_name-RRB-", 5], ["H.E.R.", 9], ["Kylie_Jenner", 7]]} +{"id": 138500, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_knobs", 60], ["List_of_bottoms", 30], ["List_of_bottoms", 46], ["List_of_knobs", 230], ["List_of_bottoms", 178]]} +{"id": 95782, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jackpot_-LRB-game_show-RRB-", 4], ["Naval_wargaming", 21], ["Lotto_South", 27], ["Lotto_South", 29], ["Naval_wargaming", 0]]} +{"id": 38262, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_and_Saunders", 8], ["Marjorie", 136], ["List_of_women_with_ovarian_cancer", 127], ["Seinfeld", 8], ["Marjorie_Gross", 0]]} +{"id": 194790, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fortunes_of_War_-LRB-TV_series-RRB-", 0], ["Fortunes_of_War_-LRB-TV_series-RRB-", 1], ["The_Magic_Flute_-LRB-2006_film-RRB-", 4], ["The_Magic_Flute_-LRB-2006_film-RRB-", 0], ["List_of_accolades_received_by_My_Week_with_Marilyn", 20]]} +{"id": 43731, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_Thomson", 9], ["List_of_songs_recorded_by_Slipknot", 6], ["List_of_Slipknot_concert_tours", 19], ["Slipknot_discography", 9], ["List_of_Slipknot_band_members", 8]]} +{"id": 117305, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Insecure_-LRB-TV_series-RRB-", 0], ["I_Am_Other", 4], ["Issa_Rae", 6], ["Issa_Rae", 1]]} +{"id": 13629, "predicted_label": "SUPPORTS", "predicted_evidence": [["Svend", 67], ["Mogens", 59], ["Anders_August", 0], ["Melancholia_-LRB-2011_film-RRB-", 0], ["Anders_August", 9]]} +{"id": 124823, "predicted_label": "REFUTES", "predicted_evidence": [["Eiffel_Tower", 8], ["Chrysler_Building", 5], ["Chrysler_Building", 6], ["Architecture_of_New_York_City", 7], ["Chrysler_-LRB-disambiguation-RRB-", 36]]} +{"id": 91738, "predicted_label": "REFUTES", "predicted_evidence": [["James_Taylor_discography", 13], ["Hourglass_-LRB-James_Taylor_album-RRB-", 2], ["James_Taylor_discography", 20], ["James_Taylor_discography", 9], ["James_Taylor_discography", 26]]} +{"id": 194908, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pablo_Echarri", 4], ["Secret_People_-LRB-film-RRB-", 2], ["Thelma_Grigg", 4], ["Undiscovered", 7], ["James_Nesbitt", 9]]} +{"id": 190148, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Floyd_Mayweather_Jr.", 3], ["Golden_Boy_Promotions", 15], ["Floyd_Mayweather_Jr.", 16], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 3]]} +{"id": 7286, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pingat_Berkebolehan", 7], ["Imam_Khomeini_Memorial_Trust,_Kargil", 0], ["Arab_Images_Foundation", 8], ["Revaluation_of_fixed_assets", 4], ["Rendering_-LRB-computer_graphics-RRB-", 5]]} +{"id": 56710, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pistol_offense", 22], ["2016_San_Francisco_49ers_season", 11], ["Pistol_offense", 18], ["2016_U.S._national_anthem_protests", 1], ["2008_Humanitarian_Bowl", 14]]} +{"id": 170937, "predicted_label": "SUPPORTS", "predicted_evidence": [["Smriti_Mandhana", 0], ["Anand_Tummala", 36], ["Sharath_Kamal", 13], ["Anand_Tummala", 32], ["Divya_Singh", 4]]} +{"id": 221093, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rahil_Begum_Sherwani", 136], ["Rahil_Begum_Sherwani", 153], ["Rahil_Begum_Sherwani", 41], ["Rahil_Begum_Sherwani", 21], ["Rahil_Begum_Sherwani", 147]]} +{"id": 220278, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bullitt", 0], ["John_and_Mary_-LRB-film-RRB-", 0], ["Bullitt_-LRB-disambiguation-RRB-", 0], ["Peter_Yates_-LRB-disambiguation-RRB-", 0], ["Peter_Yates_-LRB-disambiguation-RRB-", 8]]} +{"id": 140847, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bon_Towarowy_PeKaO", 21], ["IX_Corps_-LRB-United_States-RRB-", 13], ["IX_Corps_-LRB-United_States-RRB-", 4], ["Wireless_home_phone", 13], ["Aristotle", 2]]} +{"id": 85274, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greek_language", 13], ["Greek_language", 0], ["List_of_Greek_place_names", 35], ["Archimedean_Upper_Conservatory", 21], ["List_of_Greek_place_names", 0]]} +{"id": 146399, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Birds_of_Prey_-LRB-comics-RRB-", 0], ["Bill_Schelly", 72], ["Green_Arrow", 15], ["Larry_Lance", 0], ["Larry_Lance", 2]]} +{"id": 185240, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_women_with_ovarian_cancer", 23], ["List_of_women_with_ovarian_cancer", 185], ["List_of_women_with_ovarian_cancer", 221], ["List_of_women_with_ovarian_cancer", 235], ["List_of_women_with_ovarian_cancer", 295]]} +{"id": 131710, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["United_States_presidential_election,_1796", 5], ["Jefferson\u2013Hemings_controversy", 1], ["United_States_presidential_election,_1796", 20], ["Thomas_Jefferson_Medal", 11], ["Thomas_Jefferson_Medal", 13]]} +{"id": 47630, "predicted_label": "SUPPORTS", "predicted_evidence": [["CK_-LRB-album-RRB-", 13], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 7], ["CK_-LRB-album-RRB-", 4], ["CK_-LRB-album-RRB-", 12], ["Dance_Classics_of_Chaka_Khan", 11]]} +{"id": 166649, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Brian_Rice_-LRB-artist-RRB-", 8], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1], ["Nathaniel_Milljour", 10]]} +{"id": 209880, "predicted_label": "SUPPORTS", "predicted_evidence": [["Art_Smith_-LRB-actor-RRB-", 10], ["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["In_a_Lonely_Place", 1], ["Dorothy_B._Hughes", 8], ["In_a_Lonely_Place", 12]]} +{"id": 52428, "predicted_label": "REFUTES", "predicted_evidence": [["Tom_Morello_discography", 23], ["Sabbat_-LRB-English_band-RRB-", 10], ["Rage_Against_the_Machine", 20], ["W.O.A_Records", 14], ["Henry_Naylor", 7]]} +{"id": 203174, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sunda\u2013Sulawesi_languages", 1], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0]]} +{"id": 12829, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 2], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 0], ["Pirates_of_the_Caribbean_-LRB-attraction-RRB-", 4], ["Blue_Bayou_Restaurant", 9], ["Blue_Bayou_Restaurant", 13]]} +{"id": 90664, "predicted_label": "REFUTES", "predicted_evidence": [["Alvin_and_the_Chipmunks", 9], ["Laura_Dahl", 2], ["Oddities_-LRB-TV_series-RRB-", 9], ["Matthew_Gray_Gubler", 0], ["Alvin_and_the_Chipmunks", 13]]} +{"id": 47645, "predicted_label": "SUPPORTS", "predicted_evidence": [["2014\u201315_CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2017\u201318_in_CONCACAF_club_competitions", 3]]} +{"id": 137963, "predicted_label": "REFUTES", "predicted_evidence": [["Organization_for_Human_Brain_Mapping", 10], ["Organization_for_Human_Brain_Mapping", 0], ["Brain", 19], ["Lord_Dowding_Fund_for_Humane_Research", 39], ["Human_brain", 0]]} +{"id": 165892, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alice_Cooper", 0], ["Billion_Dollar_Babies_-LRB-song-RRB-", 9], ["Alice_Cooper", 18], ["Neal_Smith_-LRB-drummer-RRB-", 22], ["Billion_Dollar_Babies_-LRB-song-RRB-", 4]]} +{"id": 135608, "predicted_label": "REFUTES", "predicted_evidence": [["Oxford_Centre_for_Ecclesiology_and_Practical_Theology", 21], ["Outwood_Academy_Ripon", 8], ["Ripon_College", 3], ["Ripon_College_-LRB-Wisconsin-RRB-", 0], ["Ripon_College", 9]]} +{"id": 84041, "predicted_label": "SUPPORTS", "predicted_evidence": [["Adwoa_Aboah", 1], ["Ashley_Graham", 5], ["Ashley_Graham_-LRB-model-RRB-", 0], ["Ashley_Graham", 0], ["Ashley_Graham", 3]]} +{"id": 18402, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ancient_River", 33], ["The_Linus_Pauling_Quartet", 2], ["The_Linus_Pauling_Quartet", 14], ["List_of_awards_and_nominations_received_by_Psych", 8], ["Doctor_of_Psychology", 10]]} +{"id": 43522, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Dad", 0], ["Troian_Bellisario", 5], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 26332, "predicted_label": "REFUTES", "predicted_evidence": [["Kelly_Preston", 3], ["Kelly_Smith_-LRB-disambiguation-RRB-", 12], ["Old_Dogs_-LRB-film-RRB-", 0], ["Old_Dogs_-LRB-film-RRB-", 11], ["Kelly_Preston", 0]]} +{"id": 195033, "predicted_label": "REFUTES", "predicted_evidence": [["Green_Day", 22], ["American_Idiot-COLON-_The_Original_Broadway_Cast_Recording", 0], ["American_Idiot", 0], ["Green_Day", 23], ["Green_Day", 12]]} +{"id": 163985, "predicted_label": "SUPPORTS", "predicted_evidence": [["Breath_-LRB-disambiguation-RRB-", 12], ["Veeram_-LRB-2016_film-RRB-", 7], ["Veeram_-LRB-2014_film-RRB-", 6], ["Veeram", 5], ["Veeram", 3]]} +{"id": 130763, "predicted_label": "REFUTES", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["Paul_Carlson", 5], ["Jesse_Carlson", 1], ["Jesse_Carlson", 0]]} +{"id": 10713, "predicted_label": "REFUTES", "predicted_evidence": [["Laura_Dahl", 2], ["Gubler", 6], ["Matthew_Gray_Gubler", 0], ["Oddities_-LRB-TV_series-RRB-", 9], ["Alvin_and_the_Chipmunks", 13]]} +{"id": 116349, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium", 3], ["Electrospray_ionization", 5], ["Uranium", 10], ["Uranium", 20]]} +{"id": 214271, "predicted_label": "SUPPORTS", "predicted_evidence": [["Born_and_Raised_in_Compton", 0], ["The_Fixxers", 16], ["The_Fixxers", 5], ["Penicillin_on_Wax", 8], ["The_Fixxers", 3]]} +{"id": 120372, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Estimated_date_of_confinement", 0], ["Library_card", 12], ["Tax_return_-LRB-Canada-RRB-", 20], ["Late_fee", 0], ["Comm_South_Companies", 18]]} +{"id": 5137, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pontic_Greek", 0], ["Standard_Greek", 8], ["Greek_language", 13], ["Greek_language", 0], ["Greek_language", 14]]} +{"id": 202776, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despicable_Me", 3], ["Despicable_Me_2", 1], ["List_of_2010_box_office_number-one_films_in_Australia", 12], ["List_of_2010_box_office_number-one_films_in_Australia", 20], ["Despicable_Me_-LRB-franchise-RRB-", 3]]} +{"id": 181883, "predicted_label": "SUPPORTS", "predicted_evidence": [["Youmi_Kimura", 5], ["Hayao_Miyazaki", 17], ["Nasu-COLON-_Summer_in_Andalusia", 0], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Hayao_Miyazaki", 23]]} +{"id": 49879, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dan_Peppe", 6], ["Pony_wall", 16], ["Saint_John's_Tower_-LRB-Vatican_City-RRB-", 11], ["17th_Wisconsin_Volunteer_Infantry_Regiment", 87], ["Amarna_letter_EA_100", 0]]} +{"id": 63058, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_100_episodes", 2], ["The_100_-LRB-TV_series-RRB-", 4], ["Nuclear_holocaust", 0], ["Ark_Two_Shelter", 1], ["Ark_Two_Shelter", 18]]} +{"id": 30236, "predicted_label": "SUPPORTS", "predicted_evidence": [["Braunschweig_-LRB-disambiguation-RRB-", 11], ["Frankfurt_Documents", 6], ["Lower_Saxony", 0], ["Frankfurt_Documents", 5], ["Frankfurt_Documents", 12]]} +{"id": 132490, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alfred_C._Baldwin_III", 0], ["Watergate_complex", 6], ["Watergate_Babies", 30], ["Watergate_complex", 14], ["Watergate_Babies", 0]]} +{"id": 214243, "predicted_label": "SUPPORTS", "predicted_evidence": [["DJ_Quixotic", 7], ["Born_and_Raised_in_Compton", 0], ["Balance_&_Options", 0], ["DJ_Quixotic", 10], ["DJ_Quixotic", 0]]} +{"id": 71541, "predicted_label": "REFUTES", "predicted_evidence": [["Abu_Dhabi_Media_Summit", 6], ["Rupert_Murdoch", 3], ["James_Murdoch", 0], ["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3]]} +{"id": 53098, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_No_Country_for_Old_Men", 1], ["No_Country_for_Old_Men_-LRB-film-RRB-", 1], ["List_of_frequent_Coen_Brothers_collaborators", 8], ["No_Country_for_Old_Men_-LRB-film-RRB-", 5], ["List_of_frequent_Coen_Brothers_collaborators", 13]]} +{"id": 208441, "predicted_label": "REFUTES", "predicted_evidence": [["Excuse_Me_Miss", 4], ["Excuse_My_French", 3], ["Excuse_My_French", 9], ["Excuse_Me_Miss", 11], ["Excuse_Me_Miss", 20]]} +{"id": 79420, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Waterford_Charter_Roll", 6], ["Waterford_Charter_Roll", 14], ["Universal_Hall", 19], ["Gold_lunula", 9], ["Gold_lunula", 4]]} +{"id": 101101, "predicted_label": "REFUTES", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["The_Mighty_Ducks", 1], ["Chris_O'Sullivan", 25], ["D2-COLON-_The_Mighty_Ducks", 2], ["The_Mighty_Ducks", 6]]} +{"id": 171600, "predicted_label": "REFUTES", "predicted_evidence": [["North_East_Metropolitan_Area_of_Brunei", 0], ["Syracuse,_New_York", 2], ["Edmonton", 6], ["Edmonton", 7], ["North_East_Metropolitan_Area_of_Brunei", 9]]} +{"id": 201739, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_Vietnam", 0], ["Operation_Rolling_Thunder", 3], ["1965_in_the_Vietnam_War", 27], ["North_Korea\u2013Vietnam_relations", 16], ["North_Korea\u2013Vietnam_relations", 1]]} +{"id": 110873, "predicted_label": "REFUTES", "predicted_evidence": [["Nuuk_Airport", 0], ["Nuuk", 13], ["Sisimiut", 0], ["Nuuk_Airport", 2], ["Geology_of_Greenland", 6]]} +{"id": 132273, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Crews", 9], ["Terry_Crews", 3], ["Make_a_Smellmitment", 2], ["Make_a_Smellmitment", 9], ["Terry_Crews_filmography", 0]]} +{"id": 36849, "predicted_label": "REFUTES", "predicted_evidence": [["Ann_Richards_-LRB-disambiguation-RRB-", 0], ["Michael_J._Osborne", 41], ["Ann_Richards_-LRB-disambiguation-RRB-", 3], ["Michael_J._Osborne", 3], ["Ann_Richards_-LRB-disambiguation-RRB-", 8]]} +{"id": 36334, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Conshafter", 31], ["List_of_Underdog_episodes", 296], ["List_of_Underdog_episodes", 298], ["List_of_Underdog_episodes", 348], ["List_of_Underdog_episodes", 356]]} +{"id": 115993, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Booth_-LRB-actor-RRB-", 36], ["Standing_-LRB-surname-RRB-", 24], ["Standing_-LRB-surname-RRB-", 12], ["Standing_-LRB-surname-RRB-", 30], ["Standing_-LRB-surname-RRB-", 16]]} +{"id": 34524, "predicted_label": "SUPPORTS", "predicted_evidence": [["Catherine_de'_Medici", 1], ["Catherine_de'_Medici", 14], ["Henry_II_style", 4], ["List_of_Carolingians_descended_from_Charles_Martel", 82], ["List_of_Carolingians_descended_from_Charles_Martel", 114]]} +{"id": 45874, "predicted_label": "SUPPORTS", "predicted_evidence": [["High_Off_My_Love", 6], ["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["Paris_Hilton", 18], ["Paris_Hilton's_Dubai_BFF", 0], ["Paris_-LRB-Paris_Hilton_album-RRB-", 0]]} +{"id": 104995, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["No_Way_Out_-LRB-2009-RRB-", 18], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Judgment_Day_-LRB-2007-RRB-", 10]]} +{"id": 48204, "predicted_label": "SUPPORTS", "predicted_evidence": [["Buddhism", 18], ["Three_poisons", 1], ["Kleshas", 5], ["Kleshas_-LRB-Buddhism-RRB-", 0], ["Three_poisons", 0]]} +{"id": 49165, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 4], ["Sheryl_Lee_Ralph", 12], ["Sheryl_Lee_Ralph", 6]]} +{"id": 52830, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chiki_Sarkar", 3], ["Penguin_Books", 7], ["Penguin_Books", 0], ["Penguin_Group", 5], ["Penguin_Group", 8]]} +{"id": 195088, "predicted_label": "REFUTES", "predicted_evidence": [["Ray_Ruddy", 5], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Craig_Ruddy", 0], ["Joe_Ruddy", 5], ["Joe_Ruddy", 6]]} +{"id": 82548, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michael_Salomon", 0], ["Robert_J._Sexton", 7], ["Paul_Drane", 10], ["Music_video", 11], ["List_of_people_with_surname_Preston", 120]]} +{"id": 7418, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sandur_Hoard", 5], ["History_of_the_Faroe_Islands", 4], ["Island_Command_Faroes", 1], ["Faroe_Islands_national_football_team_results", 0], ["History_of_the_Faroe_Islands", 10]]} +{"id": 107627, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sora_-LRB-Kingdom_Hearts-RRB-", 6], ["Sora_-LRB-Kingdom_Hearts-RRB-", 14], ["Sora_-LRB-Kingdom_Hearts-RRB-", 10], ["Sora_-LRB-Kingdom_Hearts-RRB-", 1], ["Sora_-LRB-Kingdom_Hearts-RRB-", 12]]} +{"id": 79121, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Clash_of_Super_Heroes", 4], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 5], ["Marvel_vs._Capcom-COLON-_Clash_of_Super_Heroes", 1]]} +{"id": 174039, "predicted_label": "SUPPORTS", "predicted_evidence": [["High_Hopes_-LRB-Pink_Floyd_song-RRB-", 10], ["Pink_Floyd_discography", 14], ["The_Endless_River", 0], ["Pink_Floyd", 17], ["The_Endless_River", 5]]} +{"id": 35220, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rafael_Nazario", 6], ["Folklore_of_Finland", 6], ["German_folklore", 10], ["Gadzarts", 5], ["German_folklore", 13]]} +{"id": 229309, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pack_animal", 0], ["Working_animal", 0], ["Pet", 0], ["Working_dog", 0], ["Working_rat", 0]]} +{"id": 182454, "predicted_label": "REFUTES", "predicted_evidence": [["Reformed_epistemology", 0], ["Meta-epistemology", 0], ["Epistemics", 3], ["Epistemics", 11], ["Formative_epistemology", 6]]} +{"id": 65625, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Jewell_-LRB-Worcestershire_cricketer-RRB-", 19], ["Harvey_Jewell", 1], ["Guy_Jewell", 16], ["Marshall_Jewell", 4], ["Harvey_Jewell", 16]]} +{"id": 37691, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_Israeli_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II", 0], ["List_of_supersonic_aircraft", 254]]} +{"id": 227085, "predicted_label": "REFUTES", "predicted_evidence": [["Roar_-LRB-song-RRB-", 0], ["List_of_songs_recorded_by_Katy_Perry", 38], ["Katy_Perry_videography", 12], ["Katy_Perry_discography", 0], ["Katy_Perry", 2]]} +{"id": 148689, "predicted_label": "SUPPORTS", "predicted_evidence": [["Veeru_Devgan", 0], ["Devgan", 6], ["Phool_Aur_Kaante", 2], ["Anil_Devgan", 0], ["Ajay_Devgn", 0]]} +{"id": 39986, "predicted_label": "SUPPORTS", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Alias_-LRB-comics-RRB-", 0], ["Secret_War_-LRB-comics-RRB-", 1], ["Brian_Michael_Bendis", 0], ["Ultimate_Spider-Man", 16]]} +{"id": 50785, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_hospitals_in_Arizona", 151], ["List_of_hospitals_in_Arizona", 191], ["GHK_algorithm", 55], ["GHK_algorithm", 39], ["Truncated_normal_distribution", 0]]} +{"id": 152179, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_British_cyclists_who_have_led_the_Tour_de_France_general_classification", 0], ["Didi_Senft", 40], ["Yellow_jersey_statistics", 0], ["1996_Tour_de_France", 0], ["Yellow_jersey_statistics", 10]]} +{"id": 203696, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Magic_Johnson_Enterprises", 16], ["Mary_Emma_Allison", 1], ["Mary_Emma_Allison", 17], ["The_Film_Department", 27]]} +{"id": 93342, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Showbiz_Show_with_David_Spade", 0], ["Errol_Sitahal", 2], ["Tommy_Boy", 0], ["Black_Sheep_-LRB-1996_film-RRB-", 4], ["The_Showbiz_Show_with_David_Spade", 2]]} +{"id": 184085, "predicted_label": "SUPPORTS", "predicted_evidence": [["Command_responsibility", 14], ["Hugh_Thompson_Jr.", 12], ["William_Eckhardt_-LRB-law-RRB-", 0], ["Medina_-LRB-surname-RRB-", 33], ["F._Lee_Bailey", 3]]} +{"id": 226869, "predicted_label": "SUPPORTS", "predicted_evidence": [["My_Plaything", 6], ["Jenna_Jameson", 3], ["Jameson_-LRB-surname-RRB-", 41], ["ClubJenna", 0], ["Jenna_Jameson", 0]]} +{"id": 191254, "predicted_label": "REFUTES", "predicted_evidence": [["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Jean-Michel", 168], ["Basquiat_-LRB-film-RRB-", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Basquiat", 6]]} +{"id": 63846, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_people_with_surname_Kroner", 16], ["North_-LRB-surname-RRB-", 52], ["List_of_people_with_surname_Kroner", 8], ["List_of_people_with_surname_Kroner", 24], ["Edmund_H._Deas_House", 4]]} +{"id": 26993, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-White_Collar-RRB-", 2], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Percy_Jackson-COLON-_Sea_of_Monsters", 6], ["Percy_Jackson_&_the_Olympians-COLON-_The_Lightning_Thief", 2], ["Bereavement_-LRB-film-RRB-", 0]]} +{"id": 223668, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ludwig_van_Beethoven_-LRB-1712\u20131773-RRB-", 0], ["Van_Beethoven_-LRB-train-RRB-", 1], ["Beethoven_Gesamtausgabe", 1], ["Beethoven_in_film", 14], ["Beethoven_Gesamtausgabe", 0]]} +{"id": 209870, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dorothy_B._Hughes", 11], ["In_a_Lonely_Place", 1], ["Art_Smith_-LRB-actor-RRB-", 10], ["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["Dorothy_B._Hughes", 1]]} +{"id": 182283, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_-LRB-store-RRB-", 0], ["Saturn_Cycling_Team", 1], ["Unregistered_trademark", 29], ["Saturn_Corporation", 4]]} +{"id": 4391, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greeks_in_Albania", 15], ["Greek_language", 14], ["Medieval_Greek", 9], ["Medieval_Greek", 8], ["Greek_language", 13]]} +{"id": 114745, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Showbiz_Show_with_David_Spade", 0], ["Resident_Alien", 13], ["Showbiz", 21], ["The_Do-Over", 6], ["The_Do-Over", 1]]} +{"id": 118442, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Let's_Get_Loud_-LRB-disambiguation-RRB-", 8], ["Jennifer_Lopez_Collection", 0], ["Still_Jennifer_Lopez", 0], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 12]]} +{"id": 119511, "predicted_label": "SUPPORTS", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Brian_Michael_Bendis", 12], ["Becky_Holliday", 6], ["Ultimate_Spider-Man", 11], ["Brian_Michael_Bendis", 0]]} +{"id": 36162, "predicted_label": "REFUTES", "predicted_evidence": [["First_inauguration_of_Bill_Clinton", 0], ["John_S._Hilliard", 39], ["Inauguration_of_Bill_Clinton", 3], ["On_the_Pulse_of_Morning", 0], ["First_inauguration_of_Bill_Clinton", 1]]} +{"id": 213954, "predicted_label": "REFUTES", "predicted_evidence": [["Gray_Matter_Interactive", 0], ["Howard_Jachter", 3], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 112416, "predicted_label": "SUPPORTS", "predicted_evidence": [["Whitney_Houston_discography", 15], ["Bad_Romance", 12], ["Avril_Lavigne_discography", 30], ["Bad_Romance", 2], ["Bad_Romance", 11]]} +{"id": 100505, "predicted_label": "SUPPORTS", "predicted_evidence": [["1895\u201396_Thames_Ironworks_F.C._season", 9], ["Thames_Ironworks_F.C.", 10], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["Thames_Ironworks_F.C.", 0], ["West_Ham_Charity_Cup", 4]]} +{"id": 177196, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jay_Nugent", 3], ["Dub_poetry", 0], ["The_Disciples_-LRB-band-RRB-", 11], ["Mad_Professor", 1], ["Mad_Professor", 0]]} +{"id": 187790, "predicted_label": "REFUTES", "predicted_evidence": [["The_Sterile_Cuckoo", 0], ["Wendell_Burton", 10], ["Wendell_Burton", 1], ["Edward_Scissorhands", 0], ["Skellington_Productions", 4]]} +{"id": 133680, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palestinian_territories", 25], ["Gaza_Strip", 26], ["History_of_Palestine", 84], ["Political_status_of_the_Palestinian_territories", 14], ["Palestinian_territories", 39]]} +{"id": 165909, "predicted_label": "REFUTES", "predicted_evidence": [["Neal_Smith_-LRB-drummer-RRB-", 0], ["Alice_Cooper", 0], ["Alice_Cooper_-LRB-disambiguation-RRB-", 9], ["Billion_Dollar_Babies_-LRB-song-RRB-", 9], ["Neal_Smith_-LRB-drummer-RRB-", 14]]} +{"id": 4864, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 43109, "predicted_label": "SUPPORTS", "predicted_evidence": [["Indian_Institute_of_Management_Ahmedabad", 7], ["Indian_Institute_of_Management_Bangalore", 5], ["The_Nritarutya_Dance_Collective", 174], ["Indian_Institute_of_Management_Bangalore", 0], ["Indian_Institute_of_Management_-LRB-disambiguation-RRB-", 9]]} +{"id": 144327, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Confessions_of_Aleister_Crowley", 0], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 3], ["Kenneth_Grant", 16], ["Karl_Germer", 15]]} +{"id": 54102, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 15], ["Derek_Deighton", 0], ["John_Deighton", 0], ["Deighton", 18], ["Derek_Deighton", 1]]} +{"id": 153104, "predicted_label": "REFUTES", "predicted_evidence": [["English_people", 12], ["The_English_people", 4], ["English_people", 15], ["The_English_people", 0], ["The_English_people", 2]]} +{"id": 144199, "predicted_label": "REFUTES", "predicted_evidence": [["Mirny", 36], ["Avakoum_Zahov_versus_07", 20], ["Avakoum_Zahov_versus_07", 28], ["Avakoum_Zahov_versus_07", 29], ["Mirny_Urban_Settlement", 5]]} +{"id": 102063, "predicted_label": "REFUTES", "predicted_evidence": [["Bavaria", 1], ["Saxony", 4], ["Go\u0308ttingen_State_and_University_Library", 0], ["Go\u0308ttingen_State_and_University_Library", 1], ["Lower_Saxony", 0]]} +{"id": 35018, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_McMahon", 9], ["John_McMahon", 13], ["John_McMahon", 11], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9]]} +{"id": 124030, "predicted_label": "REFUTES", "predicted_evidence": [["Swan_Lake_Park", 1], ["Swan_Lake,_Mississippi", 1], ["Swan_River_-LRB-New_York-RRB-", 5], ["Swan_Lake_-LRB-Montana-RRB-", 0], ["Swan_Lake_Park", 5]]} +{"id": 151357, "predicted_label": "REFUTES", "predicted_evidence": [["Manson", 13], ["Charles_Manson_Superstar", 0], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Vincent_Bugliosi", 11], ["Vincent_Bugliosi", 2]]} +{"id": 60095, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thunderbird_Releasing", 8], ["Blade_Runner_2049", 1], ["Replicant", 0], ["Blade_Runner", 26], ["Blade_Runner_2049", 0]]} +{"id": 33578, "predicted_label": "REFUTES", "predicted_evidence": [["California_Division_of_Boating_and_Waterways", 1], ["Boating_Western_Australia", 0], ["Michigan", 13], ["California_Division_of_Boating_and_Waterways", 5], ["California_Division_of_Boating_and_Waterways", 19]]} +{"id": 177191, "predicted_label": "SUPPORTS", "predicted_evidence": [["Basque_Dub_Foundation", 15], ["Rockers_Hi-Fi", 2], ["High_Tone", 1], ["Mad_Professor", 1], ["Dub_poetry", 0]]} +{"id": 168970, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gwethalyn_Graham", 0], ["Marjorie", 6], ["Ian_McDonald", 47], ["Marjorie", 208], ["Marjorie", 224]]} +{"id": 65381, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Star_Trek-COLON-_Discovery", 15], ["Star_Trek", 13], ["Star_Trek-COLON-_Discovery", 0], ["Star_Trek_-LRB-2013_video_game-RRB-", 16], ["Star_Trek_-LRB-2013_video_game-RRB-", 17]]} +{"id": 159696, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Arthur_E._Wright", 0], ["Nira_Park", 19], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 56033, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-character-RRB-", 4], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 127598, "predicted_label": "SUPPORTS", "predicted_evidence": [["2016_North_American_Soccer_League_season", 6], ["Keith_Harris_Stadium", 18], ["2016_North_American_Soccer_League_season", 3], ["Chaconne_-LRB-ballet-RRB-", 7], ["Chaconne_-LRB-ballet-RRB-", 2]]} +{"id": 120747, "predicted_label": "REFUTES", "predicted_evidence": [["The_Finder_-LRB-U.S._TV_series-RRB-", 5], ["Hart_-LRB-given_name-RRB-", 12], ["The_Finder_-LRB-U.S._TV_series-RRB-", 0], ["Bones_-LRB-TV_series-RRB-", 5], ["Pilot_-LRB-Bones-RRB-", 1]]} +{"id": 91299, "predicted_label": "SUPPORTS", "predicted_evidence": [["Susan_Atkins", 0], ["Donald_Shea", 2], ["Never_Learn_Not_to_Love", 2], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["Manson", 13]]} +{"id": 205646, "predicted_label": "REFUTES", "predicted_evidence": [["St._Anger", 1], ["St._Anger", 0], ["Metallica_discography", 6], ["St._Anger", 2], ["Metallica_discography", 26]]} +{"id": 77817, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Andrew_Crown_Brennan", 30], ["Aaron_Burr_Cidery", 2], ["United_States_presidential_election,_1800", 9], ["United_States_presidential_election,_1800", 17], ["Aaron_Burr_Cidery", 7]]} +{"id": 134212, "predicted_label": "REFUTES", "predicted_evidence": [["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["Jack_Falahee", 0], ["List_of_Galaxy_Express_999_episodes", 11], ["Boston_Consulting_Group's_Advantage_Matrix", 2]]} +{"id": 47567, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Doublefaced", 16], ["Sexify", 1], ["Passion,_Pain_&_Demon_Slayin'", 7], ["Passion,_Pain_&_Demon_Slayin'", 4], ["56th_Annual_Grammy_Awards", 13]]} +{"id": 101212, "predicted_label": "REFUTES", "predicted_evidence": [["Busselskabet_Aarhus_Sporveje", 1], ["Administrative_divisions_of_Aarhus_Municipality", 3], ["New_Forests_of_Aarhus", 34], ["Aarhus", 0], ["Administrative_divisions_of_Aarhus_Municipality", 16]]} +{"id": 167457, "predicted_label": "REFUTES", "predicted_evidence": [["The_Id_-LRB-album-RRB-", 6], ["Cadet_Kelly", 0], ["The_Cheetah_Girls_2", 1], ["Hilary_Duff", 3], ["Larry_Shaw_-LRB-director-RRB-", 9]]} +{"id": 122286, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_and_Public_Policy_Program", 14], ["Study_-LRB-art-RRB-", 2], ["The_dress", 7], ["History_and_Public_Policy_Program", 7], ["Study_-LRB-art-RRB-", 8]]} +{"id": 73814, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Sandeep_Khurana", 0], ["Sandeep_Khurana", 16], ["Aparshakti_Khurana", 0], ["Khurana", 17]]} +{"id": 79321, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tangled-COLON-_The_Series", 1], ["Tangled_Ever_After", 0], ["Nathan_Greno", 11], ["Pascal_and_Maximus", 1], ["Nathan_Greno", 1]]} +{"id": 217678, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Pelican_Brief_-LRB-film-RRB-", 0], ["Julia_Roberts_filmography", 7], ["The_Firm_-LRB-1993_film-RRB-", 1], ["The_Firm_-LRB-1993_film-RRB-", 2], ["John_Grisham", 15]]} +{"id": 84420, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_trafficking_in_Israel", 8], ["Human_trafficking_in_Israel", 13], ["Human_trafficking_in_Indonesia", 15], ["Human_trafficking_in_Indonesia", 2], ["Human_trafficking_in_Bangladesh", 16]]} +{"id": 175735, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 10], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 8], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 3], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 6], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 0]]} +{"id": 120479, "predicted_label": "REFUTES", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["List_of_compositions_by_Alan_Hovhaness", 553], ["List_of_compositions_by_Alan_Hovhaness", 160], ["Benjamin_Kamins", 12]]} +{"id": 205731, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Richard_L._Bare", 12], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10]]} +{"id": 46883, "predicted_label": "SUPPORTS", "predicted_evidence": [["Slater_family", 0], ["Vanessa_Williams", 10], ["Grant_Bowler", 4], ["Remember_Paul?", 14], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9]]} +{"id": 64519, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Library_card", 12], ["Library_card", 4], ["Library_card", 11], ["Tuscaloosa_Symphony_Orchestra", 16], ["Phil_Poole", 24]]} +{"id": 6742, "predicted_label": "SUPPORTS", "predicted_evidence": [["36.9_ultimatum", 5], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 16], ["Trond_Giske", 1], ["2011_Norway_attacks", 9]]} +{"id": 123852, "predicted_label": "SUPPORTS", "predicted_evidence": [["No_Country_for_Old_Men_-LRB-film-RRB-", 8], ["No_Country_for_Old_Men_-LRB-film-RRB-", 11], ["No_Country_for_Old_Men_-LRB-film-RRB-", 5], ["List_of_accolades_received_by_No_Country_for_Old_Men", 0], ["No_Country_for_Old_Men_-LRB-film-RRB-", 0]]} +{"id": 178336, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sloop_John_B", 7], ["Honkin'_Down_the_Highway", 1], ["Honkin'_Down_the_Highway", 0], ["Rock_'n'_Roll_to_the_Rescue", 3], ["Sloop_John_B", 6]]} +{"id": 101759, "predicted_label": "SUPPORTS", "predicted_evidence": [["Motet-chanson", 3], ["Aquilino_Coppini", 3], ["Madrigale_spirituale", 1], ["Madrigale_spirituale", 11], ["Quran", 7]]} +{"id": 144487, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Pearl_Jam", 11], ["Pearl_Jam_2012_Tour", 13], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 5], ["Pearl_Jam_2012_Tour", 0], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 16]]} +{"id": 107470, "predicted_label": "REFUTES", "predicted_evidence": [["Columbia_Records", 0], ["Columbia/Epic_Label_Group", 0], ["Columbia/Epic_Label_Group", 9], ["Sony_Music", 1], ["Sony_Music", 0]]} +{"id": 74752, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tenacious_D", 6], ["Tenacious_D_discography", 3], ["Tenacious_D", 0], ["Tenacious_D_-LRB-TV_series-RRB-", 0], ["Tenacious_D_-LRB-disambiguation-RRB-", 9]]} +{"id": 206723, "predicted_label": "REFUTES", "predicted_evidence": [["Samwell_Tarly", 0], ["Samwell", 9], ["Rebecca_Benson", 5], ["John_Bradley-West", 0], ["Blood_of_My_Blood", 5]]} +{"id": 123843, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frances_Fisher", 6], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0], ["Noel_Fisher_-LRB-disambiguation-RRB-", 3]]} +{"id": 120992, "predicted_label": "SUPPORTS", "predicted_evidence": [["Caplan", 16], ["Bachelorette_-LRB-film-RRB-", 1], ["Caplan", 20], ["Joel_Moss_Levinson", 16], ["Joel_Moss_Levinson", 8]]} +{"id": 112438, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vostok_-LRB-sloop-of-war-RRB-", 0], ["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Vostok_Station", 2], ["Mirny", 36], ["Mirny_Station", 3]]} +{"id": 44987, "predicted_label": "SUPPORTS", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["John_C._Slater", 14], ["John_C._Slater", 12], ["John_C._Slater", 18], ["Poseidon", 7]]} +{"id": 122614, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Garden_State", 0], ["Rickshaw_Inn", 4], ["William_A._Conway", 0], ["William_A._Conway", 14], ["Transend_Networks", 4]]} +{"id": 6270, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angela_Bassett", 6], ["Yale-NUS_College", 9], ["Timothy_Davis-Reed", 2], ["Protect_the_Coven", 4], ["Protect_the_Coven", 5]]} +{"id": 56182, "predicted_label": "REFUTES", "predicted_evidence": [["Never_So_Good", 9], ["Frank_MacMillan_-LRB-politician-RRB-", 17], ["Duncan_MacMillan_-LRB-Nova_Scotia_politician-RRB-", 15], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3]]} +{"id": 51961, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_My-Otome_episodes", 1], ["Saw_II", 0], ["Billy_the_Puppet", 0], ["Billy_the_Puppet", 15], ["Saw_VI", 1]]} +{"id": 204631, "predicted_label": "SUPPORTS", "predicted_evidence": [["School_of_Rock_-LRB-disambiguation-RRB-", 0], ["Rio_2", 0], ["School_of_Rock_-LRB-disambiguation-RRB-", 11], ["Rio_2", 1], ["List_of_music_periodicals_indexed_by_RIPM", 127]]} +{"id": 165117, "predicted_label": "REFUTES", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["The_Expendables_-LRB-2010_film-RRB-", 14], ["Leonard_Termo", 11], ["Mickey_Rourke_filmography", 3], ["The_Expendables_-LRB-2010_film-RRB-", 3]]} +{"id": 67489, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tim_Smith", 39], ["The_Hit_-LRB-1984_film-RRB-", 0], ["The_Tragedy_of_King_Lear_-LRB-screenplay-RRB-", 1], ["Spider-Man", 15], ["The_Hit_-LRB-1984_film-RRB-", 1]]} +{"id": 97494, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ron_Cyrus", 1], ["Jenna_Andrews", 1], ["Brother_Clyde_-LRB-album-RRB-", 2], ["Noah_Cyrus", 4], ["Cyrus_-LRB-surname-RRB-", 12]]} +{"id": 148753, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Marvel_Cinematic_Universe_television_series", 6], ["Luke_Cage", 1], ["List_of_Marvel_Cinematic_Universe_television_series", 13], ["Luke_Cage_-LRB-season_1-RRB-", 6], ["Luke_Cage_-LRB-TV_series-RRB-", 0]]} +{"id": 102920, "predicted_label": "REFUTES", "predicted_evidence": [["Bibliography_of_Greece", 259], ["Prior_Analytics", 13], ["Bibliography_of_Greece", 319], ["Bibliography_of_Greece", 273], ["Aristotle", 0]]} +{"id": 193420, "predicted_label": "REFUTES", "predicted_evidence": [["Eighth_Doctor_comic_stories", 16], ["Past_Doctor_Adventures", 4], ["Miranda_-LRB-Doctor_Who-RRB-", 0], ["Eighth_Doctor_comic_stories", 3], ["Eighth_Doctor", 11]]} +{"id": 109210, "predicted_label": "REFUTES", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 6], ["The_Blob", 1], ["The_Great_St._Louis_Bank_Robbery", 1], ["Cie_Frazier", 9]]} +{"id": 73893, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Turning_Point_-LRB-2004_wrestling-RRB-", 14], ["Randy_Savage", 0], ["WrestleMania_X", 11], ["ICW_Heavyweight_Championship", 4], ["World_War_3_-LRB-1995-RRB-", 7]]} +{"id": 59151, "predicted_label": "SUPPORTS", "predicted_evidence": [["History_of_unfree_labor_in_the_United_States", 12], ["History_of_unfree_labor_in_the_United_States", 8], ["History_of_unfree_labor_in_the_United_States", 0], ["History_of_unfree_labor_in_the_United_States", 1], ["History_of_unfree_labor_in_the_United_States", 6]]} +{"id": 15614, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Never_Miss_the_Water", 0], ["Dance_Classics_of_Chaka_Khan", 0], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 3], ["Echoes_of_an_Era", 4], ["Echoes_of_an_Era", 0]]} +{"id": 173737, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Scruggs_style", 14], ["Randy_Scruggs", 15], ["Earl_Scruggs", 25], ["Scruggs", 9], ["Jim_Shumate", 9]]} +{"id": 31160, "predicted_label": "SUPPORTS", "predicted_evidence": [["T2_Trainspotting", 0], ["Ewen_Bremner", 1], ["Trainspotting", 11], ["Ewan_McGregor", 2], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 226115, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Goosebumps_episodes", 5], ["Steal_Like_an_Artist", 5], ["Luljeta_Lleshanaku", 13], ["Luljeta_Lleshanaku", 10], ["List_of_Goosebumps_episodes", 4]]} +{"id": 171624, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_stage_names", 49], ["List_of_stage_names", 36], ["Middle_name", 25], ["Middle_name", 33], ["Middle_name", 29]]} +{"id": 63627, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janet_Jackson", 0], ["Rhythm_Nation", 0], ["Black_Cat_-LRB-song-RRB-", 0], ["Janet_Jackson's_Rhythm_Nation_1814", 0], ["Rhythm_Nation_World_Tour_1990", 0]]} +{"id": 113953, "predicted_label": "REFUTES", "predicted_evidence": [["Lost_-LRB-TV_series-RRB-", 0], ["List_of_Hewlett-Packard_executive_leadership", 21], ["List_of_Hewlett-Packard_executive_leadership", 25], ["List_of_Hewlett-Packard_executive_leadership", 11], ["2007_suicide_bombings_in_Iraq", 297]]} +{"id": 103948, "predicted_label": "REFUTES", "predicted_evidence": [["Kevin_Spacey", 0], ["Antonio_Meneses_Saillant", 27], ["Antonio_Meneses_Saillant", 26], ["Spacey", 3], ["Jonathan_Yeo", 0]]} +{"id": 86593, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guitar_Hero-COLON-_Warriors_of_Rock", 15], ["List_of_albums_containing_a_hidden_track-COLON-_S", 370], ["Guitar", 7], ["List_of_albums_containing_a_hidden_track-COLON-_S", 368], ["Guitar_Hero-COLON-_Warriors_of_Rock", 0]]} +{"id": 133456, "predicted_label": "REFUTES", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_knobs", 60], ["List_of_knobs", 230], ["List_of_knobs", 272], ["List_of_hospitals_in_West_Virginia", 91]]} +{"id": 197359, "predicted_label": "SUPPORTS", "predicted_evidence": [["Simo\u0301n_Rodri\u0301guez", 36], ["Simo\u0301n_Rodri\u0301guez", 18], ["Simo\u0301n_Rodri\u0301guez", 11], ["Simo\u0301n_Rodri\u0301guez", 19], ["Simo\u0301n_Boli\u0301var,_Miranda", 2]]} +{"id": 107192, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Floppy_disk", 0], ["History_of_the_floppy_disk", 0], ["KryoFlux", 16], ["History_of_IBM_magnetic_disk_drives", 7], ["Floppy_disk", 5]]} +{"id": 192921, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Rihanna", 18], ["List_of_awards_and_nominations_received_by_Justin_Timberlake", 18], ["List_of_awards_and_nominations_received_by_Justin_Timberlake", 5], ["List_of_awards_and_nominations_received_by_Rihanna", 22], ["List_of_awards_and_nominations_received_by_Missy_Elliott", 11]]} +{"id": 63757, "predicted_label": "REFUTES", "predicted_evidence": [["Soyuz_7K-T", 11], ["Soyuz_7K-OK", 2], ["Soyuz_7K-T", 20], ["Soyuz_7K-T", 9], ["Soyuz-V", 8]]} +{"id": 68307, "predicted_label": "REFUTES", "predicted_evidence": [["Grinding_-LRB-dance-RRB-", 8], ["Dagga", 8], ["Nonconformist_register", 0], ["Dissenter", 15], ["Dissenter", 14]]} +{"id": 147118, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_inauguration_of_Bill_Clinton", 0], ["President_William_Jefferson_Clinton_Birthplace_Home_National_Historic_Site", 1], ["Impeachment_of_Bill_Clinton", 0], ["Bill_Clinton_sexual_misconduct_allegations", 0], ["First_inauguration_of_Bill_Clinton", 2]]} +{"id": 209846, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_albums_containing_a_hidden_track-COLON-_B", 376], ["Disclosure_discography", 15], ["Audio-Visions", 12], ["List_of_songs_recorded_by_Whitney_Houston", 15], ["Endless_Love_-LRB-soundtrack-RRB-", 14]]} +{"id": 166840, "predicted_label": "SUPPORTS", "predicted_evidence": [["Drake_Bell", 18], ["Drake_Bell", 19], ["Drake_Bell_discography", 2], ["Reminder", 5], ["Drake_&_Josh_-LRB-soundtrack-RRB-", 0]]} +{"id": 107878, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rachel_Green", 0], ["Monica_Geller", 0], ["List_of_Friends_characters", 1], ["The_Simpsons_Guy", 10], ["The_Last_One_-LRB-Friends-RRB-", 8]]} +{"id": 179280, "predicted_label": "REFUTES", "predicted_evidence": [["Pain_Killer_-LRB-Little_Big_Town_album-RRB-", 3], ["Pain_Killer_-LRB-Little_Big_Town_album-RRB-", 0], ["Tylenol_-LRB-brand-RRB-", 0], ["Robert_L._McNeil,_Jr.", 18], ["Robert_L._McNeil,_Jr.", 1]]} +{"id": 219296, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Piri_piri", 0], ["Capsicum_baccatum", 9], ["Capsicum_chinense", 0], ["List_of_plants_of_Burkina_Faso", 791], ["Capsicum_baccatum", 0]]} +{"id": 39115, "predicted_label": "SUPPORTS", "predicted_evidence": [["Troian_Bellisario", 5], ["Billboard_Dad", 0], ["List_of_ATSC_standards", 0], ["List_of_ATSC_standards", 7], ["List_of_ATSC_standards", 27]]} +{"id": 147017, "predicted_label": "REFUTES", "predicted_evidence": [["Sri_Lankan_Tamil_cinema", 6], ["List_of_Tamil_films_of_the_1970s", 0], ["Sri_Lankan_Tamil_cinema", 0], ["List_of_Tamil_films_of_the_1950s", 30], ["List_of_Tamil_films_of_the_1980s", 30]]} +{"id": 34876, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Claudia_Brant", 0], ["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Nada_Es_Para_Siempre", 0], ["Nada_Es_Para_Siempre", 1]]} +{"id": 171643, "predicted_label": "REFUTES", "predicted_evidence": [["Watchmensch", 5], ["David_Gibbons_-LRB-disambiguation-RRB-", 3], ["Gibbons", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 12], ["David_Gibbons_-LRB-disambiguation-RRB-", 0]]} +{"id": 137842, "predicted_label": "REFUTES", "predicted_evidence": [["National_Beverage", 0], ["National_Beverage", 1], ["National_Beverage", 10], ["Arias_with_a_Twist", 2], ["Buzi_River", 9]]} +{"id": 153398, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wish_Upon", 0], ["The_Karate_Kid_-LRB-TV_series-RRB-", 1], ["Golden_Rule", 10], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["When_You_Wish_Upon_a_Weinstein", 0]]} +{"id": 74010, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dev_Patel", 6], ["How_to_Get_Away_with_Murder", 12], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 3], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2], ["Outstanding_Drama_Series", 11]]} +{"id": 88150, "predicted_label": "SUPPORTS", "predicted_evidence": [["Didi_Senft", 40], ["Yellow_jersey_statistics", 0], ["List_of_British_cyclists_who_have_led_the_Tour_de_France_general_classification", 0], ["List_of_Australian_cyclists_who_have_led_the_Tour_de_France_general_classification", 13], ["List_of_Australian_cyclists_who_have_led_the_Tour_de_France_general_classification", 0]]} +{"id": 179343, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2], ["Osamu_Tezuka's_Star_System", 2], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 215504, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hani_-LRB-singer-RRB-", 2], ["Weekly_Idol", 1], ["Jung_Il-hoon", 2], ["Weekly_Idol", 0], ["Gwiyomi", 2]]} +{"id": 151333, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Sweet_Caroline", 13], ["Caroline_Kennedy", 4]]} +{"id": 59966, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fargo_-LRB-season_2-RRB-", 6], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-A\u2013M-RRB-", 179], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-N\u2013Z-RRB-", 101], ["Wells_Fargo", 2], ["List_of_Mission-COLON-_Impossible_guest_stars_-LRB-N\u2013Z-RRB-", 23]]} +{"id": 185398, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thrill_of_a_Romance", 0], ["Vaya_con_Dios", 10], ["Carla", 26], ["Carla", 70], ["Thrill_of_a_Romance", 13]]} +{"id": 85360, "predicted_label": "REFUTES", "predicted_evidence": [["Victoria_Theatre", 31], ["Palace_Theatre,_London", 0], ["Victoria_Theatre", 33], ["Alfred_Butt", 1], ["Victoria_Palace", 0]]} +{"id": 198226, "predicted_label": "REFUTES", "predicted_evidence": [["Sade_Sati", 33], ["Titan_-LRB-moon-RRB-", 7], ["Titan_-LRB-moon-RRB-", 6], ["Titan_-LRB-moon-RRB-", 5], ["Sade_Sati", 23]]} +{"id": 195074, "predicted_label": "REFUTES", "predicted_evidence": [["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["John_Ruddy", 0], ["Craig_Ruddy", 0], ["Joe_Ruddy", 5], ["Ruddy_kingfisher", 6]]} +{"id": 196970, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diwali", 2], ["Sal_Mubarak", 0], ["List_of_Latin_legal_terms", 2303], ["Glossary_of_Indian_culture", 96], ["List_of_Latin_legal_terms", 2637]]} +{"id": 175462, "predicted_label": "REFUTES", "predicted_evidence": [["Ludwig_van_Beethoven", 5], ["Christian_Gottlob_Neefe", 0], ["Masonic_music", 5], ["Gottlob", 35], ["List_of_composers_who_studied_law", 45]]} +{"id": 134086, "predicted_label": "SUPPORTS", "predicted_evidence": [["Starrcade", 1], ["Starrcade", 7], ["Starrcade_-LRB-1989-RRB-", 0], ["Starrcade_-LRB-1993-RRB-", 0], ["Starrcade_-LRB-2000-RRB-", 0]]} +{"id": 202476, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1]]} +{"id": 129378, "predicted_label": "SUPPORTS", "predicted_evidence": [["Inauguration_of_Bill_Clinton", 3], ["First_inauguration_of_Bill_Clinton", 0], ["John_S._Hilliard", 39], ["On_the_Pulse_of_Morning", 0], ["First_inauguration_of_Bill_Clinton", 1]]} +{"id": 146251, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 32], ["Carlos_Santana_discography", 12], ["Coke_Escovedo", 19], ["Santana_-LRB-surname-RRB-", 7], ["Santana_discography", 3]]} +{"id": 65458, "predicted_label": "REFUTES", "predicted_evidence": [["Rondel_-LRB-poem-RRB-", 36], ["Rondel_-LRB-poem-RRB-", 23], ["Love,_Smokey", 13], ["Same_Old_Love", 13], ["Love,_Smokey", 9]]} +{"id": 194475, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda_Swinton", 0], ["Michelle_Laine", 10], ["Another_Magazine", 3], ["Tilda", 12], ["Swinton_-LRB-surname-RRB-", 19]]} +{"id": 168530, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rick_Yune", 2], ["Rick_Yune", 0], ["Prison_Break_-LRB-season_5-RRB-", 8], ["The_Man_with_the_Iron_Fists", 1], ["Yune", 8]]} +{"id": 194020, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kim_Jong-il", 16], ["List_of_leaders_of_North_Korea", 8], ["Kim_Jong-il", 3], ["List_of_leaders_of_North_Korea", 21], ["Kim_Jong-il_bibliography", 14]]} +{"id": 178161, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["September_11_attacks", 28], ["One_World_Trade_Center", 19], ["National_September_11_Memorial_&_Museum", 0], ["September_11_attacks", 0], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 0]]} +{"id": 97377, "predicted_label": "REFUTES", "predicted_evidence": [["Kate_Josephine_Bateman", 3], ["Land_of_No_Return", 0], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Right_to_Kill?", 6], ["Easy_to_Assemble", 4]]} +{"id": 160350, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kesha", 0], ["Kesha_discography", 2], ["We_R_Who_We_R", 16], ["Kesha_v._Dr._Luke", 9], ["Kesha", 17]]} +{"id": 166842, "predicted_label": "SUPPORTS", "predicted_evidence": [["Drake_Bell", 18], ["Baby_Let's_Play_House", 31], ["Drake_Bell_discography", 21], ["Drake_Bell", 19], ["Drake_Bell_discography", 2]]} +{"id": 171628, "predicted_label": "REFUTES", "predicted_evidence": [["Cardinal_Gibbons_School_-LRB-Baltimore,_Maryland-RRB-", 1], ["Michael_Gibbons_-LRB-boxer-RRB-", 17], ["Gibbons", 17], ["David_Gibbons_-LRB-disambiguation-RRB-", 0], ["Watchmensch", 5]]} +{"id": 97783, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Prussian_Lithuanians", 0], ["Ethnographic_Lithuania", 3], ["Ethnographic_Lithuania", 7], ["Ethnographic_Lithuania", 17], ["Lithuanians_in_the_United_Kingdom", 6]]} +{"id": 128115, "predicted_label": "REFUTES", "predicted_evidence": [["Jennifer_Lopez_discography", 0], ["Let's_Get_Loud_-LRB-disambiguation-RRB-", 8], ["Still_Jennifer_Lopez", 0], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Jennifer_Lopez_filmography", 5]]} +{"id": 41912, "predicted_label": "SUPPORTS", "predicted_evidence": [["L.A._Reid", 1], ["Xscape_-LRB-album-RRB-", 3], ["Ciara_-LRB-album-RRB-", 3], ["Xscape_-LRB-album-RRB-", 1], ["Columbia/Epic_Label_Group", 9]]} +{"id": 75535, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_colleges_and_universities_in_New_Jersey", 12], ["List_of_colleges_and_universities_in_New_Jersey", 5], ["List_of_colleges_and_universities_in_New_Jersey", 13], ["Camden,_New_Jersey", 0], ["Camden,_New_Jersey", 38]]} +{"id": 182269, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_MP_transmission", 0], ["Saturn_Corporation", 4], ["Saturn_Cycling_Team", 1], ["Saturn_-LRB-store-RRB-", 0]]} +{"id": 218362, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Resistance", 6], ["French_Resistance", 0], ["French_Resistance", 5], ["Wind_power", 18], ["French_Resistance", 8]]} +{"id": 203173, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sunda\u2013Sulawesi_languages", 1], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0], ["Central\u2013Eastern_Malayo-Polynesian_languages", 0]]} +{"id": 86884, "predicted_label": "REFUTES", "predicted_evidence": [["Billy_Madison", 1], ["The_Do-Over", 1], ["Happy_Gilmore", 1], ["Happy_Madison_Productions", 17], ["Happy_Madison_Productions", 19]]} +{"id": 164647, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creative_work", 0], ["List_of_American_Chemical_Society_national_awards", 90], ["List_of_American_Chemical_Society_national_awards", 18], ["Creative_work", 4], ["List_of_American_Chemical_Society_national_awards", 20]]} +{"id": 181607, "predicted_label": "SUPPORTS", "predicted_evidence": [["WGBH-TV", 4], ["WGBH-TV", 0], ["WGBX-TV", 2], ["WGBX-TV", 0], ["Slum_clearance", 0]]} +{"id": 103786, "predicted_label": "REFUTES", "predicted_evidence": [["Graham_Webb", 1], ["Hindawi_affair", 8], ["2011_Algerian_self-immolations", 53], ["The_Century-COLON-_America's_Time", 56], ["Theophilus_John_McKee", 32]]} +{"id": 107646, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barbara_Becnel", 1], ["Walter_Williams_-LRB-painter-RRB-", 6], ["Stan_Williams", 17], ["Stan_Williams", 21], ["Norman_Williams", 13]]} +{"id": 179276, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tylenol_-LRB-brand-RRB-", 0], ["Sominex", 21], ["Frequency_specific_microcurrent", 14], ["Robert_L._McNeil,_Jr.", 18], ["Hypercompetition", 8]]} +{"id": 192972, "predicted_label": "SUPPORTS", "predicted_evidence": [["Roland_Emmerich", 0], ["Stargate_-LRB-film-RRB-", 1], ["Stargate_-LRB-film-RRB-", 2], ["Roland_Emmerich", 3], ["Roland_Emmerich", 4]]} +{"id": 47070, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Brigham_Young_University_alumni", 0], ["Yale_University", 23], ["Resolute_desk", 0], ["Resolute_desk", 3], ["Edwin_F._Blair", 0]]} +{"id": 103862, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shannon_Kenny", 6], ["Bates_Motel_-LRB-TV_series-RRB-", 6], ["One_of_Us_-LRB-Lost-RRB-", 8], ["Attention_Shoppers_-LRB-film-RRB-", 0], ["Richard_Alpert_-LRB-Lost-RRB-", 0]]} +{"id": 203695, "predicted_label": "REFUTES", "predicted_evidence": [["Poseidon_-LRB-film-RRB-", 6], ["Inception", 9], ["The_Film_Department", 27], ["Mary_Emma_Allison", 1], ["Mary_Emma_Allison", 17]]} +{"id": 48482, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Train_Your_Dragon_-LRB-franchise-RRB-", 0], ["How_to_Train_Your_Dragon_2", 11], ["How_to_Train_Your_Dragon_2", 0], ["Dragon_2", 0], ["List_of_PlayStation_3_games_released_on_disc", 2163]]} +{"id": 83204, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jesse_Eisenberg", 2], ["Suicide_Club", 11], ["List_of_awards_and_nominations_received_by_Mohanlal", 14], ["Suicide_Club", 13], ["Theodore_Pratt", 33]]} +{"id": 141936, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Choice", 1], ["TV_Guide_-LRB-Canada-RRB-", 4], ["TV_Choice", 0], ["Single_cable_distribution", 0], ["Listings_magazine", 0]]} +{"id": 59907, "predicted_label": "REFUTES", "predicted_evidence": [["Kevin_Lacz", 0], ["Chris_Kyle", 0], ["Kyle_-LRB-surname-RRB-", 22], ["Brandon_Webb_-LRB-author-RRB-", 0], ["Murders_of_Chris_Kyle_and_Chad_Littlefield", 0]]} +{"id": 101042, "predicted_label": "REFUTES", "predicted_evidence": [["Augustalia", 6], ["Augustus", 41], ["Lucius_Aemilius_Lepidus_Paullus_-LRB-consul_34_BC-RRB-", 11], ["Augustus", 42], ["Augustus", 10]]} +{"id": 112345, "predicted_label": "REFUTES", "predicted_evidence": [["Kajol_filmography", 7], ["Kajol", 9], ["Dilwale_Dulhania_Le_Jayenge", 15], ["Filmfare_Award_for_Best_Music_Album", 650], ["Dilwale_Dulhania_Le_Jayenge", 7]]} +{"id": 91028, "predicted_label": "SUPPORTS", "predicted_evidence": [["Springsteen_-LRB-song-RRB-", 0], ["2012_Country_Music_Association_Awards", 7], ["Haley_Georgia", 6], ["Eric_Church", 11], ["Eric_Church", 0]]} +{"id": 192984, "predicted_label": "REFUTES", "predicted_evidence": [["Stargate", 0], ["Stargate_-LRB-film-RRB-", 2], ["The_Noah's_Ark_Principle", 0], ["2012_-LRB-film-RRB-", 0], ["Stargate", 12]]} +{"id": 30106, "predicted_label": "REFUTES", "predicted_evidence": [["Colosseum", 0], ["Colosseum", 44], ["The_Colosseum_-LRB-Manhattan-RRB-", 0], ["The_Colosseum_-LRB-Manhattan-RRB-", 7], ["Colosseum", 23]]} +{"id": 102080, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 6], ["Cie_Frazier", 9], ["Michael_Chevalier", 1], ["Fred_Spiker", 1]]} +{"id": 103643, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Spirit_of_Troy", 4], ["John_Tempesta", 12], ["List_of_American_musicians_of_Armenian_descent", 85], ["System_of_a_Down_discography", 25], ["Elect_the_Dead", 2]]} +{"id": 58814, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["European_Development_Fund", 51], ["European_Development_Fund", 36], ["European_Development_Fund", 53], ["2003_world_oil_market_chronology", 248], ["2003_world_oil_market_chronology", 71]]} +{"id": 14096, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Angelsberg", 1], ["Angelsberg", 0], ["Fischbach,_Mersch", 4], ["Fischbach,_Mersch", 5], ["Snooker_world_rankings_2014/2015", 18]]} +{"id": 120140, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stephen_Hillenburg", 4], ["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 151163, "predicted_label": "REFUTES", "predicted_evidence": [["Honorary_Goya_Award", 82], ["Tad,_The_Lost_Explorer", 9], ["Blancanieves", 7], ["Yard_with_Lunatics", 36], ["Yard_with_Lunatics", 31]]} +{"id": 50289, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rameshwar_Mandir", 11], ["Challenger_tank", 0], ["Museyib_Baghirov", 1], ["Irrigation_works_in_ancient_Sri_Lanka", 6], ["Maruthur", 5]]} +{"id": 168540, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prison_Break_-LRB-season_5-RRB-", 0], ["Rick_Yune", 2], ["Prison_Break_-LRB-season_5-RRB-", 8], ["Yune", 8], ["The_Fast_and_the_Furious_-LRB-2001_film-RRB-", 2]]} +{"id": 8829, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lashkargah", 0], ["Lashkargah", 1], ["Lashkargah", 3], ["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2007-RRB-", 53]]} +{"id": 148754, "predicted_label": "SUPPORTS", "predicted_evidence": [["Babylon_A.D._-LRB-band-RRB-", 3], ["Havana_Mena", 5], ["Pete_Ganbarg", 14], ["Babylon_A.D._-LRB-band-RRB-", 14], ["Reid", 40]]} +{"id": 78975, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sessue_Hayakawa", 10], ["List_of_theme_songs_in_Tales_series", 4], ["Music_of_the_Drakengard_series", 10], ["Sessue_Hayakawa", 15], ["Sessue_Hayakawa", 1]]} +{"id": 225228, "predicted_label": "REFUTES", "predicted_evidence": [["Cormack_-LRB-surname-RRB-", 17], ["Danielle_Cormack", 0], ["List_of_New_Zealand_actors", 31], ["Wentworth_-LRB-TV_series-RRB-", 4], ["Language_of_Angels", 54]]} +{"id": 22165, "predicted_label": "REFUTES", "predicted_evidence": [["Guantanamo's_Child", 1], ["Canadian_response_to_Omar_Khadr", 24], ["Canadian_response_to_Omar_Khadr", 0], ["Rebecca_S._Snyder", 2], ["Rebecca_S._Snyder", 12]]} +{"id": 137149, "predicted_label": "REFUTES", "predicted_evidence": [["Ashley_Cole", 0], ["LA_Galaxy", 14], ["Chris_Nathaniel", 29], ["Chris_Nathaniel", 42], ["Soccer_United_Marketing", 32]]} +{"id": 186602, "predicted_label": "REFUTES", "predicted_evidence": [["Asylum_Records", 0], ["Bell_Records", 5], ["Planet_Records", 0], ["Oriole_Records_-LRB-U.S.-RRB-", 0], ["Jamison_Ernest", 15]]} +{"id": 196747, "predicted_label": "SUPPORTS", "predicted_evidence": [["Suspense", 6], ["Suspense", 12], ["Marnie_-LRB-disambiguation-RRB-", 33], ["Suspense", 10], ["Suspense_-LRB-disambiguation-RRB-", 20]]} +{"id": 114033, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Snow_White_and_the_Huntsman", 8], ["William_Henry_Claflin,_Jr.", 10], ["William_Henry_Claflin,_Jr.", 5], ["Adams_Claflin_House", 2], ["Horace_Brigham_Claflin", 6]]} +{"id": 193884, "predicted_label": "REFUTES", "predicted_evidence": [["Bea_Arthur", 0], ["Bea_-LRB-given_name-RRB-", 6], ["Billy_Goldenberg", 18], ["Susan_Harris", 11], ["Billy_Goldenberg", 22]]} +{"id": 175633, "predicted_label": "REFUTES", "predicted_evidence": [["General_-LRB-DC_Comics-RRB-", 10], ["JLA-COLON-_Created_Equal", 1], ["List_of_Marvel_Comics_people", 280], ["Publication_history_of_Anarky", 20], ["Anarky", 19]]} +{"id": 36081, "predicted_label": "REFUTES", "predicted_evidence": [["Legend_of_the_Guardians-COLON-_The_Owls_of_Ga'Hoole", 5], ["The_Dressmaker_-LRB-2015_film-RRB-", 7], ["Australia_-LRB-2008_film-RRB-", 4], ["Gold_mining_in_the_United_States", 2], ["List_of_films_set_in_Detroit", 98]]} +{"id": 173141, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Helen_Keller", 2], ["Deliverance_-LRB-1919_film-RRB-", 2], ["Anne_Sullivan_Communication_Center", 9], ["Ivy_Green", 3], ["Anne_Sullivan_Communication_Center", 2]]} +{"id": 70723, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Krishna_Iyer", 9], ["Krishna_Iyer", 10], ["Krishna_Iyer", 8], ["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["Arjun_Menon", 1]]} +{"id": 229315, "predicted_label": "SUPPORTS", "predicted_evidence": [["Working_animal", 0], ["Working_animal", 21], ["Conservation_medicine", 15], ["Donkey", 2], ["List_of_Scottish_breeds", 0]]} +{"id": 70460, "predicted_label": "REFUTES", "predicted_evidence": [["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["David_Packouz", 0], ["Rumsfeld_v._Padilla", 10], ["American_Citizen_-LRB-newspaper-RRB-", 0]]} +{"id": 90469, "predicted_label": "REFUTES", "predicted_evidence": [["My_Plaything", 6], ["Jenna_Jameson", 0], ["ClubJenna", 0], ["Jameson_-LRB-surname-RRB-", 29], ["ClubJenna", 4]]} +{"id": 70385, "predicted_label": "SUPPORTS", "predicted_evidence": [["Same_Old_Love", 0], ["Stars_Dance_Tour", 1], ["Same_Old_Love", 20], ["Same_Old_Love", 9], ["Same_Old_Love", 3]]} +{"id": 90517, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombian_short-tailed_bat", 1], ["A._colombiana", 3], ["C._colombiana", 0], ["G._colombiana", 5], ["A._colombiana", 5]]} +{"id": 158294, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Family_Guy_-LRB-season_13-RRB-", 10], ["Les_Mise\u0301rables_-LRB-1998_film-RRB-", 1], ["Darkman", 2], ["Darkman", 7], ["Family_Guy_-LRB-season_13-RRB-", 7]]} +{"id": 13446, "predicted_label": "SUPPORTS", "predicted_evidence": [["Duane_Chapman", 0], ["Bail", 15], ["Ralph_\"Papa\"_Thorson", 22], ["Ralph_Leavitt", 45], ["Pete_McDonough", 0]]} +{"id": 198027, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Pyramid_Club", 20], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 109738, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_Jewell_-LRB-politician-RRB-", 9], ["Marshall_Jewell", 10], ["Marshall_Jewell", 9], ["James_Jewell_-LRB-politician-RRB-", 8], ["John_Jewell_-LRB-Worcestershire_cricketer-RRB-", 19]]} +{"id": 220207, "predicted_label": "REFUTES", "predicted_evidence": [["Move_On", 52], ["Kal_Ho_Naa_Ho_-LRB-song-RRB-", 0], ["Rang_Barse_Bhige_Chunar_Wali", 0], ["Sooraj_Dooba_Hain", 0], ["Mere_Sapno_Ki_Rani", 0]]} +{"id": 29595, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cliff_Robertson", 1], ["Britt_Robertson", 15], ["Nasty_Gal", 2], ["The_First_Time_-LRB-2012_film-RRB-", 0], ["Robertson_-LRB-surname-RRB-", 29]]} +{"id": 151397, "predicted_label": "SUPPORTS", "predicted_evidence": [["Michael_J._Osborne", 3], ["Michael_J._Osborne", 41], ["Ann_Richards_School_for_Young_Women_Leaders", 1], ["Ann_Richards_-LRB-disambiguation-RRB-", 0], ["Electoral_history_of_George_W._Bush", 0]]} +{"id": 121427, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Little_Dog_Laughed", 23], ["The_Little_Dog_Laughed", 9], ["The_Big_Bang_Theory_-LRB-season_4-RRB-", 5], ["Galecki", 8], ["Leonard_Hofstadter", 0]]} +{"id": 47242, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_legendary_creatures_-LRB-S-RRB-", 216], ["List_of_legendary_creatures_-LRB-S-RRB-", 142], ["List_of_legendary_creatures_-LRB-S-RRB-", 42], ["Sleipnir", 6], ["Sleipnir_-LRB-web_browser-RRB-", 5]]} +{"id": 204003, "predicted_label": "REFUTES", "predicted_evidence": [["ESPN_Deportes.com", 0], ["Moneycontrol.com", 6], ["Moneycontrol.com", 15], ["Moneycontrol.com", 18], ["Moneycontrol.com", 10]]} +{"id": 102608, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_home_video_game_consoles", 0], ["Video_game_console", 8], ["Touchscreen", 9], ["Eighth_generation_of_video_game_consoles", 2], ["Video_game_console", 3]]} +{"id": 103552, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_J._Osborne", 41], ["Ann_Richards_-LRB-disambiguation-RRB-", 3], ["Michael_J._Osborne", 3], ["Ann_Richards_-LRB-disambiguation-RRB-", 8], ["Ann_Richards_-LRB-singer-RRB-", 0]]} +{"id": 154693, "predicted_label": "REFUTES", "predicted_evidence": [["Sigrid_Fry-Revere", 0], ["Sigrid_Fry-Revere", 36], ["Kesha_v._Dr._Luke", 9], ["Sigrid_Fry-Revere", 32], ["Kesha", 0]]} +{"id": 206167, "predicted_label": "SUPPORTS", "predicted_evidence": [["El_Palo_Alto", 0], ["East_Palo_Alto,_California", 0], ["Palo_Alto_Weekly", 15], ["Cubberley_Community_Center", 0], ["Liz_Kniss", 14]]} +{"id": 61327, "predicted_label": "REFUTES", "predicted_evidence": [["Terry_Harknett", 38], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Iron_Man_3", 2], ["Shane_Valdez", 0], ["Terry_Harknett", 0]]} +{"id": 145403, "predicted_label": "REFUTES", "predicted_evidence": [["Religious_views_of_Fidel_Castro", 13], ["Castro_-LRB-surname-RRB-", 59], ["Fidel_Castro_-LRB-disambiguation-RRB-", 16], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Rau\u0301l_Castro", 12]]} +{"id": 186995, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dead_Sea", 20], ["Dead_Sea", 10], ["Dead_Sea", 15], ["Dead_Sea", 6], ["Dead_Sea", 0]]} +{"id": 59867, "predicted_label": "REFUTES", "predicted_evidence": [["Brazzers", 0], ["Pink_and_White_Productions", 0], ["Mofos", 0], ["Lee_Roy_Myers", 4], ["Insex", 0]]} +{"id": 157652, "predicted_label": "REFUTES", "predicted_evidence": [["Peripheral", 9], ["Gaming_computer", 6], ["Vigor_Gaming", 2], ["History_of_video_games", 12], ["Gaming_computer", 2]]} +{"id": 194368, "predicted_label": "SUPPORTS", "predicted_evidence": [["Happiness_in_Slavery", 2], ["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 6], ["World_Happiness_Report", 0], ["World_Happiness_Report", 10]]} +{"id": 165876, "predicted_label": "SUPPORTS", "predicted_evidence": [["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Giselle_Loren", 4], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 21], ["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2]]} +{"id": 131554, "predicted_label": "REFUTES", "predicted_evidence": [["Fischbach,_Mersch", 5], ["Angelsberg", 0], ["List_of_artists_represented_in_the_National_Museum_of_Western_Art,_Tokyo", 347], ["List_of_artists_represented_in_the_National_Museum_of_Western_Art,_Tokyo", 313], ["List_of_artists_represented_in_the_National_Museum_of_Western_Art,_Tokyo", 333]]} +{"id": 142668, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Dad", 0], ["Back_to_School", 1], ["Alan_Metter", 0], ["Alan_Metter", 1], ["Bobby_Witcher", 4]]} +{"id": 52907, "predicted_label": "SUPPORTS", "predicted_evidence": [["CONCACAF_Champions_League", 0], ["2015\u201316_CONCACAF_Champions_League", 0], ["2014\u201315_CONCACAF_Champions_League", 0], ["2017\u201318_in_CONCACAF_club_competitions", 0], ["2018\u201319_in_CONCACAF_club_competitions", 0]]} +{"id": 61892, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arfon_Griffiths", 0], ["Griffiths", 123], ["Stella_Richman", 19], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 70774, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 6], ["English_people", 12], ["English_people", 2], ["American_English_-LRB-disambiguation-RRB-", 10], ["English_nationalism", 0]]} +{"id": 43378, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arcadia_-LRB-popular_culture-RRB-", 132], ["Working_Cats_Program", 0], ["Arcadia_-LRB-popular_culture-RRB-", 31], ["Old_Deuteronomy", 37], ["Arcadia_-LRB-popular_culture-RRB-", 16]]} +{"id": 125760, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Davis_Miller", 34], ["Davis_Miller", 11], ["Davis_Miller", 38], ["Davis_Miller", 35], ["Davis_Miller", 80]]} +{"id": 217187, "predicted_label": "REFUTES", "predicted_evidence": [["Huyen_Khong_Son_Thuong_Monastery", 14], ["Idiorrhythmic_monasticism", 3], ["Acadamh_na_hOllscolai\u0301ochta_Gaeilge", 0], ["List_of_people_known_as_the_Monk", 13], ["List_of_people_known_as_the_Monk", 5]]} +{"id": 203998, "predicted_label": "SUPPORTS", "predicted_evidence": [["MiGente.com", 9], ["Glee.com", 1], ["MiGente.com", 1], ["MiGente.com", 10], ["Glee.com", 4]]} +{"id": 164638, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bryan_Adams_discography", 18], ["Usher_discography", 25], ["Mariah_Carey_albums_discography", 18], ["Celine_Dion_albums_discography", 21], ["Eminem_discography", 39]]} +{"id": 60794, "predicted_label": "REFUTES", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["Jesse_Carlson", 0], ["Paul_Carlson", 28], ["Paul_Carlson", 25]]} +{"id": 204358, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cretaceous", 8], ["Mesozoic", 10], ["Timeline_of_Cretaceous\u2013Paleogene_extinction_event_research", 0], ["Prehistory_of_the_United_States", 15], ["Prehistory_of_the_United_States", 5]]} +{"id": 132524, "predicted_label": "REFUTES", "predicted_evidence": [["White_House_Press_Secretary", 0], ["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3], ["Robert_Gibbs", 11]]} +{"id": 194456, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tilda", 12], ["Swinton_-LRB-surname-RRB-", 19], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4], ["Michael_Clayton_-LRB-film-RRB-", 1], ["Tilda_Swinton", 0]]} +{"id": 23686, "predicted_label": "SUPPORTS", "predicted_evidence": [["Castro_-LRB-surname-RRB-", 93], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Fidel_Castro_-LRB-disambiguation-RRB-", 16], ["Bay_of_Pigs_Invasion", 1], ["Rau\u0301l_Castro", 12]]} +{"id": 149792, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tremont_Street_Subway", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 1], ["Canal_Street_Incline", 12], ["Canal_Street_Incline", 3]]} +{"id": 157569, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ritmo_Peligroso", 3], ["Kerplunk_-LRB-album-RRB-", 0], ["List_of_Latin_American_rock_musicians", 51], ["Green_Day", 0], ["Ritmo_Peligroso", 0]]} +{"id": 216593, "predicted_label": "SUPPORTS", "predicted_evidence": [["Calcaneal_spur", 1], ["Periodontitis", 5], ["Lauenstein_projection", 0], ["Sialography", 0], ["Myelography", 0]]} +{"id": 43811, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polymerase_chain_reaction", 6], ["Polymerase_chain_reaction", 17], ["Recombinant_DNA", 11], ["Polymerase_chain_reaction", 5], ["Eukaryotic_DNA_replication", 23]]} +{"id": 47356, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Garden_State_Film_Festival", 0], ["Garden_State_Film_Festival", 8], ["Garden_State_Film_Festival", 15], ["William_A._Conway", 0], ["Garden_State_Film_Festival", 3]]} +{"id": 112782, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Library_card", 12], ["Library_card", 4], ["Library_card", 11], ["Tuscaloosa_Symphony_Orchestra", 16], ["Phil_Poole", 24]]} +{"id": 121016, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jo_Ann_Harris", 7], ["Squad_Five-O", 1], ["Cohen_crime_family", 15], ["1978_Kansas_City_Chiefs_season", 12], ["Squad_Five-O", 0]]} +{"id": 21235, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penguin_Books", 3], ["Ira_Trivedi", 4], ["Laurence_Byrne", 1], ["Penguin_Modern_Poets", 0], ["Penguin_Modern_Poets", 6]]} +{"id": 118696, "predicted_label": "SUPPORTS", "predicted_evidence": [["Poldark", 11], ["Poldark_-LRB-disambiguation-RRB-", 5], ["Poldark_-LRB-2015_TV_series-RRB-", 0], ["Poldark_Mine", 6], ["Poldark_-LRB-disambiguation-RRB-", 7]]} +{"id": 195068, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_non-native_birds_of_Great_Britain", 112], ["Joe_Ruddy", 5], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Joe_Ruddy", 6], ["Joe_Ruddy", 1]]} +{"id": 117374, "predicted_label": "REFUTES", "predicted_evidence": [["Indian_Army", 3], ["Indian_Army_during_World_War_II", 12], ["Indian_Army_during_World_War_II", 9], ["Indian_Army_during_World_War_II", 8], ["Indian_Army", 0]]} +{"id": 84225, "predicted_label": "SUPPORTS", "predicted_evidence": [["Derek_Hough", 3], ["BHB", 3], ["Ballas_Hough_Band", 0], ["Derek_Hough", 0], ["Julianne_Hough", 5]]} +{"id": 193908, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Goldenberg", 22], ["Susan_Harris", 11], ["Billy_Goldenberg", 18], ["Susan_Harris", 12], ["Bea_-LRB-given_name-RRB-", 6]]} +{"id": 156861, "predicted_label": "SUPPORTS", "predicted_evidence": [["49ers\u2013Seahawks_rivalry", 0], ["2016_San_Francisco_49ers_season", 0], ["2014_San_Francisco_49ers_season", 0], ["Pistol_offense", 18], ["2016_San_Francisco_49ers_season", 11]]} +{"id": 77, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nick_Udall", 0], ["Homeland_-LRB-TV_series-RRB-", 3], ["Pilot_-LRB-Homeland-RRB-", 4], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Nick_Udall", 5]]} +{"id": 65079, "predicted_label": "REFUTES", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Loaded_-LRB-band-RRB-", 0], ["Loaded_discography", 0], ["Velvet_Revolver", 13], ["Velvet_Revolver", 0]]} +{"id": 99267, "predicted_label": "REFUTES", "predicted_evidence": [["Tatum_O'Neal", 6], ["James_E._Neal", 18], ["Tatum_-LRB-surname-RRB-", 22], ["Tatum_-LRB-surname-RRB-", 30], ["Tatum_-LRB-surname-RRB-", 34]]} +{"id": 202787, "predicted_label": "SUPPORTS", "predicted_evidence": [["Back_to_the_Future-COLON-_The_Ride", 2], ["Despicable_Me-COLON-_Minion_Mayhem", 0], ["Despicable_Me_-LRB-franchise-RRB-", 3], ["Despicable_Me_2", 0], ["Despicable_Me_-LRB-franchise-RRB-", 5]]} +{"id": 119161, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_accolades_received_by_No_Country_for_Old_Men", 1], ["Gransito_Movie_Awards_2008", 15], ["Gransito_Movie_Awards_2008", 80], ["List_of_accolades_received_by_No_Country_for_Old_Men", 12], ["List_of_accolades_received_by_No_Country_for_Old_Men", 16]]} +{"id": 58749, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marco_Polo", 11], ["Early_western_influence_in_Fujian", 86], ["Early_western_influence_in_Fujian", 87], ["In_the_Footsteps_of_Marco_Polo", 0], ["Marco_Polo_Cycling_Club", 22]]} +{"id": 56638, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek", 0], ["Star_Trek-COLON-_Discovery", 0], ["Star_Trek-COLON-_Discovery", 2], ["Star_Trek_expanded_universe", 0], ["Lucas_-LRB-surname-RRB-", 171]]} +{"id": 29338, "predicted_label": "SUPPORTS", "predicted_evidence": [["DNA_Analysis_Backlog_Elimination_Act_of_2000", 22], ["DNA_Analysis_Backlog_Elimination_Act_of_2000", 18], ["Polymerase_chain_reaction", 17], ["Polymerase_chain_reaction", 5], ["Recombinant_DNA", 11]]} +{"id": 67654, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tim_Smith", 39], ["Frugal_number", 10], ["Jean_Scott_-LRB-author-RRB-", 10], ["Frugal_number", 2], ["Graffham", 1]]} +{"id": 161534, "predicted_label": "SUPPORTS", "predicted_evidence": [["Strictly_Ballroom", 7], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 1], ["Nicole_Kidman_filmography", 0], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 2], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0]]} +{"id": 75006, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ray_Moore", 12], ["Scotty_Moore", 0], ["Gareth_Cousins", 74], ["Scott_Moore", 15], ["Gareth_Cousins", 0]]} +{"id": 190172, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["Daisy_of_Love", 3], ["Golden_Boy_Promotions", 0], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 3], ["Golden_Boy_Promotions", 5]]} +{"id": 218242, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sudan", 16], ["Spain", 5], ["Geography_of_Sudan", 2], ["Sudan", 2], ["Geography_of_Sudan", 3]]} +{"id": 558, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rabies", 10], ["Rabies_virus", 1], ["Rabies", 9], ["Rabies_vaccine", 8], ["Rabies_testing", 14]]} +{"id": 91964, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ichabod_Crane_Central_School_District", 13], ["Presidency_of_Martin_Van_Buren", 0], ["1835_Democratic_National_Convention", 13], ["Ichabod_Crane_Central_School_District", 3], ["1835_Democratic_National_Convention", 16]]} +{"id": 214265, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hip_hop", 0], ["Penicillin_on_Wax", 0], ["Penicillin_on_Wax", 8], ["Hip_hop", 29], ["The_Fixxers", 0]]} +{"id": 66492, "predicted_label": "SUPPORTS", "predicted_evidence": [["Wish_Upon", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Leonetti", 9]]} +{"id": 57186, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Janet_Leigh", 0], ["Tony_Curtis", 8], ["Janet_Lee_-LRB-disambiguation-RRB-", 10], ["The_Black_Shield_of_Falworth", 7], ["Tony_Curtis", 27]]} +{"id": 193874, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billy_Goldenberg", 19], ["Bea_Arthur", 0], ["Billy_Goldenberg", 22], ["Billy_Goldenberg", 18], ["Bea_-LRB-given_name-RRB-", 6]]} +{"id": 42139, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rabies", 21], ["Rabies", 13], ["Rabies_immunoglobulin", 7], ["Rabies", 11], ["Rabies_immunoglobulin", 15]]} +{"id": 138170, "predicted_label": "REFUTES", "predicted_evidence": [["The_Chronicles_of_Riddick_-LRB-franchise-RRB-", 3], ["Riddick_-LRB-character-RRB-", 1], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 2], ["The_Chronicles_of_Riddick", 1], ["Pitch_Black_-LRB-film-RRB-", 2]]} +{"id": 194913, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Audubon_County_Airport", 0], ["Former_Audubon_County_Courthouse", 0], ["Audubon_County_Airport", 4], ["Audubon_County_Airport", 1], ["Former_Audubon_County_Courthouse", 16]]} +{"id": 19097, "predicted_label": "SUPPORTS", "predicted_evidence": [["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Confessions_of_Aleister_Crowley", 0], ["The_Magical_Revival", 3], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 1]]} +{"id": 148755, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lauren_Bacall", 8], ["Jane_Bryan", 4], ["Lauren_Bacall", 1], ["The_Desperate_Hours_-LRB-film-RRB-", 0], ["Lauren_Bacall", 4]]} +{"id": 167460, "predicted_label": "REFUTES", "predicted_evidence": [["The_Id_-LRB-album-RRB-", 6], ["Cadet_Kelly", 0], ["Hilary_Duff", 3], ["Karaoke_Superstars", 3], ["The_Cheetah_Girls_2", 1]]} +{"id": 25058, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 15], ["Pascal_and_Maximus", 1], ["Bolt_-LRB-2008_film-RRB-", 11], ["Tangled-COLON-_The_Series", 1], ["Production_babies", 15]]} +{"id": 201096, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Bentley_-LRB-surname-RRB-", 60], ["Bentley_-LRB-surname-RRB-", 24], ["Bentley_-LRB-surname-RRB-", 46], ["Bentley_-LRB-surname-RRB-", 62]]} +{"id": 203996, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Brad_Ellis", 34], ["G._Henle_Verlag", 2], ["G._Henle_Verlag", 0], ["Glee_albums_discography", 19], ["Glee_albums_discography", 10]]} +{"id": 117061, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mister_Fantastic", 17], ["Invisible_Woman", 15], ["Human_Torch", 18], ["Alicia_Masters", 8], ["Fantastic_Four_in_film", 7]]} +{"id": 199735, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tijuana", 0], ["Tijuana", 2], ["Tijuana", 20], ["Tijuana_metropolitan_area", 0], ["Tijuana_metropolitan_area", 1]]} +{"id": 44755, "predicted_label": "SUPPORTS", "predicted_evidence": [["Apple_II_series", 0], ["Apple_I", 1], ["Zaltair", 13], ["Zaltair", 2], ["Zaltair", 0]]} +{"id": 192896, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Depeche_Mode", 0], ["Love_the_Way_You_Lie", 16], ["Sheryl_Crow_discography", 22], ["Love_the_Way_You_Lie", 0], ["Love_the_Way_You_Lie", 15]]} +{"id": 47403, "predicted_label": "REFUTES", "predicted_evidence": [["Email_filtering", 5], ["Microsoft_Exchange_Hosted_Services", 0], ["Email_filtering", 0], ["Email_filtering", 4], ["Mailwasher", 0]]} +{"id": 10923, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jeff_Wootton", 7], ["Jeff_Wootton", 13], ["Jeff_Wootton", 10], ["Live_at_the_De_De_De_Der", 1], ["Damon_Albarn", 17]]} +{"id": 204011, "predicted_label": "REFUTES", "predicted_evidence": [["ESPN_Deportes.com", 0], ["Moneycontrol.com", 6], ["Moneycontrol.com", 10], ["Glee.com", 1], ["Moneycontrol.com", 15]]} +{"id": 19898, "predicted_label": "SUPPORTS", "predicted_evidence": [["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], ["Mercy_-LRB-GOOD_Music_song-RRB-", 2], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["I'm_Different", 3]]} +{"id": 83368, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Larrai\u0301n", 58], ["Larrai\u0301n", 54], ["Gilles_Larrain", 3], ["Juan_Pablo", 20], ["Gilles_Larrain", 2]]} +{"id": 126172, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Brigham_Young_University_alumni", 0], ["List_of_Brigham_Young_University_alumni", 25], ["John_Seiler_Brubacher", 13], ["Edwin_F._Blair", 0], ["List_of_Brigham_Young_University_alumni", 3]]} +{"id": 228430, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Wallace_-LRB-poem-RRB-", 2], ["The_Wallace_-LRB-poem-RRB-", 0], ["Chisum", 10], ["Celtic_Revival", 12], ["Major_General_John_A._Logan", 8]]} +{"id": 22193, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Martin_Feveyear", 3], ["Behind_the_Player-COLON-_Duff_McKagan", 0], ["List_of_Guns_N'_Roses_members", 32], ["Velvet_Revolver", 13], ["Loaded_-LRB-band-RRB-", 0]]} +{"id": 155555, "predicted_label": "SUPPORTS", "predicted_evidence": [["Deepwater_Horizon", 2], ["Tiber_Oil_Field", 1], ["Tiber_Oil_Field", 0], ["Tiber_-LRB-disambiguation-RRB-", 20], ["2003_world_oil_market_chronology", 276]]} +{"id": 199403, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["Ellar_Coltrane", 1], ["Dead_Earth_Politics", 1], ["Boyhood_-LRB-film-RRB-", 11], ["Boyhood_-LRB-film-RRB-", 0]]} +{"id": 127978, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Siam_Nakhon_Province", 20], ["French_Indochina", 16], ["Ernest_He\u0301brard", 11], ["Siam_Nakhon_Province", 19]]} +{"id": 204419, "predicted_label": "SUPPORTS", "predicted_evidence": [["Audioslave", 1], ["Wilk", 17], ["Rage_Against_the_Machine", 1], ["Tom_Morello_discography", 5], ["Brad_Wilk", 4]]} +{"id": 209884, "predicted_label": "SUPPORTS", "predicted_evidence": [["Art_Smith_-LRB-actor-RRB-", 10], ["In_a_Lonely_Place", 1], ["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["Dorothy_B._Hughes", 22], ["Art_Smith_-LRB-actor-RRB-", 8]]} +{"id": 1830, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polymerase_chain_reaction", 17], ["Eukaryotic_DNA_replication", 23], ["Recombinant_DNA", 11], ["Polymerase_chain_reaction", 5], ["Recombinant_DNA", 13]]} +{"id": 1961, "predicted_label": "SUPPORTS", "predicted_evidence": [["Birthday_Song_-LRB-2_Chainz_song-RRB-", 1], ["I'm_Different", 3], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["Ja,_ma\u030a_han_-LRB-hon-RRB-_leva", 5]]} +{"id": 138799, "predicted_label": "SUPPORTS", "predicted_evidence": [["TakePart", 0], ["Zed_Group", 1], ["Game_developer", 3], ["Zed_Group", 0], ["Game_developer", 5]]} +{"id": 184069, "predicted_label": "SUPPORTS", "predicted_evidence": [["Margaret_-LRB-2011_film-RRB-", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Walter_Lonergan", 10], ["Walter_Lonergan", 5]]} +{"id": 145735, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["1994_NBA_Finals", 0], ["1994_NBA_Playoffs", 1], ["1968\u201369_New_York_Knicks_season", 16], ["1994_NBA_Playoffs", 28], ["1993\u201394_Indiana_Pacers_season", 8]]} +{"id": 155394, "predicted_label": "REFUTES", "predicted_evidence": [["Victoria_Palace", 0], ["Tonight's_the_Night_-LRB-2003_musical-RRB-", 1], ["Victoria_Theatre", 31], ["Victoria_Palace", 3], ["Palace_Theatre,_Westcliff-on-Sea", 12]]} +{"id": 148465, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Perry_Mark_Stratychuk", 22], ["J.Lo_-LRB-album-RRB-", 13], ["Pirates_of_the_Caribbean_-LRB-film_series-RRB-", 19], ["Pirates_of_the_Caribbean_-LRB-film_series-RRB-", 14], ["Perry_Mark_Stratychuk", 21]]} +{"id": 228350, "predicted_label": "SUPPORTS", "predicted_evidence": [["Strawberry_Hill_-LRB-hotel-RRB-", 1], ["Judge_Not", 0], ["Island_Records", 1], ["Pressure_Drop_-LRB-song-RRB-", 0], ["Judge_Not", 21]]} +{"id": 26500, "predicted_label": "REFUTES", "predicted_evidence": [["Ringo_Starr", 11], ["The_Beatles", 0], ["Harmood_Banner", 10], ["Harmood_Banner", 19], ["Harmood_Banner", 22]]} +{"id": 222035, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Brubaker_-LRB-disambiguation-RRB-", 0], ["James_D._Brubaker", 3], ["Index_of_World_War_II_articles_-LRB-U-RRB-", 3417], ["Index_of_World_War_II_articles_-LRB-U-RRB-", 3421], ["Index_of_World_War_II_articles_-LRB-U-RRB-", 3419]]} +{"id": 185241, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Geraldine_Chaplin", 0], ["Charlie_Chaplin_filmography", 28], ["Eugene_Chaplin", 1], ["Unknown_Chaplin", 13], ["Eugene_Chaplin", 5]]} +{"id": 221091, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brock_Pierce", 4], ["Kendall_Ross_Bean-COLON-_Chopin_Polonaise_in_A_Flat", 8], ["Kendall_Ross_Bean-COLON-_Chopin_Polonaise_in_A_Flat", 6], ["Sony_Entertainment_Network", 2], ["Branded_Entertainment_Network", 17]]} +{"id": 50406, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_knobs", 86], ["List_of_knobs", 144], ["List_of_knobs", 216], ["List_of_knobs", 52]]} +{"id": 147963, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Press_coverage_during_the_Armenian_Genocide", 14], ["1965_Yerevan_demonstrations", 1], ["Press_coverage_during_the_Armenian_Genocide", 33], ["Khatchig_Mouradian", 0], ["Khatchig_Mouradian", 12]]} +{"id": 173732, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Scruggs_style", 14], ["Randy_Scruggs", 15], ["Earl_Scruggs", 25], ["Scruggs", 9], ["Jim_Shumate", 9]]} +{"id": 138355, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nestor_Carbonell", 1], ["The_Dark_Knight_Rises", 16], ["Christian_Bale_filmography", 43], ["The_Dark_Knight_-LRB-film-RRB-", 18], ["Christian_Bale_filmography", 41]]} +{"id": 57747, "predicted_label": "SUPPORTS", "predicted_evidence": [["Glauber", 4], ["Bolt_-LRB-2008_film-RRB-", 2], ["Glauber", 0], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 15], ["Glauber", 7]]} +{"id": 10453, "predicted_label": "SUPPORTS", "predicted_evidence": [["San_Diego_Comic-Con", 1], ["Ken_Krueger", 1], ["Mike_Towry", 1], ["San_Diego_Comic-Con", 2], ["Comic_book_convention", 0]]} +{"id": 95680, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_awards_and_honours_received_by_Audrey_Hepburn", 8], ["Gardens_of_the_World_with_Audrey_Hepburn", 0], ["Audrey_Hepburn's_Enchanted_Tales", 0], ["Audrey_Hepburn_on_screen_and_stage", 22], ["Audrey_Hepburn_on_screen_and_stage", 23]]} +{"id": 113235, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marianne_Stanley", 33], ["Barbara_Becnel", 2], ["List_of_New_York_Rangers_seasons", 17], ["Stan_Williams", 5], ["2011_Stanley_Cup_Finals", 2]]} +{"id": 223675, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ludwig_van_Beethoven", 5], ["Ludwig_van_Beethoven", 0], ["Beethoven_in_film", 0], ["Beethoven_in_film", 14], ["Christian_Gottlob_Neefe", 0]]} +{"id": 165904, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pretties_for_You", 11], ["Pretties_for_You", 5], ["Pretties_for_You", 6], ["Neal_Smith_-LRB-drummer-RRB-", 37], ["Neal_Smith_-LRB-drummer-RRB-", 23]]} +{"id": 53481, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Old_Rectory,_Warton", 8], ["Route_setter", 17], ["Henioche", 0], ["There's_a_Whole_New_World_Out_There", 2], ["Welcome_to_the_Wild_Country", 5]]} +{"id": 166648, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Nathaniel_Milljour", 15], ["Brian_Rice_-LRB-artist-RRB-", 8], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 0], ["Anne_Rice", 0], ["Ramses_the_Damned-COLON-_The_Passion_of_Cleopatra", 1]]} +{"id": 120737, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Batman_in_film", 2], ["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["Dick_Grayson", 16], ["Batman_Beyond", 6]]} +{"id": 161579, "predicted_label": "REFUTES", "predicted_evidence": [["Australia_-LRB-2008_film-RRB-", 0], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 1], ["Australia_-LRB-2008_film-RRB-", 5], ["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["The_Great_Gatsby_-LRB-2013_film-RRB-", 0]]} +{"id": 12105, "predicted_label": "REFUTES", "predicted_evidence": [["Santa_Ana_winds_in_popular_culture", 53], ["Santa_Ana_winds_in_popular_culture", 85], ["Santa_Ana_winds_in_popular_culture", 86], ["Santa_Ana_winds_in_popular_culture", 55], ["Santa_Ana_winds_in_popular_culture", 70]]} +{"id": 108085, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Columbia_River_Shipbuilding_Company", 10], ["SS_Drexel_Victory", 48], ["Columbia_River_Shipbuilding_Company", 6], ["SS_Drexel_Victory", 8], ["Rocky_Mountain_Trench", 15]]} +{"id": 217669, "predicted_label": "REFUTES", "predicted_evidence": [["Pelican_files", 3], ["George_L._Little", 6], ["George_L._Little", 15], ["The_Firm_-LRB-1993_film-RRB-", 2], ["The_Firm_-LRB-1993_film-RRB-", 1]]} +{"id": 135213, "predicted_label": "REFUTES", "predicted_evidence": [["AdForum", 27], ["Duke_Gui_of_Qi", 1], ["Advertising", 0], ["National_Institute_of_Geophysics_and_Volcanology", 0], ["Advertising", 3]]} +{"id": 228339, "predicted_label": "SUPPORTS", "predicted_evidence": [["London_Film_School", 0], ["London_Film_School", 2], ["London_Film_School", 1], ["Island_Records", 12], ["Hot_Sun_Foundation", 12]]} +{"id": 91498, "predicted_label": "REFUTES", "predicted_evidence": [["Tiber_Oil_Field", 0], ["Tiber_-LRB-disambiguation-RRB-", 20], ["Marun_Field", 0], ["Marun_Field", 11], ["Tiber_-LRB-disambiguation-RRB-", 8]]} +{"id": 36308, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marco_Polo", 11], ["Early_western_influence_in_Fujian", 86], ["Early_western_influence_in_Fujian", 87], ["In_the_Footsteps_of_Marco_Polo", 0], ["Marco_Polo_Cycling_Club", 22]]} +{"id": 173510, "predicted_label": "REFUTES", "predicted_evidence": [["The_Truth_about_Sancho_Panza", 8], ["Sancho_Panza", 0], ["The_Truth_about_Sancho_Panza", 0], ["The_Adventures_of_Don_Coyote_and_Sancho_Panda", 0], ["Ricote_-LRB-Don_Quixote-RRB-", 3]]} +{"id": 168987, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Magic_Beyond_Words", 1], ["Pottermore", 0], ["J._K._Rowling", 0], ["Magic_Beyond_Words", 0], ["Pottermore", 1]]} +{"id": 45400, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jack_Falahee", 0], ["How_to_Get_Away_with_Murder", 6], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["Manfred_Klieme", 0], ["Manfred_Klieme", 3]]} +{"id": 55703, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Sonia_Khurana", 471], ["Sandeep_Khurana", 8], ["Aparshakti_Khurana", 0], ["Sonia_Khurana", 16]]} +{"id": 26635, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bullet_Rogan", 0], ["Bert_Kreischer", 22], ["The_Joe_Rogan_Experience", 0], ["Joe_Rogan_Questions_Everything", 0], ["Joe_Rogan", 7]]} +{"id": 208136, "predicted_label": "REFUTES", "predicted_evidence": [["Mel_Gibson_filmography", 0], ["Mad_Mel_-LRB-disambiguation-RRB-", 4], ["Francesco_Cabras", 4], ["Mel_Gibson_filmography", 12], ["Bill_Callaghan_-LRB-Beefeater-RRB-", 3]]} +{"id": 106115, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Scouts_Lao", 4], ["Military_history_of_Cambodia", 23], ["Indochina_Wars", 8]]} +{"id": 29577, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Compete_-LRB-disambiguation-RRB-", 5], ["Pronto.com", 4], ["Timway", 10], ["YouTube", 15], ["YouTube", 13]]} +{"id": 27457, "predicted_label": "SUPPORTS", "predicted_evidence": [["Old_Dogs_-LRB-film-RRB-", 0], ["Old_Dogs_-LRB-film-RRB-", 11], ["Kelly_Preston", 3], ["Old_Dogs_-LRB-disambiguation-RRB-", 8], ["Old_Dogs_-LRB-disambiguation-RRB-", 6]]} +{"id": 132132, "predicted_label": "REFUTES", "predicted_evidence": [["Phaedra_-LRB-mythology-RRB-", 26], ["Wani_-LRB-dragon-RRB-", 116], ["Phaedra_-LRB-mythology-RRB-", 20], ["Wani_-LRB-dragon-RRB-", 101], ["List_of_most_viewed_YouTube_videos", 11]]} +{"id": 121833, "predicted_label": "REFUTES", "predicted_evidence": [["Brian_Michael_Bendis", 12], ["Torso_-LRB-Image_Comics-RRB-", 0], ["Ultimate_Spider-Man", 11], ["Brian_Michael_Bendis", 0], ["Secret_War_-LRB-comics-RRB-", 1]]} +{"id": 45440, "predicted_label": "REFUTES", "predicted_evidence": [["Rabies_testing", 4], ["Rabies_in_Haiti", 0], ["Rabies", 0], ["Rabies", 15], ["Rabies", 22]]} +{"id": 154919, "predicted_label": "REFUTES", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Martin_Bregman", 1], ["Eddie_Murphy", 13], ["Jay_Mohr", 2], ["Nash_-LRB-surname-RRB-", 91]]} +{"id": 15855, "predicted_label": "REFUTES", "predicted_evidence": [["Columbia_Plateau_-LRB-ecoregion-RRB-", 11], ["Columbia_River", 21], ["Vancouver_Lake", 4], ["Coast_Guard_Station_Cape_Disappointment", 13], ["Columbia_Plateau_-LRB-ecoregion-RRB-", 3]]} +{"id": 150946, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tiber_Oil_Field", 0], ["Kaskida_Oil_Field", 0], ["Deepwater_Horizon", 2], ["Tiber_-LRB-disambiguation-RRB-", 20], ["Keathley_Canyon", 0]]} +{"id": 212323, "predicted_label": "REFUTES", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Elizabeth_Olsen", 3], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 5453, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["List_of_stage_names", 49], ["Middle_name", 25], ["Middle_name", 33]]} +{"id": 195838, "predicted_label": "REFUTES", "predicted_evidence": [["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 7], ["Weekly_Idol", 1], ["Hyeong", 16]]} +{"id": 90338, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gordon_Ramsay", 11], ["Restaurant_Gordon_Ramsay", 0], ["Gordon_Ramsay", 6], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 32], ["Gordon_Ramsay_at_Claridge's", 0]]} +{"id": 219044, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cultural_Amnesia", 11], ["Tower_Rock", 10], ["Stereotypes_about_indigenous_peoples_of_North_America", 12], ["These_Hopeless_Savages", 0], ["Cultural_Amnesia", 10]]} +{"id": 136946, "predicted_label": "REFUTES", "predicted_evidence": [["Off_the_Wall", 14], ["Pony_wall", 16], ["Amrita_Prakash", 37], ["Daniel_Bray", 56], ["Off_the_Wall", 22]]} +{"id": 189759, "predicted_label": "REFUTES", "predicted_evidence": [["Matthias_Corvinus", 31], ["Matthias_Corvinus", 6], ["Corvin", 35], ["Hunyadi_family", 1], ["Corvin", 16]]} +{"id": 113467, "predicted_label": "REFUTES", "predicted_evidence": [["Noticiero_Telemundo", 0], ["Noticias_Telemundo", 0], ["Telemundo", 0], ["WKTB-CD", 4], ["WKTB-CD", 1]]} +{"id": 108031, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despacito", 14], ["Aqui\u0301_Estoy_Yo", 0], ["Claudia_Brant", 2], ["Nada_Es_Para_Siempre", 0], ["Nada_Es_Para_Siempre", 1]]} +{"id": 38268, "predicted_label": "SUPPORTS", "predicted_evidence": [["House_of_Tudor", 10], ["Hugh_Conway_-LRB-Lord_Treasurer-RRB-", 6], ["Roland_de_Velville", 0], ["Henry_VII", 15], ["House_of_Tudor", 4]]} +{"id": 165226, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philip_Glass", 9], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Christopher_Rouse_-LRB-composer-RRB-", 1], ["Carl_Vine", 2], ["Piano_concerto", 9]]} +{"id": 108894, "predicted_label": "REFUTES", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["Thames_Ironworks_F.C.", 0], ["Thames_Ironworks_F.C.", 10], ["1896\u201397_Thames_Ironworks_F.C._season", 28]]} +{"id": 203388, "predicted_label": "REFUTES", "predicted_evidence": [["Goosebumps_-LRB-film-RRB-", 1], ["Goosebumps_-LRB-film-RRB-", 8], ["Goosebumps", 5], ["Goosebumps_-LRB-film-RRB-", 0], ["Goosebumps_-LRB-film-RRB-", 2]]} +{"id": 151083, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Walt_Disney_Pictures", 10], ["Animation_studios_owned_by_The_Walt_Disney_Company", 7], ["Walt_Disney_Pictures", 1], ["Walt_Disney_Animation_Studios", 8], ["Walt_Disney_Pictures", 0]]} +{"id": 118240, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_Murdoch", 0], ["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3], ["Rupert_Murdoch", 13], ["Rupert_Murdoch", 23]]} +{"id": 73934, "predicted_label": "SUPPORTS", "predicted_evidence": [["Live_Free_or_Die_Hard", 20], ["An_Inconvenient_Truth", 6], ["Hy_Hollinger", 4], ["Box_office_territory", 17], ["Box_office_territory", 0]]} +{"id": 194797, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Salt-rising_bread", 21], ["Generation_War", 9], ["Grounds_for_divorce_-LRB-United_States-RRB-", 10], ["Hague_Divorce_Convention", 3], ["Grounds_for_divorce_-LRB-United_States-RRB-", 13]]} +{"id": 35065, "predicted_label": "SUPPORTS", "predicted_evidence": [["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewan_McGregor", 2], ["Ewen_Bremner", 1], ["Trainspotting_-LRB-film-RRB-", 10]]} +{"id": 53321, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jay_Cassidy", 4], ["The_Beaver_Trilogy", 19], ["Fair_Game_-LRB-2010_film-RRB-", 7], ["J/P_Haitian_Relief_Organization", 1], ["J/P_Haitian_Relief_Organization", 43]]} +{"id": 129171, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Canal_Street_Incline", 25], ["Hynes_Convention_Center_-LRB-MBTA_station-RRB-", 1], ["Green_Line_\"D\"_Branch", 1], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 1]]} +{"id": 154538, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-season_1-RRB-", 0], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 144682, "predicted_label": "REFUTES", "predicted_evidence": [["Half_Past_Dead", 5], ["Illumination_Entertainment", 7], ["Nickelodeon_Movies", 4], ["The_Divergent_Series", 12], ["List_of_accolades_received_by_The_Hunger_Games_film_series", 11]]} +{"id": 179341, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2], ["Osamu_Tezuka's_Star_System", 2], ["List_of_Osamu_Tezuka_manga", 6]]} +{"id": 195814, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Yoon-jung", 0], ["Jung-hwan", 29], ["Jung-hwan", 35], ["Jung-hwan", 44]]} +{"id": 92193, "predicted_label": "SUPPORTS", "predicted_evidence": [["Blue_Jasmine", 0], ["List_of_accolades_received_by_Blue_Jasmine", 0], ["List_of_accolades_received_by_Blue_Jasmine", 1], ["Cate_Blanchett", 4], ["List_of_accolades_received_by_Blue_Jasmine", 11]]} +{"id": 68701, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Beatles", 3], ["Harmood_Banner", 10], ["Harmood_Banner", 19], ["Trade_Mark_of_Quality_discography", 217], ["Trade_Mark_of_Quality_discography", 43]]} +{"id": 196989, "predicted_label": "REFUTES", "predicted_evidence": [["Diwali", 2], ["Glossary_of_Indian_culture", 210], ["Glossary_of_Indian_culture", 143], ["Glossary_of_Indian_culture", 112], ["Glossary_of_Indian_culture", 73]]} +{"id": 158422, "predicted_label": "SUPPORTS", "predicted_evidence": [["Penibaetic_System", 0], ["Montes_de_Ma\u0301laga", 0], ["Sierra_de_Alhama", 0], ["Axarqui\u0301a", 10], ["La_Maroma", 0]]} +{"id": 212317, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Dualstar", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 23430, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ajay_Devgn", 0], ["Veeru_Devgan", 0], ["Devgan", 6], ["Anil_Devgan", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]} +{"id": 74845, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_G._Preston", 3], ["Kelly_Smith_-LRB-disambiguation-RRB-", 12], ["Old_Dogs_-LRB-film-RRB-", 0], ["Old_Dogs_-LRB-film-RRB-", 11], ["List_of_people_with_surname_Preston", 120]]} +{"id": 120319, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Harknett", 38], ["David_Arnott", 0], ["List_of_UCLA_School_of_Theater,_Film_and_Television_alumni", 23], ["Chi_Girl", 13], ["Chi_Girl", 9]]} +{"id": 137198, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rupert_Murdoch", 13], ["Broadcasting_and_the_foundation_of_the_Premier_League", 7], ["News_Corporation_takeover_bid_for_BSkyB", 0], ["James_Murdoch", 0], ["News_International_phone_hacking_scandal", 3]]} +{"id": 185219, "predicted_label": "SUPPORTS", "predicted_evidence": [["Little_Christmas", 2], ["Badnjak_-LRB-Serbian-RRB-", 5], ["Little_Christmas", 20], ["Christmas_Eve", 8], ["Christmas_Eve", 7]]} +{"id": 49217, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alternative_facts", 0], ["Make_America_Number_1", 12], ["Conway_-LRB-surname-RRB-", 66], ["Bowling_Green_massacre", 0], ["Rebekah_Mercer_-LRB-donor-RRB-", 20]]} +{"id": 28657, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shuttle\u2013Mir_Program", 0], ["2228_Soyuz-Apollo", 12], ["Shuttle\u2013Mir_Program", 9], ["Vasily_Mishin", 64], ["Shuttle\u2013Mir_Program", 12]]} +{"id": 68337, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Ace_titles_in_numeric_series", 776], ["Doug_Mello", 66], ["Doug_Mello", 72], ["Handy_Writers'_Colony", 10], ["Jones_House", 190]]} +{"id": 166479, "predicted_label": "REFUTES", "predicted_evidence": [["Roswell_-LRB-TV_series-RRB-", 0], ["Max_Evans_-LRB-Roswell-RRB-", 0], ["Maria_DeLuca", 0], ["Isabel_Evans", 0], ["Roswell_-LRB-TV_series-RRB-", 5]]} +{"id": 201815, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1]]} +{"id": 185221, "predicted_label": "REFUTES", "predicted_evidence": [["Joshua_Steinberg", 0], ["Walt_Disney's_Treasury_of_Classic_Tales", 20], ["Walt_Disney's_Treasury_of_Classic_Tales", 237], ["Walt_Disney's_Treasury_of_Classic_Tales", 197], ["Walt_Disney's_Treasury_of_Classic_Tales", 116]]} +{"id": 181633, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mogadishu_-LRB-disambiguation-RRB-", 16], ["Mogadishu_-LRB-disambiguation-RRB-", 12], ["Mogadishu_-LRB-disambiguation-RRB-", 26], ["Mogadishu_-LRB-disambiguation-RRB-", 18], ["Mogadishu_-LRB-disambiguation-RRB-", 24]]} +{"id": 132620, "predicted_label": "SUPPORTS", "predicted_evidence": [["Otto_I,_Holy_Roman_Emperor", 11], ["Great_Saxon_Revolt", 0], ["Great_Saxon_Revolt", 32], ["Great_Saxon_Revolt", 43], ["Archduke_Ferdinand_of_Austria", 22]]} +{"id": 3717, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Palace_Theatre", 0], ["Victoria_Palace", 0], ["Palace_Theatre,_Westcliff-on-Sea", 12], ["Victoria_Theatre", 31], ["Victoria_Palace", 3]]} +{"id": 149347, "predicted_label": "REFUTES", "predicted_evidence": [["Knudsen", 40], ["Sidse_Babett_Knudsen", 0], ["Courted_-LRB-film-RRB-", 4], ["Adam_Price_-LRB-screenwriter-RRB-", 6], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5]]} +{"id": 149134, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dan_Trebil", 12], ["Chris_O'Sullivan", 25], ["D2-COLON-_The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 0], ["D2-COLON-_The_Mighty_Ducks", 2]]} +{"id": 201391, "predicted_label": "REFUTES", "predicted_evidence": [["Varsity_Blues", 3], ["Toronto_Varsity_Blues_men's_ice_hockey", 0], ["Varsity", 22], ["Varsity", 24], ["Varsity", 20]]} +{"id": 73150, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alvin_and_the_Chipmunks_-LRB-video_game-RRB-", 6], ["List_of_Star_Wars-COLON-_The_Clone_Wars_cast_members", 8], ["Roberta_Shore", 31], ["Sheryl_Lee_Ralph", 0], ["Sheryl_Lee_Ralph", 11]]} +{"id": 212324, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Dualstar", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["New_York_Minute_-LRB-film-RRB-", 2]]} +{"id": 120235, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kennedy_Compound", 6], ["Harvard_Institute_of_Politics", 11], ["Profile_in_Courage_Award", 6], ["Sweet_Caroline", 13], ["Caroline_Kennedy", 4]]} +{"id": 116067, "predicted_label": "REFUTES", "predicted_evidence": [["SpaceX", 5], ["Wisconsin_Institutes_for_Discovery", 3], ["Wisconsin_Institutes_for_Discovery", 1], ["SpaceX", 18], ["MirCorp", 8]]} +{"id": 15819, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kung_fu_kid", 15], ["Kung_fu_kid", 13], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 0], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 1]]} +{"id": 104857, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Green_Monster_-LRB-disambiguation-RRB-", 3], ["Party_Monster", 0], ["Green-Eyed_Monster_-LRB-disambiguation-RRB-", 0], ["Loch_Ness_Monster_-LRB-disambiguation-RRB-", 3], ["How_to_Make_a_Monster", 0]]} +{"id": 134200, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guillermo_del_Toro", 0], ["Del_Toro_-LRB-surname-RRB-", 12], ["Sundown_-LRB-video_game-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 1], ["Mimic_-LRB-film-RRB-", 0]]} +{"id": 202934, "predicted_label": "SUPPORTS", "predicted_evidence": [["Avenged_Sevenfold_discography", 0], ["City_of_Evil", 15], ["Avenged_Sevenfold_-LRB-album-RRB-", 2], ["Avenged_Sevenfold_-LRB-album-RRB-", 0], ["Avenged_Sevenfold", 10]]} +{"id": 196736, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Golden_Screen_Award_-LRB-Canada-RRB-", 6], ["Golden_Screen_Award_-LRB-Canada-RRB-", 0], ["Academy_of_Canadian_Cinema_and_Television_Award_for_Best_Motion_Picture", 3], ["Academy_of_Canadian_Cinema_and_Television_Award_for_Best_Motion_Picture", 8], ["Academy_of_Canadian_Cinema_and_Television_Award_for_Best_Motion_Picture", 13]]} +{"id": 69045, "predicted_label": "REFUTES", "predicted_evidence": [["Johnny_Galecki", 1], ["The_Little_Dog_Laughed", 23], ["Galecki", 8], ["Leonard_Hofstadter", 0], ["The_Good_Guy_Fluctuation", 4]]} +{"id": 77120, "predicted_label": "REFUTES", "predicted_evidence": [["Kenneth_Grant", 7], ["The_Confessions_of_Aleister_Crowley", 0], ["Karl_Germer", 0], ["Karl_Germer", 1], ["Ecclesia_Gnostica_Catholica", 15]]} +{"id": 165238, "predicted_label": "SUPPORTS", "predicted_evidence": [["Scott_Gendel", 1], ["Philip_Glass", 9], ["Bodo_Igesz", 2], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Machiavelli_and_the_Four_Seasons", 22]]} +{"id": 201818, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["I_Am_Sam", 0], ["I_Am_Sam", 11], ["Fanning_-LRB-surname-RRB-", 10], ["Elle_Fanning", 1]]} +{"id": 195007, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dear_Girl_Tour", 0], ["Tranky_Doo", 23], ["Tranky_Doo", 59], ["Dear_Girl_Tour", 1], ["Tranky_Doo", 8]]} +{"id": 138949, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gin", 0], ["Fab_-LRB-brand-RRB-", 8], ["Fragaria_\u00d7_vescana", 0], ["Fragaria_\u00d7_vescana", 14], ["Plymouth_Gin_Distillery", 20]]} +{"id": 134744, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mike_Starrs", 11], ["Colosseum", 23], ["Colosseum_II", 0], ["Mike_Starrs", 3], ["The_Colosseum_-LRB-Manhattan-RRB-", 14]]} +{"id": 175641, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fabian_Nicieza", 0], ["General_-LRB-DC_Comics-RRB-", 10], ["Hindsight_-LRB-comics-RRB-", 2], ["Anarky", 19], ["Publication_history_of_Anarky", 20]]} +{"id": 159692, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 137266, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arfon_Griffiths", 0], ["Griffiths", 123], ["Stella_Richman", 19], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 175732, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 10], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 12], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 3], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 18], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 0]]} +{"id": 97422, "predicted_label": "SUPPORTS", "predicted_evidence": [["Starrcade", 0], ["Starrcade_-LRB-1983-RRB-", 0], ["Starrcade_-LRB-2000-RRB-", 0], ["Starrcade_-LRB-1989-RRB-", 0], ["Starrcade_-LRB-1993-RRB-", 0]]} +{"id": 124021, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saw_II", 0], ["Saw_VI", 1], ["Saw_3D", 5], ["Saw_3D", 1], ["Saw_VI", 5]]} +{"id": 157065, "predicted_label": "SUPPORTS", "predicted_evidence": [["Billboard_Dad", 0], ["Troian_Bellisario", 5], ["Harry_Vail", 23], ["Troian_Bellisario", 11], ["Harry_Vail", 22]]} +{"id": 187317, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Glenn_Beck_Program", 0], ["Glenn_Beck_Radio_Program", 0], ["Glenn_Beck", 1], ["Beck_v._Eiland-Hall", 14], ["9-12_Project", 0]]} +{"id": 153146, "predicted_label": "REFUTES", "predicted_evidence": [["Flaked", 2], ["Pauma_Complex", 20], ["Lithic_stage", 15], ["Lithic_stage", 1], ["Pauma_Complex", 30]]} +{"id": 26446, "predicted_label": "SUPPORTS", "predicted_evidence": [["Papa", 48], ["Jackie_-LRB-magazine-RRB-", 30], ["Biographical_film", 9], ["Biographical_novel", 14], ["Biographical_film", 0]]} +{"id": 195020, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dear_Girl_Tour", 0], ["Tranky_Doo", 23], ["Tranky_Doo", 59], ["Dear_Girl_Tour", 1], ["List_of_Ace_titles_in_second_G_series", 100]]} +{"id": 100200, "predicted_label": "SUPPORTS", "predicted_evidence": [["Politics_of_Vietnam", 0], ["South_Vietnam", 0], ["North_Vietnam", 0], ["South_Vietnam", 1], ["Politics_of_Vietnam", 9]]} +{"id": 209097, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Readymade_-LRB-song-RRB-", 3], ["Stadium_Arcadium_World_Tour", 0], ["List_of_Red_Hot_Chili_Peppers_band_members", 59], ["Stadium_Arcadium", 5], ["Stadium_Arcadium", 4]]} +{"id": 195843, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["Weekly_Idol", 1], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["FNC_Entertainment", 7], ["Hyeong", 16]]} +{"id": 119799, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jo_Ann_Harris", 7], ["The_Guns_of_Will_Sonnett", 1], ["Ali_Ahmad_Jalali", 278], ["Ali_Ahmad_Jalali", 275], ["Funky_Squad", 0]]} +{"id": 219277, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Capsicum_chinense", 0], ["Bhut_jolokia", 1], ["Capsicum_baccatum", 9], ["List_of_plants_of_Burkina_Faso", 791], ["Datil_pepper", 0]]} +{"id": 18037, "predicted_label": "REFUTES", "predicted_evidence": [["Hurricane_Katrina_and_global_warming", 20], ["Global_warming", 19], ["Global_warming_controversy", 0], ["Global_warming", 0], ["Global_warming", 26]]} +{"id": 174586, "predicted_label": "SUPPORTS", "predicted_evidence": [["Artpop", 13], ["Toni_Braxton_discography", 8], ["Carrie_Underwood_discography", 20], ["Toni_Braxton_discography", 6], ["Snoop_Dogg_discography", 124]]} +{"id": 7962, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Villa_Park", 14], ["Villa_Park", 2], ["Villa_Park", 3], ["Villa_Park_-LRB-disambiguation-RRB-", 5], ["Villa_Park", 0]]} +{"id": 216594, "predicted_label": "REFUTES", "predicted_evidence": [["Calcaneal_spur", 1], ["Calcaneal_spur", 7], ["Calcaneal_spur", 0], ["Calcaneal_spur", 11], ["Calcaneal_spur", 6]]} +{"id": 143565, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stephanie_McMahon", 5], ["No_Way_Out_-LRB-2009-RRB-", 18], ["Judgment_Day_-LRB-2007-RRB-", 9], ["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Judgment_Day_-LRB-2007-RRB-", 10]]} +{"id": 17452, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_New_Jersey_tornadoes", 57], ["List_of_New_Jersey_tornadoes", 63], ["List_of_New_Jersey_tornadoes", 65], ["List_of_New_Jersey_tornadoes", 60], ["U.S._Route_30_in_New_Jersey", 1]]} +{"id": 191253, "predicted_label": "REFUTES", "predicted_evidence": [["Jean-Michel_Basquiat", 11], ["Jean-Michel_Basquiat-COLON-_The_Radiant_Child", 0], ["Michael_Holman_-LRB-filmmaker-RRB-", 0], ["Jean-Michel", 168], ["Basquiat", 2]]} +{"id": 105212, "predicted_label": "REFUTES", "predicted_evidence": [["Lycophron_-LRB-sophist-RRB-", 13], ["Lycophron_-LRB-sophist-RRB-", 31], ["Aristotle_for_Everybody", 16], ["Aristotelianism", 6], ["Lycophron_-LRB-sophist-RRB-", 32]]} +{"id": 155657, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prowler_-LRB-comics-RRB-", 1], ["How_to_Draw_Comics_the_Marvel_Way", 0], ["List_of_Marvel_Comics_people", 56], ["How_to_Draw_Comics_the_Marvel_Way", 12], ["Stan_Lee_-LRB-disambiguation-RRB-", 9]]} +{"id": 106083, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Remember_Paul?", 14], ["Grant_Bowler", 4], ["Vanessa_Williams", 10], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9], ["Rob_Slater", 11]]} +{"id": 133191, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sclerosis_-LRB-medicine-RRB-", 6], ["Amyotrophic_lateral_sclerosis", 15], ["List_of_OMIM_disorder_codes", 307], ["Project_MinE", 0], ["Project_MinE", 24]]} +{"id": 150786, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Franklin_Barlow_Sexton", 20], ["Franklin_Barlow_Sexton", 27], ["Franklin_Barlow_Sexton", 35], ["401st", 3], ["401st", 5]]} +{"id": 110839, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Others_-LRB-2001_film-RRB-", 5], ["The_Others_-LRB-2001_film-RRB-", 7], ["List_of_accolades_received_by_Bajirao_Mastani", 18], ["All_About_My_Mother", 8], ["List_of_accolades_received_by_Bajirao_Mastani", 16]]} +{"id": 184071, "predicted_label": "REFUTES", "predicted_evidence": [["Kenneth_Lonergan", 0], ["Lonergan_-LRB-surname-RRB-", 22], ["Gangs_of_New_York", 0], ["Lonergan_-LRB-surname-RRB-", 26], ["Kenneth_Lonergan", 1]]} +{"id": 178168, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_tallest_buildings_in_New_York_City", 2], ["List_of_tallest_buildings_in_New_York_City", 20], ["One_World_Trade_Center", 0], ["World_Trade_Center_-LRB-1973\u20132001-RRB-", 2], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 17]]} +{"id": 160932, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Ernest_He\u0301brard", 11], ["Siam_Nakhon_Province", 19], ["Siam_Nakhon_Province", 20], ["French_Indochina", 3]]} +{"id": 159572, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_people_named_Daniel", 71], ["List_of_people_named_Daniel", 53], ["List_of_people_named_Daniel", 5], ["List_of_people_named_Daniel", 57], ["List_of_people_named_Daniel", 95]]} +{"id": 88564, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Human_trafficking_in_Israel", 8], ["Human_trafficking", 7], ["Human_trafficking_in_the_Democratic_Republic_of_the_Congo", 27], ["Human_trafficking_in_Romania", 16], ["Human_trafficking_in_Mexico", 11]]} +{"id": 126882, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Thomas_Duane", 24], ["Thomas_Duane", 29], ["Thomas_Duane", 17], ["Thomas_Duane", 21]]} +{"id": 96710, "predicted_label": "REFUTES", "predicted_evidence": [["Randy_Savage", 4], ["Randy_Savage", 0], ["Turning_Point_-LRB-2004_wrestling-RRB-", 15], ["World_War_3_-LRB-1995-RRB-", 6], ["Turning_Point_-LRB-2004_wrestling-RRB-", 8]]} +{"id": 60515, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_dress", 7], ["Gecko", 13], ["Primary_color", 2], ["Gecko", 17], ["Gecko", 22]]} +{"id": 110339, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gaius_Julius_Caesar_Strabo_Vopiscus", 1], ["Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 0], ["Julius_Caesar_-LRB-overture-RRB-", 0], ["Gaius_Julius_Caesar_-LRB-proconsul-RRB-", 5], ["Gaius_Julius_Caesar_Strabo_Vopiscus", 25]]} +{"id": 208425, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Excuse_My_French", 9], ["Harry_Fraud", 2], ["Harry_Fraud", 6], ["Harry_Fraud", 3], ["Excuse_My_French", 3]]} +{"id": 199764, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_2020_Summer_Olympics_broadcasters", 2], ["Tokyo_bid_for_the_2020_Summer_Olympics", 3], ["Tijuana", 18], ["Tijuana", 0], ["Tokyo_bid_for_the_2020_Summer_Olympics", 0]]} +{"id": 119438, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Global_warming", 13], ["Global_warming_hiatus", 23], ["Economics_of_global_warming", 27], ["Economics_of_global_warming", 26], ["Arctic_methane_emissions", 8]]} +{"id": 24797, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_singing_actors_and_actresses_in_Indian_cinema", 0], ["Allu_Arjun,_roles_and_awards", 0], ["List_of_singing_actors_and_actresses_in_Indian_cinema", 7], ["List_of_singing_actors_and_actresses_in_Indian_cinema", 6], ["List_of_singing_actors_and_actresses_in_Indian_cinema", 3]]} +{"id": 40808, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Crews", 9], ["Make_a_Smellmitment", 2], ["List_of_Los_Angeles_Rams_broadcasters", 3], ["List_of_Los_Angeles_Rams_seasons", 1], ["Terry_Crews", 3]]} +{"id": 70100, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bishop_of_Kuching", 0], ["Sibu", 3], ["Bishop_of_Kuching", 9], ["Kuching", 21], ["Kuching", 20]]} +{"id": 165116, "predicted_label": "REFUTES", "predicted_evidence": [["Mickey_Rourke", 13], ["Mickey_Rourke_filmography", 1], ["Mickey_Rourke", 4], ["Mickey_Rourke", 0], ["Leonard_Termo", 12]]} +{"id": 70655, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["National_Taxpayers_Union", 6], ["Qchex", 4], ["Manu_propria", 7], ["Certified_Funds", 18], ["Touchscreen", 9]]} +{"id": 76517, "predicted_label": "REFUTES", "predicted_evidence": [["Hannah_-LRB-name-RRB-", 33], ["Fanning_-LRB-surname-RRB-", 10], ["I_Am_Sam", 11], ["I_Am_Sam", 0], ["Dakota_Fanning", 0]]} +{"id": 119606, "predicted_label": "SUPPORTS", "predicted_evidence": [["Val_Meets_The_VIPs", 15], ["There_Is_No_Alternative-COLON-_Why_Margaret_Thatcher_Matters", 0], ["The_Iron_Lady_-LRB-album-RRB-", 10], ["Thatcher_ministry", 7], ["Thatcher_ministry", 5]]} +{"id": 164997, "predicted_label": "SUPPORTS", "predicted_evidence": [["Polar_bear", 7], ["Polar_bear", 6], ["Sea_ice", 3], ["Polar_bear", 4], ["Sea_ice", 5]]} +{"id": 132679, "predicted_label": "SUPPORTS", "predicted_evidence": [["Reid", 40], ["David_Settle_Reid", 16], ["David_Settle_Reid", 7], ["Reid", 48], ["Reid", 14]]} +{"id": 202927, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Avenged_Sevenfold", 10], ["Avenged_Sevenfold", 8], ["Strung_Out_on_Avenged_Sevenfold", 3], ["City_of_Evil", 12], ["Strung_Out_on_Avenged_Sevenfold", 0]]} +{"id": 22942, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["United_Nations_Charter", 1], ["United_Nations_Charter", 0], ["List_of_theatres_in_San_Francisco", 156], ["United_Nations_Charter", 6], ["Memorial_Auditorium", 19]]} +{"id": 92301, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ronan_O'Rahilly", 25], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 12], ["Casino_Royale_-LRB-1967_film-RRB-", 13], ["For_Your_Eyes_Only_-LRB-short_story_collection-RRB-", 5], ["The_James_Bond_Bedside_Companion", 11]]} +{"id": 52945, "predicted_label": "SUPPORTS", "predicted_evidence": [["Grinding_-LRB-dance-RRB-", 8], ["Daggering", 0], ["Dagga", 8], ["Folk_dance_forms_of_Odisha", 5], ["Folk_dance_forms_of_Odisha", 4]]} +{"id": 218474, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hanford_Site", 23], ["Hanford_Reach", 4], ["Hanford_Reach", 3], ["Hanford,_Washington", 1], ["Washington_State_Route_24", 1]]} +{"id": 218238, "predicted_label": "REFUTES", "predicted_evidence": [["Libya", 2], ["List_of_companies_of_Libya", 2], ["Indonesia", 29], ["List_of_companies_of_Indonesia", 6], ["Algeria", 14]]} +{"id": 138031, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Dark_Tower_-LRB-series-RRB-", 13], ["Robin_Furth", 0], ["Robin_Furth", 1], ["The_Dark_Tower_-LRB-series-RRB-", 0], ["All-World", 33]]} +{"id": 7639, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saw_II", 0], ["Saw_II-COLON-_Flesh_&_Blood", 12], ["Saw_-LRB-franchise-RRB-", 14], ["Saw_II-COLON-_Flesh_&_Blood", 5], ["Saw_II-COLON-_Flesh_&_Blood", 0]]} +{"id": 190151, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_De_La_Hoya", 7], ["The_Ring_-LRB-magazine-RRB-", 0], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 3], ["Oscar_De_La_Hoya_vs._Manny_Pacquiao", 4], ["Oscar_De_La_Hoya_vs._Fe\u0301lix_Trinidad", 0]]} +{"id": 154464, "predicted_label": "REFUTES", "predicted_evidence": [["Kenneth_Grant", 7], ["The_Confessions_of_Aleister_Crowley", 0], ["Karl_Germer", 0], ["Karl_Germer", 1], ["Ecclesia_Gnostica_Catholica", 15]]} +{"id": 53680, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["AMGTV", 4], ["AMGTV", 8], ["AMGTV", 5], ["Pascal_Costanza", 6]]} +{"id": 74675, "predicted_label": "REFUTES", "predicted_evidence": [["John_Deighton", 15], ["John_Deighton", 0], ["Derek_Deighton", 1], ["Deighton", 18], ["Derek_Deighton", 0]]} +{"id": 142948, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sylvan_Lake_-LRB-South_Dakota-RRB-", 7], ["Mount_Rushmore", 12], ["Charles_E._Rushmore", 7], ["Mount_Rushmore", 0], ["Mount_Rushmore", 1]]} +{"id": 151899, "predicted_label": "SUPPORTS", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["List_of_Disney_theatrical_animated_features", 4], ["The_Mighty_Ducks_-LRB-film_series-RRB-", 0], ["The_Mighty_Ducks", 1], ["Walt_Disney_Pictures", 10]]} +{"id": 26918, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["James_Jewell_-LRB-politician-RRB-", 15], ["James_Jewell_-LRB-politician-RRB-", 11], ["John_Jewell_-LRB-Worcestershire_cricketer-RRB-", 19], ["Harvey_Jewell", 1], ["Marshall_Jewell", 4]]} +{"id": 138564, "predicted_label": "SUPPORTS", "predicted_evidence": [["Indochina_Wars", 0], ["First_Indochina_War", 6], ["Siam_Nakhon_Province", 20], ["First_Indochina_War", 0], ["Indochina_Wars", 1]]} +{"id": 204447, "predicted_label": "REFUTES", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Wilk", 17], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6], ["Brad_Wilk", 4]]} +{"id": 68044, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 186990, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bermuda_Triangle", 0], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 0], ["The_Bermuda_Triangle_-LRB-book-RRB-", 0], ["The_Bermuda_Triangle_-LRB-book-RRB-", 9], ["Bermuda_Triangle", 3]]} +{"id": 113691, "predicted_label": "REFUTES", "predicted_evidence": [["Billie_Joe", 2], ["Radio_Radio_Radio", 7], ["Pinhead_Gunpowder", 2], ["Joe_Armstrong", 6], ["Joe_Armstrong", 4]]} +{"id": 97726, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kamshad_Kooshan", 14], ["Chris_Smith_-LRB-filmmaker-RRB-", 10], ["Chris_Smith_-LRB-filmmaker-RRB-", 6], ["AM_Radio_-LRB-song-RRB-", 1], ["AM_Radio_-LRB-song-RRB-", 6]]} +{"id": 92505, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Uranium-234", 28], ["Peak_uranium", 27], ["Depleted_uranium", 11]]} +{"id": 1942, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Dark_Tower_-LRB-series-RRB-", 13], ["Randall_Flagg", 13], ["Father_Callahan", 1], ["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["The_Dark_Tower-COLON-_The_Sorcerer", 3]]} +{"id": 78682, "predicted_label": "REFUTES", "predicted_evidence": [["Starrcade", 0], ["Starrcade_-LRB-1983-RRB-", 2], ["Starrcade_-LRB-1985-RRB-", 2], ["Starrcade_-LRB-1987-RRB-", 3], ["Starrcade", 14]]} +{"id": 216591, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Calcaneal_spur", 1], ["Radiosurgery", 0], ["Radiation_damping", 3], ["History_of_radiation_therapy", 1], ["Calcaneal_spur", 7]]} +{"id": 150063, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Restaurant_Gordon_Ramsay", 0], ["Gordon_Ramsay_at_Claridge's", 0], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 32], ["List_of_restaurants_owned_or_operated_by_Gordon_Ramsay", 2], ["Gordon_Ramsay_at_Claridge's", 1]]} +{"id": 165662, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Tom_-LRB-given_name-RRB-", 11], ["Destination_Nerva", 4], ["Help_She_Can't_Swim", 5], ["Help_She_Can't_Swim", 20]]} +{"id": 208433, "predicted_label": "REFUTES", "predicted_evidence": [["Ain't_Worried_About_Nothin'", 0], ["Excuse_My_French", 9], ["Harry_Fraud", 2], ["Harry_Fraud", 3], ["French_Montana", 0]]} +{"id": 187789, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0], ["Wendell_Burton", 10], ["Wendell_Burton", 1], ["The_Sterile_Cuckoo", 0], ["The_Sterile_Cuckoo", 3]]} +{"id": 180726, "predicted_label": "SUPPORTS", "predicted_evidence": [["Something_Beginning_with_C", 2], ["Shaquille_O'Neal_discography", 29], ["Flight_of_the_Conchords_discography", 9], ["Shaquille_O'Neal_discography", 10], ["Shaquille_O'Neal_discography", 22]]} +{"id": 97642, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Dexter_episodes", 0], ["The_Movie_Channel", 0], ["List_of_Dexter_episodes", 11], ["Tales_from_the_Crypt_-LRB-TV_series-RRB-", 5], ["Tales_from_the_Crypt_-LRB-TV_series-RRB-", 0]]} +{"id": 197376, "predicted_label": "SUPPORTS", "predicted_evidence": [["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 5], ["Simo\u0301n_Boli\u0301var,_Miranda", 0], ["Simo\u0301n_Boli\u0301var,_Miranda", 1]]} +{"id": 167974, "predicted_label": "SUPPORTS", "predicted_evidence": [["Don_Bradman", 20], ["Henceforward...", 7], ["Don_Bradman", 0], ["Sir_Ian", 21], ["Bolton_Little_Theatre", 6]]} +{"id": 44955, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6], ["John_White_Howell", 58]]} +{"id": 138435, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revival", 1], ["The_Golliwogs", 12], ["John_Fogerty_-LRB-album-RRB-", 0], ["Creedence_Clearwater_Revisited", 4], ["The_Golliwogs", 26]]} +{"id": 44332, "predicted_label": "SUPPORTS", "predicted_evidence": [["Palmer_-LRB-surname-RRB-", 255], ["The_Insect_Trust", 3], ["Clues_-LRB-Robert_Palmer_album-RRB-", 7], ["Clues_-LRB-Robert_Palmer_album-RRB-", 9], ["Clues_-LRB-Robert_Palmer_album-RRB-", 0]]} +{"id": 143457, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["AN/APG-81", 0], ["Stealth_aircraft", 13], ["List_of_supersonic_aircraft", 254]]} +{"id": 195902, "predicted_label": "REFUTES", "predicted_evidence": [["Bob_Motzko", 3], ["List_of_accolades_received_by_Frozen_-LRB-2013_film-RRB-", 8], ["Frozen_-LRB-2013_film-RRB-", 13], ["List_of_accolades_received_by_Frozen_-LRB-2013_film-RRB-", 0], ["Accolades_received_by_Frozen", 11]]} +{"id": 197341, "predicted_label": "REFUTES", "predicted_evidence": [["Luke_Cage", 2], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage", 0], ["Black_Mariah_-LRB-comics-RRB-", 1]]} +{"id": 207514, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 18], ["The_X_Factor_-LRB-UK_series_11-RRB-", 15], ["The_X_Factor_-LRB-UK_series_11-RRB-", 7], ["The_X_Factor_-LRB-UK_series_11-RRB-", 4]]} +{"id": 184415, "predicted_label": "REFUTES", "predicted_evidence": [["Premam", 11], ["List_of_Disney_home_entertainment", 1], ["Gadar-COLON-_Ek_Prem_Katha", 2], ["Chandramukhi", 12], ["Michael_Jackson's_This_Is_It", 14]]} +{"id": 219295, "predicted_label": "REFUTES", "predicted_evidence": [["Capsicum_chinense", 0], ["Bhut_jolokia", 1], ["Datil_pepper", 0], ["Red_Savina_pepper", 0], ["Capsicum_baccatum", 9]]} +{"id": 92813, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kerplunk_-LRB-album-RRB-", 0], ["Green_Day_discography", 0], ["Black_Flag_-LRB-band-RRB-", 0], ["Green_Day", 0], ["Warning_-LRB-Green_Day_album-RRB-", 0]]} +{"id": 20292, "predicted_label": "REFUTES", "predicted_evidence": [["Meteora_-LRB-disambiguation-RRB-", 9], ["Meteora_-LRB-album-RRB-", 0], ["The_Making_of_Meteora", 4], ["The_Making_of_Meteora", 7], ["List_of_awards_and_nominations_received_by_Linkin_Park", 12]]} +{"id": 116103, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sylvan_Lake_-LRB-South_Dakota-RRB-", 7], ["Charles_E._Rushmore", 7], ["Mount_Rushmore", 0], ["Charles_E._Rushmore", 0], ["Mount_Rushmore", 8]]} +{"id": 172487, "predicted_label": "REFUTES", "predicted_evidence": [["Renzi_-LRB-surname-RRB-", 10], ["Democratic_Party_-LRB-Italy-RRB-", 14], ["Remake_Italy", 6], ["Democratic_Party_-LRB-Italy-RRB-", 3], ["Renzi_-LRB-surname-RRB-", 22]]} +{"id": 165134, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mickey_Rourke_filmography", 1], ["Leonard_Termo", 15], ["Leonard_Termo", 14], ["Leonard_Termo", 8], ["Mickey_Rourke_filmography", 3]]} +{"id": 54551, "predicted_label": "REFUTES", "predicted_evidence": [["Tiber_-LRB-disambiguation-RRB-", 20], ["Tiber_Oil_Field", 0], ["Deepwater_Horizon", 2], ["Marun_Field", 1], ["Tiber_Oil_Field", 1]]} +{"id": 156836, "predicted_label": "REFUTES", "predicted_evidence": [["Life", 0], ["Non-physical_entity", 2], ["Living_Things", 3], ["LExEN", 4], ["T'ai_chi_ch'uan_philosophy", 42]]} +{"id": 86159, "predicted_label": "SUPPORTS", "predicted_evidence": [["Battle_of_France", 13], ["Farhad_Sepahbody", 11], ["Fortified_Sector_of_Rohrbach", 7], ["German_occupied_territory_of_Montenegro", 2], ["Battle_of_Dunkirk", 1]]} +{"id": 8222, "predicted_label": "REFUTES", "predicted_evidence": [["Cheryl-COLON-_My_Story", 2], ["Choc_ice", 8], ["Promise_This", 4], ["Chris_Nathaniel", 42], ["Chris_Nathaniel", 29]]} +{"id": 45374, "predicted_label": "REFUTES", "predicted_evidence": [["Mirny", 36], ["USS_St._Louis_-LRB-1828-RRB-", 9], ["Fabian_Gottlieb_von_Bellingshausen", 10], ["USS_St._Louis_-LRB-1828-RRB-", 39], ["USS_St._Louis_-LRB-1828-RRB-", 10]]} +{"id": 59545, "predicted_label": "REFUTES", "predicted_evidence": [["Human_brain", 25], ["Organization_for_Human_Brain_Mapping", 10], ["Allen_Brain_Atlas", 3], ["Allen_Brain_Atlas", 0], ["Brain", 19]]} +{"id": 185288, "predicted_label": "REFUTES", "predicted_evidence": [["Platinum_Dunes", 0], ["Platinum_Dunes", 7], ["Platinum_Dunes", 4], ["Bradley_Fuller", 1], ["Bradley_Automotive", 0]]} +{"id": 131576, "predicted_label": "SUPPORTS", "predicted_evidence": [["Black-ish_-LRB-season_1-RRB-", 6], ["Imagine_That_-LRB-film-RRB-", 1], ["Yara_-LRB-given_name-RRB-", 45], ["Ziyodullo_Shahidi", 10], ["Ziyodullo_Shahidi", 4]]} +{"id": 165265, "predicted_label": "SUPPORTS", "predicted_evidence": [["Once_Again,_with_Feeling!", 2], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Machiavelli_and_the_Four_Seasons", 22], ["Symphony,_K._81_-LRB-Mozart-RRB-", 38], ["List_of_symphonies_by_Wolfgang_Amadeus_Mozart", 1]]} +{"id": 98966, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kate_Josephine_Bateman", 3], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Right_to_Kill?", 6], ["Easy_to_Assemble", 4]]} +{"id": 74871, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pontic_Greek", 0], ["Standard_Greek", 8], ["Greek_language", 13], ["Greek_language", 0], ["Greek_language", 14]]} +{"id": 141798, "predicted_label": "SUPPORTS", "predicted_evidence": [["Angela_Bassett", 6], ["Angela_Bassett", 14], ["Protect_the_Coven", 4], ["Protect_the_Coven", 5], ["Go_to_Hell_-LRB-American_Horror_Story-RRB-", 5]]} +{"id": 95586, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kesha_v._Dr._Luke", 9], ["Kesha", 17], ["Kesha_v._Dr._Luke", 0], ["Kesha_v._Dr._Luke", 15], ["We_R_Who_We_R", 4]]} +{"id": 102721, "predicted_label": "REFUTES", "predicted_evidence": [["Sean_Tuohy", 4], ["Blindside", 0], ["The_Blind_Side_-LRB-film-RRB-", 11], ["The_Blind_Side_-LRB-film-RRB-", 1], ["The_Blind_Side_-LRB-film-RRB-", 10]]} +{"id": 23846, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ichabod_Crane_Central_School_District", 13], ["Presidency_of_Martin_Van_Buren", 0], ["Ichabod_Crane_Central_School_District", 3], ["Martin_Van_Buren", 12], ["Martin_Van_Buren", 14]]} +{"id": 84646, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Arabella_-LRB-show-RRB-", 0], ["Arabella_-LRB-show-RRB-", 12], ["Tabloid_talk_show", 3], ["Tabloid_talk_show", 8], ["Tabloid_talk_show", 2]]} +{"id": 180717, "predicted_label": "REFUTES", "predicted_evidence": [["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Something_Beginning_with_C", 2], ["Prayers_Be_Answered", 0], ["Expectations_-LRB-Dance_Exponents_album-RRB-", 0], ["Live_at_Mainstreet", 3]]} +{"id": 138023, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jennifer_Lopez-COLON-_Feelin'_So_Good", 0], ["Let's_Get_Loud_-LRB-disambiguation-RRB-", 8], ["Jennifer_Lopez_Collection", 0], ["Still_Jennifer_Lopez", 0], ["Jennifer_Lopez-COLON-_Feelin'_So_Good", 12]]} +{"id": 172766, "predicted_label": "REFUTES", "predicted_evidence": [["Jurassic_Park_-LRB-film-RRB-", 1], ["Not_the_End_of_the_World_-LRB-Brookmyre_novel-RRB-", 5], ["Frieda_Zamba", 7], ["List_of_UK_Album_Downloads_Chart_number_ones_of_the_2000s", 13], ["List_of_UK_Album_Downloads_Chart_number_ones_of_the_2000s", 1]]} +{"id": 19543, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_people_with_surname_Preston", 208], ["List_of_people_with_surname_Preston", 214], ["List_of_people_with_surname_Preston", 190], ["List_of_people_with_surname_Preston", 198], ["List_of_people_with_surname_Preston", 202]]} +{"id": 144168, "predicted_label": "SUPPORTS", "predicted_evidence": [["Vichitra_Jeevitham", 1], ["Daag_-LRB-1973_film-RRB-", 10], ["Radif", 5], ["Radif", 33], ["Daag_-LRB-1973_film-RRB-", 0]]} +{"id": 119636, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_mountain_ranges_of_Pakistan", 0], ["Hindu_Kush", 5], ["List_of_mountain_ranges_of_Pakistan", 15], ["Kush_-LRB-cannabis-RRB-", 1], ["Kuh-e_Bandaka", 5]]} +{"id": 138273, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joe_Walsh", 24], ["Joe_Walsh", 1], ["Joe_Walsh_-LRB-catcher-RRB-", 0], ["Joe_Walsh's_Greatest_Hits_\u2013_Little_Did_He_Know...", 0], ["Barnstorm_-LRB-band-RRB-", 10]]} +{"id": 141600, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_The_Awesomes_episodes", 1], ["List_of_The_Awesomes_episodes", 2], ["Vedam", 9], ["Vedam", 12], ["Vedam", 7]]} +{"id": 121180, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lottery", 1], ["South_Australian_Lotteries", 15], ["Lottery", 3], ["Uthingo_Management_v_Minister_of_Trade_and_Industry", 22], ["Uthingo_Management_v_Minister_of_Trade_and_Industry", 13]]} +{"id": 12088, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 15], ["Global_warming", 12], ["Duncan_Wingham", 5], ["Regional_effects_of_global_warming", 10], ["Regional_effects_of_global_warming", 1]]} +{"id": 28517, "predicted_label": "REFUTES", "predicted_evidence": [["Astrology_and_science", 6], ["Shawn_Carlson", 0], ["JB_Carlson", 2], ["List_of_squid-faced_humanoids", 52], ["JB_Carlson", 1]]} +{"id": 97013, "predicted_label": "SUPPORTS", "predicted_evidence": [["Euston_Films", 2], ["Danger_UXD", 5], ["UXB", 7], ["Deborah_Watling", 6], ["Patsy_Smart", 3]]} +{"id": 208151, "predicted_label": "SUPPORTS", "predicted_evidence": [["Easy_A", 0], ["Bert_V._Royal", 0], ["Dog_Sees_God-COLON-_Confessions_of_a_Teenage_Blockhead", 0], ["Bert_V._Royal", 1], ["Bert_Taylor", 6]]} +{"id": 189777, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matthias_Corvinus", 31], ["Corvin", 10], ["Corvin", 18], ["Vladislaus_II_of_Hungary", 15], ["Corvin", 35]]} +{"id": 63717, "predicted_label": "REFUTES", "predicted_evidence": [["Foundation_for_the_Development_of_Caribbean_Children", 9], ["Schools_Association_for_Formal_Education", 5], ["SUDHAAR", 26], ["List_of_schools_in_Christchurch", 6], ["Schools_Association_for_Formal_Education", 2]]} +{"id": 159714, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 187775, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sterile_Cuckoo_-LRB-novel-RRB-", 4], ["The_Sterile_Cuckoo", 3], ["Julia_-LRB-1977_film-RRB-", 8], ["The_Sterile_Cuckoo", 0], ["The_Sterile_Cuckoo_-LRB-novel-RRB-", 0]]} +{"id": 199423, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["Ellar_Coltrane", 1], ["Dead_Earth_Politics", 1], ["Mason_House", 23], ["Boyhood_-LRB-film-RRB-", 11]]} +{"id": 8926, "predicted_label": "REFUTES", "predicted_evidence": [["Advertising", 0], ["Advertising_Standards_Authority_-LRB-United_Kingdom-RRB-", 7], ["Marketing_communications", 1], ["Advertising_Standards_Authority_-LRB-South_Africa-RRB-", 2], ["Community_marketing", 1]]} +{"id": 60952, "predicted_label": "SUPPORTS", "predicted_evidence": [["Human_trafficking_in_Finland", 0], ["Human_trafficking", 0], ["Human_trafficking_in_the_United_Kingdom", 0], ["Coalition_to_Abolish_Slavery_and_Trafficking", 11], ["Human_trafficking", 7]]} +{"id": 215482, "predicted_label": "REFUTES", "predicted_evidence": [["Science_Fantastic_with_Michio_Kaku", 0], ["Michio_Kaku", 5], ["Michio_Kaku", 0], ["Physics_of_the_Future", 0], ["Michio", 4]]} +{"id": 219140, "predicted_label": "SUPPORTS", "predicted_evidence": [["Valencia", 0], ["Rabies_in_Haiti", 20], ["Leader_Dogs_for_the_Blind", 1], ["Jonathan_Philip_Klein", 6], ["Valencia", 17]]} +{"id": 192709, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Miloslav_Rechcigl,_Sr.", 23], ["North_American_Millers'_Association", 5], ["Miloslav_Rechcigl,_Sr.", 25], ["Minneapolis_Millers", 14], ["Millers_Dale_railway_station", 0]]} +{"id": 19176, "predicted_label": "SUPPORTS", "predicted_evidence": [["Victoria_Palace", 0], ["London_Victoria_station", 0], ["Euston_railway_station", 1], ["Vauxhall_station_-LRB-London-RRB-", 2], ["History_of_the_London_Underground", 4]]} +{"id": 4536, "predicted_label": "REFUTES", "predicted_evidence": [["Eric_Church", 0], ["Eric_Church", 11], ["Haley_Georgia", 0], ["Eric_Church", 12], ["Luke_Laird", 0]]} +{"id": 108439, "predicted_label": "SUPPORTS", "predicted_evidence": [["2006\u20132008_Cuban_transfer_of_presidential_duties", 1], ["2006\u20132008_Cuban_transfer_of_presidential_duties", 0], ["Castro_-LRB-surname-RRB-", 55], ["Religious_views_of_Fidel_Castro", 1], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12]]} +{"id": 41780, "predicted_label": "SUPPORTS", "predicted_evidence": [["Britt_Robertson", 15], ["RuPaul", 13], ["The_First_Time_-LRB-2012_film-RRB-", 0], ["Ellie_Reed_-LRB-actress-RRB-", 2], ["Robertson_-LRB-surname-RRB-", 29]]} +{"id": 161542, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Great_Gatsby-COLON-_Music_from_Baz_Luhrmann's_Film", 0], ["Moulin_Rouge!_Music_from_Baz_Luhrmann's_Film", 1], ["MoZella", 9], ["The_Great_Gatsby_-LRB-disambiguation-RRB-", 18], ["The_Great_Gatsby_-LRB-disambiguation-RRB-", 20]]} +{"id": 114044, "predicted_label": "REFUTES", "predicted_evidence": [["Chrysler_Building", 6], ["Chrysler_Building", 7], ["120_Collins_Street", 15], ["Eiffel_Tower", 10], ["Eiffel_Tower", 8]]} +{"id": 154282, "predicted_label": "REFUTES", "predicted_evidence": [["Soul_Food_-LRB-film-RRB-", 0], ["John_C._Kilkenny", 1], ["Alvin_and_the_Chipmunks-COLON-_The_Squeakquel", 2], ["Lake_Placid_-LRB-film-RRB-", 5], ["Lake_Placid_-LRB-film-RRB-", 6]]} +{"id": 71202, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 0], ["Janelle_Mona\u0301e", 4], ["Janelle_Mona\u0301e", 14], ["Janelle_-LRB-given_names-RRB-", 40]]} +{"id": 183603, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Pixar", 16], ["Pixar", 6]]} +{"id": 92371, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Boxtones", 7], ["Doublefaced", 16], ["56th_Annual_Grammy_Awards", 9], ["Doublefaced", 15], ["56th_Annual_Grammy_Awards", 8]]} +{"id": 194773, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bemidji_High_School", 8], ["Blue_Collar_TV", 0], ["Jeff_Foxworthy", 8], ["Larry_Pickett", 6], ["Larry_Pickett", 0]]} +{"id": 54844, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ministry_of_Joseph_de_Ville\u0300le", 3], ["Magdalene_of_Ju\u0308lich-Cleves-Berg", 12], ["Alfred_E._France", 9], ["Ho\u0302tel_des_Tournelles", 8], ["Index_of_World_War_II_articles_-LRB-F-RRB-", 1612]]} +{"id": 81464, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sekhar", 39], ["Raghu_-LRB-given_name-RRB-", 5], ["Chopra", 53], ["Raja_-LRB-name-RRB-", 9], ["Raja_-LRB-name-RRB-", 111]]} +{"id": 194783, "predicted_label": "REFUTES", "predicted_evidence": [["Fortunes_of_War_-LRB-TV_series-RRB-", 0], ["Fortunes_of_War_-LRB-TV_series-RRB-", 1], ["Emma_Thompson", 2], ["Annie_Thompson", 0], ["Emma_Thompson", 0]]} +{"id": 59862, "predicted_label": "SUPPORTS", "predicted_evidence": [["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["Ethnic_Multicultural_Media_Academy", 8], ["List_of_homeschooled_people", 141], ["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["Emma_Watson_-LRB-disambiguation-RRB-", 3]]} +{"id": 141126, "predicted_label": "REFUTES", "predicted_evidence": [["The_100_-LRB-TV_series-RRB-", 4], ["List_of_The_100_episodes", 2], ["Nuclear_holocaust", 0], ["Ark_Two_Shelter", 18], ["Nuclear_holocaust", 12]]} +{"id": 212330, "predicted_label": "REFUTES", "predicted_evidence": [["Mary-Kate_and_Ashley_Olsen", 0], ["Dualstar", 0], ["New_York_Minute_-LRB-film-RRB-", 0], ["Mary-Kate_and_Ashley_Olsen", 2], ["Mary-Kate_Olsen", 0]]} +{"id": 80417, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Sonny_Digital", 1], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["White_Friday_-LRB-CM9-RRB-", 2], ["Sonny_Digital", 6], ["Mercy_-LRB-GOOD_Music_song-RRB-", 0]]} +{"id": 102044, "predicted_label": "SUPPORTS", "predicted_evidence": [["Global_warming", 13], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 1], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 9], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 8], ["Sea_Ice_Physics_and_Ecosystem_eXperiment", 0]]} +{"id": 185728, "predicted_label": "REFUTES", "predicted_evidence": [["Mani_Ratnam", 1], ["Mani_Ratnam_filmography", 1], ["Dil_Se..", 0], ["Mani_Ratnam", 0], ["Mani_Ratnam_filmography", 0]]} +{"id": 109786, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tenacious_D", 0], ["Tenacious_D_discography", 3], ["Tenacious_D", 1], ["Tenacious_-LRB-horse-RRB-", 8], ["Tenacious_-LRB-horse-RRB-", 4]]} +{"id": 179285, "predicted_label": "SUPPORTS", "predicted_evidence": [["Allergies_in_dogs", 22], ["Elimination_diet", 11], ["Elimination_diet", 6], ["Allergy", 1], ["Elimination_diet", 21]]} +{"id": 148167, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 28], ["Cliche\u0301_-LRB-Hush_Hush-RRB-", 3], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 4], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 12], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 6]]} +{"id": 28325, "predicted_label": "SUPPORTS", "predicted_evidence": [["Muscarinic_acetylcholine_receptor", 0], ["Muscarinic_acetylcholine_receptor_M3", 0], ["Acetylcholine", 18], ["Acetylcholine", 0], ["Muscarinic_antagonist", 0]]} +{"id": 121879, "predicted_label": "REFUTES", "predicted_evidence": [["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3], ["White_House_Press_Secretary", 0], ["Press_gaggle", 0]]} +{"id": 67425, "predicted_label": "SUPPORTS", "predicted_evidence": [["Timeline_of_events_in_Cyprus,_1974", 73], ["Greek_language", 13], ["Greek_language", 14], ["Medieval_Greek", 9], ["Standard_Greek", 8]]} +{"id": 97794, "predicted_label": "REFUTES", "predicted_evidence": [["I_Kissed_a_Girl", 0], ["I_Kissed_a_Girl", 17], ["Kirk_and_Uhura's_kiss", 20], ["Kirk_and_Uhura's_kiss", 61], ["Cordalene", 5]]} +{"id": 165669, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tom_Baker_-LRB-American_actor-RRB-", 4], ["Help_She_Can't_Swim", 5], ["Help_She_Can't_Swim", 20], ["Destination_Nerva", 5], ["Tom_-LRB-given_name-RRB-", 11]]} +{"id": 161858, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Postmedia_Canspell_National_Spelling_Bee", 3], ["Veronica_Penny", 0], ["Spelling_bee_-LRB-disambiguation-RRB-", 19], ["Spelling_bee_-LRB-disambiguation-RRB-", 13], ["Spelling_bee_-LRB-disambiguation-RRB-", 11]]} +{"id": 179277, "predicted_label": "SUPPORTS", "predicted_evidence": [["Disorder", 14], ["Safety_behaviors_-LRB-anxiety-RRB-", 2], ["Tylenol_-LRB-brand-RRB-", 0], ["Robert_L._McNeil,_Jr.", 18], ["Hypercompetition", 8]]} +{"id": 44347, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Velvet_Revolver", 0], ["Martin_Feveyear", 3], ["List_of_Guns_N'_Roses_members", 1], ["Velvet_Revolver", 13]]} +{"id": 31053, "predicted_label": "SUPPORTS", "predicted_evidence": [["Central_Connecticut_State_University", 6], ["Central_Connecticut_State_University", 2], ["List_of_ANAGPIC_meetings", 185], ["List_of_ANAGPIC_meetings", 123], ["List_of_ANAGPIC_meetings", 157]]} +{"id": 205747, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10], ["Richard_L._Bare", 12]]} +{"id": 109747, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["West_Ham_United_F.C._Under-23s", 0], ["1895\u201396_Thames_Ironworks_F.C._season", 9], ["1896\u201397_Thames_Ironworks_F.C._season", 28], ["Thames_Ironworks_F.C.", 10], ["2009\u201310_West_Ham_United_F.C._season", 0]]} +{"id": 181613, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["WGBX-TV", 1], ["WGBH-TV", 1], ["WGBH_-LRB-FM-RRB-", 2], ["Nathaniel_Johnson_-LRB-broadcaster-RRB-", 15], ["WGBX-TV", 8]]} +{"id": 80316, "predicted_label": "SUPPORTS", "predicted_evidence": [["Deepwater_Horizon", 2], ["Tiber_Oil_Field", 1], ["Tiber_Oil_Field", 0], ["Tiber_-LRB-disambiguation-RRB-", 20], ["Marun_Field", 1]]} +{"id": 164648, "predicted_label": "SUPPORTS", "predicted_evidence": [["To_Pimp_a_Butterfly", 12], ["Cryptic_Writings", 12], ["To_Pimp_a_Butterfly", 0], ["To_Pimp_a_Butterfly", 6], ["Jolin_Tsai_discography", 27]]} +{"id": 4455, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edison_Machine_Works", 0], ["Nikola_Tesla", 5], ["Kunihiko_Iwadare", 5], ["John_White_Howell", 44], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6]]} +{"id": 90666, "predicted_label": "SUPPORTS", "predicted_evidence": [["Star_Trek-COLON-_The_Animated_Series", 5], ["Star_Trek", 13]]} +{"id": 135264, "predicted_label": "SUPPORTS", "predicted_evidence": [["Warner_Bros._Cartoons", 11], ["Warner_Bros._Studios,_Burbank", 8], ["Jean_MacCurdy", 19], ["List_of_Nintendo_DS_games", 3], ["Warner_Bros._Studios,_Burbank", 17]]} +{"id": 187109, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mariano_Vivanco", 8], ["Mercedes_Renard", 3], ["Last_Night_-LRB-2010_film-RRB-", 5], ["Last_Night_-LRB-2010_film-RRB-", 1], ["Markus_Klinko", 3]]} +{"id": 197338, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 2], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage", 0], ["Black_Mariah_-LRB-comics-RRB-", 1]]} +{"id": 111203, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Chiaroscuro_Records", 2], ["Chiaroscuro_Records", 3], ["Paul_Tatum", 16], ["Tatum_-LRB-given_name-RRB-", 12], ["Chiaroscuro_Records", 0]]} +{"id": 194793, "predicted_label": "REFUTES", "predicted_evidence": [["Fortunes_of_War_-LRB-TV_series-RRB-", 0], ["Fortunes_of_War_-LRB-TV_series-RRB-", 1], ["The_Magic_Flute_-LRB-2006_film-RRB-", 4], ["Henry_V_-LRB-1989_film-RRB-", 4], ["Henry_V_-LRB-1989_film-RRB-", 5]]} +{"id": 225294, "predicted_label": "SUPPORTS", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 98], ["The_House_-LRB-2017_film-RRB-", 1], ["Tommy_Dewey", 1], ["Benched", 0], ["Richland_Farm_-LRB-Clarksville,_Maryland-RRB-", 26]]} +{"id": 33172, "predicted_label": "SUPPORTS", "predicted_evidence": [["Echoes_of_an_Era", 8], ["Never_Miss_the_Water", 0], ["Dance_Classics_of_Chaka_Khan", 0], ["Echoes_of_an_Era", 9], ["Echoes_of_an_Era", 0]]} +{"id": 88301, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_View_to_a_Kill", 6], ["Licence_to_Kill", 1], ["Licence_to_Kill", 13], ["Casino_Royale_-LRB-2006_film-RRB-", 1], ["A_View_to_a_Kill", 0]]} +{"id": 202989, "predicted_label": "SUPPORTS", "predicted_evidence": [["Robert_J._Stevens", 1], ["Hewson", 34], ["List_of_people_from_Potomac,_Maryland", 3], ["List_of_people_from_Potomac,_Maryland", 74], ["Lockheed_Martin", 4]]} +{"id": 24316, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Melancholia_-LRB-2011_film-RRB-", 0], ["Kirsten_-LRB-given_name-RRB-", 29], ["Melancholia_-LRB-2011_film-RRB-", 14], ["Melancholia_-LRB-2011_film-RRB-", 13], ["Melancholia_-LRB-2011_film-RRB-", 9]]} +{"id": 36468, "predicted_label": "REFUTES", "predicted_evidence": [["Danger_UXB", 0], ["Danger_UXD", 5], ["Index_of_World_War_II_articles_-LRB-D-RRB-", 127], ["UXB", 7], ["Royston_Tickner", 10]]} +{"id": 165880, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joyce_Summers", 1], ["Angel_-LRB-Buffy_the_Vampire_Slayer-RRB-", 2], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 5], ["Buffy_the_Vampire_Slayer_-LRB-disambiguation-RRB-", 7], ["Spike_-LRB-Buffy_the_Vampire_Slayer-RRB-", 13]]} +{"id": 109024, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Homeland", 1], ["Homeland_-LRB-TV_series-RRB-", 3], ["Pilot_-LRB-Homeland-RRB-", 4], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Homeland_-LRB-season_1-RRB-", 2]]} +{"id": 109674, "predicted_label": "REFUTES", "predicted_evidence": [["Bicycle", 4], ["Ferrari_360", 17], ["Claus_process", 23], ["Acetone", 5], ["Peugeot_404", 13]]} +{"id": 184078, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lonergan_-LRB-surname-RRB-", 22], ["Manchester_by_the_Sea_-LRB-film-RRB-", 0], ["Margaret_-LRB-2011_film-RRB-", 0], ["Manchester_by_the_Sea_-LRB-film-RRB-", 1], ["Walter_Lonergan", 10]]} +{"id": 148362, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2007_Champ_Car_season", 0], ["2007_Champ_Car_season", 8], ["Handy_Writers'_Colony", 1], ["Jones_House", 190], ["Jones_House", 48]]} +{"id": 6743, "predicted_label": "SUPPORTS", "predicted_evidence": [["Norwegian_parliamentary_election,_2013", 13], ["Norwegian_parliamentary_election,_2013", 12], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 16], ["2011_Norway_attacks", 9]]} +{"id": 112650, "predicted_label": "REFUTES", "predicted_evidence": [["Rabies", 22], ["Rabies_in_Haiti", 10], ["Rabies_vaccine", 0], ["Rabies_in_Haiti", 0], ["Rabies_immunoglobulin", 0]]} +{"id": 171597, "predicted_label": "SUPPORTS", "predicted_evidence": [["Syracuse,_New_York", 2], ["Syracuse,_New_York", 1], ["Hamilton_White_House", 16], ["Hamilton_White_House", 77], ["Hamilton_White_House", 0]]} +{"id": 42725, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revival", 0], ["Pre-Creedence", 0], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 0], ["Creedence_Clearwater_Revisited", 4]]} +{"id": 204454, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6], ["Brad_Wilk", 4], ["Brad_Wilk", 1]]} +{"id": 225313, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Saturday_Night_Live_-LRB-season_35-RRB-", 9], ["Benched", 0], ["The_House_-LRB-2017_film-RRB-", 1], ["Watkins_-LRB-surname-RRB-", 98], ["Watkins_-LRB-surname-RRB-", 48]]} +{"id": 133032, "predicted_label": "REFUTES", "predicted_evidence": [["My_Plaything", 6], ["Jenna_Jameson", 0], ["ClubJenna", 0], ["Jameson_-LRB-surname-RRB-", 29], ["ClubJenna", 4]]} +{"id": 3545, "predicted_label": "SUPPORTS", "predicted_evidence": [["2012_FA_Community_Shield", 0], ["2012_FA_Community_Shield", 1], ["2012_FA_Community_Shield", 4], ["Villa_Park", 14], ["Villa_Park", 3]]} +{"id": 113570, "predicted_label": "SUPPORTS", "predicted_evidence": [["Taylor_Swift", 23], ["Springsteen_-LRB-song-RRB-", 0], ["Luke_Laird", 2], ["Luke_Laird", 1], ["Springsteen_-LRB-song-RRB-", 15]]} +{"id": 73466, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombian_short-tailed_bat", 1], ["A._colombiana", 5], ["A._colombiana", 0], ["C._colombiana", 3], ["A._colombiana", 3]]} +{"id": 171066, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Princess_Lalla_Meryem_of_Morocco", 20], ["Princess_Lalla_Meryem_of_Morocco", 0], ["Lalla", 1]]} +{"id": 215199, "predicted_label": "SUPPORTS", "predicted_evidence": [["Into_the_Blue", 19], ["Alone_in_the_Dark_-LRB-disambiguation-RRB-", 17], ["Alone_in_the_Dark_-LRB-disambiguation-RRB-", 15], ["The_Lion,_the_Witch_and_the_Wardrobe_-LRB-disambiguation-RRB-", 18], ["Into_the_Blue", 21]]} +{"id": 113505, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Scouting_and_Guiding_in_the_Bahamas", 4], ["Scouting_and_Guiding_in_the_Bahamas", 7], ["The_Scout_Association_of_the_Bahamas", 6], ["The_Scout_Association_of_the_Bahamas", 5], ["The_Scout_Association_of_the_Bahamas", 19]]} +{"id": 145465, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greek_language", 0], ["Medieval_Greek", 9], ["Greek_language", 11], ["Pontic_Greek", 0], ["Standard_Greek", 8]]} +{"id": 172290, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mongkut", 3], ["Anna_and_the_King_of_Siam_-LRB-film-RRB-", 1], ["Anna_and_the_King_of_Siam_-LRB-film-RRB-", 18], ["Bowring_Treaty", 34], ["Anna_and_the_King_of_Siam", 3]]} +{"id": 140010, "predicted_label": "REFUTES", "predicted_evidence": [["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 0], ["Riddick_-LRB-character-RRB-", 0], ["Joseph_Riddick", 14], ["The_Chronicles_of_Riddick", 0], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 5]]} +{"id": 126474, "predicted_label": "SUPPORTS", "predicted_evidence": [["Apta_railway_station", 12], ["Kajol_filmography", 7], ["Kajol", 9], ["Dilwale_Dulhania_Le_Jayenge", 15], ["Filmfare_Award_for_Best_Music_Album", 650]]} +{"id": 161249, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["History_of_Cambodia", 35], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Indochina_Wars", 15], ["Indochina_Wars", 9]]} +{"id": 32432, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["Miranda_Otto", 0], ["Matthew_Chapman_-LRB-author-RRB-", 7], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["In_the_Winter_Dark_-LRB-film-RRB-", 1]]} +{"id": 115054, "predicted_label": "SUPPORTS", "predicted_evidence": [["Never_So_Good", 9], ["Frank_MacMillan_-LRB-politician-RRB-", 17], ["Duncan_MacMillan_-LRB-Nova_Scotia_politician-RRB-", 15], ["Night_of_the_Long_Knives_-LRB-1962-RRB-", 2], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3]]} +{"id": 138900, "predicted_label": "SUPPORTS", "predicted_evidence": [["Walter_Williams_-LRB-painter-RRB-", 5], ["Real_Soon", 7], ["Barbara_Becnel", 1], ["Walter_Williams_-LRB-painter-RRB-", 6], ["Stan_Williams", 19]]} +{"id": 2415, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["First_Red_Scare", 10], ["Muqan_Qaghan", 17], ["Formal_wear", 10], ["Service_dress", 10], ["First_Red_Scare", 5]]} +{"id": 165253, "predicted_label": "SUPPORTS", "predicted_evidence": [["Philip_Glass", 9], ["Musical_theatre", 7], ["Development_of_musical_theatre", 1], ["Development_of_musical_theatre", 5], ["Ken_Bloom", 33]]} +{"id": 10942, "predicted_label": "SUPPORTS", "predicted_evidence": [["Speech_recognition", 2], ["Mehryar_Mohri", 0], ["Speech_recognition", 1], ["Nelson_Morgan", 0], ["Acropolis_Institute_of_Technology_and_Research", 83]]} +{"id": 205644, "predicted_label": "SUPPORTS", "predicted_evidence": [["St._Anger", 3], ["St._Anger", 0], ["St._Anger", 1], ["St._Anger", 9], ["St._Anger", 4]]} +{"id": 153268, "predicted_label": "SUPPORTS", "predicted_evidence": [["Svend", 67], ["Mogens", 59], ["Anders_August", 0], ["Melancholia_-LRB-2011_film-RRB-", 0], ["Anders_August", 9]]} +{"id": 60092, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["David_Packouz", 0], ["Efraim_Diveroli", 3], ["War_Dogs_-LRB-2016_film-RRB-", 2], ["Christian_Va\u0301squez", 46], ["Socie\u0301te\u0301_des_transports_de_Tunis", 1]]} +{"id": 128248, "predicted_label": "REFUTES", "predicted_evidence": [["Tatum_-LRB-given_name-RRB-", 12], ["Tatum_-LRB-given_name-RRB-", 6], ["Tatum_-LRB-given_name-RRB-", 14], ["Tatum_-LRB-given_name-RRB-", 10], ["Paul_Tatum", 5]]} +{"id": 139107, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sayyeshaa", 0], ["Tamil_drama", 4], ["Rajinikanth_filmography", 26], ["Rajinikanth_filmography", 38], ["Tamil_drama", 0]]} +{"id": 194348, "predicted_label": "SUPPORTS", "predicted_evidence": [["Nine_Inch_Nails", 16], ["List_of_awards_and_nominations_received_by_Nine_Inch_Nails", 2], ["Nine_Inch_Nails_discography", 8], ["List_of_Nine_Inch_Nails_band_members", 1], ["Nine_Inch_Nails_discography", 4]]} +{"id": 113504, "predicted_label": "SUPPORTS", "predicted_evidence": [["Organization_for_Human_Brain_Mapping", 10], ["Human_brain", 25], ["Allen_Brain_Atlas", 4], ["Allen_Brain_Atlas", 3], ["Allen_Brain_Atlas", 0]]} +{"id": 105304, "predicted_label": "REFUTES", "predicted_evidence": [["Brazzers", 0], ["Lee_Roy_Myers", 0], ["Daybreak_-LRB-2008_film-RRB-", 0], ["Lee_Roy_Myers", 4], ["Daybreak_-LRB-2008_film-RRB-", 1]]} +{"id": 15983, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 4695, "predicted_label": "SUPPORTS", "predicted_evidence": [["Republic_of_Macedonia", 6], ["Telephone_numbers_in_the_Republic_of_Macedonia", 4], ["Macedonia_naming_dispute", 7], ["Republic_of_Macedonia", 1], ["Republic_of_Macedonia", 8]]} +{"id": 211293, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Over_My_Head_-LRB-Cable_Car-RRB-", 16], ["Fanout_cable", 0], ["Fanout_cable", 2], ["Cable_Atlantic", 10], ["Cable_gland", 0]]} +{"id": 159932, "predicted_label": "SUPPORTS", "predicted_evidence": [["McAuliffe-Shepard_Discovery_Center", 1], ["Christa_McAuliffe_Space_Education_Center", 6], ["Christa_McAuliffe_Space_Education_Center", 0], ["The_Christa_McAuliffe_Prize", 1], ["Steven_J._McAuliffe", 1]]} +{"id": 165121, "predicted_label": "SUPPORTS", "predicted_evidence": [["Iron_Man_2", 0], ["Mickey_Rourke_filmography", 1], ["Mickey_Rourke_filmography", 6], ["Iron_Man_2", 2], ["Mickey_Rourke_filmography", 3]]} +{"id": 65511, "predicted_label": "SUPPORTS", "predicted_evidence": [["Winter's_Tale_-LRB-disambiguation-RRB-", 16], ["Winter's_Tale_-LRB-film-RRB-", 0], ["Winter's_Tale_-LRB-novel-RRB-", 0], ["The_Silent_Gondoliers", 0], ["The_Mists_of_Avalon_-LRB-miniseries-RRB-", 0]]} +{"id": 24152, "predicted_label": "SUPPORTS", "predicted_evidence": [["Janelle_Mona\u0301e", 4], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e_discography", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40]]} +{"id": 44998, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Malaysia_Airlines_destinations", 27], ["Malaysia_Airlines_destinations", 26], ["Malaysia_Airlines_destinations", 23], ["Malaysia_Airlines_destinations", 5], ["Cycling_in_Kuala_Lumpur", 5]]} +{"id": 29352, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hot_Right_Now", 0], ["The_Invisible_Men", 10], ["DJ_Fresh", 8], ["DJ_Fresh_discography", 12], ["Hot_Right_Now", 4]]} +{"id": 189463, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yandex", 1], ["Yandex", 9], ["Yandex.Direct", 9], ["Yandex.Translate", 0], ["Yandex_Browser", 12]]} +{"id": 187003, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Atlantis-COLON-_The_Lost_Continent_Revealed", 6], ["Bermuda_Triangle_-LRB-disambiguation-RRB-", 3], ["The_Bermuda_Triangle_-LRB-book-RRB-", 8], ["The_Bermuda_Triangle_-LRB-book-RRB-", 0], ["Atlantis-COLON-_The_Lost_Continent_Revealed", 9]]} +{"id": 213924, "predicted_label": "REFUTES", "predicted_evidence": [["Howard_Jachter", 3], ["Gray_Matter_Interactive", 0], ["Gray_Matter_Interactive", 1], ["Gray_Matter_Interactive", 5], ["Gray_Matter_Interactive", 6]]} +{"id": 110645, "predicted_label": "SUPPORTS", "predicted_evidence": [["Juanacatla\u0301n_Falls", 32], ["Ben_Affleck_filmography", 20], ["Saw_-LRB-franchise-RRB-", 8], ["Saw_VI", 1], ["Saw_III", 1]]} +{"id": 118885, "predicted_label": "SUPPORTS", "predicted_evidence": [["Love_the_Way_You_Lie", 0], ["This_Is_What_You_Came_For", 15], ["You_da_One", 19], ["Rihanna_videography", 14], ["List_of_awards_and_nominations_received_by_Rihanna", 18]]} +{"id": 87486, "predicted_label": "REFUTES", "predicted_evidence": [["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Andrew_Walker", 19], ["The_Hire-COLON-_The_Follow", 0], ["The_Wolfman_-LRB-2010_film-RRB-", 1], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 133303, "predicted_label": "SUPPORTS", "predicted_evidence": [["Siam_Nakhon_Province", 20], ["Franco-Thai_War", 9], ["Ernest_He\u0301brard", 0], ["Ernest_He\u0301brard", 11], ["Siam_Nakhon_Province", 19]]} +{"id": 204032, "predicted_label": "REFUTES", "predicted_evidence": [["Douglas_Barr", 6], ["Douglas_Barr", 10], ["Scooby-Doo!_Mystery_Incorporated", 14], ["Joseph_Whipp", 6], ["Joseph_Whipp", 5]]} +{"id": 224976, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_gothic_metal_bands", 4], ["Christian_metal", 0], ["Arise_-LRB-film-RRB-", 0], ["Andrew_Haug", 5], ["Canadian_heavy_metal", 5]]} +{"id": 6856, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rapid_River_-LRB-Maine-RRB-", 6], ["Mather_Gorge", 19], ["Coast_Guard_Station_Cape_Disappointment", 40], ["Priest_Rapids", 14], ["Greenleaf_Peak", 0]]} +{"id": 124805, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Age_of_Apocalypse", 5], ["Age_of_Apocalypse", 6], ["Age_of_Apocalypse", 0], ["List_of_PlayStation_3_games_released_on_disc", 13855], ["List_of_PlayStation_3_games_released_on_disc", 13869]]} +{"id": 154303, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Will_Smith_filmography", 8], ["Half-birthday", 2], ["Half-birthday", 1], ["Men_in_Black_II", 0], ["Men_in_Black_II", 3]]} +{"id": 47000, "predicted_label": "REFUTES", "predicted_evidence": [["The_Chronicles_of_Riddick_-LRB-franchise-RRB-", 3], ["Riddick_-LRB-character-RRB-", 1], ["The_Chronicles_of_Riddick-COLON-_Escape_from_Butcher_Bay", 2], ["The_Chronicles_of_Riddick", 1], ["Pitch_Black_-LRB-film-RRB-", 2]]} +{"id": 31769, "predicted_label": "SUPPORTS", "predicted_evidence": [["Green_Arrow", 15], ["Larry_Lance", 0], ["Larry_Lance", 2], ["Sara_Lance", 1], ["Black_Canary", 13]]} +{"id": 11194, "predicted_label": "REFUTES", "predicted_evidence": [["Ashley_Cole", 0], ["Cyrenus_Cole", 3], ["Douglas_Cole_-LRB-historian-RRB-", 6], ["Chris_Nathaniel", 42], ["Chris_Nathaniel", 29]]} +{"id": 54540, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["In_the_Footsteps_of_Marco_Polo", 0], ["Marco_Polo_Cycling_Club", 22], ["Marco_Polo_-LRB-opera-RRB-", 3], ["Polo_-LRB-surname-RRB-", 5], ["Early_western_influence_in_Fujian", 8]]} +{"id": 146056, "predicted_label": "REFUTES", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["Eddie_Murphy", 13], ["Life_-LRB-1999_film-RRB-", 1], ["Dr._Dolittle_2", 1], ["The_Adventures_of_Pluto_Nash", 1]]} +{"id": 148375, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Manson", 13], ["Families_Advocating_for_Campus_Equality", 6], ["Earl_Ehrhart", 57], ["Earl_Ehrhart", 56], ["Earl_Ehrhart", 59]]} +{"id": 179293, "predicted_label": "REFUTES", "predicted_evidence": [["Clinical_Data,_Inc", 50], ["Tylenol_-LRB-brand-RRB-", 0], ["Robert_L._McNeil,_Jr.", 18], ["Hypercompetition", 8], ["Clinical_Data,_Inc", 12]]} +{"id": 204035, "predicted_label": "SUPPORTS", "predicted_evidence": [["Amanda_Peet", 5], ["Down_with_Love", 0], ["Lily_Collins", 13], ["Romantic_comedy_film", 1], ["Romantic_comedy_film", 0]]} +{"id": 106926, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Weekend_-LRB-Homeland-RRB-", 6], ["Carrie_Mathison", 2], ["Pilot_-LRB-Homeland-RRB-", 4], ["Carrie_Mathison", 0], ["Bruiser_Brody_Memorial_Cup", 24]]} +{"id": 89789, "predicted_label": "REFUTES", "predicted_evidence": [["Reid", 40], ["Neel_Reid", 0], ["Reid", 94], ["Reid", 86], ["Reid", 234]]} +{"id": 84669, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mutable_sign", 13], ["Cardinal_sign_-LRB-astrology-RRB-", 22], ["Mutable_sign", 17], ["Mutable_sign", 11], ["Fixed_sign", 9]]} +{"id": 111646, "predicted_label": "SUPPORTS", "predicted_evidence": [["Match_point", 5], ["Match_Point", 0], ["Take_the_Money_and_Run", 4], ["Gareth_Wiley", 5], ["Match_Point", 9]]} +{"id": 216367, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hungarian_prehistory", 7], ["Hungarian_prehistory", 9], ["Chagatai_people", 7], ["Chagatai", 9], ["Chagatai_Khan", 2]]} +{"id": 137076, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jim_Jonsin", 6], ["No_Love", 0], ["No_Love", 6], ["No_Love", 16], ["Drop_the_World", 2]]} +{"id": 204458, "predicted_label": "REFUTES", "predicted_evidence": [["Brad_Wilk", 4], ["Tom_Morello_discography", 5], ["Rage_Against_the_Machine", 1], ["Lock_Up_-LRB-American_band-RRB-", 25], ["Wilk", 17]]} +{"id": 197366, "predicted_label": "REFUTES", "predicted_evidence": [["Orquesta_Sinfo\u0301nica_Simo\u0301n_Boli\u0301var", 0], ["Simo\u0301n_Boli\u0301var,_Anzoa\u0301tegui", 2], ["Simo\u0301n_Boli\u0301var,_Miranda", 2], ["Simo\u0301n_Boli\u0301var,_Miranda", 0], ["Simo\u0301n_Boli\u0301var_International_Airport", 5]]} +{"id": 111153, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Caroline_Kennedy", 9], ["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Caroline_Kennedy", 4]]} +{"id": 142873, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Uranium-234", 28], ["Peak_uranium", 27], ["Depleted_uranium", 11]]} +{"id": 171079, "predicted_label": "REFUTES", "predicted_evidence": [["Lalla_Ward", 0], ["Lalla_-LRB-disambiguation-RRB-", 16], ["Princess_Lalla_Meryem_of_Morocco", 20], ["Princess_Lalla_Meryem_of_Morocco", 0], ["Lalla", 1]]} +{"id": 150412, "predicted_label": "REFUTES", "predicted_evidence": [["The_Confessions_of_Aleister_Crowley", 0], ["Karl_Germer", 0], ["Karl_Germer", 1], ["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["The_Magical_Revival", 3]]} +{"id": 120593, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rhythm_Nation", 9], ["Rhythm_Nation", 0], ["Janet_Jackson's_Rhythm_Nation_1814", 23], ["Janet_Jackson's_Rhythm_Nation_1814", 21], ["Janet_Jackson's_Rhythm_Nation_1814", 22]]} +{"id": 14204, "predicted_label": "SUPPORTS", "predicted_evidence": [["Charles_V,_Holy_Roman_Emperor", 17], ["Two_guineas_-LRB-British_coin-RRB-", 61], ["Charles_V,_Holy_Roman_Emperor", 18], ["Charles_V,_Holy_Roman_Emperor", 16], ["Two_guineas_-LRB-British_coin-RRB-", 39]]} +{"id": 202025, "predicted_label": "SUPPORTS", "predicted_evidence": [["Boston_Marathon_bombing", 5], ["Dzhokhar_Tsarnaev", 1], ["Boston_Marathon_bombing", 3], ["2011_Waltham_triple_murder", 7], ["2011_Waltham_triple_murder", 14]]} +{"id": 145072, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["San_Giorgio_Maggiore,_Naples", 1], ["San_Giorgio_Maggiore,_Naples", 0], ["Andrea_De_Jorio", 12], ["Giovanni_da_Nola", 3], ["San_Gennaro_-LRB-disambiguation-RRB-", 34]]} +{"id": 119066, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chris_Kyle", 0], ["Kevin_Lacz", 0], ["Kyle_-LRB-surname-RRB-", 22], ["Brandon_Webb_-LRB-author-RRB-", 0], ["Brandon_Webb_-LRB-author-RRB-", 1]]} +{"id": 45297, "predicted_label": "SUPPORTS", "predicted_evidence": [["News_International_phone_hacking_scandal", 3], ["James_Murdoch", 0], ["News_Corporation_takeover_bid_for_BSkyB", 0], ["News_Corp_Australia", 15], ["News_International_phone_hacking_scandal", 14]]} +{"id": 95322, "predicted_label": "SUPPORTS", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 8], ["Renato_Balestra", 46], ["Renato_Balestra", 19], ["Renato_Balestra", 30]]} +{"id": 79222, "predicted_label": "REFUTES", "predicted_evidence": [["Dilwale_Dulhania_Le_Jayenge", 7], ["Aditya_Chopra", 1], ["Kajol", 9], ["Kajol_filmography", 7], ["Filmfare_Award_for_Best_Music_Album", 650]]} +{"id": 44610, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["Economy_of_South_Korea", 17], ["Economy_of_South_Korea", 9], ["Economy_of_South_Korea", 21]]} +{"id": 60695, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Diamond_-LRB-surname-RRB-", 72], ["Red_Red_Wine", 0], ["Red_Red_Wine", 5], ["Love_on_the_Rocks_-LRB-Neil_Diamond_song-RRB-", 0], ["The_Essential_Neil_Diamond", 0]]} +{"id": 26804, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jolin_Tsai_filmography", 7], ["Bolt_-LRB-2008_film-RRB-", 2], ["Zootopia", 2], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 15], ["Byron_Howard", 0]]} +{"id": 158208, "predicted_label": "SUPPORTS", "predicted_evidence": [["Late_Show_with_David_Letterman", 10], ["The_Late_Show", 5], ["The_Late_Show_with_Stephen_Colbert", 0], ["The_Late_Show", 15], ["Stephen_Colbert's_AmeriCone_Dream", 0]]} +{"id": 198038, "predicted_label": "SUPPORTS", "predicted_evidence": [["New_York_City_Landmarks_Preservation_Commission", 0], ["Lists_of_New_York_City_landmarks", 0], ["Pyramid_Club", 20], ["Dorothy_Miner", 9], ["Van_Tassell_and_Kearney_Horse_Auction_Mart", 3]]} +{"id": 101000, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 6], ["Luke_Cage", 1], ["List_of_Marvel_Cinematic_Universe_television_series", 13], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage_-LRB-season_1-RRB-", 6]]} +{"id": 86635, "predicted_label": "REFUTES", "predicted_evidence": [["Janelle_Mona\u0301e_discography", 4], ["The_ArchAndroid", 0], ["Janelle_Mona\u0301e", 0], ["Janelle_-LRB-given_names-RRB-", 40], ["Janelle_Mona\u0301e_discography", 0]]} +{"id": 145516, "predicted_label": "SUPPORTS", "predicted_evidence": [["Magic_Johnson_Enterprises", 7], ["Magic_Johnson_Enterprises", 2], ["Magic_Johnson_Enterprises", 0], ["Magic_Johnson_-LRB-disambiguation-RRB-", 6], ["Magic_Johnson_-LRB-disambiguation-RRB-", 8]]} +{"id": 103014, "predicted_label": "SUPPORTS", "predicted_evidence": [["African_Romance", 0], ["African_Romance", 1], ["Vedam", 9], ["Allu_Arjun,_roles_and_awards", 27], ["Allu_Arjun,_roles_and_awards", 28]]} +{"id": 113754, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Berlin_border_crossings", 1], ["Kathlamet", 28], ["Kathlamet", 27], ["Eagle_Creek_-LRB-Multnomah_County,_Oregon-RRB-", 7], ["Coast_Guard_Station_Cape_Disappointment", 13]]} +{"id": 200260, "predicted_label": "REFUTES", "predicted_evidence": [["Popcorn_-LRB-novel-RRB-", 1], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 3], ["What_Would_You_Do?_-LRB-Tha_Dogg_Pound_song-RRB-", 2], ["List_of_Natural_Born_Killers_characters", 0], ["Natural_Born_Killers", 0]]} +{"id": 215215, "predicted_label": "REFUTES", "predicted_evidence": [["The_Best_Damn_Sports_Show_Period", 0], ["Bound_for_Glory_-LRB-TV_series-RRB-", 0], ["Davis_Miller", 11], ["Bound_for_Glory_-LRB-TV_series-RRB-", 17], ["Davis_Miller", 38]]} +{"id": 125262, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Ajay_Devgn", 0], ["Veeru_Devgan", 0], ["Anil_Devgan", 0], ["Devgan", 6]]} +{"id": 179344, "predicted_label": "SUPPORTS", "predicted_evidence": [["Osamu_Tezuka", 6], ["List_of_Osamu_Tezuka_manga", 5], ["Pluto_-LRB-manga-RRB-", 5], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 2]]} +{"id": 117555, "predicted_label": "REFUTES", "predicted_evidence": [["Jonathan_Faulknor_the_elder", 6], ["Mirny", 36], ["Jonathan_Faulknor_the_elder", 8], ["Jonathan_Faulknor_the_elder", 1], ["Jonathan_Faulknor_the_elder", 5]]} +{"id": 153698, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["First_Daughter", 10], ["First_Daughter", 0], ["First_Daughter", 4], ["First_Daughter", 6]]} +{"id": 86919, "predicted_label": "SUPPORTS", "predicted_evidence": [["Prophets_of_Da_City", 54], ["Hip_hop_music", 11], ["Hip_hop_music", 31], ["Hip_hop_music", 4], ["Hip_hop_music", 0]]} +{"id": 173734, "predicted_label": "REFUTES", "predicted_evidence": [["Earl_Scruggs", 0], ["Scruggs", 9], ["Scruggs_style", 14], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 140], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 218]]} +{"id": 86677, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lockheed_Martin", 10], ["Lockheed_Martin_Aeronautics", 4], ["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 7], ["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 20], ["Lockheed_Martin_Aeronautics", 9]]} +{"id": 153298, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_P._Navin_Jr.", 1], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5], ["Tom_Cruise-COLON-_Unauthorized", 0]]} +{"id": 100194, "predicted_label": "REFUTES", "predicted_evidence": [["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 55], ["Timeline_of_Class_I_railroads_-LRB-1977\u2013present-RRB-", 106], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 330], ["Timeline_of_Class_I_railroads_-LRB-1910\u201329-RRB-", 14], ["Timeline_of_Class_I_railroads_-LRB-1930\u201376-RRB-", 122]]} +{"id": 62861, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["War_Dogs_-LRB-2016_film-RRB-", 2], ["Efraim_Diveroli", 3], ["David_Packouz", 0], ["List_of_cities_by_GDP", 2645], ["List_of_cities_by_GDP", 2700]]} +{"id": 130946, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["STOP_Foodborne_Illness", 0], ["Food_Safety_News", 4], ["List_of_foodborne_illness_outbreaks", 0], ["STOP_Foodborne_Illness", 1], ["Food_Safety_News", 2]]} +{"id": 194014, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chairman_of_the_State_Affairs_Commission", 11], ["Kim_Jong-il", 16], ["O_Jin-u", 16], ["Kim_Jong-il", 3], ["Chairman_of_the_State_Affairs_Commission", 3]]} +{"id": 159698, "predicted_label": "REFUTES", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 108279, "predicted_label": "REFUTES", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 3], ["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Loaded_-LRB-band-RRB-", 0], ["Loaded_-LRB-band-RRB-", 1], ["Velvet_Revolver", 0]]} +{"id": 89419, "predicted_label": "REFUTES", "predicted_evidence": [["Peking_University", 1], ["Beijing_International_MBA_at_Peking_University", 1], ["Beijing_International_MBA_at_Peking_University", 0], ["Affiliated_High_School_of_Peking_University", 5], ["Affiliated_High_School_of_Peking_University", 0]]} +{"id": 173115, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joe_Sullivan_-LRB-pitcher-RRB-", 42], ["Ann_Sullivan", 3], ["Macy_-LRB-surname-RRB-", 4], ["Natural_causes_-LRB-disambiguation-RRB-", 13], ["Natural_causes_-LRB-disambiguation-RRB-", 19]]} +{"id": 48238, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Inauguration_of_Bill_Clinton", 3], ["First_inauguration_of_Bill_Clinton", 0], ["John_S._Hilliard", 39], ["On_the_Pulse_of_Morning", 0], ["First_inauguration_of_Bill_Clinton", 1]]} +{"id": 6539, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jack_Falahee", 0], ["Connor_Walsh_-LRB-How_to_Get_Away_with_Murder-RRB-", 2], ["How_to_Get_Away_with_Murder", 6], ["Matthew_Buchanan", 1], ["Year_1900_problem", 5]]} +{"id": 82883, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Norah_Jones", 8], ["Sarah_McLachlan_discography", 43], ["Sarah_McLachlan_discography", 33], ["List_of_awards_and_nominations_received_by_Bruno_Mars", 14], ["List_of_awards_and_nominations_received_by_Rihanna", 19]]} +{"id": 151125, "predicted_label": "REFUTES", "predicted_evidence": [["Sean_Penn", 5], ["Carlito's_Way", 0], ["J/P_Haitian_Relief_Organization", 1], ["J/P_Haitian_Relief_Organization", 43], ["Carlito's_Way", 11]]} +{"id": 204451, "predicted_label": "SUPPORTS", "predicted_evidence": [["Audioslave", 1], ["Brad_Wilk", 4], ["Rage_Against_the_Machine", 1], ["Lock_Up_-LRB-American_band-RRB-", 25], ["Tom_Morello_discography", 5]]} +{"id": 12762, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stan_Beeman", 0], ["List_of_Haruhi_Suzumiya_character_song_singles", 0], ["Stan_Beeman", 2], ["Beeman's_algorithm", 7], ["2014_TVB_Anniversary_Awards", 15]]} +{"id": 50526, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Heart", 19], ["Vagal_tone", 7], ["Exercise_and_music", 8], ["Exercise_and_music", 15], ["Heart", 24]]} +{"id": 62907, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chrysler_Building", 1], ["Vanity_height", 6], ["Vanity_height", 10], ["List_of_tallest_buildings_in_Los_Angeles", 25], ["Chrysler_Building", 5]]} +{"id": 115036, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sheryl_Lee_Ralph", 11], ["Sheryl_Lee_Ralph", 0], ["Don_Wix", 5], ["Sheryl_Lee_Ralph", 4], ["Sheryl_Lee_Ralph", 5]]} +{"id": 119891, "predicted_label": "REFUTES", "predicted_evidence": [["Persistent_vegetative_state", 1], ["Persistent_vegetative_state", 0], ["Paul_Brophy", 0], ["Paul_Brophy", 17], ["Paul_Brophy", 5]]} +{"id": 172757, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Family_Kingdom_Amusement_Park", 0], ["Wonderland_Amusement_Park", 23], ["Family_Kingdom_Amusement_Park", 1], ["Savin_Rock_Amusement_Park", 5], ["Cedar_Point", 9]]} +{"id": 34496, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Email_filtering", 5], ["Microsoft_Exchange_Hosted_Services", 0], ["Email_filtering", 4], ["Email_filtering", 0], ["Mailwasher", 0]]} +{"id": 71479, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_The_Daily_Show_episodes", 11], ["The_Daily_Show", 6], ["The_Daily_Show", 0], ["List_of_The_Daily_Show_episodes", 12], ["The_Daily_Show", 2]]} +{"id": 207519, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 23], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["The_X_Factor_-LRB-UK_series_11-RRB-", 7], ["The_X_Factor_-LRB-UK_series_11-RRB-", 3], ["The_X_Factor_-LRB-UK_series_11-RRB-", 4]]} +{"id": 101558, "predicted_label": "SUPPORTS", "predicted_evidence": [["NRG_Recording_Studios", 0], ["NRG", 27], ["Jaz-O", 0], ["Jay_Z_albums_discography", 9], ["Watch_the_Throne", 1]]} +{"id": 10040, "predicted_label": "REFUTES", "predicted_evidence": [["Del_Toro_-LRB-surname-RRB-", 12], ["Guillermo_del_Toro", 0], ["Mimic_-LRB-film-RRB-", 0], ["Sundown_-LRB-video_game-RRB-", 1], ["Sundown_-LRB-video_game-RRB-", 0]]} +{"id": 169020, "predicted_label": "SUPPORTS", "predicted_evidence": [["Indian_general_election,_2009", 17], ["Manmohan_Singh", 1], ["First_Manmohan_Singh_ministry", 2], ["Manmohan_Singh", 10], ["Manmohan_Singh_ministry", 3]]} +{"id": 26155, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_legendary_creatures_-LRB-S-RRB-", 44], ["List_of_legendary_creatures_-LRB-S-RRB-", 46], ["List_of_legendary_creatures_-LRB-S-RRB-", 52], ["Sleipnir", 6], ["List_of_legendary_creatures_-LRB-S-RRB-", 162]]} +{"id": 33011, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vincent_Bugliosi", 2], ["Marilyn_Manson_-LRB-band-RRB-", 9], ["Vincent_Bugliosi", 11], ["The_Family_Jams_-LRB-Manson_Family_album-RRB-", 10], ["One_Mind", 2]]} +{"id": 50850, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Emma_Watson_-LRB-disambiguation-RRB-", 0], ["Beauty_and_the_Beast_-LRB-2017_film-RRB-", 2], ["David_Nolan_-LRB-British_author-RRB-", 36], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 925], ["List_of_Harry_Potter_cast_members", 19]]} +{"id": 58707, "predicted_label": "REFUTES", "predicted_evidence": [["Sandler", 22], ["Happy_Madison_Productions", 17], ["Jack_Giarraputo", 3], ["Canteen_Boy", 0], ["Canteen_Boy", 22]]} +{"id": 28013, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Russian_Ball_of_Washington,_DC", 2], ["Ice_-LRB-Kelly_Rowland_song-RRB-", 3], ["Leonard_Fisher", 0], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5]]} +{"id": 165917, "predicted_label": "SUPPORTS", "predicted_evidence": [["Alice_Cooper", 0], ["Billion_Dollar_Babies_-LRB-song-RRB-", 10], ["Alice_Cooper", 10], ["Billion_Dollar_Babies_-LRB-song-RRB-", 9], ["Neal_Smith_-LRB-drummer-RRB-", 14]]} +{"id": 212776, "predicted_label": "SUPPORTS", "predicted_evidence": [["Harvard_University", 8], ["Princeton_University_Graduate_College", 3], ["Princeton_University_Graduate_College", 10], ["Princeton_University_Graduate_College", 0], ["Princeton_University_Graduate_College", 13]]} +{"id": 131765, "predicted_label": "REFUTES", "predicted_evidence": [["The_Dark_Knight_Rises", 0], ["Batman_-LRB-film-RRB-", 12], ["Batman_-LRB-film-RRB-", 14], ["Batman_-LRB-film-RRB-", 16], ["Nolan", 28]]} +{"id": 60840, "predicted_label": "REFUTES", "predicted_evidence": [["Radio_Radio_Radio", 7], ["The_Influents", 11], ["Billie_Joe", 2], ["Pinhead_Gunpowder", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 206169, "predicted_label": "REFUTES", "predicted_evidence": [["El_Palo_Alto", 0], ["East_Palo_Alto,_California", 0], ["Palo_Alto_Weekly", 15], ["East_Palo_Alto,_California", 20], ["Cubberley_Community_Center", 0]]} +{"id": 85895, "predicted_label": "SUPPORTS", "predicted_evidence": [["Garden_State_Film_Festival", 9], ["Garden_State_Stakes", 0], ["Garden_State_Film_Festival", 15], ["Garden_State_Film_Festival", 8], ["Garden_State", 3]]} +{"id": 54058, "predicted_label": "SUPPORTS", "predicted_evidence": [["1494_in_France", 0], ["1494", 0], ["Pietro_Casola", 1], ["1494_in_Ireland", 0], ["Francis_I", 9]]} +{"id": 195840, "predicted_label": "SUPPORTS", "predicted_evidence": [["Weekly_Idol", 1], ["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Hyeong", 16]]} +{"id": 228324, "predicted_label": "SUPPORTS", "predicted_evidence": [["Island_Records_-LRB-disambiguation-RRB-", 2], ["Island_Records", 1], ["Island_Records", 12], ["Ron_Rogers", 7], ["Island_Records", 10]]} +{"id": 133963, "predicted_label": "REFUTES", "predicted_evidence": [["1940\u201346_in_the_Vietnam_War", 5], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 23], ["Siam_Nakhon_Province", 20], ["Siam_Nakhon_Province", 19], ["Franco-Thai_War", 3]]} +{"id": 99007, "predicted_label": "SUPPORTS", "predicted_evidence": [["Riverdale_-LRB-2017_TV_series-RRB-", 2], ["Chapter_One-COLON-_The_River's_Edge", 0], ["Chilling_Adventures_of_Sabrina", 1], ["Chapter_One-COLON-_The_River's_Edge", 1], ["Sacasa", 14]]} +{"id": 98110, "predicted_label": "REFUTES", "predicted_evidence": [["Vainakhia", 6], ["Abukhadzhi_Idrisov", 0], ["Mountain_Autonomous_Soviet_Socialist_Republic", 11], ["Sulom-Beck_Oskanov", 1], ["Sulom-Beck_Oskanov", 3]]} +{"id": 110504, "predicted_label": "REFUTES", "predicted_evidence": [["The_Mighty_Ducks", 1], ["D2-COLON-_The_Mighty_Ducks", 2], ["Chris_O'Sullivan", 25], ["D2-COLON-_The_Mighty_Ducks", 0], ["The_Mighty_Ducks", 6]]} +{"id": 64373, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Liverpool_City_Centre", 13], ["Liverpool_City_Centre", 10], ["Liverpool_City_Centre", 3], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 191], ["List_of_works_by_Hugh_Boyd_M\u2018Neile", 129]]} +{"id": 148610, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Uranium", 30], ["Uranium-234", 30], ["Depleted_uranium", 11], ["Peak_uranium", 3], ["Uranium-234", 15]]} +{"id": 78162, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Andrew_Walker", 19], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["X-Men_-LRB-film-RRB-", 9], ["Event_Horizon_-LRB-film-RRB-", 1], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 207384, "predicted_label": "SUPPORTS", "predicted_evidence": [["Efraim_Diveroli", 6], ["David_Packouz", 3], ["AEY", 9], ["Ephraim_-LRB-given_name-RRB-", 30], ["War_Dogs_-LRB-2016_film-RRB-", 2]]} +{"id": 77377, "predicted_label": "SUPPORTS", "predicted_evidence": [["Virtual_field_trip", 25], ["World_Wide_Web_Virtual_Library", 0], ["World_Wide_Web", 0], ["International_World_Wide_Web_Conference", 0], ["World_Wide_Web", 6]]} +{"id": 113247, "predicted_label": "REFUTES", "predicted_evidence": [["Black_Reel_Awards_of_2016", 4], ["Black_Reel_Awards_of_2016", 8], ["Henry_Jordan_-LRB-politician-RRB-", 18], ["Harvey_E._Jordan", 15], ["Bill_Jordan_-LRB-Marine-RRB-", 25]]} +{"id": 99301, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Cinema_of_Spain", 10], ["Open_Your_Eyes_-LRB-1997_film-RRB-", 1], ["Nine_-LRB-2009_live-action_film-RRB-", 3], ["Cinema_of_Spain", 15]]} +{"id": 143429, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["Electoral_history_of_Mike_Huckabee", 0], ["David_Huckabee", 1], ["West_Virginia_Republican_caucuses_and_primary,_2008", 0], ["West_Virginia_Republican_caucuses_and_primary,_2008", 13]]} +{"id": 103951, "predicted_label": "SUPPORTS", "predicted_evidence": [["Insulindia", 4], ["History_of_Southeast_Asia", 1], ["History_of_Southeast_Asia", 4], ["First_Indochina_War", 0], ["Indochina_Wars", 0]]} +{"id": 106209, "predicted_label": "SUPPORTS", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_knobs", 108], ["List_of_mountains_of_the_Alleghenies", 0], ["List_of_mountains_of_the_Alleghenies", 70], ["List_of_mountains_of_the_Alleghenies", 68]]} +{"id": 92961, "predicted_label": "SUPPORTS", "predicted_evidence": [["Folkloristics", 58], ["Folkloristics", 8], ["Can_You_Top_This?", 21], ["Conditional_joke", 9], ["Blonde_joke", 11]]} +{"id": 62453, "predicted_label": "SUPPORTS", "predicted_evidence": [["Noticiero_Telemundo", 0], ["Noticias_Telemundo", 0], ["List_of_Telemundo_affiliates_-LRB-by_U.S._state-RRB-", 0], ["Telemundo", 0], ["Marido_en_alquiler", 0]]} +{"id": 215123, "predicted_label": "REFUTES", "predicted_evidence": [["Private_Lives_-LRB-disambiguation-RRB-", 5], ["Private_Lives_-LRB-disambiguation-RRB-", 3], ["Private_Lives_-LRB-disambiguation-RRB-", 0], ["Zai\u0308re_-LRB-play-RRB-", 0], ["Three_Act_Tragedy", 6]]} +{"id": 127956, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam_Radio", 4], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 6], ["Pearl_Jam_Radio", 0], ["Pearl_Jam_2012_Tour", 8], ["Pearl_Jam_discography", 8]]} +{"id": 83366, "predicted_label": "REFUTES", "predicted_evidence": [["Black_Reel_Awards_of_2016", 4], ["Black_Reel_Awards_of_2016", 8], ["Beware_of_Christians", 1], ["One_Nation_Under_God_-LRB-film-RRB-", 1], ["Jared_Hedges", 7]]} +{"id": 1597, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bounty_Hunter_Bloods", 0], ["Gangs_in_Memphis,_Tennessee", 8], ["Bounty_Hunter_Bloods", 6], ["Horse_breed", 3], ["Blue_Bloods", 5]]} +{"id": 108162, "predicted_label": "SUPPORTS", "predicted_evidence": [["Showtime_-LRB-South_Korean_TV_series-RRB-", 1], ["Showtime_-LRB-South_Korean_TV_series-RRB-", 2], ["Infinite_expression", 0], ["Infinite_expression", 4], ["Dovetailing_-LRB-computer_science-RRB-", 4]]} +{"id": 172758, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Po\u0301voa_de_Varzim_beaches", 21], ["Po\u0301voa_de_Varzim_beaches", 19], ["Po\u0301voa_de_Varzim_beaches", 37], ["Po\u0301voa_de_Varzim_beaches", 41], ["Po\u0301voa_de_Varzim_beaches", 31]]} +{"id": 11580, "predicted_label": "REFUTES", "predicted_evidence": [["Soyuz_7K-OK", 2], ["Soyuz_7K-T", 20], ["Soyuz_7K-OK", 9], ["Soyuz_7K-L1", 57], ["Soyuz-2", 18]]} +{"id": 226135, "predicted_label": "REFUTES", "predicted_evidence": [["Richard_Dawkins", 16], ["Out_Campaign", 27], ["Dan_Rhodes", 11], ["Dawkins", 38], ["Over_Norton_Park", 5]]} +{"id": 43545, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Winthrop_-LRB-crater-RRB-", 1], ["Louis_Earl_Goodman", 0], ["List_of_Devilman_episodes", 14], ["Akira_Watanabe", 3], ["Akira_Watanabe", 0]]} +{"id": 139666, "predicted_label": "SUPPORTS", "predicted_evidence": [["University_of_Mississippi", 4], ["Moyle_Park_College", 16], ["Changchun_University_of_Science_and_Technology", 20], ["University_of_Mississippi", 0], ["Credential_evaluation", 11]]} +{"id": 163972, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_X-Men_-LRB-TV_series-RRB-_episodes", 5], ["Northwest_Georgia_Threatened_Historic_Sites_Project", 1], ["Northwest_Georgia_Threatened_Historic_Sites_Project", 0], ["Veeram_-LRB-2014_film-RRB-", 0], ["Veeram", 0]]} +{"id": 193899, "predicted_label": "REFUTES", "predicted_evidence": [["Billy_Goldenberg", 19], ["Bea_Arthur", 0], ["Billy_Goldenberg", 22], ["Billy_Goldenberg", 18], ["Bea_-LRB-given_name-RRB-", 6]]} +{"id": 11431, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_inauguration_of_Bill_Clinton", 0], ["List_of_international_presidential_trips_made_by_Bill_Clinton", 0], ["Impeachment_of_Bill_Clinton", 0], ["Bill_Clinton_sexual_misconduct_allegations", 0], ["First_inauguration_of_Bill_Clinton", 2]]} +{"id": 225293, "predicted_label": "SUPPORTS", "predicted_evidence": [["Thanks_for_Sharing", 1], ["Casual_-LRB-TV_series-RRB-", 1], ["Tommy_Dewey", 1], ["Watkins_-LRB-surname-RRB-", 98], ["Richland_Farm_-LRB-Clarksville,_Maryland-RRB-", 18]]} +{"id": 2316, "predicted_label": "SUPPORTS", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["Atmosphere_and_Telescope_Simulator", 9], ["Atmosphere_and_Telescope_Simulator", 10]]} +{"id": 219301, "predicted_label": "REFUTES", "predicted_evidence": [["Capsicum_chinense", 0], ["Bhut_jolokia", 1], ["List_of_plants_of_Burkina_Faso", 791], ["Adjuma", 0], ["Capsicum_baccatum", 9]]} +{"id": 90038, "predicted_label": "SUPPORTS", "predicted_evidence": [["City_of_Angels_-LRB-Thirty_Seconds_to_Mars_song-RRB-", 8], ["Do_or_Die_-LRB-Thirty_Seconds_to_Mars_song-RRB-", 11], ["Conquistador_-LRB-Thirty_Seconds_to_Mars_song-RRB-", 8], ["City_of_Angels_-LRB-Thirty_Seconds_to_Mars_song-RRB-", 17], ["Conquistador_-LRB-Thirty_Seconds_to_Mars_song-RRB-", 0]]} +{"id": 122252, "predicted_label": "REFUTES", "predicted_evidence": [["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Mirny", 36], ["Fabian_Gottlieb_von_Bellingshausen", 10], ["Fabian_Gottlieb_von_Bellingshausen", 17], ["3rd_Soviet_Antarctic_Expedition", 0]]} +{"id": 88997, "predicted_label": "REFUTES", "predicted_evidence": [["Indian_Institute_of_Management_-LRB-disambiguation-RRB-", 9], ["IIM_Alumni", 6], ["B._S._Sahay", 10], ["Bangalore", 19], ["Bangalore", 6]]} +{"id": 5575, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Black_Reel_Awards_of_2016", 4], ["Black_Reel_Awards_of_2016", 8], ["One_Nation_Under_God_-LRB-film-RRB-", 1], ["Jared_Hedges", 7], ["Caramba_-LRB-band-RRB-", 4]]} +{"id": 125381, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Jennifer_Lawrence", 0], ["List_of_awards_and_nominations_received_by_Leonardo_DiCaprio", 1], ["Ben_Affleck", 1], ["Philomena_-LRB-film-RRB-", 9], ["List_of_accolades_received_by_Philomena_-LRB-film-RRB-", 16]]} +{"id": 143029, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_L.F.C.", 0], ["Tottenham_Hotspur_L.F.C.", 3], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["List_of_Tottenham_Hotspur_F.C._players", 14], ["Bobby_Buckle", 0]]} +{"id": 26378, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Percy_Jackson_&_the_Olympians-COLON-_The_Lightning_Thief", 3], ["Percy_Jackson_&_the_Olympians-COLON-_The_Lightning_Thief", 2], ["Kenny_Woods", 18], ["Anthony_Meindl", 20], ["Pilot_-LRB-White_Collar-RRB-", 8]]} +{"id": 140556, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kleshas_-LRB-Buddhism-RRB-", 5], ["Kleshas_-LRB-Buddhism-RRB-", 9], ["Kleshas_-LRB-Buddhism-RRB-", 0], ["Kleshas", 5], ["Kleshas", 0]]} +{"id": 75974, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Australian_insolvency_law", 0], ["Financial_distress", 2], ["Hong_Kong_insolvency_law", 0], ["Money_disorder", 7], ["Financial_distress", 0]]} +{"id": 133011, "predicted_label": "REFUTES", "predicted_evidence": [["2014_Much_Music_Video_Awards", 1], ["H.E.R.", 11], ["Kendall_-LRB-given_name-RRB-", 5], ["Brody_Jenner", 13], ["Caitlyn_Jenner", 10]]} +{"id": 14037, "predicted_label": "SUPPORTS", "predicted_evidence": [["AFI's_100_Years...100_Stars", 0], ["Jane_Bryan", 4], ["2HB", 4], ["Bogart_-LRB-surname-RRB-", 12], ["AFI's_100_Years...100_Stars", 7]]} +{"id": 59217, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Thomas_Jefferson_Medal", 13], ["Thomas_Jefferson_Medal", 11], ["Thomas_Jefferson_Medal", 0], ["Thomas_Jefferson_Medal", 15], ["Whig_Party_-LRB-United_States-RRB-", 9]]} +{"id": 79418, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["El_Dorado_Airport_-LRB-disambiguation-RRB-", 5], ["El_Dorado_Airport_-LRB-disambiguation-RRB-", 9], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 7], ["El_Dorado_High_School", 5]]} +{"id": 173497, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jane_Eyre", 0], ["Jane_Eyre", 6], ["Jane_Eyre", 5], ["Sancho_Panza", 0], ["The_Truth_about_Sancho_Panza", 8]]} +{"id": 17520, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kundun", 1], ["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0], ["8th_Arjia_Rinpoche", 2]]} +{"id": 5127, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kellyanne_Conway", 12], ["Alternative_facts", 0], ["Bowling_Green_massacre", 0], ["Michael_Flynn_-LRB-disambiguation-RRB-", 3], ["Michael_Flynn_-LRB-disambiguation-RRB-", 8]]} +{"id": 100204, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Shadowhunters_episodes", 6], ["List_of_Shadowhunters_episodes", 5], ["Shadowhunters", 4], ["Shadowhunters", 5], ["List_of_Shadowhunters_episodes", 4]]} +{"id": 22195, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jensen!", 16], ["Snoop_Dogg", 18], ["Snoop_Dogg's_Hustlaz-COLON-_Diary_of_a_Pimp", 0], ["Snoop_Dogg's_Hustlaz-COLON-_Diary_of_a_Pimp", 3], ["Dead_Man_Walkin'", 2]]} +{"id": 74127, "predicted_label": "REFUTES", "predicted_evidence": [["L.A._Reid", 1], ["Xscape_-LRB-album-RRB-", 3], ["Ciara_-LRB-album-RRB-", 3], ["Xscape_-LRB-album-RRB-", 1], ["Columbia/Epic_Label_Group", 9]]} +{"id": 143974, "predicted_label": "SUPPORTS", "predicted_evidence": [["Combo_guard", 0], ["Point_guard", 16], ["Magic_Johnson_Enterprises", 2], ["Point_guard", 1], ["Point_guard", 3]]} +{"id": 23075, "predicted_label": "REFUTES", "predicted_evidence": [["Patsy_Smart", 3], ["Danger_UXD", 5], ["Euston_Films", 2], ["Danger_UXB", 0], ["UXB", 7]]} +{"id": 184097, "predicted_label": "SUPPORTS", "predicted_evidence": [["Command_responsibility", 14], ["Medina_-LRB-surname-RRB-", 33], ["William_Eckhardt_-LRB-law-RRB-", 0], ["Hugh_Thompson_Jr.", 12], ["Medina_-LRB-surname-RRB-", 13]]} +{"id": 36500, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bhagat_Singh", 23], ["S._Irfan_Habib", 6], ["23rd_March_1931-COLON-_Shaheed", 1], ["The_Legend_of_Bhagat_Singh", 0], ["23rd_March_1931-COLON-_Shaheed", 9]]} +{"id": 168537, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rick_Yune", 0], ["Yune", 8], ["Rick_Yune", 2], ["Yune", 10], ["Early_western_influence_in_Fujian", 15]]} +{"id": 127573, "predicted_label": "SUPPORTS", "predicted_evidence": [["Diana_Russell,_Duchess_of_Bedford", 0], ["Diana_Spencer_-LRB-disambiguation-RRB-", 9], ["Ruth_Roche,_Baroness_Fermoy", 20], ["Diana_Russell,_Duchess_of_Bedford", 11], ["Diana,_Princess_of_Wales", 5]]} +{"id": 91124, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_discography", 3], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9]]} +{"id": 173707, "predicted_label": "REFUTES", "predicted_evidence": [["The_Earls_of_Leicester_-LRB-band-RRB-", 8], ["Earl_Scruggs", 0], ["Scruggs_style", 14], ["Earl_Scruggs", 6], ["Scruggs", 9]]} +{"id": 207383, "predicted_label": "SUPPORTS", "predicted_evidence": [["Efraim_Diveroli", 6], ["David_Packouz", 3], ["AEY", 9], ["Ephraim_-LRB-given_name-RRB-", 30], ["War_Dogs_-LRB-2016_film-RRB-", 2]]} +{"id": 94994, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 6], ["100%_English", 1], ["English_people", 12], ["American_English_-LRB-disambiguation-RRB-", 10], ["The_English_people", 4]]} +{"id": 140085, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_J._Osborne", 41], ["Michael_J._Osborne", 3], ["Ann_Richards_-LRB-disambiguation-RRB-", 0], ["Samuel_W._Richards", 0], ["Beresford_Richards", 59]]} +{"id": 88868, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Confessions_of_Aleister_Crowley", 0], ["In_the_Kingdom_of_Kitsch_You_Will_Be_a_Monster", 6], ["Ecclesia_Gnostica_Catholica", 15], ["The_Magical_Revival", 3], ["The_Magical_Revival", 1]]} +{"id": 22807, "predicted_label": "SUPPORTS", "predicted_evidence": [["Episode_14_-LRB-Twin_Peaks-RRB-", 5], ["Episode_8_-LRB-Twin_Peaks-RRB-", 5], ["The_Secret_Diary_of_Laura_Palmer", 22], ["Laura_Palmer", 1], ["Sheryl_Lee", 7]]} +{"id": 82025, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["History_of_the_National_Football_League_in_Los_Angeles", 6], ["Bounty_Hunter_Bloods", 0], ["History_of_the_National_Football_League_in_Los_Angeles", 12], ["Bounty_Hunter_Bloods", 6], ["Gangs_in_Memphis,_Tennessee", 8]]} +{"id": 168986, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Middle-earth_calendar", 0], ["The_Road_to_Middle-Earth", 3], ["Middle-earth_calendar", 2], ["Tolkien_Estate", 2], ["Tolkien_-LRB-disambiguation-RRB-", 5]]} +{"id": 186882, "predicted_label": "REFUTES", "predicted_evidence": [["Myle\u0300ne_Farmer_discography", 48], ["Myle\u0300ne_Farmer_discography", 22], ["Myle\u0300ne_Farmer_discography", 26], ["Nintendo_DS_sales", 37], ["Myle\u0300ne_Farmer_discography", 12]]} +{"id": 21919, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Concert_for_Bangladesh", 13], ["Indigenous_peoples_and_the_UN-REDD_Program_in_Panama", 25], ["John_Ehrenreich", 15], ["Attacks_on_humanitarian_workers", 3], ["John_Ehrenreich", 20]]} +{"id": 4310, "predicted_label": "SUPPORTS", "predicted_evidence": [["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["God_Hand", 1], ["P.N.03", 2], ["Clover_Studio", 13], ["Dino_Crisis_-LRB-video_game-RRB-", 1]]} +{"id": 81499, "predicted_label": "REFUTES", "predicted_evidence": [["Renato_Balestra", 0], ["Renato_Balestra", 3], ["Renato_Balestra", 8], ["Pietro_Balestra_-LRB-economist-RRB-", 1], ["Renato_Balestra", 19]]} +{"id": 193862, "predicted_label": "SUPPORTS", "predicted_evidence": [["Barry_Van_Dyke", 0], ["Van_Dyke", 6], ["The_New_Dick_Van_Dyke_Show", 1], ["Dick_Van_Dyke", 8], ["The_New_Dick_Van_Dyke_Show", 0]]} +{"id": 191414, "predicted_label": "REFUTES", "predicted_evidence": [["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Bad_Girl_-LRB-The_Miracles_song-RRB-", 2], ["Keith_Urban_-LRB-1999_album-RRB-", 10], ["Can_You_Jerk_Like_Me", 6], ["Can_You_Jerk_Like_Me", 51]]} +{"id": 160959, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Scouts_Lao", 4], ["Indochina_Wars", 15], ["Indochina_Wars", 0]]} +{"id": 126795, "predicted_label": "SUPPORTS", "predicted_evidence": [["Golf_Channel_on_NBC", 0], ["Golf_Channel_on_NBC", 4], ["John_Shrum", 13], ["John_Shrum", 11], ["John_Shrum", 5]]} +{"id": 161128, "predicted_label": "REFUTES", "predicted_evidence": [["Kesha", 0], ["Kesha_v._Dr._Luke", 2], ["Kesha_discography", 2], ["We_R_Who_We_R", 16], ["Kesha_v._Dr._Luke", 9]]} +{"id": 27589, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_F._Kennedy_Jr.", 1], ["Harvard_Institute_of_Politics", 11], ["Caroline_Kennedy", 0], ["Caroline_Kennedy", 17], ["Kennedy_Compound", 6]]} +{"id": 216392, "predicted_label": "SUPPORTS", "predicted_evidence": [["Homer_Hickam", 2], ["The_Far_Reaches", 0], ["The_Far_Reaches", 1], ["Hickman_-LRB-surname-RRB-", 20], ["Homer_Hickam", 0]]} +{"id": 191445, "predicted_label": "SUPPORTS", "predicted_evidence": [["Orange_Record_Label", 0], ["Orange_Record_Label", 14], ["Keith_Urban_-LRB-1999_album-RRB-", 0], ["Days_Go_By", 4], ["Keith_Urban_-LRB-1991_album-RRB-", 0]]} +{"id": 215137, "predicted_label": "SUPPORTS", "predicted_evidence": [["Private_Lives", 0], ["Phoenix_Theatre,_London", 20], ["Noe\u0308l_Coward_Society", 21], ["Noe\u0308l_Coward_Society", 16], ["Private_Lives_-LRB-disambiguation-RRB-", 0]]} +{"id": 93339, "predicted_label": "REFUTES", "predicted_evidence": [["Kush_-LRB-cannabis-RRB-", 0], ["Kush_-LRB-cannabis-RRB-", 9], ["Hindu_Kush", 5], ["List_of_mountain_ranges_of_Pakistan", 15], ["Kush_-LRB-cannabis-RRB-", 1]]} +{"id": 105130, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joe_Mardin", 12], ["Dance_Classics_of_Chaka_Khan", 0], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 3], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 0], ["Epiphany-COLON-_The_Best_of_Chaka_Khan,_Vol._1", 1]]} +{"id": 209095, "predicted_label": "REFUTES", "predicted_evidence": [["Stadium_Arcadium_World_Tour", 0], ["Stadium_Arcadium", 5], ["List_of_Red_Hot_Chili_Peppers_band_members", 59], ["Dave_Rat", 10], ["Stadium_Arcadium", 0]]} +{"id": 186335, "predicted_label": "REFUTES", "predicted_evidence": [["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 8], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 10], ["The_Hunchback_of_Notre_Dame_-LRB-musical-RRB-", 0], ["List_of_songs_about_Paris", 257], ["Notre_Dame_de_Paris_-LRB-disambiguation-RRB-", 6]]} +{"id": 24142, "predicted_label": "SUPPORTS", "predicted_evidence": [["Villa_Park", 14], ["2012_FA_Community_Shield", 0], ["2015_FA_Community_Shield", 0], ["2012_FA_Community_Shield", 4], ["2010_FA_Community_Shield", 0]]} +{"id": 182281, "predicted_label": "REFUTES", "predicted_evidence": [["Saturn_Corporation", 0], ["Saturn_MP_transmission", 0], ["Saturn_-LRB-store-RRB-", 0], ["Ben_Cunningham_-LRB-activist-RRB-", 17], ["Saturn_Cycling_Team", 1]]} +{"id": 130614, "predicted_label": "REFUTES", "predicted_evidence": [["Harry_Potter_and_the_Deathly_Hallows_\u2013_Part_1_-LRB-video_game-RRB-", 0], ["Caio_Ce\u0301sar", 8], ["Rupert_Grint", 0], ["Harry_Potter_and_the_Deathly_Hallows_\u2013_Part_1_-LRB-video_game-RRB-", 9], ["A_Very_Potter_Musical", 6]]} +{"id": 223764, "predicted_label": "SUPPORTS", "predicted_evidence": [["Fults", 7], ["Ralph_Fults", 0], ["Barrow_Gang", 24], ["Bonnie_and_Clyde", 1], ["Barrow_Gang", 1]]} +{"id": 1194, "predicted_label": "REFUTES", "predicted_evidence": [["Danger_UXB", 0], ["Patsy_Smart", 3], ["Danger_UXD", 5], ["Index_of_World_War_II_articles_-LRB-D-RRB-", 127], ["UXB", 7]]} +{"id": 135823, "predicted_label": "REFUTES", "predicted_evidence": [["Geology_of_Greenland", 0], ["Old_Nuuk", 9], ["Nuuk", 13], ["Nuuk_Airport", 0], ["Nuuk", 3]]} +{"id": 93689, "predicted_label": "REFUTES", "predicted_evidence": [["Paris_-LRB-Paris_Hilton_album-RRB-", 9], ["Paris_Hilton", 18], ["Paris_Hilton's_Dubai_BFF", 0], ["Paris_Hilton", 31], ["Rip_It_Up_-LRB-Jet_song-RRB-", 3]]} +{"id": 22126, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["System_of_a_Down_discography", 25], ["List_of_American_musicians_of_Armenian_descent", 85], ["System_of_a_Down", 1]]} +{"id": 139159, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_downloadable_songs_for_the_Rock_Band_series", 5], ["2007_in_downloadable_songs_for_the_Rock_Band_series", 1], ["2013_in_downloadable_songs_for_the_Rock_Band_series", 1], ["2008_in_downloadable_songs_for_the_Rock_Band_series", 1], ["2012_in_downloadable_songs_for_the_Rock_Band_series", 1]]} +{"id": 209858, "predicted_label": "REFUTES", "predicted_evidence": [["This_Time_I'll_Be_Sweeter", 6], ["Teo_Torriatte_-LRB-Let_Us_Cling_Together-RRB-", 8], ["Tie_Your_Mother_Down", 0], ["Teo_Torriatte_-LRB-Let_Us_Cling_Together-RRB-", 0], ["Somebody_to_Love_-LRB-Queen_song-RRB-", 1]]} +{"id": 154942, "predicted_label": "REFUTES", "predicted_evidence": [["Jab_Tak_Hai_Jaan", 16], ["Phillauri_-LRB-film-RRB-", 0], ["The_Ring_-LRB-2017_film-RRB-", 1], ["List_of_accolades_received_by_Jab_Tak_Hai_Jaan", 1], ["Phillauri_-LRB-film-RRB-", 2]]} +{"id": 50846, "predicted_label": "SUPPORTS", "predicted_evidence": [["NRG_Recording_Studios", 0], ["A_Thousand_Suns", 4], ["The_Only_Way_Out", 1], ["NRG", 27], ["Neve_8078", 39]]} +{"id": 206733, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samwell_Tarly", 0], ["Samwell", 9], ["Samwell_Tarly", 4], ["Rebecca_Benson", 5], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8]]} +{"id": 60185, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cause_and_Effect_-LRB-Numbers-RRB-", 0], ["Cause_and_Effect_-LRB-Numbers-RRB-", 3], ["My_Finale", 3], ["The_Last_One_-LRB-Friends-RRB-", 3], ["My_Finale", 2]]} +{"id": 175640, "predicted_label": "SUPPORTS", "predicted_evidence": [["Publication_history_of_Anarky", 20], ["JLA/The_99", 2], ["Anarky", 19], ["General_-LRB-DC_Comics-RRB-", 10], ["Guardians_of_the_Galaxy_Vol._2", 1]]} +{"id": 206722, "predicted_label": "SUPPORTS", "predicted_evidence": [["Samwell", 9], ["Samwell_Tarly", 0], ["Rebecca_Benson", 5], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8], ["Blood_of_My_Blood", 5]]} +{"id": 66415, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Vanessa_Williams", 10], ["Hello_Goodbye_-LRB-Ugly_Betty-RRB-", 9], ["Remember_Paul?", 14], ["Grant_Bowler", 4], ["Vivian_&_Sons", 5]]} +{"id": 97589, "predicted_label": "REFUTES", "predicted_evidence": [["Jay_Mohr", 2], ["Martin_Bregman", 1], ["The_Adventures_of_Pluto_Nash", 0], ["Eddie_Murphy", 13], ["The_Adventures_of_Pluto_Nash", 2]]} +{"id": 9712, "predicted_label": "SUPPORTS", "predicted_evidence": [["Encore_-LRB-Eminem_song-RRB-", 1], ["Recovery_-LRB-Eminem_album-RRB-", 2], ["Eminem", 12], ["Recovery_-LRB-Eminem_album-RRB-", 8], ["List_of_awards_and_nominations_received_by_Eminem", 18]]} +{"id": 6274, "predicted_label": "SUPPORTS", "predicted_evidence": [["Eminem", 0], ["Mathers", 15], ["Eminem", 12], ["Eminem", 13], ["List_of_awards_and_nominations_received_by_Eminem", 5]]} +{"id": 103357, "predicted_label": "SUPPORTS", "predicted_evidence": [["White_House_Press_Secretary", 0], ["Eric_Schultz", 3], ["Press_gaggle", 21], ["James_S._Brady_Press_Briefing_Room", 3], ["Robert_Gibbs", 11]]} +{"id": 102913, "predicted_label": "REFUTES", "predicted_evidence": [["Kuching", 20], ["Kuching_High_School", 0], ["Kuching", 16], ["Bishop_of_Kuching", 4], ["Kuching", 0]]} +{"id": 45702, "predicted_label": "SUPPORTS", "predicted_evidence": [["Viola_Davis", 6], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 7], ["How_to_Get_Away_with_Murder_-LRB-season_2-RRB-", 2], ["Rob_Davis_-LRB-musician-RRB-", 17], ["Rob_Davis_-LRB-musician-RRB-", 16]]} +{"id": 211275, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Major_Crimes_episodes", 1], ["Childless_Comfort", 6], ["I_Need_Romance", 4], ["The_Walking_Dead_-LRB-season_1-RRB-", 7], ["Reply_1997", 4]]} +{"id": 157817, "predicted_label": "REFUTES", "predicted_evidence": [["Pearl_Jam", 13], ["Pearl_Jam", 8], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 17], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 7], ["Pearl_Jam_discography", 6]]} +{"id": 59147, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Crush_-LRB-2013_film-RRB-", 0], ["Hush_-LRB-2016_film-RRB-", 2], ["Intrepid_Pictures", 0], ["Hush_-LRB-2016_film-RRB-", 5], ["Hush,_Hush,_Sweet_Charlotte_-LRB-song-RRB-", 21]]} +{"id": 68698, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Theodosia_Bartow_Prevost", 1], ["United_States_presidential_election,_1800", 17], ["Aaron_Burr_Cidery", 0], ["Aaron_Burr_Cidery", 2], ["Andrew_Crown_Brennan", 30]]} +{"id": 85730, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rupert_Murdoch", 3], ["James_Murdoch", 0], ["Ivon_Murdoch", 7], ["News_International_phone_hacking_scandal", 3], ["Bruce_Hundertmark", 2]]} +{"id": 91315, "predicted_label": "REFUTES", "predicted_evidence": [["Sayyeshaa", 0], ["Sai_Bollywood_Film_City", 5], ["Shart", 6], ["Shart", 4], ["Insaan", 7]]} +{"id": 42841, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lionel_Nimrod's_Inexplicable_World", 0], ["Mind_Meld", 8], ["Nimoy", 5], ["The_Ballad_of_Bilbo_Baggins", 1], ["Nimoy", 7]]} +{"id": 36829, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Jae-hee", 14], ["Jae-hee", 12], ["Jae-hee", 20], ["Jae-hee", 16], ["Hyun-tae", 22]]} +{"id": 219125, "predicted_label": "SUPPORTS", "predicted_evidence": [["Valencia", 0], ["Brno", 2], ["Brno", 6], ["Nouvelle-Aquitaine", 2], ["Nouvelle-Aquitaine", 9]]} +{"id": 203997, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Glee.com", 1], ["Brad_Ellis", 22], ["G._Henle_Verlag", 2], ["G._Henle_Verlag", 0], ["Glee.com", 8]]} +{"id": 226092, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Box_of_Bongwater", 0], ["Double_Bummer", 0], ["Breaking_No_New_Ground!", 2], ["Breaking_No_New_Ground!", 1], ["Double_Bummer", 2]]} +{"id": 30559, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Invasion_-LRB-professional_wrestling-RRB-", 5], ["Survivor_Series_-LRB-2003-RRB-", 12], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 9], ["Judgment_Day_-LRB-2007-RRB-", 10]]} +{"id": 198225, "predicted_label": "REFUTES", "predicted_evidence": [["Pluto", 4], ["Planets_beyond_Neptune", 1], ["Planets_beyond_Neptune", 4], ["Pluto", 11], ["Mutual_reception", 32]]} +{"id": 225249, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danielle_Cormack", 0], ["Cormack_-LRB-surname-RRB-", 15], ["Wentworth_-LRB-TV_series-RRB-", 4], ["Cormack_-LRB-surname-RRB-", 17], ["Siam_Sunset", 1]]} +{"id": 228318, "predicted_label": "REFUTES", "predicted_evidence": [["Magic_Beyond_Words", 1], ["Pottermore", 0], ["Harry_Potter", 10], ["J._K._Rowling", 0], ["Pottermore", 1]]} +{"id": 179326, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Osamu_Tezuka", 6], ["Mushi_Production", 6], ["Pluto_-LRB-manga-RRB-", 5], ["Pluto_-LRB-manga-RRB-", 2], ["List_of_Osamu_Tezuka_manga", 1]]} +{"id": 68233, "predicted_label": "REFUTES", "predicted_evidence": [["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Easy_to_Assemble", 7], ["Right_to_Kill?", 10], ["Right_to_Kill?", 6]]} +{"id": 194464, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tilda", 12], ["Swinton_-LRB-surname-RRB-", 19], ["Swinton_-LRB-surname-RRB-", 17], ["Snowpiercer", 5], ["We_Need_to_Talk_About_Kevin_-LRB-film-RRB-", 4]]} +{"id": 58513, "predicted_label": "SUPPORTS", "predicted_evidence": [["Beta_State", 8], ["Linkin_Park_discography", 7], ["List_of_songs_recorded_by_Linkin_Park", 9], ["List_of_songs_recorded_by_Linkin_Park", 46], ["In_the_Chamber_with_Linkin_Park", 0]]} +{"id": 136515, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sherwood_Hu", 50], ["Sherwood_Hu", 14], ["Melancholia_-LRB-disambiguation-RRB-", 12], ["Melancholia_-LRB-disambiguation-RRB-", 10], ["Melancholia_-LRB-disambiguation-RRB-", 14]]} +{"id": 5420, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["SpongeBob_SquarePants_-LRB-season_4-RRB-", 0], ["SpongeBob_SquarePants_-LRB-season_3-RRB-", 0], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 42686, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bella_Swan", 1], ["Bella_Swan", 0], ["A_Very_Potter_Musical", 6], ["Caio_Ce\u0301sar", 8], ["Rupert_Grint", 0]]} +{"id": 3033, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Rationale_for_gifted_programs", 7], ["Gifted_education", 0], ["Summer_Enrichment_Program_-LRB-University_of_Colorado-RRB-", 61], ["Michelle_Ronksley-Pavia", 28], ["Michelle_Ronksley-Pavia", 2]]} +{"id": 219310, "predicted_label": "REFUTES", "predicted_evidence": [["Capsicum_chinense", 0], ["Adjuma", 0], ["Datil_pepper", 0], ["Bhut_jolokia", 1], ["Capsicum_baccatum", 9]]} +{"id": 132449, "predicted_label": "SUPPORTS", "predicted_evidence": [["West_Irian_rupiah", 0], ["Papua_-LRB-province-RRB-", 3], ["West_Papua_-LRB-province-RRB-", 5], ["Papua_-LRB-province-RRB-", 1], ["West_Papua_-LRB-province-RRB-", 0]]} +{"id": 54204, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2007_Champ_Car_season", 0], ["John_James_Jones_House", 0], ["John_James_Jones_House", 3], ["Handy_Writers'_Colony", 1], ["Jones_House", 190]]} +{"id": 113884, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Humboldt_Roller_Derby", 6], ["Stephanie_McMahon", 5], ["Judgment_Day_-LRB-2007-RRB-", 2], ["Judgment_Day_-LRB-2007-RRB-", 0], ["Judgment_Day_-LRB-2007-RRB-", 9]]} +{"id": 59242, "predicted_label": "SUPPORTS", "predicted_evidence": [["Australian_performance_poetry", 145], ["Australian_performance_poetry", 82], ["Australian_performance_poetry", 176], ["Australian_performance_poetry", 120], ["Australian_performance_poetry", 79]]} +{"id": 122793, "predicted_label": "REFUTES", "predicted_evidence": [["Roberto_Pieraccini", 3], ["Speech_recognition", 2], ["Nelson_Morgan", 1], ["Roberto_Pieraccini", 0], ["Auditory_brainstem_implant", 3]]} +{"id": 205733, "predicted_label": "SUPPORTS", "predicted_evidence": [["Winged_Victory_-LRB-play-RRB-", 30], ["First_Motion_Picture_Unit", 0], ["First_Motion_Picture_Unit", 8], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10]]} +{"id": 167472, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cadet_Kelly", 0], ["The_Cheetah_Girls_2", 1], ["Dahvi_Waller", 34], ["Rubicon_-LRB-TV_series-RRB-", 11], ["The_Cheetah_Girls_2", 5]]} +{"id": 195835, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Weekly_Idol", 1], ["FNC_Entertainment", 7], ["Hyeong", 16]]} +{"id": 206730, "predicted_label": "REFUTES", "predicted_evidence": [["Rebecca_Benson", 5], ["Samwell_Tarly", 0], ["Samwell", 9], ["The_Winds_of_Winter_-LRB-Game_of_Thrones-RRB-", 8], ["Blood_of_My_Blood", 5]]} +{"id": 75749, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 6], ["Marvel_vs._Capcom-COLON-_Clash_of_Super_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Infinite", 11], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3]]} +{"id": 60307, "predicted_label": "SUPPORTS", "predicted_evidence": [["Make_Your_Move_-LRB-film-RRB-", 0], ["Derek_Hough", 6], ["Music_of_Life", 21], ["Music_of_Life", 0], ["Julianne_Hough", 5]]} +{"id": 156282, "predicted_label": "REFUTES", "predicted_evidence": [["Underdog_-LRB-film-RRB-", 1], ["Game_of_Thrones_-LRB-season_2-RRB-", 17], ["Peter_Dinklage_on_screen_and_stage", 0], ["Game_of_Thrones_-LRB-season_2-RRB-", 11], ["List_of_awards_and_nominations_received_by_Peter_Dinklage", 0]]} +{"id": 194352, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gospel_Song_-LRB-19th_century-RRB-", 4], ["In_the_Garden_-LRB-1912_song-RRB-", 0], ["Grammy_Award_for_Best_Contemporary_Christian_Music_Song", 11], ["Gospel_music", 17], ["Gospel_music", 22]]} +{"id": 22309, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Portlandia_characters", 0], ["The_8G_Band", 1], ["List_of_Saturday_Night_Live_musical_sketches", 50], ["List_of_Saturday_Night_Live_musical_sketches", 54], ["Saturday_Night_Live_characters_appearing_on_Weekend_Update", 116]]} +{"id": 173714, "predicted_label": "REFUTES", "predicted_evidence": [["Earl_Scruggs", 0], ["Scruggs", 9], ["Scruggs_style", 14], ["Earl_Scruggs", 25], ["Jim_Shumate", 9]]} +{"id": 152861, "predicted_label": "SUPPORTS", "predicted_evidence": [["Music_to_Watch_Girls_By", 15], ["Nimoy", 7], ["The_Ballad_of_Bilbo_Baggins", 1], ["Nimoy", 5], ["Development_of_Spock", 1]]} +{"id": 149869, "predicted_label": "REFUTES", "predicted_evidence": [["Don't_Say_No", 4], ["Sprechgesang", 0], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 2], ["Don't_Say_No_-LRB-Seohyun_EP-RRB-", 0], ["Spoken_For_-LRB-song-RRB-", 0]]} +{"id": 58677, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Harry_Potter_and_the_Philosopher's_Stone", 0], ["Order_of_the_Phoenix", 9], ["Caio_Ce\u0301sar", 24], ["Harry_Potter_and_the_Philosopher's_Stone", 16], ["Caio_Ce\u0301sar", 7]]} +{"id": 148964, "predicted_label": "REFUTES", "predicted_evidence": [["Fidel_Castro_-LRB-disambiguation-RRB-", 16], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12], ["Bay_of_Pigs_Invasion", 1], ["Rau\u0301l_Castro", 7], ["Rau\u0301l_Castro", 10]]} +{"id": 117699, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wildfang", 1], ["As\u0301uddhata\u0304", 11], ["Megan_Rapinoe", 12], ["Wildfang", 0], ["2007_suicide_bombings_in_Iraq", 171]]} +{"id": 8925, "predicted_label": "SUPPORTS", "predicted_evidence": [["Advertising", 0], ["Advertising_Standards_Authority_-LRB-United_Kingdom-RRB-", 7], ["Marketing_communications", 1], ["Advertising_Standards_Authority_-LRB-South_Africa-RRB-", 2], ["Community_marketing", 1]]} +{"id": 199404, "predicted_label": "REFUTES", "predicted_evidence": [["Boyhood_-LRB-film-RRB-", 1], ["Ellar_Coltrane", 1], ["Dead_Earth_Politics", 1], ["Mason_House", 23], ["Boyhood_-LRB-film-RRB-", 11]]} +{"id": 187114, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mariano_Vivanco", 8], ["Last_Night_-LRB-2010_film-RRB-", 1], ["Last_Night_-LRB-2010_film-RRB-", 5], ["My_Brother_the_Pig", 0], ["Miami_-LRB-Will_Smith_song-RRB-", 6]]} +{"id": 166847, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_Reminder", 0], ["Drake_Bell_discography", 0], ["Drake_Bell", 18], ["Drake_Bell_discography", 21], ["Drake_Bell_discography", 2]]} +{"id": 62335, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kleshas_-LRB-Buddhism-RRB-", 0], ["Apatrapya", 12], ["Prama\u0304da", 1], ["Apatrapya", 1], ["Alobha", 2]]} +{"id": 207260, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Endometrial_cancer", 26], ["Endometrial_cancer", 11], ["Tao_brush", 0], ["Endometrial_cancer", 13], ["Uterine_serous_carcinoma", 7]]} +{"id": 170944, "predicted_label": "REFUTES", "predicted_evidence": [["Smriti_Mandhana", 0], ["Sports_team", 0], ["Kle\u0301ber_Guerra", 17], ["Sports_team", 1], ["Play_Sports", 4]]} +{"id": 172776, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Po\u0301voa_de_Varzim_beaches", 21], ["Po\u0301voa_de_Varzim_beaches", 19], ["Po\u0301voa_de_Varzim_beaches", 37], ["Twin_Lakes_Beach,_Manitoba", 46], ["Po\u0301voa_de_Varzim_beaches", 31]]} +{"id": 88213, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_J._Osborne", 3], ["Michael_J._Osborne", 41], ["Ann_Richards_-LRB-disambiguation-RRB-", 0], ["Texas_gubernatorial_election,_1994", 1], ["Texas_gubernatorial_election,_1994", 4]]} +{"id": 84503, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Muqan_Qaghan", 17], ["Wave_Rider", 2], ["List_of_Keith_Olbermann's_special_comments", 25], ["List_of_Keith_Olbermann's_special_comments", 11], ["List_of_Keith_Olbermann's_special_comments", 5]]} +{"id": 73617, "predicted_label": "REFUTES", "predicted_evidence": [["Danger_UXB", 0], ["Patsy_Smart", 3], ["Danger_UXD", 5], ["UXB", 7], ["Index_of_World_War_II_articles_-LRB-D-RRB-", 127]]} +{"id": 17320, "predicted_label": "SUPPORTS", "predicted_evidence": [["David_Spade", 2], ["Grown_Ups_2", 2], ["Grown_Ups_-LRB-film-RRB-", 1], ["Grown_Ups_2", 0], ["Jake_Goldberg", 0]]} +{"id": 70099, "predicted_label": "SUPPORTS", "predicted_evidence": [["Chapter_XIX_of_the_United_Nations_Charter", 2], ["List_of_United_Nations_Security_Council_resolutions_concerning_Cyprus", 1], ["Chapter_XIX_of_the_United_Nations_Charter", 0], ["Foreign_relations_of_Taiwan", 15], ["Timeline_of_Western_Saharan_history", 83]]} +{"id": 130638, "predicted_label": "SUPPORTS", "predicted_evidence": [["Liberal_arts_college", 6], ["Liberal_arts_college", 3], ["Liberal_arts_college", 2], ["Liberal_arts_college", 0], ["College_of_Arts_and_Sciences", 0]]} +{"id": 206148, "predicted_label": "SUPPORTS", "predicted_evidence": [["Rafael_C._Castillo", 16], ["East_Palo_Alto,_California", 0], ["Liz_Kniss", 5], ["East_Palo_Alto,_California", 6], ["Cubberley_Community_Center", 0]]} +{"id": 45364, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Tucker_Must_Die", 1], ["2005_Orange_Bowl", 13], ["John_Tucker_Must_Die", 0], ["Secret_Admirer", 0], ["Lily_Collins", 13]]} +{"id": 189466, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Yandex", 1], ["Yandex", 9], ["Yandex.Direct", 9], ["Yandex.Translate", 0], ["Yandex_Browser", 12]]} +{"id": 53242, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Stephen_Colbert_-LRB-character-RRB-", 0], ["Stephen_Colbert's_AmeriCone_Dream", 0], ["Final_episode_of_The_Colbert_Report", 7], ["Cultural_impact_of_The_Colbert_Report", 1], ["Stephen_Colbert's_AmeriCone_Dream", 20]]} +{"id": 116761, "predicted_label": "SUPPORTS", "predicted_evidence": [["Oscar_Moore", 0], ["Oscar_Moore", 6], ["Elvis_Presley's_guitars", 6], ["Scott_Moore", 15], ["Gibson_L-5", 38]]} +{"id": 147600, "predicted_label": "SUPPORTS", "predicted_evidence": [["EA_Black_Box", 0], ["Need_for_Speed-COLON-_The_Run", 0], ["Skate_2", 0], ["Skate_2", 13], ["List_of_PlayStation_3_games_released_on_disc", 10029]]} +{"id": 184421, "predicted_label": "REFUTES", "predicted_evidence": [["Naadan_Premam", 3], ["Sharafudheen", 3], ["Rajesh_Murugesan", 0], ["Premam", 0], ["Renji_Panicker", 16]]} +{"id": 51714, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["University_of_Mississippi", 4], ["Water_supply_and_sanitation_in_Grenada", 5], ["University_of_Mississippi", 0], ["HIV/AIDS_in_Peru", 10], ["Pensions_in_the_Republic_of_Ireland", 12]]} +{"id": 181185, "predicted_label": "REFUTES", "predicted_evidence": [["William_Shakespeare_-LRB-disambiguation-RRB-", 29], ["Shakespeare_Festival_of_Dallas", 10], ["History_of_the_Shakespeare_authorship_question", 11], ["History_of_the_Shakespeare_authorship_question", 6], ["List_of_Shakespeare_authorship_candidates", 0]]} +{"id": 151576, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civilization_IV-COLON-_Colonization", 0], ["Civilization_IV", 14], ["Civilization_IV", 0], ["Civilization_IV", 5], ["Civilization_III", 0]]} +{"id": 101504, "predicted_label": "SUPPORTS", "predicted_evidence": [["Never_So_Good", 9], ["Supermac", 11], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 3], ["Katharine_Macmillan,_Viscountess_Macmillan_of_Ovenden", 20], ["Edward_Pilgrim", 16]]} +{"id": 150311, "predicted_label": "REFUTES", "predicted_evidence": [["Magdalena_-LRB-given_name-RRB-", 154], ["Igor_Newerly", 0], ["Stefan_-LRB-given_name-RRB-", 159], ["Igor_Newerly", 2], ["Stefan_-LRB-given_name-RRB-", 51]]} +{"id": 56213, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam", 13], ["Pearl_Jam", 8], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 14], ["Pearl_Jam_discography", 19], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 7]]} +{"id": 217662, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Grisham", 0], ["Pelican_files", 3], ["George_L._Little", 15], ["George_L._Little", 6], ["John_Grisham", 15]]} +{"id": 53177, "predicted_label": "REFUTES", "predicted_evidence": [["Kenneth_Grant", 7], ["Karl_Germer", 0], ["The_Confessions_of_Aleister_Crowley", 0], ["Karl_Germer", 1], ["The_Magical_Revival", 3]]} +{"id": 64784, "predicted_label": "SUPPORTS", "predicted_evidence": [["Folklore_of_Finland", 6], ["German_folklore", 13], ["German_folklore", 10], ["Oral_tradition", 13], ["Oral_tradition", 11]]} +{"id": 172748, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stratford-upon-Avon_Cricket_Club_Ground", 11], ["Stratford-upon-Avon_Cricket_Club_Ground", 16], ["Haad_Rin", 5], ["Lloyd_La_Beach", 8], ["List_of_United_States_Supreme_Court_cases,_volume_381", 12]]} +{"id": 33160, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Economics_of_global_warming", 0], ["Economics_of_global_warming", 14], ["Economics_of_global_warming", 24], ["Economics_of_global_warming", 27], ["Economics_of_global_warming", 26]]} +{"id": 131373, "predicted_label": "SUPPORTS", "predicted_evidence": [["Les_Roberts", 2], ["Alan_Moore", 1], ["Jon_Flatab\u00f8", 19], ["Alan_Moore", 6], ["Jon_Flatab\u00f8", 16]]} +{"id": 5658, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lego_Pirates", 15], ["List_of_Ace_titles_in_numeric_series", 1240], ["Lego_Pirates_of_the_Caribbean_-LRB-disambiguation-RRB-", 3], ["Lego_Pirates_of_the_Caribbean_-LRB-disambiguation-RRB-", 0], ["List_of_PlayStation_3_games_released_on_disc", 7364]]} +{"id": 194902, "predicted_label": "REFUTES", "predicted_evidence": [["Serapis_flag", 25], ["Revenge_of_the_Zombies", 4], ["N\u00f8rre_Alslev", 18], ["Revenge_of_the_Zombies", 1], ["Mariano_Benlliure", 8]]} +{"id": 29861, "predicted_label": "SUPPORTS", "predicted_evidence": [["Awkward_Black_Girl", 0], ["Insecure_-LRB-TV_series-RRB-", 0], ["I_Am_Other", 4], ["Issa_Rae", 2], ["Issa_Rae", 6]]} +{"id": 149312, "predicted_label": "REFUTES", "predicted_evidence": [["Miranda_Otto", 1], ["Miranda_Otto", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 1], ["In_the_Winter_Dark_-LRB-film-RRB-", 4], ["Gracie_Otto", 0]]} +{"id": 31842, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_PMPC_Star_Awards_for_TV's_Multi-Award_Winning_Performers_&_Personalities", 7], ["List_of_PMPC_Star_Awards_for_TV's_Multi-Award_Winning_Performers_&_Personalities", 5], ["List_of_PMPC_Star_Awards_for_TV's_Multi-Award_Winning_Performers_&_Personalities", 13], ["Late_Show_with_David_Letterman", 10], ["Stephen_Colbert's_AmeriCone_Dream", 0]]} +{"id": 132902, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Todd_and_the_Book_of_Pure_Evil", 5], ["All_the_Way_-LRB-Craig_David_song-RRB-", 5], ["List_of_awards_and_nominations_received_by_Craig_David", 311], ["List_of_awards_and_nominations_received_by_Craig_David", 442], ["Todd_and_the_Book_of_Pure_Evil", 2]]} +{"id": 118376, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Across_the_Bridge_of_Hope", 2], ["Neeson", 9], ["Darkman", 2], ["Darkman", 7], ["Les_Mise\u0301rables_-LRB-1998_film-RRB-", 1]]} +{"id": 10954, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saat_Kadam", 1], ["Jaggu_Dada", 1], ["Vedam_-LRB-film-RRB-", 0], ["Deeksha_Seth", 0], ["Vedam", 12]]} +{"id": 16224, "predicted_label": "SUPPORTS", "predicted_evidence": [["Email_filtering", 5], ["Microsoft_Exchange_Hosted_Services", 0], ["Mailwasher", 0], ["Email_filtering", 0], ["Email_filtering", 4]]} +{"id": 97209, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Caroline_Kennedy", 0], ["Kennedy_Compound", 6], ["Profile_in_Courage_Award", 6], ["Harvard_Institute_of_Politics", 11], ["Sweet_Caroline", 13]]} +{"id": 156457, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cie_Frazier", 9], ["Terry_Southern", 7], ["The_Cincinnati_Kid_-LRB-soundtrack-RRB-", 0], ["The_Cincinnati_Kid", 6], ["Norman_Jewison", 1]]} +{"id": 172460, "predicted_label": "SUPPORTS", "predicted_evidence": [["Matteo_Renzi", 0], ["Renzi_-LRB-surname-RRB-", 22], ["Stefano_Fassina", 12], ["Matteo_Renzi", 3], ["Matteo_Renzi", 6]]} +{"id": 181128, "predicted_label": "SUPPORTS", "predicted_evidence": [["So_You_Think_You_Can_Dance_Scandinavia", 0], ["So_You_Think_You_Can_Dance_-LRB-U.S._TV_series-RRB-", 0], ["So_You_Think_You_Can_Dance_Canada", 0], ["Robert_Muraine", 4], ["Robert_Muraine", 23]]} +{"id": 225254, "predicted_label": "SUPPORTS", "predicted_evidence": [["Danielle_Cormack", 0], ["List_of_New_Zealand_actors", 31], ["Cormack_-LRB-surname-RRB-", 17], ["Cormack_-LRB-surname-RRB-", 43], ["List_of_New_Zealand_actors", 103]]} +{"id": 130871, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Doublefaced", 16], ["Sexify", 1], ["Passion,_Pain_&_Demon_Slayin'", 7], ["Passion,_Pain_&_Demon_Slayin'", 4], ["56th_Annual_Grammy_Awards", 13]]} +{"id": 89815, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mirny", 36], ["Bernhard_Nebel", 13], ["Marketing_and_artificial_intelligence", 6], ["Artificial_psychology", 39], ["Marketing_and_artificial_intelligence", 1]]} +{"id": 160961, "predicted_label": "REFUTES", "predicted_evidence": [["Juventus_F.C.", 1], ["List_of_Juventus_F.C._players", 5], ["Juventus_F.C.", 10], ["Juventus_F.C.", 6], ["Juventus_F.C.", 14]]} +{"id": 7877, "predicted_label": "REFUTES", "predicted_evidence": [["Herculaneum", 0], ["Elaiussa_Sebaste", 0], ["The_Destruction_of_Pompeii_and_Herculaneum", 10], ["Herculaneum_-LRB-disambiguation-RRB-", 0], ["Elaiussa_Sebaste", 24]]} +{"id": 88887, "predicted_label": "SUPPORTS", "predicted_evidence": [["I'm_Different", 3], ["Birthday_Song_-LRB-2_Chainz_song-RRB-", 0], ["Sonny_Digital", 1], ["Sonny_Digital", 6], ["Michael_Dean", 6]]} +{"id": 151682, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dazed_and_Confused", 7], ["J/P_Haitian_Relief_Organization", 43], ["J/P_Haitian_Relief_Organization", 1], ["Dazed_and_Confused", 0], ["Dazed_and_Confused", 5]]} +{"id": 99336, "predicted_label": "REFUTES", "predicted_evidence": [["Michael_Thomson", 9], ["List_of_awards_and_nominations_received_by_Slipknot", 2], ["Ibanez_MTM", 0], ["List_of_Slipknot_concert_tours", 19], ["List_of_Slipknot_concert_tours", 1]]} +{"id": 42559, "predicted_label": "SUPPORTS", "predicted_evidence": [["Halsey_-LRB-singer-RRB-", 1], ["Halsey_-LRB-singer-RRB-", 3], ["Halsey_House_-LRB-Southampton,_New_York-RRB-", 1], ["Astralwerks", 6], ["Halsey_House_-LRB-Southampton,_New_York-RRB-", 8]]} +{"id": 102932, "predicted_label": "SUPPORTS", "predicted_evidence": [["Filmography_and_awards_of_Louis_C.K.", 4], ["Blue_Jasmine", 0], ["Filmography_and_awards_of_Louis_C.K.", 25], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["List_of_accolades_received_by_Blue_Jasmine", 0]]} +{"id": 194910, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Leaving_on_a_Jet_Plane", 1], ["The_Best_of_John_Denver", 3], ["Leaving_on_a_Jet_Plane", 10], ["The_Best_of_John_Denver", 0], ["Take_Me_Home,_Country_Roads", 0]]} +{"id": 207534, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mel_B", 5], ["Mel_B", 9], ["List_of_The_X_Factor_-LRB-UK-RRB-_finalists", 24], ["Mel_B", 0], ["The_X_Factor_-LRB-UK_TV_series-RRB-", 19]]} +{"id": 121093, "predicted_label": "SUPPORTS", "predicted_evidence": [["French_Indochina", 0], ["Ernest_He\u0301brard", 11], ["Indochina_Wars", 7], ["Siam_Nakhon_Province", 19], ["Siam_Nakhon_Province", 20]]} +{"id": 192831, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ian_Brennan", 8], ["Ian_Brennan", 4], ["Ian_Brennan", 6], ["Ian_Brennan", 0], ["Ian_Brennan", 2]]} +{"id": 194794, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Indo-Pakistani_War_of_1965", 3], ["Reichsbank", 14], ["1956_Winter_Olympics", 16], ["Father_Le_Loutre's_War", 14], ["1956_Winter_Olympics", 0]]} +{"id": 102832, "predicted_label": "REFUTES", "predicted_evidence": [["Brachiopod", 20], ["Ordovician", 4], ["Paleontology_in_Wisconsin", 13], ["Ordovician", 0], ["Scolecodont", 1]]} +{"id": 7012, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pene\u0301lope_Cruz", 13], ["Pink_feathered_Versace_dress_of_Pene\u0301lope_Cruz", 0], ["Pene\u0301lope_Cruz", 12], ["Cinema_of_Spain", 10], ["Volver", 14]]} +{"id": 76199, "predicted_label": "REFUTES", "predicted_evidence": [["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2007-RRB-", 73], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2009-RRB-", 56], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 38], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 47]]} +{"id": 30673, "predicted_label": "REFUTES", "predicted_evidence": [["Sebastian_Stan", 0], ["Labyrinth_-LRB-miniseries-RRB-", 2], ["Stan_-LRB-surname-RRB-", 22], ["List_of_people_from_Constant\u0326a", 35], ["Sebastian_Stan", 1]]} +{"id": 208426, "predicted_label": "SUPPORTS", "predicted_evidence": [["Excuse_My_French", 9], ["Excuse_Me_Miss", 3], ["Excuse_My_French", 3], ["Excuse_Me_Miss", 4], ["Excuse_My_French", 11]]} +{"id": 195906, "predicted_label": "REFUTES", "predicted_evidence": [["Bob_Motzko", 3], ["Peter_Del_Vecho", 12], ["Frozen_-LRB-2013_film-RRB-", 21], ["Bob_Motzko", 48], ["Frozen_-LRB-2013_film-RRB-", 15]]} +{"id": 75032, "predicted_label": "REFUTES", "predicted_evidence": [["Heart", 19], ["Neurobiological_effects_of_physical_exercise", 1], ["Transcutaneous_pacing", 6], ["Athletic_heart_syndrome", 0], ["Athletic_heart_syndrome", 8]]} +{"id": 23073, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Medal_of_Honor_recipients_for_the_Boxer_Rebellion", 0], ["Ma_Biao_-LRB-general-RRB-", 42], ["Ma_Biao_-LRB-general-RRB-", 27], ["Song_Qing_-LRB-Qing_dynasty-RRB-", 0], ["Ma_Biao_-LRB-general-RRB-", 26]]} +{"id": 78388, "predicted_label": "SUPPORTS", "predicted_evidence": [["Washington_Wizards", 12], ["AFC_East", 15], ["AFC_East", 19], ["Midwest_Division_-LRB-NBA-RRB-", 18], ["Washington_Wizards", 0]]} +{"id": 3432, "predicted_label": "SUPPORTS", "predicted_evidence": [["Cyrus_-LRB-surname-RRB-", 14], ["Cyrus_-LRB-surname-RRB-", 18], ["Jenna_Andrews", 1], ["Ron_Cyrus", 1], ["Jenna_Andrews", 2]]} +{"id": 202436, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 2], ["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["TTSS", 5]]} +{"id": 152285, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_NetBeans-based_software", 36], ["I\u0307sla\u0302m_III_Giray", 5], ["Auto_mechanic", 0], ["Driver_and_Mechanic_Badge", 28], ["List_of_NetBeans-based_software", 247]]} +{"id": 98885, "predicted_label": "REFUTES", "predicted_evidence": [["Advertising", 0], ["Carl_Gerlinger", 18], ["Nashik_district", 21], ["Atheism_Conquered", 3], ["Advertising", 16]]} +{"id": 32283, "predicted_label": "SUPPORTS", "predicted_evidence": [["You_Were_Made_for_Me", 6], ["Super_Heroines", 4], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 1776], ["Pinoy_Dream_Academy_-LRB-season_1-RRB-", 15], ["Pinoy_Dream_Academy_-LRB-season_1-RRB-", 14]]} +{"id": 127340, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2010_IIHF_World_Championship_rosters", 16], ["2007_IIHF_World_Championship_rosters", 17], ["2009_IIHF_World_Championship_rosters", 16], ["New_Country", 5], ["2009_IIHF_World_Championship_rosters", 15]]} +{"id": 18623, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["Father_Callahan", 1], ["The_Dark_Tower_-LRB-series-RRB-", 13], ["The_Dark_Tower-COLON-_The_Sorcerer", 3], ["All-World", 33]]} +{"id": 85343, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Land_of_No_Return", 0], ["Right_to_Kill?", 10], ["Easy_to_Assemble", 7], ["Easy_to_Assemble", 4]]} +{"id": 131254, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Hunting_Party_-LRB-album-RRB-", 0], ["A_Thousand_Suns", 0], ["Linkin_Park_discography", 0], ["List_of_songs_recorded_by_Linkin_Park", 0], ["A_Thousand_Suns", 3]]} +{"id": 34004, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_compositions_by_Alan_Hovhaness", 475], ["List_of_compositions_by_Alan_Hovhaness", 565], ["List_of_compositions_by_Charles_Wuorinen", 442], ["List_of_compositions_by_Leopold_Koz\u030celuch", 1], ["Piano_sextet", 56]]} +{"id": 84799, "predicted_label": "SUPPORTS", "predicted_evidence": [["Game_of_Thrones_-LRB-season_2-RRB-", 17], ["Game_of_Thrones_-LRB-season_2-RRB-", 11], ["Peter_Dinklage_on_screen_and_stage", 0], ["Underdog_-LRB-film-RRB-", 1], ["List_of_awards_and_nominations_received_by_Peter_Dinklage", 0]]} +{"id": 193902, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22], ["Whole_life_insurance", 0], ["Variable_universal_life_insurance", 5], ["Variable_universal_life_insurance", 9]]} +{"id": 180724, "predicted_label": "REFUTES", "predicted_evidence": [["Something_Beginning_with_C", 2], ["Prayers_Be_Answered", 0], ["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Live_at_Mainstreet", 3], ["Expectations_-LRB-Dance_Exponents_album-RRB-", 0]]} +{"id": 100407, "predicted_label": "SUPPORTS", "predicted_evidence": [["IWGP_Heavyweight_Championship", 26], ["IWGP_Junior_Heavyweight_Championship", 24], ["List_of_IWGP_Junior_Heavyweight_Tag_Team_Champions", 20], ["FIP_World_Heavyweight_Championship", 16], ["Two_guineas_-LRB-British_coin-RRB-", 17]]} +{"id": 202452, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 221076, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Something_Else!!!!", 1], ["Pseudo-", 0], ["Pseudo-", 47], ["Emmett_Williams", 19], ["List_of_Latin_legal_terms", 2671]]} +{"id": 75384, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Infinite", 0], ["Marvel_vs._Capcom-COLON-_Clash_of_Super_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Clash_of_Super_Heroes", 8], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3]]} +{"id": 130368, "predicted_label": "REFUTES", "predicted_evidence": [["Titanic_-LRB-1997_film-RRB-", 1], ["Edward_Kamuda", 9], ["Titanic_Museum", 3], ["Edward_Kamuda", 7], ["Titanic_Historical_Society", 34]]} +{"id": 18951, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colosseum", 23], ["Colosseum_II", 0], ["The_Colosseum_-LRB-Manhattan-RRB-", 15], ["The_Colosseum_-LRB-Manhattan-RRB-", 10], ["The_Colosseum_-LRB-Manhattan-RRB-", 14]]} +{"id": 151403, "predicted_label": "SUPPORTS", "predicted_evidence": [["Plymouth_Howler", 2], ["Plymouth_Howler", 14], ["Hematodinium", 51], ["King_crab", 9], ["Hematodinium", 89]]} +{"id": 141561, "predicted_label": "REFUTES", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-band-RRB-", 0], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_discography", 0]]} +{"id": 36570, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["East_Nashville_Crips", 0], ["East_Nashville_Crips", 2], ["Watts_truce", 6], ["Ghost_Shadows", 12], ["Watts_truce", 3]]} +{"id": 38981, "predicted_label": "SUPPORTS", "predicted_evidence": [["Urge_-LRB-film-RRB-", 1], ["Unleashed_-LRB-2016_film-RRB-", 1], ["Justin_Chatwin", 0], ["Chatwin", 8], ["Chatwin", 10]]} +{"id": 181201, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Southpaw_stance", 1], ["Osmay_Acosta", 3], ["Southpaw_stance", 0], ["Southpaw_Entertainment", 3], ["Southpaw_stance", 2]]} +{"id": 42072, "predicted_label": "SUPPORTS", "predicted_evidence": [["I_Belong_to_You", 23], ["Where_I_Belong", 3], ["I_Belong_to_You/How_Many_Ways", 0], ["Where_I_Belong", 13], ["We_Belong_Together", 0]]} +{"id": 172107, "predicted_label": "SUPPORTS", "predicted_evidence": [["Antonina_Armato", 29], ["Falling_Down_-LRB-Selena_Gomez_&_the_Scene_song-RRB-", 0], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Antonina_Armato", 26], ["Stars_Dance", 0]]} +{"id": 30270, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Vandals_-LRB-UK_band-RRB-", 0], ["The_Vandals_-LRB-UK_band-RRB-", 10], ["The_Vandals_-LRB-UK_band-RRB-", 8], ["Basildon_Park", 0], ["Pitsea", 5]]} +{"id": 228320, "predicted_label": "REFUTES", "predicted_evidence": [["Island_Records_-LRB-disambiguation-RRB-", 2], ["Island_Records", 12], ["Island_Records", 1], ["Ron_Rogers", 7], ["Ron_Rogers", 9]]} +{"id": 58114, "predicted_label": "REFUTES", "predicted_evidence": [["The_Purist", 2], ["The_Purist", 3], ["Daniel_Brown", 14], ["The_Hybrid_-LRB-album-RRB-", 0], ["The_Hybrid_-LRB-album-RRB-", 4]]} +{"id": 132603, "predicted_label": "SUPPORTS", "predicted_evidence": [["Henry_II_style", 4], ["Theodore_William_Moody", 78], ["French_Wars_of_Religion", 0], ["Henry_II_style", 0], ["French_Wars_of_Religion", 9]]} +{"id": 156803, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Sandeep_Khurana", 18], ["Aparshakti_Khurana", 0], ["Sonia_Khurana", 559], ["Sonia_Khurana", 471]]} +{"id": 186936, "predicted_label": "REFUTES", "predicted_evidence": [["Cher_albums_discography", 21], ["Cher", 8], ["Cher_albums_discography", 25], ["List_of_Cher_concert_tours", 23], ["Cher", 5]]} +{"id": 215494, "predicted_label": "REFUTES", "predicted_evidence": [["Weekly_Idol", 0], ["Hyeong", 17], ["FNC_Entertainment", 7], ["Weekly_Idol", 1], ["Jeong_Hyeong-don", 0]]} +{"id": 138821, "predicted_label": "SUPPORTS", "predicted_evidence": [["Solomon_R._Guggenheim_Foundation", 3], ["Solomon_R._Guggenheim_Foundation", 5], ["1994_NBA_Playoffs", 1], ["1994_NBA_Finals", 0], ["Solomon_R._Guggenheim_Foundation", 10]]} +{"id": 74364, "predicted_label": "SUPPORTS", "predicted_evidence": [["Kendall_-LRB-given_name-RRB-", 5], ["H.E.R.", 11], ["Kendall_Jenner", 0], ["Kylie_Jenner", 7], ["Kendall_Jenner", 7]]} +{"id": 115021, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hispanic_Heritage_Baseball_Museum", 118], ["Hispanic_Heritage_Baseball_Museum", 113], ["Hispanic_Heritage_Baseball_Museum", 117], ["The_Pride_of_the_Yankees", 1], ["Lou_Gehrig_Memorial_Award", 0]]} +{"id": 151247, "predicted_label": "SUPPORTS", "predicted_evidence": [["Martin_Bregman", 1], ["Eddie_Murphy", 13], ["The_Adventures_of_Pluto_Nash", 0], ["Jay_Mohr", 2], ["Jay_Mohr", 3]]} +{"id": 71876, "predicted_label": "SUPPORTS", "predicted_evidence": [["So_Far_Gone", 2], ["Poor_Boy", 13], ["Drake_-LRB-musician-RRB-", 12], ["Nick_Drake_discography", 26], ["Nick_Drake_discography", 0]]} +{"id": 112471, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Tremont_Street_Subway", 5], ["Pleasant_Street_-LRB-BERy_station-RRB-", 1], ["Green_Line_\"D\"_Branch", 1], ["Tremont_Street_Subway", 0], ["Pleasant_Street_-LRB-BERy_station-RRB-", 0]]} +{"id": 25458, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jay_Mohr", 2], ["The_Adventures_of_Pluto_Nash", 0], ["Martin_Bregman", 1], ["Eddie_Murphy", 13], ["The_Adventures_of_Pluto_Nash", 2]]} +{"id": 70199, "predicted_label": "REFUTES", "predicted_evidence": [["Gosling_-LRB-surname-RRB-", 36], ["El_Dorado_AVA", 8], ["El_Dorado_High_School", 17], ["El_Dorado_AVA", 0], ["El_Dorado_AVA", 7]]} +{"id": 128920, "predicted_label": "SUPPORTS", "predicted_evidence": [["Project_Runway_-LRB-season_6-RRB-", 10], ["Project_Runway_-LRB-season_7-RRB-", 11], ["Ashley_Graham_-LRB-model-RRB-", 0], ["Ashley_Graham", 0], ["Ashley_Graham", 3]]} +{"id": 215230, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dreamer_-LRB-2005_film-RRB-", 0], ["Gatins", 4], ["Mariah's_Storm", 4], ["John_Gatins", 0], ["Need_for_Speed_-LRB-film-RRB-", 0]]} +{"id": 150905, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hedda_Gabler", 1], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Else_H\u00f8st", 9], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler", 2]]} +{"id": 177172, "predicted_label": "SUPPORTS", "predicted_evidence": [["Adventure_game", 11], ["Shoot_'em_up", 12], ["Invasion_literature", 0], ["Alien_invasion", 22], ["Alien_invasion", 4]]} +{"id": 46827, "predicted_label": "REFUTES", "predicted_evidence": [["Swiss_Film_Award", 0], ["Always_and_Forever", 37], ["Carlos_Leal", 14], ["Swiss_Film_Award", 13], ["Carlos_Leal", 13]]} +{"id": 183610, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pixar", 10], ["Jerome_Ranft", 6], ["Pixar_universe", 13], ["Pixar", 6], ["Finding_Dory", 0]]} +{"id": 70780, "predicted_label": "REFUTES", "predicted_evidence": [["Mirny_-LRB-sloop-of-war-RRB-", 0], ["Mirny", 36], ["Fabian_Gottlieb_von_Bellingshausen", 0], ["HMS_Pelican", 9], ["Fabian_Gottlieb_von_Bellingshausen", 4]]} +{"id": 201112, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Marcus_Bentley", 0], ["The_Water_Boatman", 1], ["Dirty_Money_-LRB-show-RRB-", 1], ["Celebrity_Big_Brother_8", 6]]} +{"id": 179762, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Wentworth_Miller", 2], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Daniel_Miller_-LRB-cricketer-RRB-", 6], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 84542, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_Morello_discography", 0], ["Tom_Morello_discography", 23], ["Rage_Against_the_Machine", 0], ["Bombtrack", 4], ["Audioslave", 1]]} +{"id": 185218, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Little_Christmas", 2], ["Badnjak_-LRB-Serbian-RRB-", 5], ["Little_Christmas", 20], ["Little_Christmas", 14], ["Christmas_Eve", 12]]} +{"id": 165652, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tom_Baker_-LRB-English_actor-RRB-", 15], ["The_Montague_Brothers", 4], ["Help_She_Can't_Swim", 20], ["Tom_Baker_-LRB-English_actor-RRB-", 10], ["Jane_Slavin", 6]]} +{"id": 52270, "predicted_label": "REFUTES", "predicted_evidence": [["San_Diego_and_Arizona_Eastern_Railway", 0], ["San_Diego", 12], ["Hispanic_Heritage_Baseball_Museum", 0], ["University_of_California,_San_Diego", 0], ["Hispanic_Heritage_Baseball_Museum", 92]]} +{"id": 191439, "predicted_label": "SUPPORTS", "predicted_evidence": [["Because_of_You_-LRB-Kelly_Clarkson_song-RRB-", 0], ["Chantal_Kreviazuk_production_discography", 22], ["Chantal_Kreviazuk_production_discography", 30], ["Breakaway_-LRB-Kelly_Clarkson_song-RRB-", 3], ["List_of_songs_recorded_by_Kelly_Clarkson", 5]]} +{"id": 202764, "predicted_label": "REFUTES", "predicted_evidence": [["Despicable_Me_2", 0], ["Chris_Renaud_-LRB-animator-RRB-", 2], ["Despicable_Me", 9], ["Despicable_Me_-LRB-franchise-RRB-", 3], ["Despicable_Me_2", 9]]} +{"id": 180573, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Hill_Head", 24], ["Convict", 6], ["Convict", 1], ["Convict", 5], ["Hill_Head", 29]]} +{"id": 127869, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sindh_Engro_Coal_Mining_Company", 12], ["Call_of_Duty-COLON-_Black_Ops_II", 10], ["Inception", 14], ["Zarlink", 94], ["Saw_VI", 1]]} +{"id": 92151, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Weekend_-LRB-Homeland-RRB-", 6], ["Carrie_Mathison", 2], ["Pilot_-LRB-Homeland-RRB-", 4], ["Carrie_Mathison", 0], ["Carrie_Mathison", 7]]} +{"id": 155648, "predicted_label": "REFUTES", "predicted_evidence": [["Shooter_-LRB-TV_series-RRB-", 1], ["Victoria_Spence", 1], ["Ryan_Phillippe", 4], ["Ryan_Phillippe", 0], ["Phillippe", 19]]} +{"id": 31686, "predicted_label": "SUPPORTS", "predicted_evidence": [["NRG_Recording_Studios", 0], ["NRG", 27], ["Jaz-O", 0], ["Jay_Z_albums_discography", 9], ["Watch_the_Throne", 1]]} +{"id": 46149, "predicted_label": "SUPPORTS", "predicted_evidence": [["Stan_Beeman", 0], ["Stan_Beeman", 2], ["Noah_Emmerich", 2], ["The_Americans_-LRB-season_1-RRB-", 7], ["The_Americans_-LRB-2013_TV_series-RRB-", 4]]} +{"id": 54180, "predicted_label": "SUPPORTS", "predicted_evidence": [["Pearl_Jam", 13], ["Pearl_Jam", 8], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 7], ["Pearl_Jam_discography", 19], ["List_of_awards_and_nominations_received_by_Pearl_Jam", 14]]} +{"id": 169037, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Manmohan_Singh_ministry", 5], ["First_Manmohan_Singh_ministry", 2], ["Manmohan_Singh", 23], ["Manmohan_Singh_ministry", 3], ["First_Manmohan_Singh_ministry", 0]]} +{"id": 10214, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_Aeronautics", 4], ["Fifth-generation_jet_fighter", 4], ["Lockheed_Martin_Aeronautics", 9], ["Lockheed_Martin_Aeronautics", 0], ["Lockheed_Martin_Systems_Integration_\u2013_Owego", 6]]} +{"id": 46165, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Adam_Price_-LRB-screenwriter-RRB-", 6], ["Knudsen", 40], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Strisser_pa\u030a_Sams\u00f8", 4]]} +{"id": 5574, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Black_Reel_Awards_of_2016", 4], ["Black_Reel_Awards_of_2016", 8], ["Beware_of_Christians", 1], ["One_Nation_Under_God_-LRB-film-RRB-", 1], ["Jared_Hedges", 7]]} +{"id": 15155, "predicted_label": "REFUTES", "predicted_evidence": [["Iron_Fist_-LRB-comics-RRB-", 3], ["List_of_Marvel_Cinematic_Universe_television_series", 13], ["Luke_Cage", 1], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage", 5]]} +{"id": 205725, "predicted_label": "REFUTES", "predicted_evidence": [["First_Motion_Picture_Unit", 8], ["First_Motion_Picture_Unit", 0], ["List_of_Walt_Disney's_World_War_II_productions_for_Armed_Forces", 1], ["Richard_L._Bare", 12], ["Jack_Wagner_-LRB-screenwriter-RRB-", 10]]} +{"id": 138554, "predicted_label": "REFUTES", "predicted_evidence": [["Beijing_International_MBA_at_Peking_University", 7], ["Affiliated_High_School_of_Peking_University", 12], ["Yenching_Academy", 6], ["Yenching_Academy", 2], ["Affiliated_High_School_of_Peking_University", 11]]} +{"id": 98044, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-White_Collar-RRB-", 2], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Baywatch_-LRB-film-RRB-", 1], ["Nomis_-LRB-film-RRB-", 1], ["Anthony_Meindl", 20]]} +{"id": 83470, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 0], ["Golden_Rule", 10], ["Wish_Upon_a_Star", 0], ["When_You_Wish_Upon_a_Weinstein", 7], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 4]]} +{"id": 145158, "predicted_label": "SUPPORTS", "predicted_evidence": [["Red_River_Valley_and_Western_Railroad", 57], ["1957_Fargo_tornado", 32], ["Fargo,_North_Dakota", 3], ["Fargo\u2013Moorhead", 2], ["Fargo\u2013Moorhead", 0]]} +{"id": 174609, "predicted_label": "SUPPORTS", "predicted_evidence": [["Artpop", 13], ["Lady_Gaga_discography", 1], ["Lady_Gaga_discography", 2], ["Lady_Gaga_discography", 20], ["Lady_Gaga", 15]]} +{"id": 132401, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Train_Your_Dragon_2", 11], ["How_to_Train_Your_Dragon_2", 0], ["Dragon_2", 0], ["How_to_Train_Your_Dragon_-LRB-film-RRB-", 14], ["List_of_PlayStation_3_games_released_on_disc", 2163]]} +{"id": 25818, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Adventures_of_Pluto_Nash", 0], ["James_Cameron_filmography", 4], ["Milla_Jovovich", 11], ["List_of_video_game_crowdfunding_projects", 2506], ["List_of_video_game_crowdfunding_projects", 3830]]} +{"id": 102756, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bad_Romance", 2], ["2010_MTV_Video_Music_Awards", 5], ["2010_MTV_Video_Music_Awards", 4], ["Bad_Romance_-LRB-disambiguation-RRB-", 4], ["Judas_-LRB-Lady_Gaga_song-RRB-", 6]]} +{"id": 182443, "predicted_label": "REFUTES", "predicted_evidence": [["Meta-epistemology", 0], ["Epistemology", 3], ["Reformed_epistemology", 3], ["Philosophical_problems_of_testimony", 15], ["Faith_and_rationality", 0]]} +{"id": 217676, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Pelican_Brief_-LRB-film-RRB-", 0], ["Julia_Roberts_filmography", 7], ["The_Firm_-LRB-1993_film-RRB-", 1], ["The_Firm_-LRB-1993_film-RRB-", 2], ["John_Grisham", 15]]} +{"id": 136725, "predicted_label": "REFUTES", "predicted_evidence": [["Death_of_Diana,_Princess_of_Wales", 0], ["Diana,_Princess_of_Wales", 0], ["Death_of_Diana,_Princess_of_Wales_conspiracy_theories", 1], ["Diana,_Princess_of_Wales", 18], ["Death_of_Diana,_Princess_of_Wales_conspiracy_theories", 0]]} +{"id": 166487, "predicted_label": "REFUTES", "predicted_evidence": [["Earth_2", 3], ["Land_of_the_Giants", 2], ["Earth_2", 5], ["List_of_video_game_crowdfunding_projects", 3166], ["List_of_Ace_titles_in_numeric_series", 173]]} +{"id": 89859, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Murda_Beatz", 0], ["More_Life", 5], ["No_Frauds", 1], ["Freddie_Lindstrom", 10], ["Freddie_Lindstrom", 20]]} +{"id": 197340, "predicted_label": "SUPPORTS", "predicted_evidence": [["Luke_Cage", 2], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Black_Mariah_-LRB-comics-RRB-", 1], ["Luke_Cage_-LRB-season_1-RRB-", 0]]} +{"id": 132159, "predicted_label": "REFUTES", "predicted_evidence": [["Qui-Gon_Jinn", 0], ["Qui-Gon_and_Obi-Wan-COLON-_The_Aurorient_Express", 2], ["Count_Dooku", 4], ["Qui-Gon_and_Obi-Wan-COLON-_Last_Stand_on_Ord_Mantell", 2], ["Watto", 6]]} +{"id": 151274, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Topman", 1], ["Progressives_-LRB-Scotland-RRB-", 3], ["Scottish_Labour_Party", 3], ["Scottish_Conservatives", 22], ["Progressives_-LRB-Scotland-RRB-", 15]]} +{"id": 128754, "predicted_label": "SUPPORTS", "predicted_evidence": [["Green_Arrow", 15], ["Larry_Lance", 0], ["Larry_Lance", 2], ["Sara_Lance", 1], ["Black_Canary", 13]]} +{"id": 133707, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_fictional_U.S._Marshals", 96], ["List_of_fictional_U.S._Marshals", 62], ["List_of_baseball_parks_used_in_film_and_television", 254], ["List_of_fictional_U.S._Marshals", 51], ["List_of_Ace_titles_in_numeric_series", 968]]} +{"id": 119519, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elvis_-LRB-miniseries-RRB-", 4], ["Elvis_Presley's_guitars", 6], ["Scott_Moore", 15], ["Scotty_Cameron", 0], ["List_of_moths_of_India_-LRB-Geometridae-RRB-", 1199]]} +{"id": 23961, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revival", 1], ["The_Golliwogs", 12], ["John_Fogerty_-LRB-album-RRB-", 0], ["Creedence_Clearwater_Revisited", 4], ["The_Golliwogs", 26]]} +{"id": 64228, "predicted_label": "SUPPORTS", "predicted_evidence": [["Politics_of_Asia", 4], ["Appropriation", 4], ["Politics_of_Asia", 6], ["Politics_of_Asia", 5], ["Politics_of_Asia", 0]]} +{"id": 130262, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_women_with_ovarian_cancer", 127], ["Marjorie_Gross", 0], ["Marjorie", 136], ["Seinfeld", 8], ["Genigraphics", 72]]} +{"id": 98020, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Torso_-LRB-Image_Comics-RRB-", 0], ["Jessica_Jones", 1], ["Brian_Michael_Bendis", 12], ["Ultimate_Spider-Man", 16], ["Secret_War_-LRB-comics-RRB-", 1]]} +{"id": 154490, "predicted_label": "REFUTES", "predicted_evidence": [["Ajay_Devgn", 0], ["Veeru_Devgan", 0], ["Devgan", 6], ["Anil_Devgan", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0]]} +{"id": 151500, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Need_for_Speed-COLON-_The_Run", 0], ["Black_Box_\u2013_Wax_Trax!_Records-COLON-_The_First_13_Years", 20], ["List_of_PlayStation_3_games_released_on_disc", 10043], ["List_of_Need_for_Speed_video_games", 2], ["Skate_2", 13]]} +{"id": 199429, "predicted_label": "REFUTES", "predicted_evidence": [["Richard_Linklater", 3], ["Boyhood_-LRB-film-RRB-", 1], ["Boyhood_-LRB-film-RRB-", 5], ["Ernest_R._Breech", 19], ["Murtaza_Rakhimov", 0]]} +{"id": 40626, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colosseum", 23], ["Thomas_Hornor_-LRB-surveyor-RRB-", 16], ["Colosseum_II", 0], ["The_Colosseum_-LRB-Manhattan-RRB-", 14], ["The_Colosseum_-LRB-Manhattan-RRB-", 10]]} +{"id": 131928, "predicted_label": "REFUTES", "predicted_evidence": [["Heart", 18], ["Cardiac_output", 1], ["Tachycardia", 1], ["Cardiovascular_centre", 2], ["Tachycardia", 0]]} +{"id": 107277, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Behind_the_Player-COLON-_Duff_McKagan", 0], ["Velvet_Revolver", 0], ["Martin_Feveyear", 3], ["List_of_Guns_N'_Roses_members", 1], ["Velvet_Revolver", 13]]} +{"id": 72485, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Age_of_Apocalypse", 5], ["X-Men_-LRB-film_series-RRB-", 5], ["X-Men_-LRB-film_series-RRB-", 10], ["X-Men_-LRB-film_series-RRB-", 9], ["X-Men_-LRB-film_series-RRB-", 1]]} +{"id": 192841, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jason_Brennan", 4], ["List_of_Scream_Queens_-LRB-2015_TV_series-RRB-_episodes", 0], ["Ian_Brennan", 8], ["Scream_Queens_-LRB-2015_TV_series-RRB-", 1], ["Ian_Brennan", 4]]} +{"id": 185236, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Palladas", 7], ["Ellen_Barron", 4], ["Price_v._Pennsylvania_Railroad_Co.", 29], ["Price_v._Pennsylvania_Railroad_Co.", 33], ["Ellen_Barron", 9]]} +{"id": 101641, "predicted_label": "REFUTES", "predicted_evidence": [["Bee_Gees", 4], ["Bee_Gees", 14], ["Immortality_-LRB-Celine_Dion_song-RRB-", 20], ["Bee_Gees'_1st", 10], ["Immortality_-LRB-Celine_Dion_song-RRB-", 11]]} +{"id": 154637, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Terry_Crews", 9], ["Terry_Crews", 3], ["Make_a_Smellmitment", 2], ["Make_a_Smellmitment", 8], ["Make_a_Smellmitment", 4]]} +{"id": 91755, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Ice_-LRB-Kelly_Rowland_song-RRB-", 3], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7], ["Element_-LRB-production_team-RRB-", 21], ["Layla_Alizada", 1], ["Noel_Fisher_-LRB-disambiguation-RRB-", 0]]} +{"id": 6114, "predicted_label": "SUPPORTS", "predicted_evidence": [["AMGTV", 0], ["Sony_Entertainment_Television_Asia", 0], ["Rod_Dovlin", 6], ["William_Pfeiffer", 12], ["AMGTV", 4]]} +{"id": 205658, "predicted_label": "SUPPORTS", "predicted_evidence": [["St._Anger", 0], ["List_of_Train_members", 30], ["Weezer_discography", 30], ["Bon_Jovi_discography", 37], ["Weezer_discography", 0]]} +{"id": 28864, "predicted_label": "REFUTES", "predicted_evidence": [["Go_to_Hell_-LRB-American_Horror_Story-RRB-", 4], ["Protect_the_Coven", 4], ["Boy_Parts", 4], ["Go_to_Hell_-LRB-American_Horror_Story-RRB-", 5], ["Head_-LRB-American_Horror_Story-RRB-", 4]]} +{"id": 175742, "predicted_label": "REFUTES", "predicted_evidence": [["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 10], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 12], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 18], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 14], ["Cry_Cry_Cry_-LRB-disambiguation-RRB-", 16]]} +{"id": 46508, "predicted_label": "REFUTES", "predicted_evidence": [["Angelsberg", 0], ["Fischbach,_Mersch", 5], ["List_of_ghost_towns_in_Pennsylvania", 45], ["List_of_ghost_towns_in_Pennsylvania", 24], ["Horni\u0301_Slavkov", 37]]} +{"id": 220290, "predicted_label": "REFUTES", "predicted_evidence": [["Bullitt", 0], ["Peter_Yates_-LRB-disambiguation-RRB-", 0], ["Peter_Yates_-LRB-disambiguation-RRB-", 8], ["Peter_Yates_-LRB-disambiguation-RRB-", 3], ["Bullitt", 10]]} +{"id": 185740, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mani_Ratnam", 1], ["Mani_Ratnam_filmography", 1], ["List_of_awards_and_nominations_received_by_Aishwarya_Rai", 27], ["Mani_Ratnam", 15], ["Mani_Ratnam", 0]]} +{"id": 147991, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dev_Patel", 6], ["How_to_Get_Away_with_Murder", 12], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 3], ["Outstanding_Drama_Series", 11]]} +{"id": 56024, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pleasant_Street_-LRB-BERy_station-RRB-", 1], ["Tremont_Street_Subway", 5], ["Green_Line_\"D\"_Branch", 1], ["Tremont_Street_Subway", 0], ["Canal_Street_Incline", 16]]} +{"id": 154124, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["St._Louis_Blues_-LRB-1929_film-RRB-", 5], ["St._Louis_Blues_-LRB-1929_film-RRB-", 0], ["St._Louis_Blues_-LRB-1929_film-RRB-", 12], ["St._Louis_Blues_-LRB-1929_film-RRB-", 2], ["Restaurant_Gordon_Ramsay", 0]]} +{"id": 7185, "predicted_label": "SUPPORTS", "predicted_evidence": [["Conway_-LRB-surname-RRB-", 66], ["Masonic_conspiracy_theories", 0], ["Mathias_Bro\u0308ckers", 12], ["GMO_conspiracy_theories", 0], ["GMO_conspiracy_theories", 2]]} +{"id": 85184, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_100_-LRB-TV_series-RRB-", 4], ["Maryland_Route_100", 1], ["Maryland_Route_100", 3], ["United_States_v._Wong_Kim_Ark", 15], ["United_States_v._Wong_Kim_Ark", 0]]} +{"id": 203607, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sugarland_Express", 3], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Joe_Alves", 4], ["Merrill_Connally", 11], ["Slipstream_-LRB-unfinished_film-RRB-", 0]]} +{"id": 55582, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sebastian_Stan", 0], ["List_of_people_from_Constant\u0326a", 35], ["Stan_-LRB-surname-RRB-", 22], ["Index_of_World_War_II_articles_-LRB-S-RRB-", 1688], ["Index_of_World_War_II_articles_-LRB-S-RRB-", 391]]} +{"id": 175662, "predicted_label": "SUPPORTS", "predicted_evidence": [["General_-LRB-DC_Comics-RRB-", 10], ["Hindsight_-LRB-comics-RRB-", 2], ["Humus_Sapien", 2], ["Publication_history_of_Anarky", 20], ["Anarky", 19]]} +{"id": 223771, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ralph_Fults", 0], ["Fults", 7], ["Barrow_Gang", 24], ["Bonnie_and_Clyde", 1], ["Fults_Hill_Prairie_State_Natural_Area", 0]]} +{"id": 147720, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paramore_discography", 1], ["List_of_songs_recorded_by_Paramore", 1], ["Zac_Farro", 2], ["List_of_songs_recorded_by_Paramore", 2], ["Paramore_-LRB-album-RRB-", 0]]} +{"id": 47341, "predicted_label": "REFUTES", "predicted_evidence": [["Chelsea_Food_Services", 1], ["Chelsea_Food_Services", 0], ["Black_Canary", 2], ["Birds_of_Prey_-LRB-comics-RRB-", 25], ["Green_Arrow_and_Black_Canary", 0]]} +{"id": 195024, "predicted_label": "SUPPORTS", "predicted_evidence": [["Merline_Johnson", 0], ["Neal", 41], ["Copeland_-LRB-surname-RRB-", 78], ["Big_Bill", 17], ["Copeland_-LRB-surname-RRB-", 46]]} +{"id": 205652, "predicted_label": "SUPPORTS", "predicted_evidence": [["Metallica", 24], ["St._Anger", 3], ["St._Anger", 0], ["Metallica", 15], ["Metallica", 12]]} +{"id": 38794, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jack_Duffy_-LRB-actor-RRB-", 2], ["Taylor_Lautner", 4], ["Back_to_December", 3], ["The_Twilight_Saga-COLON-_Breaking_Dawn_\u2013_Part_2", 2], ["Taylor_Lautner", 0]]} +{"id": 120069, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ashley_Cole", 0], ["2011_Major_League_Soccer_season", 0], ["LA_Galaxy", 0], ["MLS_Cup_2002", 0], ["LA_Galaxy", 14]]} +{"id": 44890, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6], ["John_White_Howell", 58]]} +{"id": 106929, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["TV_Quick", 4], ["TV_Quick", 10], ["EastEnders", 12], ["TV_Choice", 0], ["TV_Quick", 5]]} +{"id": 203385, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Goosebumps", 5]]} +{"id": 179027, "predicted_label": "SUPPORTS", "predicted_evidence": [["Steve_Ditko", 3], ["Charlton_Neo", 0], ["Captain_Glory", 3], ["In_Search_of_Steve_Ditko", 0], ["Captain_Glory", 11]]} +{"id": 133282, "predicted_label": "SUPPORTS", "predicted_evidence": [["Magic_Johnson_Enterprises", 2], ["Magic_Johnson_Foundation", 0], ["Magic_Johnson_Theatres", 0], ["Magic_Johnson_-LRB-disambiguation-RRB-", 8], ["Magic_Johnson_Enterprises", 0]]} +{"id": 21588, "predicted_label": "SUPPORTS", "predicted_evidence": [["Patsy_Smart", 3], ["Danger_UXD", 5], ["Ken_Kitson", 3], ["Christopher_Good", 3], ["UXB", 7]]} +{"id": 179263, "predicted_label": "REFUTES", "predicted_evidence": [["Robert_L._McNeil,_Jr.", 18], ["Tylenol_-LRB-brand-RRB-", 0], ["Tylenol_-LRB-brand-RRB-", 2], ["Robert_L._McNeil,_Jr.", 15], ["Tylenol_-LRB-brand-RRB-", 6]]} +{"id": 122910, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sex_Factor", 0], ["XHamster", 6], ["Happening_bar", 3], ["Porn_star_-LRB-disambiguation-RRB-", 0], ["Porn_star_-LRB-disambiguation-RRB-", 11]]} +{"id": 108240, "predicted_label": "SUPPORTS", "predicted_evidence": [["Aparshakti_Khurana", 2], ["Dangal_-LRB-film-RRB-", 2], ["Aparshakti_Khurana", 0], ["Sonia_Khurana", 16], ["Sonia_Khurana", 237]]} +{"id": 136325, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Queen's_Players", 29], ["Queen's_Players", 24], ["List_of_ANAGPIC_meetings", 201], ["List_of_castles_in_the_United_States", 319], ["Queen's_Players", 34]]} +{"id": 202439, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-film-RRB-", 0], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 1]]} +{"id": 192979, "predicted_label": "REFUTES", "predicted_evidence": [["Stargate", 0], ["Stargate_-LRB-film-RRB-", 2], ["Independence_Day_-LRB-1996_film-RRB-", 0], ["2012_-LRB-film-RRB-", 0], ["Stargate", 12]]} +{"id": 225289, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 98], ["The_House_-LRB-2017_film-RRB-", 1], ["Saturday_Night_Live_-LRB-season_35-RRB-", 9], ["The_Midnight_Show", 3], ["Saturday_Night_Live_-LRB-season_35-RRB-", 14]]} +{"id": 17807, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 24], ["Deighton", 18], ["Derek_Deighton", 1], ["Derek_Deighton", 0], ["John_Deighton", 0]]} +{"id": 116890, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Fantasy_fandom", 3], ["Fantasy_Hero", 19], ["Fantasy_fandom", 0], ["Ballantine_Adult_Fantasy_series", 7], ["Ballantine_Adult_Fantasy_series", 16]]} +{"id": 2536, "predicted_label": "SUPPORTS", "predicted_evidence": [["Reggae", 0], ["Reggae", 27], ["High_Off_My_Love", 6], ["Paris_Hilton", 18], ["Paris_-LRB-Paris_Hilton_album-RRB-", 9]]} +{"id": 112503, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_A21_Campaign", 15], ["Human_trafficking_in_the_United_Kingdom", 17], ["Beryl_Esembe", 16], ["Transnational_efforts_to_prevent_human_trafficking", 0], ["Human_trafficking_in_New_Zealand", 14]]} +{"id": 52523, "predicted_label": "SUPPORTS", "predicted_evidence": [["ODVA_-LRB-company-RRB-", 1], ["ODVA_-LRB-company-RRB-", 7], ["PacSun", 1], ["ALA_Best_Fiction_for_Young_Adults", 0], ["Allan_Stratton", 45]]} +{"id": 156246, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_-LRB-surname-RRB-", 52], ["Edmund_H._Deas_House", 4], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234], ["Edmund_Pendleton_-LRB-disambiguation-RRB-", 6], ["Edmund_Garrett", 3]]} +{"id": 219144, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_registered_political_parties_in_Vale\u0300ncia", 18], ["Valencia", 0], ["Valencia_Football_Club", 5], ["Valencia_Football_Club", 3], ["Valencia_Football_Club", 0]]} +{"id": 229304, "predicted_label": "SUPPORTS", "predicted_evidence": [["Working_animal", 0], ["Working_animal", 21], ["Utilitiesman_-LRB-United_States_Navy-RRB-", 3], ["Working_dog", 0], ["Hull_maintenance_technician", 3]]} +{"id": 89747, "predicted_label": "SUPPORTS", "predicted_evidence": [["Murda_Beatz", 0], ["Fort_Erie_Race_Track", 0], ["Battle_of_Fort_Erie", 7], ["Battle_of_Fort_Erie", 0], ["Fort_Erie,_Ontario", 8]]} +{"id": 27187, "predicted_label": "SUPPORTS", "predicted_evidence": [["Trainspotting_-LRB-film-RRB-", 8], ["T2_Trainspotting", 0], ["Trainspotting", 11], ["Ewan_McGregor", 2], ["Ewen_Bremner", 1]]} +{"id": 113010, "predicted_label": "REFUTES", "predicted_evidence": [["Duane_Chapman", 0], ["Bail", 15], ["Ralph_\"Papa\"_Thorson", 22], ["Ralph_Leavitt", 45], ["Pete_McDonough", 0]]} +{"id": 92432, "predicted_label": "SUPPORTS", "predicted_evidence": [["Economy_of_Taiwan", 27], ["Tourism_in_Bangkok", 1], ["Matabungkay", 8], ["Bali", 14], ["Tourism_in_Bangkok", 0]]} +{"id": 116384, "predicted_label": "SUPPORTS", "predicted_evidence": [["Noah_Emmerich", 1], ["Stan_Beeman", 0], ["The_Americans_-LRB-season_1-RRB-", 7], ["The_Americans_-LRB-2013_TV_series-RRB-", 4], ["Noah_Emmerich", 2]]} +{"id": 134188, "predicted_label": "REFUTES", "predicted_evidence": [["John_Dolmayan", 0], ["John_Tempesta", 12], ["Spirit_of_Troy", 4], ["System_of_a_Down_discography", 0], ["System_of_a_Down_discography", 25]]} +{"id": 140377, "predicted_label": "REFUTES", "predicted_evidence": [["Augustus", 11], ["Augustus", 41], ["Dorelia_McNeill", 9], ["Augustus", 0], ["Frederick_Augustus_I_of_Saxony", 6]]} +{"id": 57259, "predicted_label": "SUPPORTS", "predicted_evidence": [["Grotowski_Institute_in_Wroc\u0142aw", 1], ["Thomas_Duane", 24], ["Thomas_Duane", 29], ["Thomas_Duane", 17], ["Thomas_Duane", 21]]} +{"id": 201118, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bentley_-LRB-surname-RRB-", 52], ["Bradshaw_-LRB-surname-RRB-", 31], ["Paul_Campbell_-LRB-Jamaican_actor-RRB-", 0], ["List_of_people_from_Gateshead", 9], ["Paul_Campbell_-LRB-Jamaican_actor-RRB-", 7]]} +{"id": 181115, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["So_You_Think_You_Can_Dance_-LRB-UK_series_1-RRB-", 0], ["So_You_Think_You_Can_Dance_-LRB-UK_series_1-RRB-", 5], ["List_of_compositions_by_Charles_Wuorinen", 443], ["College_of_Veterinary_and_Animal_Sciences,_Jhang", 0], ["List_of_compositions_by_Charles_Wuorinen", 79]]} +{"id": 89076, "predicted_label": "REFUTES", "predicted_evidence": [["Chris_Eubank_Jr.", 0], ["The_Big_Fight_Live", 1], ["Chris_Eubank_Jr.", 3], ["Nigel_Benn_vs._Chris_Eubank", 0], ["Chris_Eubank", 0]]} +{"id": 58173, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Bassoon_King", 0], ["Rainn_Wilson", 13], ["Chiel_Meijering", 6], ["List_of_compositions_by_Alan_Hovhaness", 160], ["List_of_compositions_by_Alan_Hovhaness", 553]]} +{"id": 16698, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Gifted_-LRB-TV_series-RRB-", 0], ["List_of_Burn_Notice_episodes", 7], ["The_Gifted_-LRB-TV_series-RRB-", 10], ["The_Gifted_-LRB-TV_series-RRB-", 7], ["Kirksey_Nix", 18]]} +{"id": 69663, "predicted_label": "SUPPORTS", "predicted_evidence": [["Replicant", 0], ["Blade_Runner", 26], ["Blade_Runner_2049", 0], ["Blade_Runner_2049", 1], ["Blade_Runner_-LRB-a_movie-RRB-", 12]]} +{"id": 112064, "predicted_label": "SUPPORTS", "predicted_evidence": [["Queen_-LRB-band-RRB-", 0], ["Queen_-LRB-band-RRB-", 7], ["Queen_City_Kids", 3], ["Queen_City_Kids", 66], ["London_Swing_Orchestra", 52]]} +{"id": 178170, "predicted_label": "SUPPORTS", "predicted_evidence": [["World_Trade_Center_-LRB-1973\u20132001-RRB-", 1], ["Collapse_of_the_World_Trade_Center", 0], ["Collapse_of_the_World_Trade_Center", 5], ["List_of_tallest_buildings_in_New_York_City", 8], ["World_Trade_Center_-LRB-2001\u2013present-RRB-", 0]]} +{"id": 203625, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sugarland_Express", 3], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Merrill_Connally", 11], ["Joe_Alves", 4], ["Slipstream_-LRB-unfinished_film-RRB-", 0]]} +{"id": 175660, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["General_-LRB-DC_Comics-RRB-", 10], ["Domino_-LRB-comics-RRB-", 2], ["Donyell_Taylor", 2], ["Publication_history_of_Anarky", 20], ["Anarky", 19]]} +{"id": 17865, "predicted_label": "SUPPORTS", "predicted_evidence": [["Queen_-LRB-band-RRB-", 0], ["Mark_Cross_-LRB-musician-RRB-", 21], ["Melodica_in_music", 165], ["Melodica_in_music", 163], ["Mark_Cross_-LRB-musician-RRB-", 5]]} +{"id": 40179, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Despacito", 12], ["Charlie_Cruz", 25], ["Si_Tu\u0301_Me_Besas", 9], ["Ella_Lo_Que_Quiere_Es_Salsa", 0], ["Si_Tu\u0301_Me_Besas", 0]]} +{"id": 154399, "predicted_label": "SUPPORTS", "predicted_evidence": [["Abdul_Rauf_-LRB-Taliban_governor-RRB-", 12], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2007-RRB-", 73], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2009-RRB-", 56], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 38], ["List_of_civilian_casualties_in_the_war_in_Afghanistan_-LRB-2008-RRB-", 47]]} +{"id": 119516, "predicted_label": "SUPPORTS", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Lina_Wolff", 5], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 107731, "predicted_label": "REFUTES", "predicted_evidence": [["Shelley_Moore_Capito", 8], ["List_of_bottoms", 50], ["List_of_bottoms", 5], ["List_of_bottoms", 76], ["List_of_hospitals_in_West_Virginia", 93]]} +{"id": 190754, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marjorie", 136], ["BBT", 46], ["BBT", 21], ["Big_Bang_Theory_-LRB-disambiguation-RRB-", 5], ["Big_Bang_Theory_-LRB-disambiguation-RRB-", 0]]} +{"id": 164636, "predicted_label": "REFUTES", "predicted_evidence": [["Pimpalation", 16], ["List_of_Billboard_200_number-one_albums_of_2015", 15], ["Kendrick_Lamar_discography", 21], ["Pimp_Juice_-LRB-drink-RRB-", 5], ["Kendrick_Lamar_discography", 16]]} +{"id": 220293, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bullitt", 0], ["John_and_Mary_-LRB-film-RRB-", 0], ["Peter_Yates_-LRB-disambiguation-RRB-", 0], ["Peter_Yates_-LRB-disambiguation-RRB-", 3], ["Peter_Yates_-LRB-disambiguation-RRB-", 8]]} +{"id": 73207, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Colombian_short-tailed_bat", 1], ["G._colombiana", 5], ["G._colombiana", 0], ["C._colombiana", 3], ["G._colombiana", 3]]} +{"id": 214238, "predicted_label": "SUPPORTS", "predicted_evidence": [["Born_and_Raised_in_Compton", 0], ["Penicillin_on_Wax", 0], ["Penicillin_on_Wax", 8], ["The_Way_It's_Goin'_Down", 1], ["The_Fixxers", 3]]} +{"id": 99088, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Godfather_Saga", 0], ["Al_Pacino", 7], ["Salvatore_Tessio", 0], ["The_Godfather_Part_III", 1], ["The_Godfather_Part_II", 10]]} +{"id": 195836, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Weekly_Idol", 1], ["FNC_Entertainment", 0]]} +{"id": 103005, "predicted_label": "REFUTES", "predicted_evidence": [["Wish_Upon", 0], ["Golden_Rule", 10], ["Denis_Crossan", 9], ["Yee_Jee_Tso", 14], ["Wish_Upon_a_Star-COLON-_A_Tribute_to_the_Music_of_Walt_Disney", 5]]} +{"id": 77281, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Blue_Jasmine", 0], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["List_of_accolades_received_by_Blue_Jasmine", 0], ["List_of_accolades_received_by_Blue_Jasmine", 10], ["Blue_Jasmine", 5]]} +{"id": 120277, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kenny_Woods", 18], ["Pilot_-LRB-White_Collar-RRB-", 8], ["Burying_the_Ex", 1], ["Nomis_-LRB-film-RRB-", 1], ["Anthony_Meindl", 20]]} +{"id": 181855, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_New_Zealand_religious_leaders", 11], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 80], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 64], ["List_of_Howard_County_properties_in_the_Maryland_Historical_Trust", 86], ["Hall_House", 0]]} +{"id": 226094, "predicted_label": "SUPPORTS", "predicted_evidence": [["Truman_-LRB-1995_film-RRB-", 0], ["Bongwater_-LRB-film-RRB-", 1], ["MC_Opi", 7], ["MC_Opi", 6], ["Bongwater", 2]]} +{"id": 11, "predicted_label": "REFUTES", "predicted_evidence": [["Santana_-LRB-band-RRB-", 0], ["Santana_discography", 0], ["Santana_discography", 3], ["Coke_Escovedo", 19], ["Carlos_Santana_discography", 3]]} +{"id": 179309, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Franchising", 8], ["America's_Best_Franchising", 8], ["Essex_Thameside", 7], ["Essex_Thameside", 6], ["Franchising", 10]]} +{"id": 20311, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Joshua_Gagnon", 1], ["List_of_teachers_portrayed_in_films", 82], ["List_of_teachers_portrayed_in_films", 22], ["Multi-site_church", 1], ["List_of_county_court_venues_in_England_and_Wales", 15]]} +{"id": 183634, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Stanton", 7], ["Ellen_DeGeneres", 5], ["Pixar", 10], ["Andrew_Stanton", 0], ["Pixar", 0]]} +{"id": 116446, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Infinite", 0], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 15], ["Marvel_vs._Capcom-COLON-_Infinite", 11]]} +{"id": 113417, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Murat_Gasaev", 14], ["Murat_Gasaev", 7], ["Ingushetia.org", 8], ["Ali_Taziev", 28], ["Rashid_Gaysanov", 0]]} +{"id": 167995, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Don_Bradman", 20], ["Don_Bradman_with_the_Australian_cricket_team_in_England_in_1948", 7], ["Don_Bradman", 5], ["Bradman_-LRB-disambiguation-RRB-", 8], ["Bradman_-LRB-disambiguation-RRB-", 10]]} +{"id": 19096, "predicted_label": "REFUTES", "predicted_evidence": [["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Sidse_Babett_Knudsen", 0], ["Courted_-LRB-film-RRB-", 4], ["Inferno_-LRB-2016_film-RRB-", 2], ["Knudsen", 40]]} +{"id": 195078, "predicted_label": "REFUTES", "predicted_evidence": [["Ruddy_kingfisher", 0], ["Ruddy_kingfisher", 15], ["Ruddy_-LRB-Radcliffe-RRB-_Roye", 0], ["Ray_Ruddy", 5], ["Craig_Ruddy", 0]]} +{"id": 155837, "predicted_label": "SUPPORTS", "predicted_evidence": [["D2-COLON-_The_Mighty_Ducks", 1], ["1993\u201394_Mighty_Ducks_of_Anaheim_season", 2], ["Chris_O'Sullivan", 25], ["Dan_Trebil", 12], ["D2-COLON-_The_Mighty_Ducks", 2]]} +{"id": 147260, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ingushetia", 5], ["Ingushetia.org", 8], ["Ingushetia", 0], ["Ali_Taziev", 27], ["Ali_Taziev", 8]]} +{"id": 158241, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joseph_Kahn", 1], ["Taylor_Swift_videography", 22], ["Taylor_Swift_videography", 20], ["Taylor_Swift_-LRB-album-RRB-", 0], ["Teardrops_on_My_Guitar", 17]]} +{"id": 200398, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Tom_-LRB-given_name-RRB-", 95], ["Ryan_Sinn", 17], ["Chomsky_-LRB-surname-RRB-", 6], ["Syntactic_Structures", 0]]} +{"id": 99049, "predicted_label": "REFUTES", "predicted_evidence": [["Sidse_Babett_Knudsen", 0], ["Knudsen", 40], ["Let's_Get_Lost_-LRB-1997_film-RRB-", 5], ["Adam_Price_-LRB-screenwriter-RRB-", 6], ["Borgen_-LRB-TV_series-RRB-", 9]]} +{"id": 144596, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_House_episodes", 7], ["House_-LRB-TV_series-RRB-", 10], ["Love_&_Basketball", 0], ["The_Program_-LRB-1993_film-RRB-", 0], ["Aubrey_Epps", 9]]} +{"id": 19116, "predicted_label": "SUPPORTS", "predicted_evidence": [["Albhy_Galuten", 1], ["Immortality_-LRB-Celine_Dion_song-RRB-", 7], ["Tales_from_the_Brothers_Gibb", 5], ["Tales_from_the_Brothers_Gibb", 17], ["Bee_Gees", 16]]} +{"id": 204022, "predicted_label": "REFUTES", "predicted_evidence": [["Salman_Khan_filmography", 12], ["Salman_Khan_filmography", 2], ["Grace_Huang", 3], ["Die_Hard", 10], ["Michael_Bay_filmography", 7]]} +{"id": 69410, "predicted_label": "REFUTES", "predicted_evidence": [["Margaret_Thatcher", 3], ["The_Iron_Lady_-LRB-film-RRB-", 32], ["Thatcherism", 0], ["The_Iron_Lady_-LRB-film-RRB-", 21], ["Margaret_Thatcher", 13]]} +{"id": 29903, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lightning_Rods_-LRB-novel-RRB-", 4], ["Good_things_come_to_those_who_wait_-LRB-Guinness-RRB-", 0], ["Advertising", 0], ["Old_man's_car", 5], ["Advertising", 16]]} +{"id": 209856, "predicted_label": "REFUTES", "predicted_evidence": [["Karen_Sortito", 7], ["Tie_clip", 0], ["Razor_&_Tie", 16], ["Akhtar_Mohiuddin", 86], ["Akhtar_Mohiuddin", 267]]} +{"id": 140050, "predicted_label": "REFUTES", "predicted_evidence": [["Heart", 19], ["Athletic_heart_syndrome", 0], ["Transcutaneous_pacing", 6], ["Athletic_heart_syndrome", 8], ["Vagal_tone", 10]]} +{"id": 185411, "predicted_label": "SUPPORTS", "predicted_evidence": [["Casino_chip_collecting", 0], ["Poker_equipment", 16], ["Poker_equipment", 15], ["Chips_and_dip", 1], ["Chip_race", 9]]} +{"id": 753, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 0], ["Tottenham_Hotspur_L.F.C.", 0], ["Tottenham_Hotspur_-LRB-Superleague_Formula_team-RRB-", 1], ["List_of_Tottenham_Hotspur_F.C._players", 14], ["List_of_Tottenham_Hotspur_F.C._players", 0]]} +{"id": 144386, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Dead_Body_-LRB-disambiguation-RRB-", 0], ["Preventing_the_lawful_burial_of_a_body", 6], ["Dead_Body_-LRB-disambiguation-RRB-", 5], ["Over_my_dead_body", 2], ["Preventing_the_lawful_burial_of_a_body", 0]]} +{"id": 89912, "predicted_label": "REFUTES", "predicted_evidence": [["Lost_Experience", 5], ["Lost_Experience", 0], ["Lost_Experience", 9], ["Lost_Experience", 4], ["List_of_ABA_middleweight_champions", 91]]} +{"id": 11115, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Radio_Radio_Radio", 7], ["The_Influents", 11], ["Billie_Joe", 2], ["Pinhead_Gunpowder", 1], ["Pinhead_Gunpowder", 2]]} +{"id": 72263, "predicted_label": "SUPPORTS", "predicted_evidence": [["San_Diego_Comic-Con", 2], ["San_Diego_Comic-Con", 1], ["Jackie_Estrada", 3], ["SDCC", 13], ["Comic_book_convention", 26]]} +{"id": 62349, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Shawn_Carlson", 0], ["Astrology_and_science", 6], ["JB_Carlson", 2], ["JB_Carlson", 1], ["Jesse_Carlson", 24]]} +{"id": 192718, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Miloslav_Rechcigl,_Sr.", 23], ["North_American_Millers'_Association", 5], ["Miloslav_Rechcigl,_Sr.", 25], ["Minneapolis_Millers", 14], ["Millers_Dale_railway_station", 0]]} +{"id": 33544, "predicted_label": "SUPPORTS", "predicted_evidence": [["Land_of_No_Return", 0], ["How_Can_I_Tell_If_I'm_Really_In_Love?", 2], ["Easy_to_Assemble", 7], ["Right_to_Kill?", 10], ["Right_to_Kill?", 6]]} +{"id": 171629, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_stage_names", 49], ["List_of_stage_names", 36], ["Middle_name", 25], ["Middle_name", 33], ["Middle_name", 29]]} +{"id": 215495, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sharon_Cuneta_discography", 2], ["Sharon_Cuneta_discography", 5], ["Jung_Il-hoon", 2], ["Hani_-LRB-singer-RRB-", 2], ["Sorn_-LRB-singer-RRB-", 2]]} +{"id": 93082, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["North_-LRB-surname-RRB-", 52], ["Edmund_Garrett", 3], ["Edmund_H._Deas_House", 4], ["Edmund_H._Deas_House", 0], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234]]} +{"id": 108882, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dangal_-LRB-film-RRB-", 2], ["Tadoussac", 4], ["Aparshakti_Khurana", 0], ["Dangal_-LRB-film-RRB-", 5], ["Dangal_-LRB-film-RRB-", 15]]} +{"id": 126982, "predicted_label": "REFUTES", "predicted_evidence": [["Magazine_cover_indicator", 0], ["Magazine_cover_indicator", 7], ["Milton_Graham", 2], ["Ashley_Graham", 3], ["Ashley_Graham", 5]]} +{"id": 23306, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Luke_Cage", 6], ["Luke_Cage", 1], ["List_of_Marvel_Cinematic_Universe_television_series_actors", 10], ["Luke_Cage_-LRB-TV_series-RRB-", 0], ["Luke_Cage_-LRB-season_1-RRB-", 6]]} +{"id": 195820, "predicted_label": "REFUTES", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["FNC_Entertainment", 7], ["Weekly_Idol", 1], ["Hyeong", 16]]} +{"id": 96739, "predicted_label": "SUPPORTS", "predicted_evidence": [["Paramore_-LRB-album-RRB-", 0], ["Ain't_It_Fun_-LRB-Paramore_song-RRB-", 0], ["List_of_songs_recorded_by_Paramore", 0], ["WROQ", 6], ["WROQ", 5]]} +{"id": 10083, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_songs_recorded_by_Bombay_Jayashri", 4], ["List_of_songs_recorded_by_Bombay_Jayashri", 6], ["List_of_songs_recorded_by_Bombay_Jayashri", 2], ["Krishna_Iyer", 9], ["Aalap_Raju", 1]]} +{"id": 153628, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Island_Command_Faroes", 34], ["Tour_of_Faroe_Islands", 0], ["Tour_of_Faroe_Islands", 3], ["Tour_of_Faroe_Islands", 8], ["Tour_of_Faroe_Islands", 17]]} +{"id": 125478, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Gilpin's_Westmorland_Extra_Dry_Gin", 19], ["Gilpin's_Westmorland_Extra_Dry_Gin", 13], ["Gilpin's_Westmorland_Extra_Dry_Gin", 11], ["Gin_palace", 4], ["Gin_palace", 3]]} +{"id": 80458, "predicted_label": "REFUTES", "predicted_evidence": [["2006\u20132008_Cuban_transfer_of_presidential_duties", 1], ["2006\u20132008_Cuban_transfer_of_presidential_duties", 0], ["Castro_-LRB-surname-RRB-", 55], ["Religious_views_of_Fidel_Castro", 1], ["Fidel_Castro_-LRB-disambiguation-RRB-", 12]]} +{"id": 168968, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gwethalyn_Graham", 0], ["Marjorie", 6], ["Ian_McDonald", 47], ["Marjorie", 208], ["Marjorie", 224]]} +{"id": 202469, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Control_-LRB-fictional_character-RRB-", 2], ["Connie_Sachs", 1], ["Tinker_Tailor_Soldier_Spy_-LRB-miniseries-RRB-", 0], ["Control_-LRB-fictional_character-RRB-", 6], ["TTSS", 5]]} +{"id": 211802, "predicted_label": "REFUTES", "predicted_evidence": [["Richard_Brick", 0], ["Yellow_Brick_Road_-LRB-disambiguation-RRB-", 28], ["Richard_Brick", 11], ["Richard_Brick", 14], ["Richard_Brick", 15]]} +{"id": 41266, "predicted_label": "SUPPORTS", "predicted_evidence": [["Santana_-LRB-band-RRB-", 6], ["Santana_discography", 6], ["Coke_Escovedo", 19], ["Carlos_Santana_discography", 3], ["Coke_Escovedo", 24]]} +{"id": 211299, "predicted_label": "REFUTES", "predicted_evidence": [["The_Wall_Live_-LRB-2010\u201313-RRB-", 10], ["Mo\u0308tley_Cru\u0308e_Final_Tour", 3], ["New_Empire_-LRB-band-RRB-", 25], ["10th_Annual_Honda_Civic_Tour", 1], ["New_Empire_-LRB-band-RRB-", 22]]} +{"id": 82791, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Palestinian_territories", 25], ["Israel", 3], ["East_Jerusalem", 20], ["East_Jerusalem", 7], ["Israel", 9]]} +{"id": 186606, "predicted_label": "SUPPORTS", "predicted_evidence": [["Asylum_Records", 0], ["Refuge_Records", 0], ["Pamplin_Music", 0], ["Parachute_Records", 3], ["Jamison_Ernest", 15]]} +{"id": 68132, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jens_Stoltenberg", 4], ["36.9_ultimatum", 5], ["Stoltenberg_-LRB-Norwegian_family-RRB-", 6], ["2011_Norway_attacks", 16], ["2011_Norway_attacks", 9]]} +{"id": 173490, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sancho_Panza", 0], ["Man_of_La_Mancha_-LRB-film-RRB-", 11], ["Don_Quixote", 0], ["Don_Quixote_-LRB-1947_film-RRB-", 1], ["James_Fitzmaurice-Kelly", 57]]} +{"id": 97816, "predicted_label": "SUPPORTS", "predicted_evidence": [["English_people", 12], ["Myrging", 13], ["Anglo", 0], ["English_language_in_Europe", 26], ["English_people", 16]]} +{"id": 14790, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sarah_Woodruff_Walker", 15], ["Song_for_Athene", 2], ["Diana,_Princess_of_Wales", 0], ["Song_for_Athene", 10], ["Song_for_Athene", 3]]} +{"id": 209888, "predicted_label": "REFUTES", "predicted_evidence": [["Art_Smith_-LRB-actor-RRB-", 10], ["Especially_for_You_-LRB-The_Smithereens_album-RRB-", 17], ["Dorothy_B._Hughes", 22], ["Art_Smith_-LRB-actor-RRB-", 8], ["In_a_Lonely_Place_-LRB-song-RRB-", 5]]} +{"id": 220280, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bullitt_-LRB-disambiguation-RRB-", 0], ["Bullitt_-LRB-disambiguation-RRB-", 17], ["Bullitt_-LRB-disambiguation-RRB-", 27], ["Bullitt_-LRB-disambiguation-RRB-", 25], ["Bullitt_-LRB-disambiguation-RRB-", 11]]} +{"id": 113799, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bloods", 2], ["Horse_breed", 3], ["Horse_breed", 6], ["Bloods", 0], ["Bloods", 5]]} +{"id": 7359, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_Weeds_episodes", 22], ["List_of_Weeds_episodes", 12], ["List_of_2007_This_American_Life_episodes", 180], ["List_of_Weeds_episodes", 28], ["One_Man's_Meat", 13]]} +{"id": 40921, "predicted_label": "SUPPORTS", "predicted_evidence": [["Civilization_IV-COLON-_Colonization", 0], ["Civilization_IV", 14], ["Civilization_IV", 0], ["Civilization_IV", 5], ["Civilization_-LRB-series-RRB-", 16]]} +{"id": 166851, "predicted_label": "SUPPORTS", "predicted_evidence": [["Drake_Bell", 18], ["Drake_Bell_discography", 21], ["Reminder", 5], ["Drake_Bell", 19], ["Drake_Bell_discography", 2]]} +{"id": 54454, "predicted_label": "REFUTES", "predicted_evidence": [["Camden_College_-LRB-fictional_college-RRB-", 11], ["Brat_Pack_-LRB-literary-RRB-", 0], ["Lina_Wolff", 5], ["Camden_College_-LRB-fictional_college-RRB-", 0], ["Bret", 19]]} +{"id": 179316, "predicted_label": "SUPPORTS", "predicted_evidence": [["Franchising", 8], ["Burger_King_franchises", 14], ["Burger_King_franchises", 2], ["America's_Best_Franchising", 8], ["Essex_Thameside", 7]]} +{"id": 179744, "predicted_label": "REFUTES", "predicted_evidence": [["Wentworth_Miller", 2], ["Stoker_-LRB-film-RRB-", 0], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 200366, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greatest_Hits_-LRB-Blink-182_album-RRB-", 5], ["Ryan_Sinn", 17], ["After_Midnight_-LRB-Blink-182_song-RRB-", 19], ["Angels_&_Airwaves", 0], ["Box_Car_Racer", 1]]} +{"id": 189465, "predicted_label": "SUPPORTS", "predicted_evidence": [["Yandex.Direct", 19], ["Yandex", 8], ["Yandex.Direct", 18], ["Yandex.Translate", 0], ["Yandex.Direct", 15]]} +{"id": 146772, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bharya_Biddalu", 2], ["Nageswara_Rao", 4], ["Donga_Ramudu", 3], ["Akkineni", 14], ["Donga_Ramudu", 1]]} +{"id": 97331, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Illegitimates", 0], ["Brother_Nature_-LRB-film-RRB-", 0], ["Killam", 14], ["Saturday_Night_Live_parodies_of_Donald_Trump", 3], ["The_Killam_Trusts", 0]]} +{"id": 38807, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["AN/APG-81", 0], ["Stealth_aircraft", 13], ["List_of_supersonic_aircraft", 254]]} +{"id": 62048, "predicted_label": "REFUTES", "predicted_evidence": [["Michigan", 2], ["Michigan", 4], ["Geography_of_Michigan", 9], ["Wisconsin", 2], ["Geography_of_Michigan", 8]]} +{"id": 129729, "predicted_label": "SUPPORTS", "predicted_evidence": [["Meteora_-LRB-album-RRB-", 0], ["List_of_awards_and_nominations_received_by_Linkin_Park", 0], ["List_of_awards_and_nominations_received_by_Linkin_Park", 9], ["Meteora_-LRB-disambiguation-RRB-", 7], ["Meteora_-LRB-album-RRB-", 13]]} +{"id": 45699, "predicted_label": "REFUTES", "predicted_evidence": [["Scotty_Moore", 0], ["Scott_Moore", 15], ["I_Forgot_to_Remember_to_Forget", 1], ["Scotty_Cameron", 0], ["List_of_moths_of_India_-LRB-Geometridae-RRB-", 1199]]} +{"id": 24510, "predicted_label": "SUPPORTS", "predicted_evidence": [["History_of_the_Faroe_Islands", 5], ["History_of_the_Faroe_Islands", 4], ["History_of_the_Faroe_Islands", 8], ["Island_Command_Faroes", 34], ["Faroe_Islands_national_football_team_results", 0]]} +{"id": 203623, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Sugarland_Express", 3], ["Sugarland_-LRB-disambiguation-RRB-", 10], ["Merrill_Connally", 11], ["Joe_Alves", 4], ["Slipstream_-LRB-unfinished_film-RRB-", 0]]} +{"id": 185207, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Michael_Chaplin_-LRB-actor-RRB-", 1], ["Unknown_Chaplin", 7], ["Eugene_Chaplin", 1], ["Unknown_Chaplin", 13], ["Eugene_Chaplin", 5]]} +{"id": 22944, "predicted_label": "SUPPORTS", "predicted_evidence": [["Guantanamo's_Child", 1], ["Canadian_response_to_Omar_Khadr", 19], ["Canadian_response_to_Omar_Khadr", 24], ["Canadian_response_to_Omar_Khadr", 0], ["Canadian_response_to_Omar_Khadr", 23]]} +{"id": 71706, "predicted_label": "SUPPORTS", "predicted_evidence": [["Anil_Devgan", 0], ["Ajay_Devgn", 0], ["Hindustan_Ki_Kasam_-LRB-1999_film-RRB-", 0], ["Veeru_Devgan", 0], ["Devgan", 6]]} +{"id": 54623, "predicted_label": "SUPPORTS", "predicted_evidence": [["Joe_Rogan", 3], ["Bryan_Callen", 1], ["The_Joe_Rogan_Experience", 0], ["Bryan_Callen", 3], ["Brendan_Schaub", 3]]} +{"id": 17321, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Showbiz_Show_with_David_Spade", 0], ["The_Showbiz_Show_with_David_Spade", 2], ["Segata_Sanshiro", 1], ["Sanshiro", 5], ["Sanshiro_Sugata", 10]]} +{"id": 4040, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["McDonald's_No._1_Store_Museum", 1], ["McDonald_Brothers_-LRB-architects-RRB-", 1], ["McDonald's_No._1_Store_Museum", 3], ["William_Andrew_McDonald", 40], ["Robert_MacDonald", 25]]} +{"id": 165257, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Once_Again,_with_Feeling!", 2], ["List_of_albums_containing_a_hidden_track-COLON-_T", 139], ["Machiavelli_and_the_Four_Seasons", 22], ["Keyboard_concertos_by_Johann_Sebastian_Bach", 6], ["Keyboard_concertos_by_Johann_Sebastian_Bach", 8]]} +{"id": 27503, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_Italian-American_actors", 0], ["Lists_of_American_actors", 11], ["Lists_of_American_actors", 13], ["Lists_of_American_actors", 0], ["Lists_of_American_actors", 7]]} +{"id": 44566, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mary_of_Teck", 0], ["Consort_crown", 6], ["Consort_crown", 7], ["Mary_of_Teck", 4], ["Queen_Isabella", 8]]} +{"id": 132113, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_people_from_Marin_County,_California", 235], ["Marty_Katz", 28], ["Kathryn", 33], ["Kathryn", 27], ["List_of_women_with_ovarian_cancer", 307]]} +{"id": 97705, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lautner", 3], ["Taylor_Lautner", 0], ["The_Face_on_the_Milk_Carton", 3], ["Photo_on_a_milk_carton", 0], ["Taylor_Lautner", 6]]} +{"id": 173116, "predicted_label": "SUPPORTS", "predicted_evidence": [["Anne_Sullivan", 0], ["Ann_Sullivan", 3], ["Macy_-LRB-surname-RRB-", 4], ["Anne_Sullivan_Communication_Center", 9], ["Macy_-LRB-surname-RRB-", 8]]} +{"id": 18614, "predicted_label": "SUPPORTS", "predicted_evidence": [["Laura_Dahl", 2], ["Gubler", 6], ["DNA_Model_Management", 4], ["Matthew_Gray_Gubler", 0], ["Morgan_Lily", 2]]} +{"id": 173731, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Earl_Scruggs", 0], ["Randy_Scruggs", 3], ["Earl_Scruggs", 21], ["Earl_Scruggs", 6], ["Scruggs_style", 14]]} +{"id": 11570, "predicted_label": "REFUTES", "predicted_evidence": [["Jose\u0301_Ferrer", 4], ["Al_Morgan", 66], ["Jose\u0301_Ferrer", 0], ["Rafael_Ferrer_-LRB-actor-RRB-", 3], ["Al_Morgan", 17]]} +{"id": 159709, "predicted_label": "SUPPORTS", "predicted_evidence": [["Three_Flavours_Cornetto_trilogy", 0], ["Nira_Park", 19], ["Nira_Park", 25], ["Nira_Park", 4], ["Ant-Man_-LRB-film-RRB-", 2]]} +{"id": 92889, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lake_Prespa", 0], ["Serbia", 0], ["Balkan_Insight", 1], ["Balkan_Insight", 0], ["Republic_of_Macedonia", 1]]} +{"id": 116244, "predicted_label": "REFUTES", "predicted_evidence": [["Vivek_Mushran", 2], ["The_Six_Wives_of_Henry_VIII", 4], ["The_Six_Wives_of_Henry_VIII", 8], ["Vivek_Mushran", 3], ["The_Six_Wives_of_Henry_VIII", 2]]} +{"id": 195827, "predicted_label": "SUPPORTS", "predicted_evidence": [["Jeong_Hyeong-don", 0], ["Weekly_Idol", 1], ["FNC_Entertainment", 7], ["Hitmaker_-LRB-2014_TV_series-RRB-", 0], ["Hyeong", 16]]} +{"id": 157475, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Linkin_Park", 16], ["List_of_awards_and_nominations_received_by_Linkin_Park", 14], ["List_of_awards_and_nominations_received_by_Linkin_Park", 10], ["List_of_awards_and_nominations_received_by_Linkin_Park", 11], ["Meteora_-LRB-album-RRB-", 16]]} +{"id": 100358, "predicted_label": "REFUTES", "predicted_evidence": [["French_Indochina", 0], ["History_of_Cambodia", 35], ["Fe\u0301de\u0301ration_indochinoise_des_associations_du_scoutisme", 0], ["Indochina_Wars", 15], ["Indochina_Wars", 9]]} +{"id": 94637, "predicted_label": "SUPPORTS", "predicted_evidence": [["TV_Quick", 4], ["TV_Quick", 10], ["TV_Quick", 5], ["Mike_Michalowicz", 17], ["Hilary_Kay", 9]]} +{"id": 99465, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Cate_Blanchett", 4], ["List_of_accolades_received_by_Blue_Jasmine", 11], ["Blue_Jasmine", 0], ["List_of_accolades_received_by_Blue_Jasmine", 0], ["Blue_Jasmine", 5]]} +{"id": 211775, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brick_-LRB-film-RRB-", 0], ["David_Lynch", 12], ["Jack_Nicholson", 16], ["The_House_of_the_Arrow", 9], ["The_House_of_the_Arrow", 5]]} +{"id": 93732, "predicted_label": "SUPPORTS", "predicted_evidence": [["Coke_Escovedo", 19], ["Santana_-LRB-surname-RRB-", 7], ["Santana_-LRB-surname-RRB-", 9], ["Santana_-LRB-surname-RRB-", 3], ["Santana_discography", 3]]} +{"id": 118115, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Girls'_Generation", 1], ["Economy_of_South_Korea", 9], ["South_Korea_Ballistic_Missile_Range_Guidelines", 23], ["Economy_of_South_Korea", 21], ["Economy_of_South_Korea", 10]]} +{"id": 172091, "predicted_label": "SUPPORTS", "predicted_evidence": [["Antonina_Armato", 29], ["Kiss_&_Tell_-LRB-Selena_Gomez_&_the_Scene_album-RRB-", 0], ["Bad_Romance", 2], ["Antonina_Armato", 26], ["Bad_Romance", 9]]} +{"id": 220296, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Oxmoor_Farm", 9], ["Bullitt_-LRB-disambiguation-RRB-", 17], ["Joshua_Fry_Bullitt,_Jr.", 39], ["Oxmoor_Farm", 16], ["Oxmoor_Farm", 15]]} +{"id": 21648, "predicted_label": "REFUTES", "predicted_evidence": [["14th_Dalai_Lama", 5], ["15th_Dalai_Lama", 0], ["14th_Dalai_Lama", 0], ["14th_Dalai_Lama", 10], ["Thubten_Choekyi_Nyima,_9th_Panchen_Lama", 46]]} +{"id": 16161, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gin", 0], ["Brinjevec", 1], ["Borovic\u030cka", 0], ["Bombay_Sapphire", 6], ["Juniper_-LRB-given_name-RRB-", 12]]} +{"id": 129909, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kellogg's", 6], ["The_Art_of_Massage", 4], ["The_Art_of_Massage", 3], ["The_Art_of_Massage", 31], ["The_Art_of_Massage", 58]]} +{"id": 17230, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lockheed_Martin_F-35_Lightning_II_Canadian_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_procurement", 0], ["Lockheed_Martin_F-35_Lightning_II_Israeli_procurement", 0], ["List_of_supersonic_aircraft", 254], ["Lockheed_Martin_F-35_Lightning_II", 10]]} +{"id": 95657, "predicted_label": "SUPPORTS", "predicted_evidence": [["Elvis_Presley's_guitars", 6], ["Scott_Moore", 15], ["I_Forgot_to_Remember_to_Forget", 1], ["List_of_moths_of_India_-LRB-Geometridae-RRB-", 1199], ["Scotty_Cameron", 47]]} +{"id": 156919, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Lotto_-LRB-The_Office-RRB-", 8], ["The_Hollars", 0], ["Customer_Loyalty_-LRB-The_Office-RRB-", 7], ["Lotto_-LRB-The_Office-RRB-", 2], ["Dave_Shalansky", 6]]} +{"id": 41976, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Art_of_Massage", 11], ["The_Art_of_Massage", 19], ["The_Art_of_Massage", 46], ["The_Art_of_Massage", 57], ["James_C._Kellogg_III", 5]]} +{"id": 114792, "predicted_label": "REFUTES", "predicted_evidence": [["List_of_accolades_received_by_Blue_Jasmine", 0], ["Blue_Jasmine", 0], ["Cate_Blanchett", 4], ["List_of_accolades_received_by_Blue_Jasmine", 10], ["Dallas\u2013Fort_Worth_Film_Critics_Association_Awards_2013", 13]]} +{"id": 40465, "predicted_label": "REFUTES", "predicted_evidence": [["Bullet_Rogan", 0], ["Joe_Rogan", 7], ["The_Joe_Rogan_Experience", 0], ["Junior_Simpson", 15], ["Junior_Simpson", 11]]} +{"id": 108874, "predicted_label": "SUPPORTS", "predicted_evidence": [["Arfon_Griffiths", 0], ["Stella_Richman", 19], ["Griffiths", 123], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 6], ["Sons_and_Lovers_-LRB-1981_TV_serial-RRB-", 2]]} +{"id": 145352, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_performers_at_the_BET_Awards", 50], ["Never_Miss_the_Water", 0], ["Dance_Classics_of_Chaka_Khan", 0], ["The_Platinum_Collection_-LRB-Chaka_Khan_album-RRB-", 3], ["List_of_performers_at_the_BET_Awards", 33]]} +{"id": 11345, "predicted_label": "SUPPORTS", "predicted_evidence": [["How_to_Train_Your_Dragon_2", 11], ["How_to_Train_Your_Dragon_-LRB-franchise-RRB-", 0], ["Anant_Agarwal", 2], ["How_to_Train_Your_Dragon_2", 0], ["Dragon_2", 0]]} +{"id": 180731, "predicted_label": "REFUTES", "predicted_evidence": [["Amplifier_-LRB-Dance_Exponents_album-RRB-", 0], ["Something_Beginning_with_C", 2], ["Prayers_Be_Answered", 0], ["Expectations_-LRB-Dance_Exponents_album-RRB-", 0], ["Live_at_Mainstreet", 3]]} +{"id": 203177, "predicted_label": "SUPPORTS", "predicted_evidence": [["Borneo\u2013Philippine_languages", 0], ["Nuclear_Malayo-Polynesian_languages", 6], ["Borneo\u2013Philippine_languages", 5], ["Nuclear_Malayo-Polynesian_languages", 5], ["Melanesian_languages", 0]]} +{"id": 175725, "predicted_label": "SUPPORTS", "predicted_evidence": [["Saturn_Award_for_Best_Thriller_Film", 3], ["Saturn_Award_for_Best_Thriller_Film", 4], ["The_Cry_of_the_Owl_-LRB-1987_film-RRB-", 0], ["Saturn_Award_for_Best_Thriller_Film", 0], ["The_Cry_of_the_Owl_-LRB-disambiguation-RRB-", 6]]} +{"id": 5109, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Red_Red_Wine", 5], ["The_Essential_Neil_Diamond", 0], ["Classics-COLON-_The_Early_Years", 3], ["Forever_in_Blue_Jeans", 7], ["Forever_in_Blue_Jeans", 0]]} +{"id": 175631, "predicted_label": "REFUTES", "predicted_evidence": [["Whip_-LRB-comics-RRB-", 3], ["Publication_history_of_Anarky", 20], ["Quantum_and_Woody", 1], ["General_-LRB-DC_Comics-RRB-", 10], ["Anarky", 19]]} +{"id": 194369, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_Billboard_Mainstream_Rock_number-one_songs_of_the_2000s", 9], ["List_of_Billboard_Mainstream_Rock_number-one_songs_of_the_2000s", 6], ["Happiness_in_Slavery", 0], ["Happiness_in_Slavery", 2], ["List_of_Billboard_Mainstream_Rock_number-one_songs_of_the_2000s", 7]]} +{"id": 217214, "predicted_label": "SUPPORTS", "predicted_evidence": [["Lucy_Hannah", 1], ["Timeline_of_women's_ordination_in_the_United_States", 96], ["Timeline_of_women's_ordination", 249], ["Timeline_of_women's_ordination_in_the_United_States", 101], ["Timeline_of_women's_ordination", 265]]} +{"id": 128297, "predicted_label": "REFUTES", "predicted_evidence": [["Uranium", 30], ["Depleted_uranium", 22], ["Natural_uranium", 16], ["Uranium", 12], ["Uranium", 3]]} +{"id": 161106, "predicted_label": "SUPPORTS", "predicted_evidence": [["Gal_Gadot", 4], ["Esti_Ginzburg", 3], ["Bar_Refaeli", 4], ["Gal_Gadot", 0], ["Gadot_-LRB-surname-RRB-", 4]]} +{"id": 97449, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["George_Lopez_-LRB-TV_series-RRB-", 5], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 11], ["List_of_awards_and_nominations_received_by_Hugh_Grant", 15], ["Sandra_Bullock_filmography", 0], ["George_Lopez_-LRB-disambiguation-RRB-", 8]]} +{"id": 149902, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Glossary_of_shapes_with_metaphorical_names", 46], ["Hourglass_drum", 0], ["Engraved_Hourglass_Nebula", 4], ["Engraved_Hourglass_Nebula", 11], ["Engraved_Hourglass_Nebula", 3]]} +{"id": 88110, "predicted_label": "REFUTES", "predicted_evidence": [["Henry_II_style", 4], ["Bertram_de_Verdun", 67], ["Henry_II,_Holy_Roman_Emperor", 5], ["Jean_Cavenac_de_la_Vigne", 11], ["Henry_II_style", 0]]} +{"id": 179743, "predicted_label": "REFUTES", "predicted_evidence": [["Wentworth_Miller", 2], ["Stoker_-LRB-film-RRB-", 0], ["Martin_Miller_-LRB-cricketer-RRB-", 8], ["Martin_Miller_-LRB-cricketer-RRB-", 4], ["Kansas_Pacific_Railway_Co._v._Dunmeyer", 27]]} +{"id": 131087, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dev_Patel", 6], ["NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 0], ["Outstanding_Drama_Series", 11], ["NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], ["How_to_Get_Away_with_Murder", 12]]} +{"id": 156449, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Edison_Machine_Works", 0], ["Kunihiko_Iwadare", 5], ["Nikola_Tesla", 5], ["List_of_Edison_Blue_Amberol_Records-COLON-_Popular_Series", 6], ["John_White_Howell", 58]]} +{"id": 99546, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Deighton", 24], ["Deighton", 18], ["Derek_Deighton", 1], ["Derek_Deighton", 0], ["John_Deighton", 0]]} +{"id": 133446, "predicted_label": "SUPPORTS", "predicted_evidence": [["Creedence_Clearwater_Revisited", 0], ["Doug_Clifford", 2], ["Creedence_Clearwater_Revisited", 4], ["Creedence_Clearwater_Revival", 0], ["The_Golliwogs", 0]]} +{"id": 18590, "predicted_label": "REFUTES", "predicted_evidence": [["Filmfare_Award_for_Best_Music_Album", 24], ["Filmfare_Award_for_Best_Music_Album", 48], ["Pir_Irani", 3], ["Pir_Irani", 13], ["Filmfare_Award_for_Best_Music_Album", 0]]} +{"id": 33158, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Frances_Fisher", 6], ["In_the_Hands_of_the_Gods", 15], ["Ice_-LRB-Kelly_Rowland_song-RRB-", 3], ["Noel_Fisher_-LRB-disambiguation-RRB-", 7], ["Noel_Fisher_-LRB-disambiguation-RRB-", 5]]} +{"id": 106959, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Pilot_-LRB-Homeland-RRB-", 4], ["Carrie_Mathison", 2], ["The_Weekend_-LRB-Homeland-RRB-", 6], ["Carrie_Mathison", 0], ["Bruiser_Brody_Memorial_Cup", 24]]} +{"id": 179305, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_foreign_TT_Pro_League_players", 11], ["List_of_foreign_Premier_League_players", 12], ["List_of_foreign_Bundesliga_players", 14], ["List_of_foreign_TT_Pro_League_goalscorers", 13], ["List_of_foreign_football_players_in_the_Netherlands", 12]]} +{"id": 181890, "predicted_label": "REFUTES", "predicted_evidence": [["Liliane_Saint-Pierre", 29], ["Princess_Mononoke", 7], ["Mononoke_-LRB-disambiguation-RRB-", 4], ["Nasu-COLON-_Summer_in_Andalusia", 13], ["Princess_Mononoke", 4]]} +{"id": 73197, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Squad_Five-O", 1], ["Jo_Ann_Harris", 7], ["Cohen_crime_family", 15], ["1978_Kansas_City_Chiefs_season", 12], ["Squad_Five-O", 0]]} +{"id": 37928, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 2], ["List_of_awards_and_nominations_received_by_Hill_Street_Blues", 7], ["Edmund_H._Deas_House", 0], ["Edmund_H._Deas_House", 4], ["Index_of_World_War_II_articles_-LRB-E-RRB-", 234]]} +{"id": 98786, "predicted_label": "SUPPORTS", "predicted_evidence": [["Tualatin_Valley_Highway", 0], ["Tualatin_Valley_Highway", 1], ["Progress,_Oregon", 5], ["Ronald_D._Mehl", 11], ["Beaverton_High_School", 0]]} +{"id": 11414, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_WB", 0], ["Star_TV", 36], ["AMGTV", 0], ["Star_TV", 28], ["The_WB", 10]]} +{"id": 142462, "predicted_label": "SUPPORTS", "predicted_evidence": [["Sale_of_Dunkirk", 3], ["Battle_of_France", 13], ["Zarumilla", 8], ["War_of_the_Pacific", 29], ["Zarumilla", 9]]} +{"id": 103098, "predicted_label": "REFUTES", "predicted_evidence": [["Kleshas_-LRB-Buddhism-RRB-", 5], ["Kleshas_-LRB-Buddhism-RRB-", 9], ["Kleshas_-LRB-Buddhism-RRB-", 0], ["Kleshas_-LRB-Buddhism-RRB-", 2], ["Kleshas_-LRB-Buddhism-RRB-", 1]]} +{"id": 87358, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Indigenous_peoples_of_South_America", 16], ["Chilean_expansionism", 1], ["Chilean_expansionism", 0], ["Indigenous_peoples_of_South_America", 26], ["Indigenous_peoples_of_South_America", 0]]} +{"id": 85293, "predicted_label": "SUPPORTS", "predicted_evidence": [["James_Murdoch", 0], ["News_International_phone_hacking_scandal", 3], ["News_International_phone_hacking_scandal", 14], ["Rupert_Murdoch", 0], ["Galactic_Empire_-LRB-Star_Wars-RRB-", 0]]} +{"id": 123947, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Help_Wanted_-LRB-SpongeBob_SquarePants-RRB-", 10], ["SpongeBob_SquarePants_-LRB-season_4-RRB-", 0], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 7], ["SpongeBob_SquarePants_-LRB-film_series-RRB-", 0], ["The_SpongeBob_SquarePants_Movie", 1]]} +{"id": 215121, "predicted_label": "REFUTES", "predicted_evidence": [["Stephanie_Cayo", 33], ["Felipe_Rosas", 0], ["Meza", 9], ["Meza", 5], ["Ja\u0301uregui", 75]]} +{"id": 48981, "predicted_label": "SUPPORTS", "predicted_evidence": [["Mister_Fantastic", 17], ["Invisible_Woman", 15], ["Human_Torch", 18], ["Alicia_Masters", 8], ["Fantastic_Four_in_film", 7]]} +{"id": 59629, "predicted_label": "SUPPORTS", "predicted_evidence": [["Albert_Gonzalez", 4], ["Rage_Against_the_Machine_discography", 13], ["Tom_Morello_discography", 23], ["Bombtrack", 4], ["Bombtrack", 1]]} +{"id": 156950, "predicted_label": "SUPPORTS", "predicted_evidence": [["Renato_Balestra", 3], ["Renato_Balestra", 6], ["Renato_Balestra", 8], ["Renato_Balestra", 30], ["Renato_Balestra", 60]]} +{"id": 10670, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_video_game_crowdfunding_projects", 3750], ["Kedgeree", 0], ["Tachylite_in_Victorian_archaeological_sites", 8], ["Lithic_stage", 15], ["Pauma_Complex", 20]]} +{"id": 167474, "predicted_label": "SUPPORTS", "predicted_evidence": [["John_Wick-COLON-_Chapter_2", 2], ["Johnny_Mnemonic_-LRB-film-RRB-", 1], ["Hardball_-LRB-film-RRB-", 1], ["Keanu_-LRB-disambiguation-RRB-", 0], ["Reeves_-LRB-surname-RRB-", 54]]} +{"id": 211771, "predicted_label": "SUPPORTS", "predicted_evidence": [["Brick_-LRB-film-RRB-", 0], ["Steve_Yedlin", 0], ["Looper_-LRB-film-RRB-", 0], ["Ryan_Johnson", 19], ["Star_Wars-COLON-_The_Last_Jedi", 0]]} +{"id": 225298, "predicted_label": "SUPPORTS", "predicted_evidence": [["Watkins_-LRB-surname-RRB-", 18], ["Watkins_-LRB-surname-RRB-", 0], ["The_House_-LRB-2017_film-RRB-", 1], ["The_Midnight_Show", 3], ["Casual_-LRB-TV_series-RRB-", 1]]} +{"id": 67856, "predicted_label": "SUPPORTS", "predicted_evidence": [["Hedda_Gabler", 1], ["Creditors_-LRB-play-RRB-", 8], ["Hedda_Gabler_-LRB-2015_film-RRB-", 20], ["Hedda_Gabler_-LRB-2015_film-RRB-", 2], ["Hedda_Gabler", 2]]} +{"id": 193876, "predicted_label": "REFUTES", "predicted_evidence": [["Bea_Arthur", 0], ["Billy_Goldenberg", 18], ["Billy_Goldenberg", 22], ["Bea_-LRB-given_name-RRB-", 6], ["Bea_-LRB-given_name-RRB-", 30]]} +{"id": 211799, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Waru", 4], ["Huo_Yuanjia_-LRB-disambiguation-RRB-", 7], ["Classmates", 10], ["Classmates", 12], ["Classmates", 14]]} +{"id": 78395, "predicted_label": "SUPPORTS", "predicted_evidence": [["List_of_songs_recorded_by_Linkin_Park", 43], ["Meteora_-LRB-album-RRB-", 0], ["Meteora_-LRB-album-RRB-", 9], ["Linkin_Park_discography", 8], ["List_of_awards_and_nominations_received_by_Linkin_Park", 9]]} +{"id": 42722, "predicted_label": "SUPPORTS", "predicted_evidence": [["Terry_Crews", 9], ["Make_a_Smellmitment", 2], ["Terry_Crews", 3], ["Carl_Mauck", 8], ["Make_a_Smellmitment", 6]]} +{"id": 65748, "predicted_label": "SUPPORTS", "predicted_evidence": [["Ann_Richards_-LRB-disambiguation-RRB-", 0], ["Ann_W._Richards_Congress_Avenue_Bridge", 2], ["Ann_Richards", 0], ["Ann_Richards", 2], ["Michael_J._Osborne", 3]]} +{"id": 224956, "predicted_label": "SUPPORTS", "predicted_evidence": [["Frances_A._Genter", 1], ["Dosage_Index", 12], ["Purse_distribution", 40], ["Frances_A._Genter", 2], ["Dosage_Index", 40]]} +{"id": 53750, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Snow_White_and_the_Huntsman", 8], ["William_Henry_Claflin,_Jr.", 5], ["Adams_Claflin_House", 2], ["Horace_Brigham_Claflin", 6], ["Horace_Brigham_Claflin", 9]]} +{"id": 9939, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Bolt_-LRB-2008_film-RRB-", 11], ["Production_babies", 18], ["Pascal_and_Maximus", 1], ["Tangled-COLON-_The_Series", 1], ["Bolt_-LRB-2008_film-RRB-", 2]]} +{"id": 92150, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Weekend_-LRB-Homeland-RRB-", 6], ["Carrie_Mathison", 0], ["Homeland_-LRB-TV_series-RRB-", 3], ["Pilot_-LRB-Homeland-RRB-", 4], ["Carrie_Mathison", 2]]} +{"id": 204008, "predicted_label": "REFUTES", "predicted_evidence": [["MiGente.com", 9], ["Glee.com", 1], ["MiGente.com", 1], ["MiGente.com", 10], ["Glee.com", 4]]} +{"id": 109941, "predicted_label": "SUPPORTS", "predicted_evidence": [["Marty_Katz", 28], ["Caldecot_Chubb", 19], ["Return_to_sender", 6], ["List_of_fictional_nurses", 279], ["List_of_fictional_nurses", 277]]} +{"id": 24315, "predicted_label": "SUPPORTS", "predicted_evidence": [["Bring_It_On_-LRB-film-RRB-", 1], ["Spider-Man_-LRB-2002_film-RRB-", 2], ["Bachelorette_-LRB-film-RRB-", 1], ["Melancholia_-LRB-2011_film-RRB-", 0], ["Kirsten_-LRB-given_name-RRB-", 29]]} +{"id": 140645, "predicted_label": "SUPPORTS", "predicted_evidence": [["Francis_I_of_France", 11], ["Weedfish", 27], ["Francis_I_of_France", 6], ["Francis_I_of_France", 0], ["List_of_noses", 23]]} +{"id": 145848, "predicted_label": "SUPPORTS", "predicted_evidence": [["A_River_Runs_Through_It", 3], ["Currency_crisis", 29], ["Bagua_Province", 10], ["Strawberry_River_-LRB-Utah-RRB-", 11], ["Bagua_Province", 11]]} +{"id": 201073, "predicted_label": "REFUTES", "predicted_evidence": [["Hot_racking", 8], ["Hot_racking", 9], ["Hot_racking", 0], ["Huey_Freeman", 7], ["The_Leftovers_-LRB-TV_series-RRB-", 3]]} +{"id": 35230, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alternative_facts", 0], ["Wikitribune", 5], ["Sean_Spicer", 7], ["Alternative_facts", 6], ["Bowling_Green_massacre", 11]]} +{"id": 57934, "predicted_label": "SUPPORTS", "predicted_evidence": [["Spock", 0], ["Sarek", 0], ["Star_Trek_-LRB-film_series-RRB-", 0], ["Hikaru_Sulu", 0], ["Star_Trek", 0]]} +{"id": 165908, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Billion_Dollar_Babies_-LRB-song-RRB-", 4], ["Billion_Dollar_Babies_-LRB-song-RRB-", 9], ["Billion_Dollar_Babies_-LRB-song-RRB-", 11], ["Neal_Smith_-LRB-drummer-RRB-", 14], ["Welcome_to_My_Nightmare_-LRB-film-RRB-", 7]]} +{"id": 84194, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Alana_Blanchard", 8], ["California_Surf_Museum", 9], ["Soul_Surfer_-LRB-film-RRB-", 0], ["Faith_Fay", 10], ["California_Surf_Museum", 10]]} +{"id": 137416, "predicted_label": "REFUTES", "predicted_evidence": [["Arizona_City_-LRB-Yuma,_Arizona-RRB-", 9], ["Arizona_City_-LRB-Yuma,_Arizona-RRB-", 15], ["Arizona_City_-LRB-Yuma,_Arizona-RRB-", 17], ["Arizona_City_-LRB-Yuma,_Arizona-RRB-", 14], ["North_Central_Arizona", 4]]} +{"id": 140196, "predicted_label": "SUPPORTS", "predicted_evidence": [["First_inauguration_of_Bill_Clinton", 0], ["Second_inauguration_of_Bill_Clinton", 0], ["United_States_Capitol_Guide_Service", 0], ["First_inauguration_of_Ronald_Reagan", 0], ["List_of_incidents_of_political_violence_in_Washington,_D.C.", 102]]} +{"id": 71791, "predicted_label": "SUPPORTS", "predicted_evidence": [["Freddy_and_Fredericka", 2], ["Winter's_Tale_-LRB-film-RRB-", 0], ["Winter's_Tale_-LRB-disambiguation-RRB-", 16], ["Winter's_Tale_-LRB-disambiguation-RRB-", 18], ["Claremont_Review_of_Books", 8]]} +{"id": 201750, "predicted_label": "REFUTES", "predicted_evidence": [["North_Vietnam", 0], ["North_Korea\u2013Vietnam_relations", 1], ["North_Vietnam", 22], ["North_Vietnam", 1], ["Operation_Rolling_Thunder", 3]]} +{"id": 105517, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kenneth_Huang", 34], ["Kenneth_Huang", 36], ["Alto_Bi\u0301o_Bi\u0301o_National_Reserve", 7], ["We_Belong_Together", 21], ["We_Belong_Together", 22]]} +{"id": 185231, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Reid", 134], ["Booth_-LRB-actor-RRB-", 5], ["Booth_-LRB-actor-RRB-", 45], ["Chang_&_Eng", 1], ["Chang_&_Eng", 3]]} +{"id": 155158, "predicted_label": "SUPPORTS", "predicted_evidence": [["The_Dark_Tower-COLON-_The_Sorcerer", 0], ["Father_Callahan", 1], ["The_Dark_Tower_-LRB-series-RRB-", 13], ["The_Dark_Tower-COLON-_The_Sorcerer", 3], ["All-World", 33]]} +{"id": 106963, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 3], ["Marvel_vs._Capcom_2-COLON-_New_Age_of_Heroes", 1], ["Marvel_vs._Capcom-COLON-_Infinite", 0], ["List_of_PlayStation_3_games_released_on_disc", 4485], ["Marvel_vs._Capcom_3-COLON-_Fate_of_Two_Worlds", 15]]} +{"id": 206151, "predicted_label": "REFUTES", "predicted_evidence": [["Bike_Arc", 0], ["East_Palo_Alto,_California", 25], ["Bike_Arc", 2], ["Ken_DeLeon", 7], ["Ken_DeLeon", 12]]} +{"id": 202770, "predicted_label": "SUPPORTS", "predicted_evidence": [["Quentin_Tarantino_filmography", 14], ["QT's_Diary", 4], ["Quentin_Tarantino_Film_Festival", 0], ["Inglourious_Basterds_-LRB-soundtrack-RRB-", 0], ["Quentin_Tarantino_filmography", 0]]} +{"id": 77813, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Kyrgyzstan\u2013Uzbekistan_relations", 4], ["Survivor_Series_-LRB-2004-RRB-", 8], ["Survivor_Series_-LRB-2004-RRB-", 13], ["El_Gran_Luchadore", 18], ["AAA_When_Worlds_Collide", 10]]} +{"id": 72995, "predicted_label": "REFUTES", "predicted_evidence": [["Gadzarts", 5], ["Folklore_of_Finland", 6], ["German_folklore", 10], ["German_folklore", 13], ["Mormon_folklore", 1]]} +{"id": 196984, "predicted_label": "REFUTES", "predicted_evidence": [["Diwali", 19], ["Diwali", 15], ["List_of_books_by_Jacob_Neusner", 1318], ["Sal_Mubarak", 11], ["Sal_Mubarak", 0]]} +{"id": 103947, "predicted_label": "REFUTES", "predicted_evidence": [["Z\u0142akowo", 1], ["Aarhus", 1], ["Axel_Nielsen", 47], ["Z\u0142akowo", 0], ["Axel_Nielsen", 5]]} +{"id": 218479, "predicted_label": "REFUTES", "predicted_evidence": [["Tri-City_Railroad", 7], ["Hanford_Site", 23], ["Washington_State_University_Tri-Cities", 25], ["Tri-City_Railroad", 8], ["Joint_Global_Change_Research_Institute", 26]]} +{"id": 212774, "predicted_label": "REFUTES", "predicted_evidence": [["Seven_Sisters_-LRB-colleges-RRB-", 4], ["Harvard_University", 8], ["Seven_Sisters_-LRB-colleges-RRB-", 5], ["Clayton_Spencer", 6], ["Seven_Sisters_-LRB-colleges-RRB-", 1]]} +{"id": 204421, "predicted_label": "SUPPORTS", "predicted_evidence": [["Greta_-LRB-band-RRB-", 0], ["Rage_Against_the_Machine", 1], ["Selene_Vigil-Wilk", 6], ["Brad_Wilk", 4], ["Wilk", 17]]} +{"id": 90958, "predicted_label": "SUPPORTS", "predicted_evidence": [["Riot,_Riot,_Upstart", 1], ["Brett_Gurewitz", 1], ["Atlas_-LRB-Parkway_Drive_album-RRB-", 4], ["Riot,_Riot,_Upstart", 3], ["Atlas_-LRB-Parkway_Drive_album-RRB-", 1]]} +{"id": 44664, "predicted_label": "SUPPORTS", "predicted_evidence": [["NRG_Recording_Studios", 0], ["Dave_Jerden", 0], ["NRG", 27], ["Neve_8078", 0], ["Neve_8078", 35]]} +{"id": 66495, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["The_Bookworm_-LRB-Bookstore-RRB-", 9], ["Bookworm_Adventures", 1], ["Bookworm_Adventures", 6], ["The_Bookworm_-LRB-Bookstore-RRB-", 5], ["Bookworm_Adventures", 0]]} +{"id": 57243, "predicted_label": "SUPPORTS", "predicted_evidence": [["Andrew_Walker", 19], ["Andrew_Kevin_Walker", 0], ["Sleepy_Hollow_-LRB-film-RRB-", 5], ["Event_Horizon_-LRB-film-RRB-", 1], ["Seven_-LRB-1995_film-RRB-", 1]]} +{"id": 202035, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["2011_Waltham_triple_murder", 7], ["Tamerlan_Tsarnaev", 8], ["2011_Waltham_triple_murder", 8], ["Boston_Marathon_bombing", 5], ["Boston_Marathon_bombing", 3]]} +{"id": 5397, "predicted_label": "SUPPORTS", "predicted_evidence": [["Miranda_Otto", 1], ["Dina_Shihabi", 12], ["Dina_Shihabi", 9], ["Miranda_Otto", 0], ["In_the_Winter_Dark_-LRB-film-RRB-", 4]]} +{"id": 46064, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dev_Patel", 6], ["NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 0], ["Outstanding_Drama_Series", 11], ["NAACP_Image_Award_for_Outstanding_Supporting_Actor_in_a_Drama_Series", 1], ["How_to_Get_Away_with_Murder", 12]]} +{"id": 113783, "predicted_label": "SUPPORTS", "predicted_evidence": [["Canadian_heavy_metal", 4], ["Christian_metal", 15], ["Heavy_metal_lyrics", 0], ["Andrew_Haug", 5], ["List_of_gothic_metal_bands", 4]]} +{"id": 55560, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["List_of_homeschooled_people", 137], ["California_Surf_Museum", 9], ["Faith_Fay", 10], ["List_of_homeschooled_people", 78], ["California_Surf_Museum", 10]]} +{"id": 33414, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Mike_Huckabee_presidential_campaign,_2008", 0], ["David_Huckabee", 1], ["David_Huckabee", 2], ["Huckabee_-LRB-disambiguation-RRB-", 9], ["West_Virginia_Republican_caucuses_and_primary,_2008", 13]]} +{"id": 208436, "predicted_label": "SUPPORTS", "predicted_evidence": [["Dropout_Year", 25], ["Haltya", 11], ["Dropout_Year", 6], ["Haltya", 16], ["Excuse_My_French", 3]]} +{"id": 75591, "predicted_label": "NOT ENOUGH INFO", "predicted_evidence": [["Resident_Evil_2", 8], ["Jill_Valentine", 6], ["Resident_Evil_-LRB-2002_video_game-RRB-", 7], ["Resident_Evil_4", 7], ["Resident_Evil_\u2013_Code-COLON-_Veronica", 8]]} diff --git a/src/scorer/tests/test_dev_data.py b/src/scorer/tests/test_dev_data.py new file mode 100644 index 0000000..d732731 --- /dev/null +++ b/src/scorer/tests/test_dev_data.py @@ -0,0 +1,43 @@ +import unittest +import json +from fever.scorer import * + +class TestRealData(unittest.TestCase): + + def setUp(self): + self.predictions = [] + self.actual = [] + with open('dev.jsonl') as f: + for ix,line in enumerate(f): + line = json.loads(line) + self.predictions.append({"predicted_label":line["label"], + "predicted_evidence":[[e[2],e[3]] + for e in line["all_evidence"] if e[2] is not None]}) + + with open('dev.jsonl') as f: + for line in f: + + line = json.loads(line) + self.actual.append({"label":line["label"], + "evidence":line["evidence"]}) + + + def test_scores(self): + score,acc,pr,rec,f1 = fever_score(self.predictions,self.actual,max_evidence=None) + self.assertEqual(score,1.0) + + def test_acc(self): + score, acc, pr, rec, f1 = fever_score(self.predictions,self.actual,max_evidence=None) + self.assertEqual(acc,1.0) + + def test_f1(self): + score, acc, pr, rec, f1 = fever_score(self.predictions, self.actual,max_evidence=None) + self.assertEqual(f1, 1.0) + + def test_pr(self): + score, acc, pr, rec, f1 = fever_score(self.predictions, self.actual,max_evidence=None) + self.assertEqual(pr, 1.0) + + def test_rec(self): + score, acc, pr, rec, f1 = fever_score(self.predictions, self.actual,max_evidence=None) + self.assertEqual(rec, 1.0) diff --git a/src/scorer/tests/test_evidence_format.py b/src/scorer/tests/test_evidence_format.py new file mode 100644 index 0000000..f437b87 --- /dev/null +++ b/src/scorer/tests/test_evidence_format.py @@ -0,0 +1,34 @@ +import unittest +from fever.scorer import * + + +class TestEvidenceRequirements(unittest.TestCase): + def test_no_evidence_no_error(self): + instance = {"predicted_evidence": []} + check_predicted_evidence_format(instance) + self.assertTrue(True) + + def test_list_of_strings_evidence_error(self): + instance = {"predicted_evidence": ["line","text"]} + with self.assertRaises(AssertionError): + check_predicted_evidence_format(instance) + + + def test_list_of_lists_evidence_error(self): + instance = {"predicted_evidence": [[["page",0]]]} + with self.assertRaises(AssertionError): + check_predicted_evidence_format(instance) + + + def test_first_param_not_str_error(self): + instance = {"predicted_evidence": [[[0,0]]]} + with self.assertRaises(AssertionError): + check_predicted_evidence_format(instance) + + + + def test_second_param_not_int_error(self): + instance = {"predicted_evidence": [[["page","some text"]]]} + with self.assertRaises(AssertionError): + check_predicted_evidence_format(instance) + diff --git a/src/scorer/tests/test_max_evidence.py b/src/scorer/tests/test_max_evidence.py new file mode 100644 index 0000000..ca1079d --- /dev/null +++ b/src/scorer/tests/test_max_evidence.py @@ -0,0 +1,77 @@ +from fever.scorer import evidence_macro_recall, evidence_macro_precision, fever_score +import unittest + + +class MaxEvidenceTestCase(unittest.TestCase): + + + def test_recall_partial_predictions_same_groups_zero_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",1]]],"predicted_evidence":[["page",0],["page", 1]]} + + p,h = evidence_macro_recall(instance,max_evidence=1) + self.assertEqual(p,0) + + def test_recall_partial_predictions_same_groups_one_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",1]]],"predicted_evidence":[["page",0],["page", 1]]} + + p,h = evidence_macro_recall(instance,max_evidence=2) + self.assertEqual(p,1) + + + def test_precision_partial_predictions_same_groups_zero_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",2]]],"predicted_evidence":[["page",0],["page", 1]]} + + p,h = evidence_macro_precision(instance,max_evidence=1) + self.assertEqual(p,1) + + def test_precision_partial_predictions_same_groups_one_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",2]]],"predicted_evidence":[["page",0],["page", 1]]} + + p,h = evidence_macro_precision(instance,max_evidence=2) + self.assertEqual(p,0.5) + + + def test_strict_partial_one(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",1]]],"predicted_evidence":[["page",0],["page", 1]]} + + strict,_,_,_,_ = fever_score([instance],max_evidence=2) + self.assertEqual(strict,1) + + def test_strict_partial_zero(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",1]]],"predicted_evidence":[["page",0],["page", 1]]} + + strict,_,_,_,_ = fever_score([instance],max_evidence=1) + self.assertEqual(strict,0) + + + def test_global_precision_partial_two_sents(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",2]]],"predicted_evidence":[["page",0],["page", 1]]} + + _,_,p,_,_ = fever_score([instance],max_evidence=2) + self.assertEqual(p,0.5) + + def test_global_precision_partial_one_sent(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",2]]],"predicted_evidence":[["page",0],["page", 1]]} + + _,_,p,_,_ = fever_score([instance],max_evidence=1) + self.assertEqual(p,1) + + + def test_global_recall_partial_two_sents(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",1]]],"predicted_evidence":[["page",0],["page", 1]]} + + _,_,_,r,_ = fever_score([instance],max_evidence=2) + self.assertEqual(r,1) + + def test_global_recall_partial_one_sent(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",1]]],"predicted_evidence":[["page",0],["page", 1]]} + + _,_,_,r,_ = fever_score([instance],max_evidence=1) + self.assertEqual(r,0) + + def test_non_modification(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",1]]],"predicted_evidence":[["page",0],["page", 1]]} + instance_copy = instance.copy() + _,_,_,_,_ = fever_score([instance],max_evidence=0) + self.assertEqual(instance_copy,instance) + diff --git a/src/scorer/tests/test_precision.py b/src/scorer/tests/test_precision.py new file mode 100644 index 0000000..e53f562 --- /dev/null +++ b/src/scorer/tests/test_precision.py @@ -0,0 +1,59 @@ +from fever.scorer import evidence_macro_precision +import unittest + + +class PrecisionTestCase(unittest.TestCase): + def test_precision_nei_no_contribution_to_score(self): + instance = {"label": "not enough info", "predicted_label": "not enough info"} + + p,h = evidence_macro_precision(instance) + self.assertEqual(p,0) + + def test_precision_nei_no_contribution_to_hits(self): + instance = {"label": "not enough info", "predicted_label": "not enough info"} + + p,h = evidence_macro_precision(instance) + self.assertEqual(h,0) + + def test_precision_not_nei_contribution_to_hits(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[],"predicted_evidence":[]} + + p,h = evidence_macro_precision(instance) + self.assertEqual(h,1) + + def test_precision_no_predictions_perfect_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[],"predicted_evidence":[]} + + p,h = evidence_macro_precision(instance) + self.assertEqual(p,1) + + def test_precision_wrong_predictions_zero_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[],"predicted_evidence":[["page",0]]} + + p,h = evidence_macro_precision(instance) + self.assertEqual(p,0) + + def test_precision_wrong_predictions_pname_zero_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"other",0]]],"predicted_evidence":[["page",0]]} + + p,h = evidence_macro_precision(instance) + self.assertEqual(p,0) + + def test_precision_wrong_predictions_line_zero_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",1]]],"predicted_evidence":[["page",0]]} + + p,h = evidence_macro_precision(instance) + self.assertEqual(p,0) + + + def test_precision_partial_predictions_half_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0]]],"predicted_evidence":[["page",0],["page", 1]]} + + p,h = evidence_macro_precision(instance) + self.assertEqual(p,0.5) + + def test_precision_partial_predictions_diff_groups_third_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0]],[[None,None,"page",1]]],"predicted_evidence":[["page",0],["page",1],["page", 2]]} + + p,h = evidence_macro_precision(instance) + self.assertAlmostEqual(p,0.66666667) diff --git a/src/scorer/tests/test_realdata.py b/src/scorer/tests/test_realdata.py new file mode 100644 index 0000000..4fea092 --- /dev/null +++ b/src/scorer/tests/test_realdata.py @@ -0,0 +1,38 @@ +import unittest +import json +from fever.scorer import * + + +class TestRealData(unittest.TestCase): + + def setUp(self): + self.predictions = [] + self.actual = [] + with open('predictions.jsonl') as f: + for line in f: + self.predictions.append(json.loads(line)) + + with open('actual.jsonl') as f: + for line in f: + self.actual.append(json.loads(line)) + + + def test_scores(self): + score, acc, pr, rec, f1 = fever_score(self.predictions,self.actual) + self.assertAlmostEqual(score,0.32573257325732574) + + def test_acc(self): + score, acc, pr, rec, f1 = fever_score(self.predictions,self.actual) + self.assertAlmostEqual(acc,0.5208520852085209) + + def test_pr(self): + score, acc, pr, rec, f1 = fever_score(self.predictions, self.actual) + self.assertAlmostEqual(pr, 0.1043804380438068) + + def test_rec(self): + score, acc, pr, rec, f1 = fever_score(self.predictions, self.actual) + self.assertAlmostEqual(rec, 0.44224422442244227) + + def test_f1(self): + score, acc, pr, rec, f1 = fever_score(self.predictions, self.actual) + self.assertAlmostEqual(f1, 0.1688970477815144) \ No newline at end of file diff --git a/src/scorer/tests/test_realdata_100.py b/src/scorer/tests/test_realdata_100.py new file mode 100644 index 0000000..0df07ce --- /dev/null +++ b/src/scorer/tests/test_realdata_100.py @@ -0,0 +1,40 @@ +import unittest +import json +from fever.scorer import * + + +class TestRealData100(unittest.TestCase): + + def setUp(self): + self.predictions = [] + self.actual = [] + with open('predictions.jsonl') as f: + for line in f: + self.predictions.append(json.loads(line)) + + with open('actual.jsonl') as f: + for line in f: + self.actual.append(json.loads(line)) + + self.predictions = self.predictions[:100] + self.actual = self.actual[:100] + + def test_scores(self): + score, acc, pr, rec, f1 = fever_score(self.predictions,self.actual) + self.assertAlmostEqual(score,0.26) + + def test_acc(self): + score, acc, pr, rec, f1 = fever_score(self.predictions,self.actual) + self.assertAlmostEqual(acc,0.48) + + def test_pr(self): + score, acc, pr, rec, f1 = fever_score(self.predictions, self.actual) + self.assertAlmostEqual(pr, 0.09189189189189195) + + def test_rec(self): + score, acc, pr, rec, f1 = fever_score(self.predictions, self.actual) + self.assertAlmostEqual(rec, 0.3783783783783784) + + def test_f1(self): + score, acc, pr, rec, f1 = fever_score(self.predictions, self.actual) + self.assertAlmostEqual(f1, 0.14787200994097552) \ No newline at end of file diff --git a/src/scorer/tests/test_recall.py b/src/scorer/tests/test_recall.py new file mode 100644 index 0000000..1ad2ea5 --- /dev/null +++ b/src/scorer/tests/test_recall.py @@ -0,0 +1,101 @@ +from fever.scorer import evidence_macro_recall +import unittest + + +class RecallTestCase(unittest.TestCase): + def test_recall_nei_no_contribution_to_score(self): + instance = {"label": "not enough info", "predicted_label": "not enough info"} + + p,h = evidence_macro_recall(instance) + self.assertEqual(p,0) + + def test_recall_nei_no_contribution_to_hits(self): + instance = {"label": "not enough info", "predicted_label": "not enough info"} + + p,h = evidence_macro_recall(instance) + self.assertEqual(h,0) + + def test_recall_not_nei_contribution_to_hits(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[],"predicted_evidence":[]} + + p,h = evidence_macro_recall(instance) + self.assertEqual(h,1) + + + def test_recall_no_evidence_perfect_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[],"predicted_evidence":[]} + + p,h = evidence_macro_recall(instance) + self.assertEqual(p,1) + + def test_recall_no_evidence_prediction_perfect_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[],"predicted_evidence":[["page",0]]} + + p,h = evidence_macro_recall(instance) + self.assertEqual(p,1) + + def test_recall_no_predictions_zero_score(self): + instance = {"label": "supports", "predicted_label": "supports", "evidence": [[[None,None,"other",0]]], "predicted_evidence": []} + + p, h = evidence_macro_recall(instance) + self.assertEqual(p, 0) + + def test_recall_wrong_predictions_pname_zero_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"other",0]]],"predicted_evidence":[["page",0]]} + + p,h = evidence_macro_recall(instance) + self.assertEqual(p,0) + + def test_recall_wrong_predictions_line_zero_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",1]]],"predicted_evidence":[["page",0]]} + + p,h = evidence_macro_recall(instance) + self.assertEqual(p,0) + + + def test_recall_partial_predictions_zero_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",1]]],"predicted_evidence":[["page",0]]} + + p,h = evidence_macro_recall(instance) + self.assertEqual(p,0) + + def test_recall_partial_predictions_diff_groups_zero_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",1]]],"predicted_evidence":[["page",0],["page", 2]]} + + p,h = evidence_macro_recall(instance) + self.assertAlmostEqual(p,0) + + def test_recall_correct_predictions_exact_one_score(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0]]],"predicted_evidence":[["page",0]]} + + p,h = evidence_macro_recall(instance) + self.assertEqual(p,1) + + + def test_recall_correct_predictions_exact_one_score_multi_evidence(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0],[None,None,"page",1]]],"predicted_evidence":[["page",0],["page",1]]} + + p,h = evidence_macro_recall(instance) + self.assertEqual(p,1) + + def test_recall_correct_predictions_exact_one_score_multi_evidence_groups(self): + instance = {"label": "supports", "predicted_label": "supports","evidence":[[[None,None,"page",0]],[[None,None,"page",1]]],"predicted_evidence":[["page",0],["page",1]]} + + p,h = evidence_macro_recall(instance) + self.assertEqual(p,1) + + def test_recall_correct_predictions_partial_one_score_multi_evidence_groups(self): + instance = {"label": "supports", "predicted_label": "supports", + "evidence": [[[None, None, "page", 0]], [[None, None, "page", 1]]], + "predicted_evidence": [["page", 0]]} + + p,h = evidence_macro_recall(instance) + self.assertAlmostEqual(p,1) + + def test_recall_correct_predictions_partial_other_one_score_multi_evidence_groups(self): + instance = {"label": "supports", "predicted_label": "supports", + "evidence": [[[None, None, "page", 0]], [[None, None, "page", 1]]], + "predicted_evidence": [["page", 0],["page",2]]} + + p,h = evidence_macro_recall(instance) + self.assertAlmostEqual(p,1) \ No newline at end of file diff --git a/src/scorer/tests/test_scorer_dataset.py b/src/scorer/tests/test_scorer_dataset.py new file mode 100644 index 0000000..8c14dd8 --- /dev/null +++ b/src/scorer/tests/test_scorer_dataset.py @@ -0,0 +1,184 @@ +import unittest +from fever.scorer import * + + +class FeverScorerTestCase(unittest.TestCase): + def test_fever_perfect_scorer_strict(self): + instance1 = {"label": "not enough info", "predicted_label": "not enough info", "evidence":[],"predicted_evidence":[]} + instance2 = {"label": "not enough info", "predicted_label": "not enough info", "evidence":[],"predicted_evidence":[]} + + predictions = [instance1,instance2] + score, acc, pr, rec, f1 = fever_score(predictions) + self.assertEqual(1.0,score) + + + def test_fever_perfect_scorer_acc(self): + instance1 = {"label": "not enough info", "predicted_label": "not enough info", "evidence":[],"predicted_evidence":[]} + instance2 = {"label": "not enough info", "predicted_label": "not enough info", "evidence":[],"predicted_evidence":[]} + + predictions = [instance1,instance2] + score, acc, pr, rec, f1 = fever_score(predictions) + self.assertEqual(1.0,acc) + + def test_fever_imperfect_scorer_strict(self): + instance1 = {"label": "not enough info", "predicted_label": "refutes", "evidence":[],"predicted_evidence":[]} + instance2 = {"label": "not enough info", "predicted_label": "supports", "evidence":[],"predicted_evidence":[]} + + predictions = [instance1,instance2] + score, acc, pr, rec, f1 = fever_score(predictions) + self.assertEqual(0.0,score) + + + def test_fever_imperfect_scorer_acc(self): + instance1 = {"label": "not enough info", "predicted_label": "refutes", "evidence":[],"predicted_evidence":[]} + instance2 = {"label": "not enough info", "predicted_label": "supports", "evidence":[],"predicted_evidence":[]} + + predictions = [instance1,instance2] + score, acc, pr, rec, f1 = fever_score(predictions) + self.assertEqual(0.0,acc) + + def test_fever_blind_no_data(self): + instance1 = {"predicted_label": "not enough info", "predicted_evidence":[]} + instance2 = {"predicted_label": "not enough info", "predicted_evidence":[]} + + predictions = [instance1,instance2] + self.assertRaises(AssertionError, lambda: fever_score(predictions)) + + def test_fever_blind_diff_instances(self): + instance1 = {"predicted_label": "not enough info", "predicted_evidence":[]} + instance2 = {"predicted_label": "not enough info", "predicted_evidence":[]} + + actual = [{}] + + predictions = [instance1,instance2] + self.assertRaises(AssertionError, lambda: fever_score(predictions,actual)) + + def test_fever_blind_no_evidence_nei(self): + instance1 = {"predicted_label": "not enough info", "predicted_evidence":[]} + instance2 = {"predicted_label": "not enough info", "predicted_evidence":[]} + + actual = [{"label":"not enough info"},{"label":"not enough info"}] + predictions = [instance1,instance2] + + self.assertRaises(AssertionError, lambda: fever_score(predictions,actual)) + + def test_fever_blind_perfect_strict(self): + instance1 = {"predicted_label": "not enough info", "predicted_evidence":[]} + instance2 = {"predicted_label": "not enough info", "predicted_evidence":[]} + + actual = [{"label": "not enough info","evidence":[]}, {"label": "not enough info","evidence":[]}] + predictions = [instance1,instance2] + score, acc, pr, rec, f1 = fever_score(predictions,actual) + self.assertEqual(1.0,score) + + def test_fever_blind_perfect_acc(self): + instance1 = {"predicted_label": "not enough info", "predicted_evidence": []} + instance2 = {"predicted_label": "not enough info", "predicted_evidence": []} + + actual = [{"label": "not enough info","evidence":[]}, {"label": "not enough info","evidence":[]}] + predictions = [instance1, instance2] + score, acc, pr, rec, f1 = fever_score(predictions, actual) + self.assertEqual(1.0, acc) + + def test_fever_blind_imperfect_strict(self): + instance1 = {"predicted_label": "supports", "predicted_evidence": []} + instance2 = {"predicted_label": "refutes", "predicted_evidence": []} + + + actual = [{"label": "not enough info","evidence":[]}, {"label": "not enough info","evidence":[]}] + predictions = [instance1,instance2] + score, acc, pr, rec, f1 = fever_score(predictions,actual) + self.assertEqual(0.0,score) + + def test_fever_blind_imperfect_acc(self): + instance1 = {"predicted_label": "supports", "predicted_evidence": []} + instance2 = {"predicted_label": "refutes", "predicted_evidence": []} + + actual = [{"label": "not enough info","evidence":[]}, {"label": "not enough info","evidence":[]}] + predictions = [instance1, instance2] + score, acc, pr, rec, f1= fever_score(predictions, actual) + self.assertEqual(0, acc) + + def test_fever_blind_imperfect2_strict(self): + instance1 = {"predicted_label": "not enough info", "predicted_evidence": []} + instance2 = {"predicted_label": "refutes", "predicted_evidence": []} + + actual = [{"label": "not enough info", "evidence": []}, {"label": "not enough info", "evidence": []}] + predictions = [instance1, instance2] + strict, acc, pr, rec, f1 = fever_score(predictions, actual) + self.assertEqual(0.5, strict) + + def test_fever_blind_imperfect2_acc(self): + instance1 = {"predicted_label": "not enough info", "predicted_evidence": []} + instance2 = {"predicted_label": "refutes", "predicted_evidence": []} + + actual = [{"label": "not enough info", "evidence": []}, {"label": "not enough info", "evidence": []}] + predictions = [instance1, instance2] + score, acc, pr, rec, f1 = fever_score(predictions, actual) + self.assertEqual(0.5, acc) + + def test_fever_blind_imperfect3_strict(self): + + + instance1 = {"predicted_label": "refutes", "predicted_evidence": [ + ["page3", 2] + ]} + + instance2 = {"predicted_label": "refutes", "predicted_evidence": [ + ["page1", 1], + ["page2", 0], + ["page3", 2] + ]} + + actual = [ + {"label": "refutes", "evidence": + [ + [ + [None, None, "page1", 1], + [None, None, "page2", 0], + ] + ]}, + {"label": "refutes", "evidence": + [ + [ + [None, None, "page1", 1], + [None, None, "page2", 0], + ] + ]} + ] + + predictions = [instance1, instance2] + strict,acc,pr,rec,f1 = fever_score(predictions, actual) + self.assertEqual(0.5, strict) + + def test_fever_blind_imperfect3_acc(self): + instance1 = {"predicted_label": "refutes", "predicted_evidence": [ + ["page3", 2] + ]} + + instance2 = {"predicted_label": "refutes", "predicted_evidence": [ + ["page1", 1], + ["page2", 0], + ["page3", 2] + ]} + + actual = [ + {"label": "refutes", "evidence": + [ + [ + [None, None, "page1", 1], + [None, None, "page2", 0], + ] + ]}, + {"label": "refutes", "evidence": + [ + [ + [None, None, "page1", 1], + [None, None, "page2", 0], + ] + ]} + ] + + predictions = [instance1, instance2] + score, acc, pr, rec, f1 = fever_score(predictions, actual) + self.assertEqual(1.0, acc) diff --git a/src/scorer/tests/test_scorer_iscorrect.py b/src/scorer/tests/test_scorer_iscorrect.py new file mode 100644 index 0000000..f49913a --- /dev/null +++ b/src/scorer/tests/test_scorer_iscorrect.py @@ -0,0 +1,22 @@ +import unittest +from fever.scorer import * + + +class IsCorrectTestCase(unittest.TestCase): + def test_equal_labels(self): + instance = {"label":"not enough info", "predicted_label":"not enough info"} + self.assertTrue(is_correct_label(instance)) + + def test_equal_labels_different_case1(self): + instance = {"label": "not enough info", "predicted_label": "NOT ENOUGH INFO"} + self.assertTrue(is_correct_label(instance)) + + def test_equal_labels_different_case2(self): + instance = {"label": "NOT ENOUGH INFO", "predicted_label": "not enough info"} + self.assertTrue(is_correct_label(instance)) + + def test_different_labels(self): + instance = {"label":"supports", "predicted_label":"not enough info"} + self.assertFalse(is_correct_label(instance)) + + diff --git a/src/scorer/tests/test_scorer_isstrictlycorrect.py b/src/scorer/tests/test_scorer_isstrictlycorrect.py new file mode 100644 index 0000000..93d452b --- /dev/null +++ b/src/scorer/tests/test_scorer_isstrictlycorrect.py @@ -0,0 +1,135 @@ +import unittest +from fever.scorer import * + + +class IsStrictlyCorrectTestCase(unittest.TestCase): + def test_nei_no_evidence(self): + instance = {"label": "not enough info", "predicted_label": "not enough info"} + self.assertTrue(is_strictly_correct(instance)) + + def test_supports_no_predicted_evidence(self): + instance = {"label": "supports", "predicted_label": "supports", "evidence":[[[None,None,"page",0]]]} + self.assertRaises(AssertionError, lambda: is_strictly_correct(instance)) + + def test_supports_evidence_subset(self): + instance = {"label": "supports", + "predicted_label": "supports", + "evidence":[ + [ + [None,None,"page",0], + [None,None,"page",1] + ] + ], + "predicted_evidence":[ + ["page",0] + ]} + self.assertFalse(is_strictly_correct(instance)) + + def test_supports_evidence_wrong_line(self): + instance = {"label": "supports", + "predicted_label": "supports", + "evidence":[ + [ + [None,None,"page",0], + ] + ], + "predicted_evidence":[ + ["page",2] + ]} + self.assertFalse(is_strictly_correct(instance)) + + def test_supports_evidence_wrong_page(self): + instance = {"label": "supports", + "predicted_label": "supports", + "evidence":[ + [ + [None,None,"page",0], + ] + ], + "predicted_evidence":[ + ["page1",0] + ]} + self.assertFalse(is_strictly_correct(instance)) + + def test_supports_evidence_correct_single(self): + instance = {"label": "supports", + "predicted_label": "supports", + "evidence":[ + [ + [None,None,"page",0], + ] + ], + "predicted_evidence":[ + ["page",0] + ]} + self.assertTrue(is_strictly_correct(instance)) + + def test_supports_evidence_matches_1_group(self): + instance = {"label": "supports", + "predicted_label": "supports", + "evidence":[ + [ + [None, None, "page", 0], + ], + [ + [None, None, "page1", 0], + ] + ], + "predicted_evidence":[ + ["page",0] + ]} + self.assertTrue(is_strictly_correct(instance)) + + + + def test_supports_evidence_matches_part_group(self): + instance = {"label": "supports", + "predicted_label": "supports", + "evidence":[ + [ + [None,None,"page2",0], + [None,None,"page1",1], + ], + [ + [None, None, "page2", 0], + ] + ], + "predicted_evidence":[ + ["page2",0] + ]} + self.assertTrue(is_strictly_correct(instance)) + + + def test_supports_evidence_matches_disjount(self): + instance = {"label": "supports", + "predicted_label": "supports", + "evidence":[ + [ + [None,None,"page1",1], + ], + [ + [None, None, "page2", 0], + ] + ], + "predicted_evidence":[ + ["page1",1], + ["page2",0] + ]} + self.assertTrue(is_strictly_correct(instance)) + + def test_supports_evidence_matches_superset(self): + instance = {"label": "supports", + "predicted_label": "supports", + "evidence":[ + [ + [None, None, "page1", 1], + [None, None, "page2", 0], + ] + ], + "predicted_evidence":[ + ["page1",1], + ["page2",0], + ["page3",2] + ]} + self.assertTrue(is_strictly_correct(instance)) + diff --git a/src/scripts/retrieval/ir.py b/src/scripts/retrieval/ir.py index e6ad811..2cf4c7e 100644 --- a/src/scripts/retrieval/ir.py +++ b/src/scripts/retrieval/ir.py @@ -1,9 +1,9 @@ import argparse import json from multiprocessing.pool import ThreadPool - -import os - +import tqdm +import os,sys +import logging from common.util.log_helper import LogHelper from tqdm import tqdm @@ -11,6 +11,10 @@ from retrieval.fever_doc_db import FeverDocDB from common.dataset.reader import JSONLineReader from rte.riedel.data import FEVERGoldFormatter, FEVERLabelSchema +from retrieval.read_claims import uofa_training,uofa_testing,uofa_dev +from rte.mithun.log import setup_custom_logger + + def process_line(method,line): @@ -33,8 +37,10 @@ def get_map_function(parallel): return p.imap_unordered if parallel else map if __name__ == "__main__": - LogHelper.setup() - logger = LogHelper.get_logger(__name__) + #setup_custom_logger + # LogHelper.setup() + # logger = LogHelper.get_logger(__name__) + parser = argparse.ArgumentParser() parser.add_argument('--db', type=str, help='drqa doc db file') @@ -44,8 +50,19 @@ def get_map_function(parallel): parser.add_argument('--max-page',type=int) parser.add_argument('--max-sent',type=int) parser.add_argument('--parallel',type=str2bool,default=True) + parser.add_argument('--mode', type=str, help='do training or testing' ) + parser.add_argument('--load_feat_vec', type=str2bool,default=False) + parser.add_argument('--pred_file', type=str, help='path to save predictions',default="predictions.jsonl") + parser.add_argument('--dynamic_cv',type=str2bool,default=False) + parser.add_argument('--lmode', type=str,default="DEBUG") + + args = parser.parse_args() + logger = setup_custom_logger('root', args) + + + db = FeverDocDB(args.db) jlr = JSONLineReader() formatter = FEVERGoldFormatter(set(), FEVERLabelSchema()) @@ -55,16 +72,31 @@ def get_map_function(parallel): processed = dict() - with open(args.in_file,"r") as f, open(args.out_file, "w+") as out_file: - lines = jlr.process(f) - logger.info("Processing lines") + if(args.mode=="train" or args.mode=="small"): + uofa_training(args,jlr) + else: + if(args.mode=="dev"): + logger.info("found that args.mode is dev") + uofa_dev(args,jlr,method ,logger) + logger.info("Done, testing ") + + else: + if(args.mode=="test" ): + uofa_testing(args,jlr) + logger.info("Done, testing ") + + + - with ThreadPool() as p: - for line in tqdm(get_map_function(args.parallel)(lambda line: process_line(method,line),lines), total=len(lines)): - #out_file.write(json.dumps(line) + "\n") - processed[line["id"]] = line + with ThreadPool() as p: + for line in tqdm(get_map_function(args.parallel)(lambda line: process_line(method,line), all_claims), total=len(all_claims)): + processed[line["id"]] = line + logger.info("processed line is:"+str(line)) + counter=counter+1 + if(counter==10): + sys.exit(1) - logger.info("Done, writing to disk") + logger.info("Done, writing to disk") - for line in lines: - out_file.write(json.dumps(processed[line["id"]]) + "\n") \ No newline at end of file + for line in all_claims: + out_file.write(json.dumps(processed[line["id"]]) + "\n") diff --git a/src/scripts/rte/da/eval_da.py b/src/scripts/rte/da/eval_da.py index 1495aa5..65c26e3 100644 --- a/src/scripts/rte/da/eval_da.py +++ b/src/scripts/rte/da/eval_da.py @@ -21,6 +21,8 @@ import sys import json import numpy as np +from sklearn.externals import joblib +from collections import defaultdict logger = logging.getLogger(__name__) # pylint: disable=invalid-name @@ -40,30 +42,47 @@ def eval_model(db: FeverDocDB, args) -> Model: token_indexers=TokenIndexer.dict_from_params(ds_params.pop('token_indexers', {}))) logger.info("Reading training data from %s", args.in_file) - data = reader.read(args.in_file).instances + + # do annotation on the fly using pyprocessors. i.e creating NER tags, POS Tags etcThis takes along time. + # so almost always we do it only once, and load it from disk . Hence do_annotation_live = False + do_annotation_live = False + data = reader.read(args.in_file,"dev",do_annotation_live).instances + joblib.dump(data, "fever_dev_dataset_format.pkl") actual = [] + predicted = [] if args.log is not None: f = open(args.log,"w+") + if_ctr, else_ctr = 0, 0 + pred_dict = defaultdict(int) for item in tqdm(data): if item.fields["premise"] is None or item.fields["premise"].sequence_length() == 0: cls = "NOT ENOUGH INFO" + if_ctr += 1 else: + else_ctr += 1 + prediction = model.forward_on_instance(item, args.cuda_device) cls = model.vocab._index_to_token["labels"][np.argmax(prediction["label_probs"])] + if "label" in item.fields: actual.append(item.fields["label"].label) predicted.append(cls) + pred_dict[cls] += 1 if args.log is not None: if "label" in item.fields: f.write(json.dumps({"actual":item.fields["label"].label,"predicted":cls})+"\n") else: f.write(json.dumps({"predicted":cls})+"\n") + # print(f'if_ctr = {if_ctr}') + # print(f'else_ctr = {else_ctr}') + # print(f'pred_dict = {pred_dict}') + if args.log is not None: f.close() diff --git a/src/scripts/rte/da/train_da.py b/src/scripts/rte/da/train_da.py index da7fc04..ba2ee4e 100644 --- a/src/scripts/rte/da/train_da.py +++ b/src/scripts/rte/da/train_da.py @@ -13,15 +13,17 @@ from common.util.random import SimpleRandom from retrieval.fever_doc_db import FeverDocDB from rte.parikh.reader import FEVERReader +from sklearn.externals import joblib import argparse import logging import sys import json -logger = logging.getLogger(__name__) # pylint: disable=invalid-name +logger = logging.getLogger(__name__) # pylint: disable=invalid-name -def train_model(db: FeverDocDB, params: Union[Params, Dict[str, Any]], cuda_device:int, serialization_dir: str, filtering: str) -> Model: +def train_model(db: FeverDocDB, params: Union[Params, Dict[str, Any]], cuda_device:int, + serialization_dir: str, filtering: str) -> Model: """ This function can be used as an entry point to running models in AllenNLP directly from a JSON specification using a :class:`Driver`. Note that if @@ -55,7 +57,7 @@ def train_model(db: FeverDocDB, params: Union[Params, Dict[str, Any]], cuda_devi with open(os.path.join(serialization_dir, "model_params.json"), "w") as param_file: json.dump(serialization_params, param_file, indent=4) - # Now we begin assembling the required parts for the Trainer. + # Now we begin assembling the required parts for the Trainer. ds_params = params.pop('dataset_reader', {}) dataset_reader = FEVERReader(db, sentence_level=ds_params.pop("sentence_level",False), @@ -66,7 +68,11 @@ def train_model(db: FeverDocDB, params: Union[Params, Dict[str, Any]], cuda_devi train_data_path = params.pop('train_data_path') logger.info("Reading training data from %s", train_data_path) - train_data = dataset_reader.read(train_data_path) + run_name="train" + do_annotation_on_the_fly=False + train_data = dataset_reader.read(train_data_path,run_name,do_annotation_on_the_fly) + #joblib.dump(train_data, "fever_tr_dataset_format.pkl") + all_datasets = [train_data] datasets_in_vocab = ["train"] @@ -74,10 +80,14 @@ def train_model(db: FeverDocDB, params: Union[Params, Dict[str, Any]], cuda_devi validation_data_path = params.pop('validation_data_path', None) if validation_data_path is not None: logger.info("Reading validation data from %s", validation_data_path) - validation_data = dataset_reader.read(validation_data_path) + run_name = "dev" + validation_data = dataset_reader.read(validation_data_path,run_name) all_datasets.append(validation_data) datasets_in_vocab.append("validation") + joblib.dump(validation_data, "fever_dev_dataset_format.pkl") else: + + validation_data = None logger.info("Creating a vocabulary using %s data.", ", ".join(datasets_in_vocab)) @@ -86,6 +96,7 @@ def train_model(db: FeverDocDB, params: Union[Params, Dict[str, Any]], cuda_devi for instance in dataset.instances])) vocab.save_to_files(os.path.join(serialization_dir, "vocabulary")) + model = Model.from_params(vocab, params.pop('model')) iterator = DataIterator.from_params(params.pop("iterator")) diff --git a/wrongpred.txt b/wrongpred.txt new file mode 100644 index 0000000..f729bde --- /dev/null +++ b/wrongpred.txt @@ -0,0 +1,38842 @@ +08-13 15:28 drqa.retriever.tfidf_doc_ranker INFO Loading /work/mithunpaul/fever/my_fork/fever-baselines/data/index/fever-tfidf-ngram=2-hash=16777216-tokenizer=simple.npz +08-13 15:28 root WARNING got inside uofa_dev +08-13 15:28 root DEBUG inside read_json_deps +08-13 15:28 root DEBUG inside read_json_deps +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fox 2000 Pictures released the film Soul Food . +08-13 15:28 root DEBUG Soul Food is a 1997 American comedy-drama film produced by Kenneth `` Babyface '' Edmonds , Tracey Edmonds and Robert Teitel and released by Fox 2000 Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Damon Albarn 's debut album was released in 2011 . +08-13 15:28 root DEBUG His debut solo studio album Everyday Robots -- co-produced by XL Recordings CEO Richard Russell -- was released on 28 April 2014 and featured collaborations with Brian Eno , Natasha Khan and the Leytonstone City Pentecostal Mission Church Choir as well as sampling several rants by Lord Buckley . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a capital called Mogadishu . +08-13 15:28 root DEBUG Mogadishu -LRB- -LSB- ˌmɔːɡəˈdiːʃuː -RSB- Muqdisho -LSB- mʉqdɪʃɔ -RSB- ; مقديشو -LSB- maqadiːʃuː -RSB- -RRB- , known locally as Hamar , is the capital and most populous city of Somalia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nicholas Brody is a character on Homeland . +08-13 15:28 root DEBUG Nicholas `` Nick '' Brody , played by actor Damian Lewis , is a fictional character on the American television series Homeland on Showtime , created by Alex Gansa and Howard Gordon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Penn is only ever a stage actor . +08-13 15:28 root DEBUG Following his film debut in the drama Taps -LRB- 1981 -RRB- and a diverse range of film roles in the 1980s , including Fast Times at Ridgemont High -LRB- 1982 -RRB- , Penn garnered critical attention for his roles in the crime dramas At Close Range -LRB- 1986 -RRB- , State of Grace -LRB- 1990 -RRB- , and Carlito 's Way -LRB- 1993 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brad Wilk helped co-found Rage in 1962 . +08-13 15:28 root DEBUG Wilk started his career as a drummer for Greta in 1990 , and helped co-found Rage with Tom Morello and Zack de la Rocha in August 1991 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CBS is the network that aired The Millers . +08-13 15:28 root DEBUG The multi-camera series aired from October 3 , 2013 to July 18 , 2015 and ran 34 episodes over two seasons on CBS . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is a person . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ann Richards was professionally involved in politics . +08-13 15:28 root DEBUG Dorothy Ann Willis Richards -LRB- September 1 , 1933 -- September 13 , 2006 -RRB- was an American politician and the 45th Governor of Texas from 1991 to 1995 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is a personal message . +08-13 15:28 root DEBUG It is differentiated from personal selling in that the message is nonpersonal , i.e. , not directed to a particular individual . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristotle spent time in Athens . +08-13 15:28 root DEBUG At seventeen or eighteen years of age , he joined Plato 's Academy in Athens and remained there until the age of thirty-seven -LRB- c. 347 BC -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tenacious D started in 1997 . +08-13 15:28 root DEBUG Tenacious D is an American comedy rock duo that was formed in Los Angeles , California in 1994 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marcus Bentley is a broadcaster . +08-13 15:28 root DEBUG Marcus Morgan Bentley -LRB- born 4 October 1967 -RRB- is a British actor , broadcaster and voice-over artist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mel B released a song on Virgin Records in 2007 . +08-13 15:28 root DEBUG Brown began her solo career when she released `` I Want You Back '' with Missy Elliott on Virgin Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane Black was born in 1961 . +08-13 15:28 root DEBUG Shane Black -LRB- born December 16 , 1961 -RRB- is an American screenwriter , director , producer and actor , known for writing the 1987 action film hit Lethal Weapon , and his directorial debut with the film Kiss Kiss Bang Bang in 2005 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are not rumors that Augustus ' wife , Livia , poisoned him . +08-13 15:28 root DEBUG He probably died from natural causes , although there were unconfirmed rumors that his wife Livia poisoned him . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedam was written and directed by Christopher Nolan . +08-13 15:28 root DEBUG Vedam -LRB- English : Chant -RRB- is a 2010 Telugu language Indian drama film written and directed by Radhakrishna Jagarlamudi , starring Allu Arjun , Manoj Manchu , Anushka Shetty , Manoj Bajpayee , Saranya Ponvannan , Deeksha Seth , Lekha Washington , and Siya Gautham . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sancho Panza is a character in Don Quixote . +08-13 15:28 root DEBUG Sancho Panza -LSB- ˈsantʃo ˈpanθa -RSB- is a fictional character in the novel Don Quixote written by Spanish author Don Miguel de Cervantes Saavedra in 1605 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brazzers is a company . +08-13 15:28 root DEBUG Brazzers -LRB- -LSB- ˈbræzərz -RSB- -RRB- is a pornographic production company based in Montreal , Canada . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim Roth is an English actor . +08-13 15:28 root DEBUG Timothy Simon Roth -LRB- born 14 May 1961 -RRB- is an English actor and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ernest Medina participated in the My Lai Massacre . +08-13 15:28 root DEBUG He was court martialed in 1971 for his role in the My Lai Massacre , but acquitted the same year . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee is a person who acts . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Home for the Holidays stars an American actress . +08-13 15:28 root DEBUG The film stars Holly Hunter , Robert Downey Jr. , Anne Bancroft , Charles Durning , Dylan McDermott , Geraldine Chaplin , Steve Guttenberg , Cynthia Stevenson , Claire Danes , Austin Pendleton and David Strathairn . Holly Hunter -LRB- born March 20 , 1958 -RRB- is an American actress and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taran Killam is an American writer . +08-13 15:28 root DEBUG Taran Hourie Killam -LRB- born April 1 , 1982 -RRB- is an American actor , comedian , and writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jayasudha is an actor that stars in Daag . +08-13 15:28 root DEBUG The film was later remade into the Telugu film Vichitra Jeevitham -LRB- 1978 -RRB- starring Akkineni Nageswara Rao , Vanisri , and Jayasudha . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Dolmayan was born on July 15 , 1873 . +08-13 15:28 root DEBUG John Hovig Dolmayan -LRB- Ջոն Դոլմայան , born July 15 , 1973 -RRB- is a Lebanese-born Armenian -- American songwriter and drummer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was directed by a lake . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . Chris Renaud -LRB- born December 1966 -RRB- is an American illustrator and filmmaker . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reign Over Me was released in 2017 . +08-13 15:28 root DEBUG Distributed by Columbia Pictures , the film was released on March 23 , 2007 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weekly Idol is hosted by Yoo Jae Suk . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Topman has clothing outlets in six Irish cities and towns . +08-13 15:28 root DEBUG A part of the Arcadia Group , which also owns Burton , Miss Selfridge , Wallis , Evans and Dorothy Perkins , Topman has a chain of high-street men 's clothing stores located throughou the United Kingdom and has a presence on just about every UK High Street , and in Ireland main street outlets in six cities and towns . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tool has won three Oscars . +08-13 15:28 root DEBUG Tool has won three Grammy Awards , performed worldwide tours , and produced albums topping the charts in several countries . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sidse Babett Knudsen graduated on November 22nd , 1968 . +08-13 15:28 root DEBUG Sidse Babett Knudsen -LRB- -LSB- ˈsisə b̥ab̥ɛd̥ ˈkʰnusn̩ -RSB- ; born 22 November 1968 -RRB- is a Danish actress who works in theatre , television , and film . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stripes had Conrad Dunn featured in it . +08-13 15:28 root DEBUG Several actors including John Larroquette , John Diehl , Conrad Dunn and Judge Reinhold were featured in their first significant film roles . He began his screen career with the role of Francis `` Psycho '' Soyer in Stripes -LRB- 1981 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1971 Asylum Records the American record label was founded by David Geffen and his partner Elliot Roberts . +08-13 15:28 root DEBUG Asylum Records is an American record label founded in 1971 by David Geffen and partner Elliot Roberts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Armenian Genocide was the killing of Armenians who were mostly Ottoman natives . +08-13 15:28 root DEBUG The Armenian Genocide -LRB- Հայոց ցեղասպանություն , Hayots tseghaspanutyun -RRB- , also known as the Armenian Holocaust , was the Ottoman government 's systematic extermination of 1.5 million Armenians , mostly Ottoman citizens within the Ottoman Empire and its successor state , the Republic of Turkey . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a British actor name Marcus Bentley . +08-13 15:28 root DEBUG Marcus Morgan Bentley -LRB- born 4 October 1967 -RRB- is a British actor , broadcaster and voice-over artist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The first inauguration of Bill Clinton made him the 50th President of the United States . +08-13 15:28 root DEBUG The first inauguration of Bill Clinton as the 42nd President of the United States was held on January 20 , 1993 on the West Front of the United States Capitol Building in Washington , D.C. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beach 's director was Danny Boyle . +08-13 15:28 root DEBUG The Beach is a 2000 adventure drama film directed by Danny Boyle and based on the 1996 novel of the same name by Alex Garland , which was adapted for the film by John Hodge . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The dress did not inspire hashtags . +08-13 15:28 root DEBUG In the first week after the surfacing of the image alone , more than 10 million tweets mentioned the dress , using hashtags such as #thedress , #whiteandgold and #blackandblue . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is an sound-based manner of marketing communication . +08-13 15:28 root DEBUG Advertising is an audio or visual form of marketing communication that employs an openly sponsored , nonpersonal message to promote or sell a product , service or idea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Drake Bell put out an extended play in 2011 . +08-13 15:28 root DEBUG Bell released an EP in 2011 called A Reminder independently . A Reminder is the first released extended play by singer-songwriter Drake Bell ; The Nashville Sessions , Bell 's first extended play , was recorded before Bell 's debut album , Telegraph and never officially released . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Telemundo is owned by ESPN . +08-13 15:28 root DEBUG Telemundo -LRB- -LSB- teleˈmundo -RSB- -RRB- is an American Spanish-language terrestrial television network owned by Comcast through the NBCUniversal division NBCUniversal Telemundo Enterprises . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caroline Kennedy is American . +08-13 15:28 root DEBUG Caroline Bouvier Kennedy -LRB- born November 27 , 1957 -RRB- is an American author , attorney , and diplomat who served as the United States Ambassador to Japan from 2013 to 2017 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A monk only avoids practicing religious asceticism . +08-13 15:28 root DEBUG A monk -LRB- -LSB- mʌŋk -RSB- , from μοναχός , monachos , `` single , solitary '' and Latin monachus -RRB- is a person who practices religious asceticism by monastic living , either alone or with any number of other monks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dark Tower is a fantasy film . +08-13 15:28 root DEBUG The Dark Tower is an upcoming American science fantasy western action horror film directed and co-written by Nikolaj Arcel . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arizona is a state in the United States . +08-13 15:28 root DEBUG Arizona -LRB- -LSB- ɛərᵻˈzoʊnə , _ ærᵻ - -RSB- -RRB- -LRB- Hoozdo Hahoodzo -LSB- xòːztò xɑ̀xòːtsò -RSB- O'odham : Alĭ ṣonak -LSB- ˡaɺi ˡʃonak -RSB- -RRB- is a state in the southwestern region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Smriti Mandhana is an Indian cricketer born in July . +08-13 15:28 root DEBUG Smriti Mandhana -LRB- born 18 July 1996 -RRB- is an Indian cricketer who plays for the Indian women 's cricket team . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emma Watson was born . +08-13 15:28 root DEBUG Emma Charlotte Duerre Watson -LRB- born 15 April 1990 -RRB- is a French-British actress , model , and activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Congressional Space Medal of Honor is the highest award given only to astronauts by NASA . +08-13 15:28 root DEBUG To be awarded the Congressional Space Medal of Honor , an astronaut must perform feats of extraordinary accomplishment while participating in space flight under the authority of NASA . The highest award given by NASA , it is awarded by the President of the United States in Congress 's name on recommendations from the Administrator of the National Aeronautics and Space Administration . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saw franchise grossed under $ 873 million . +08-13 15:28 root DEBUG The films collectively grossed over $ 873 million at the box office worldwide . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colombiana is a French film . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hush -LRB- 2016 film -RRB- was produced by children . +08-13 15:28 root DEBUG The film was produced by Trevor Macy , through Intrepid Pictures , and Jason Blum through his Blumhouse Productions banner . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saturn Corporation is also known as Toyota LLC . +08-13 15:28 root DEBUG The Saturn Corporation , also known as Saturn LLC , is a registered trademark established on January 7 , 1985 , as a subsidiary of General Motors . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The human brain contains a hypothalamus . +08-13 15:28 root DEBUG Underneath the cerebral cortex , several important structures are located , including the thalamus , the epithalamus , the pineal gland , the hypothalamus , the pituitary gland , and the subthalamus ; the limbic structures , including the amygdala and the hippocampus ; the claustrum , the various nuclei of the basal ganglia ; the basal forebrain structures , and the three circumventricular organs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is a 2004 British comedy drama film . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG AMGTV does not have drama television programming . +08-13 15:28 root DEBUG AMGTV is an American family-oriented television network featuring television programming consisting of drama , sports , movies , entertainment , how-to , hunting and fishing , children 's shows , and other features . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Don Bradman was called the `` greatest living Australian '' by Margaret Thatcher . +08-13 15:28 root DEBUG Even after he became reclusive in his declining years his opinion was highly sought , and his status as a national icon was still recognised -- more than 50 years after his retirement as a Test player , in 2001 , Prime Minister John Howard of Australia called him the `` greatest living Australian '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Margaret Thatcher was not the first woman to lead a major political party in the United Kingdom . +08-13 15:28 root DEBUG In 1975 , Thatcher defeated Heath in the Conservative Party leadership election to become Leader of the Opposition and became the first woman to lead a major political party in the United Kingdom . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alice Cooper has been working in his field for over 50 years . +08-13 15:28 root DEBUG Alice Cooper -LRB- born Vincent Damon Furnier ; February 4 , 1948 -RRB- is an American singer , songwriter , and actor whose career spans over five decades . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG EA Black Box was a picture game developer . +08-13 15:28 root DEBUG EA Black Box -LRB- formerly Black Box Games -RRB- was a video game developer based in Burnaby , British Columbia , Canada , founded in 1998 by former employees of Radical Entertainment and later acquired by Electronic Arts -LRB- EA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harold Macmillan died on December 29 , 1886 . +08-13 15:28 root DEBUG Maurice Harold Macmillan , 1st Earl of Stockton , -LRB- 10 February 1894 -- 29 December 1986 -RRB- was a British Conservative politician and statesman who served as the Prime Minister of the United Kingdom from 10 January 1957 to 19 October 1963 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was written by anyone but an American . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . Andrew Stanton -LRB- born December 3 , 1965 -RRB- is an American film director , screenwriter , producer and voice actor based at Pixar . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Morse Code is communication . +08-13 15:28 root DEBUG In an emergency , Morse code can be sent by improvised methods that can be easily `` keyed '' on and off , making it one of the simplest and most versatile methods of telecommunication . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Most of Ripon College 's student body die on campus . +08-13 15:28 root DEBUG As of 2015 , Ripon College 's student body stood at around 840 , the majority of whom live on campus . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bessie Smith was married on April 15 , 1894 . +08-13 15:28 root DEBUG Bessie Smith -LRB- April 15 , 1894 -- September 26 , 1937 -RRB- was an American blues singer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Speech recognition incorporates knowledge and research into multiple fields . +08-13 15:28 root DEBUG It incorporates knowledge and research in the linguistics , computer science , and electrical engineering fields . Linguistics is the scientific study of language , and involves an analysis of language form , language meaning , and language in context . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Sullivan was born in April of 1866 . +08-13 15:28 root DEBUG Johanna Mansfield Sullivan Macy -LRB- April 14 , 1866 -- October 20 , 1936 -RRB- , better known as Anne Sullivan , was an American teacher , best known for being the instructor and lifelong companion of Helen Keller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aleister Crowley was born on June 12 , 1875 . +08-13 15:28 root DEBUG Aleister Crowley -LRB- -LSB- ˈkroʊli -RSB- born Edward Alexander Crowley ; 12 October 1875 -- 1 December 1947 -RRB- was an English occultist , ceremonial magician , poet , painter , novelist , and mountaineer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1986 , Tatum O'Neal got married . +08-13 15:28 root DEBUG In 1986 , O'Neal married professional tennis player John McEnroe , with whom she had three children . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Penn was in a movie . +08-13 15:28 root DEBUG Following his film debut in the drama Taps -LRB- 1981 -RRB- and a diverse range of film roles in the 1980s , including Fast Times at Ridgemont High -LRB- 1982 -RRB- , Penn garnered critical attention for his roles in the crime dramas At Close Range -LRB- 1986 -RRB- , State of Grace -LRB- 1990 -RRB- , and Carlito 's Way -LRB- 1993 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Water is part of the History of Earth . +08-13 15:28 root DEBUG Over time , the Earth cooled , causing the formation of a solid crust , and allowing liquid water to exist on the surface . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jewell is best known for her song `` Harvest for the World . '' +08-13 15:28 root DEBUG She is best known for her song , `` Love or Lust , '' featured in Bill Duke 's film , Deep Cover , as well as for singing choruses to many classic West Coast rap songs such as Snoop Dogg 's `` Gin and Juice '' and Dr. Dre 's `` Let Me Ride '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Martin Van Buren was Secretary of State . +08-13 15:28 root DEBUG A member of the Democratic Party , he served in a number of other senior roles , including eighth Vice President -LRB- 1833 -- 37 -RRB- and tenth Secretary of State -LRB- 1829 -- 31 -RRB- , both under Andrew Jackson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama book . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Darwin is the location where production of Australia -LRB- 2008 film -RRB- took place . +08-13 15:28 root DEBUG Production took place in Sydney , Darwin , Kununurra , and Bowen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DreamWorks Animation produced Trollhunters . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rupert Murdoch is the Chairman of FOX News . +08-13 15:28 root DEBUG Murdoch thus had full control as Chairman and CEO of global media holding company News Corporation , now the world 's second-largest media conglomerate , and its successors , News Corp and 21st Century Fox , after the conglomerate split on 28 June 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gal Gadot was ranked behind Esti Ginzburg for highest earning actress/models in Israel . +08-13 15:28 root DEBUG In 2013 she was ranked as the second highest earning actress/models in Israel , behind Bar Refaeli , but ahead of Esti Ginzburg and Shlomit Malka , with the majority of her income coming from acting . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The CONCACAF Champions League is rarely organized by CONCACAF . +08-13 15:28 root DEBUG The CONCACAF Champions League is an annual continental football club competition organized by CONCACAF for the top football clubs in North America , Central America and the Caribbean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poseidon grossed less than $ 1 million at the worldwide box office . +08-13 15:28 root DEBUG Poseidon grossed $ 181,674,817 at the worldwide box office on a budget of $ 160 million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The NAACP Image Award for Outstanding Supporting Actor in a Drama Series was last given in 1995 . +08-13 15:28 root DEBUG The award was first given during the 1996 ceremony and since its conception , Omar Epps and Joe Morton hold the record for the most wins with three each . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Francis I of France was a king . +08-13 15:28 root DEBUG Francis I -LRB- François Ier -RRB- -LRB- 12 September 1494 -- 31 March 1547 -RRB- was the first King of France from the Angoulême branch of the House of Valois , reigning from 1515 until his death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lemmy had a distinct gravelly voice that made him known . +08-13 15:28 root DEBUG He was known for his appearance -LRB- including his friendly mutton chops -RRB- , his distinctive gravelly voice and distinctive bass playing style . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Global warming threatens food security . +08-13 15:28 root DEBUG Effects significant to humans include the threat to food security from decreasing crop yields and the abandonment of populated areas due to rising sea levels . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baz Luhrmann 's film Australia stars Nicole Kidman . +08-13 15:28 root DEBUG His 2008 film Australia is an epic historical romantic drama film starring Hugh Jackman and Nicole Kidman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Folklore includes proverbs . +08-13 15:28 root DEBUG These include oral traditions such as tales , proverbs and jokes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG First Motion Picture Unit produced zero training films . +08-13 15:28 root DEBUG It produced more than 400 propaganda and training films , which were notable for being informative as well as entertaining . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Yune was on a tv series with Marco Polo . +08-13 15:28 root DEBUG He was part of the main cast of the Netflix original series Marco Polo until the series was cancelled on December 12 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters is computer-animated . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane McMahon officially retired on the first day of 2010 . +08-13 15:28 root DEBUG He later became CEO of entertainment service company YOU On Demand in late 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was directed by someone . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kentucky is known for bluegrass music . +08-13 15:28 root DEBUG Kentucky is also known for horse racing , bourbon distilleries , coal , the historic site My Old Kentucky Home , automobile manufacturing , tobacco , bluegrass music , college basketball , and Kentucky Fried Chicken . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kelly Preston starred in the film Broken Bridges . +08-13 15:28 root DEBUG She also starred in the films The Cat in the Hat , Old Dogs , and Broken Bridges . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kesha has a full name . +08-13 15:28 root DEBUG Kesha Rose Sebert -LRB- -LSB- ˈkɛʃə_roʊz_ˈsɛbərt -RSB- ; born March 1 , 1987 ; formerly stylized as Ke $ ha -RRB- is an American singer , songwriter , and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Starrcade was never broadcast via pay-per-view television . +08-13 15:28 root DEBUG In 1987 , the WWF scheduled a pay-per-view of their own , Survivor Series , on Thanksgiving night and demanded exclusivity from cable providers on carriage of the event . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Excuse My French is the debut album of a hip hop recording artist . +08-13 15:28 root DEBUG Excuse My French is the debut studio album by American rapper French Montana . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Forceps are a hinged instrument . +08-13 15:28 root DEBUG Forceps -LRB- plural forceps or forcipes -RRB- are a handheld , hinged instrument used for grasping and holding objects . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Closer 's final season was its seventh season . +08-13 15:28 root DEBUG On Monday , July 11 , 2011 , the series began its seventh and final season , having finished its sixth season as cable 's highest rated drama . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Palmer -LRB- writer -RRB- has written for the New York Times . +08-13 15:28 root DEBUG He is best known for his books , including Deep Blues ; his music journalism for the New York Times and Rolling Stone magazine ; his work producing blues recordings and the soundtrack of the film Deep Blues ; and his clarinet playing in the 1960s band the Insect Trust . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Concert for Bangladesh is recognized as a highly successful and influential project . +08-13 15:28 root DEBUG Although the project was subsequently marred by financial problems -- a result of the pioneering nature of the venture -- the Concert for Bangladesh is recognised as a highly successful and influential humanitarian aid project , generating both awareness and considerable funds as well as providing valuable lessons and inspiration for projects that followed , notably Live Aid . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Avenged Sevenfold was released in October . +08-13 15:28 root DEBUG Avenged Sevenfold is the eponymous fourth studio album by American heavy metal band Avenged Sevenfold , released on October 30 , 2007 by Warner Bros. . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mani Ratnam is widely credited with altering the profile of Indian cuisine . +08-13 15:28 root DEBUG Cited by the media as one of India 's influential filmmakers , Mani Ratnam is widely credited with revolutionising the Tamil film industry and altering the profile of Indian cinema . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bret Easton Ellis wrote the screenplay for The Canyons . +08-13 15:28 root DEBUG Ellis also wrote the screenplay for the critically derided 2013 film The Canyons , an original work . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brad Wilk died before helping to co-found Rage . +08-13 15:28 root DEBUG Wilk started his career as a drummer for Greta in 1990 , and helped co-found Rage with Tom Morello and Zack de la Rocha in August 1991 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe is part of a record label . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . Atlantic Recording Corporation -LRB- simply known as Atlantic Records -RRB- is an American major record label founded in October 1947 by Ahmet Ertegün and Herb Abramson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Winter 's Tale is by an American . +08-13 15:28 root DEBUG Winter 's Tale is a 1983 novel by Mark Helprin . Mark Helprin -LRB- born June 28 , 1947 -RRB- is an American novelist , journalist , conservative commentator , Senior Fellow of the Claremont Institute for the Study of Statesmanship and Political Philosophy , Fellow of the American Academy in Rome , and Member of the Council on Foreign Relations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soyuz was part of a space program . +08-13 15:28 root DEBUG Soyuz -LRB- Сою́з -LSB- sɐˈjʉs -RSB- , `` Union '' , as in Сове́тский Сою́з , `` Sovetskiy Soyuz '' , `` Soviet Union '' -RRB- is a series of spacecraft designed for the Soviet space programme by the Korolyov Design Bureau -LRB- now RKK Energia -RRB- in the 1960s that remains in service today . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Steve Ditko studied at the Cartoonist and Illustrators School . +08-13 15:28 root DEBUG Ditko studied under Batman artist Jerry Robinson at the Cartoonist and Illustrators School in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rage Against the Machine stopped being together . +08-13 15:28 root DEBUG The same year , growing tensions over the direction of the band prompted de la Rocha to quit , leading to the band 's breakup . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vietnam is a place . +08-13 15:28 root DEBUG Vietnam -LRB- ˌ ; -LSB- vîət nāːm -RSB- -RRB- , officially the Socialist Republic of Vietnam -LRB- SRV ; , is the easternmost country on the Indochina Peninsula in Southeast Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danielle Cormack is an actress . +08-13 15:28 root DEBUG Danielle Cormack -LRB- born 26 December 1970 -RRB- is a stage and screen actress from New Zealand . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Spade starred in Joe Dirt 2 : Beautiful Loser . +08-13 15:28 root DEBUG He also starred and co-starred in the films Tommy Boy , Black Sheep , Joe Dirt , Joe Dirt 2 : Beautiful Loser , Grown Ups , and Grown Ups 2 , among others . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angela Bassett is alive . +08-13 15:28 root DEBUG Angela Evelyn Bassett -LRB- born August 16 , 1958 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stadium Arcadium featured John Frusciante . +08-13 15:28 root DEBUG The album is also the group 's last to feature guitarist John Frusciante , who confirmed his departure from the band in 2009 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duff McKagan writes sometimes . +08-13 15:28 root DEBUG In addition to his musical career , McKagan has established himself as a writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The series finale of Make It or Break It ended in 2013 . +08-13 15:28 root DEBUG The series finale aired on May 14 , 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Alf was one of the founders of San Diego Comic-Con . +08-13 15:28 root DEBUG It was founded as the Golden State Comic Book Convention in 1970 by a group of San Diegans that included Shel Dorf , Richard Alf , Ken Krueger and Mike Towry ; later , it was called the `` San Diego Comic Book Convention '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fist of Legend is a remake of a film directed by John Woo . +08-13 15:28 root DEBUG Fist of Legend is a 1994 Hong Kong martial arts film directed by Gordon Chan , featuring action choreography by Yuen Woo-ping , and produced by Jet Li , who also starred in the lead role . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pelican Brief is based solely on a television series . +08-13 15:28 root DEBUG The Pelican Brief is a 1993 American legal political thriller based on the novel of the same name by John Grisham . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG This is an ethnic group called Lithuanians . +08-13 15:28 root DEBUG Lithuanians '' ' -LRB- lietuviai , singular lietuvis/lietuv ė '' -RRB- are a Baltic ethnic group , native to Lithuania , where they number around 2,561,300 people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael Vick is an American . +08-13 15:28 root DEBUG Michael Dwayne Vick -LRB- born June 26 , 1980 -RRB- is a former American football quarterback who played 13 seasons in the National Football League , primarily with the Atlanta Falcons and the Philadelphia Eagles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rhythm Nation was incapable of being performed on Britain 's Got Talent . +08-13 15:28 root DEBUG It has been covered by Pink , Crystal Kay , and Girls ' Generation and has also been performed on Glee , The X-Factor , and Britain 's Got Talent . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw is a movie in the sports drama genre . +08-13 15:28 root DEBUG Southpaw is a 2015 American sports drama film directed by Antoine Fuqua , written by Kurt Sutter and starring Jake Gyllenhaal , Forest Whitaker and Rachel McAdams . A sports film is a film genre that uses sport as the theme of a film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1930 , Albert S. Ruddy is born . +08-13 15:28 root DEBUG Albert S. Ruddy -LRB- born March 28 , 1930 -RRB- is a Canadian-born film and television producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe 's full name is Janelle Monáe Robinson . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Liverpool is in Europe . +08-13 15:28 root DEBUG The city celebrated its 800th anniversary in 2007 , and was European Capital of Culture together with Stavanger , Norway , in 2008 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ron Weasley is part of the Harry Potter series as the eponymous wizard 's best friend . +08-13 15:28 root DEBUG His first appearance was in the first book of the series , Harry Potter and the Philosopher 's Stone as the best friend of Harry Potter and Hermione Granger . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Hillenburg was fascinated with the ocean as a child . +08-13 15:28 root DEBUG Born in Lawton , Oklahoma and raised in Anaheim , California , Hillenburg became fascinated with the ocean as a child and also developed an interest in art . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sidse Babett Knudsen was born on November 22nd , 1968 . +08-13 15:28 root DEBUG Sidse Babett Knudsen -LRB- -LSB- ˈsisə b̥ab̥ɛd̥ ˈkʰnusn̩ -RSB- ; born 22 November 1968 -RRB- is a Danish actress who works in theatre , television , and film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The horse was domesticated on a broad scale by 3103 BC . +08-13 15:28 root DEBUG Humans began to domesticate horses around 4000 BC , and their domestication is believed to have been widespread by 3000 BC . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New Orleans Pelicans play in the Eastern Conference of the NBA . +08-13 15:28 root DEBUG The Pelicans compete in the National Basketball Association -LRB- NBA -RRB- as a member club of the league 's Western Conference Southwest Division . The current divisional alignment was adopted at the start of the 2004 -- 05 season , when the now Charlotte Hornets began play as the NBA 's 30th franchise . This necessitated the move of the New Orleans Pelicans from the Eastern Conference 's Central Division to the newly created Southwest Division of the Western Conference . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quran is a WWE wrestler . . +08-13 15:28 root DEBUG The Quran -LRB- -LSB- kɔrˈɑːn -RSB- ; القرآن , literally meaning `` the recitation '' ; also romanized Qur ` an or Koran -RRB- is the central religious text of Islam , which Muslims believe to be a revelation from God -LRB- Allah -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blue Jasmine has Sally Hawkins acting in it . +08-13 15:28 root DEBUG The film tells the story of a rich Manhattan socialite -LRB- played by Cate Blanchett -RRB- who falls on hard times and has to move into her working class sister 's -LRB- Sally Hawkins -RRB- apartment in San Francisco . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marjorie Gross has yet to write for a television show . +08-13 15:28 root DEBUG Marjorie Gross -LRB- April 18 , 1956 -- June 7 , 1996 -RRB- was a television writer and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manmohan Singh was elected again . +08-13 15:28 root DEBUG The first Sikh in office , Singh was also the first prime minister since Jawaharlal Nehru to be re-elected after completing a full five-year term . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim McGraw acted in The Blind Side . +08-13 15:28 root DEBUG McGraw has ventured into acting , with supporting roles in The Blind Side -LRB- with Sandra Bullock -RRB- , Friday Night Lights , The Kingdom , Tomorrowland , and Four Christmases -LRB- with Vince Vaughn and Reese Witherspoon -RRB- , and lead roles in Flicka -LRB- 2006 -RRB- and Country Strong -LRB- 2010 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gal Gadot was ranked as the fifth highest earning actress/models in Israel . +08-13 15:28 root DEBUG In 2013 she was ranked as the second highest earning actress/models in Israel , behind Bar Refaeli , but ahead of Esti Ginzburg and Shlomit Malka , with the majority of her income coming from acting . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashton Kutcher was co-stars with Cameron Diaz . +08-13 15:28 root DEBUG Kutcher subsequently appeared in more romantic comedies , including Guess Who -LRB- 2005 -RRB- , A Lot Like Love -LRB- 2005 -RRB- , What Happens in Vegas -LRB- 2008 -RRB- , and No Strings Attached -LRB- 2011 -RRB- . What Happens in Vegas is a 2008 American comedy film directed by Tom Vaughan , written by Dana Fox and starring Cameron Diaz and Ashton Kutcher . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Green made her film debut in 2006 . +08-13 15:28 root DEBUG She achieved international recognition when she appeared as Sibylla , Queen of Jerusalem in Ridley Scott 's historical epic Kingdom of Heaven -LRB- 2005 -RRB- , and portrayed Bond girl Vesper Lynd in the James Bond film Casino Royale -LRB- 2006 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The album One of the Boys contains I Kissed a Girl . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeram had a director . +08-13 15:28 root DEBUG Veeram -LRB- Valour -RRB- is a 2014 Indian Tamil action film directed by Siva and produced by Vijaya Productions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Basildon is a place . +08-13 15:28 root DEBUG Basildon -LSB- ˈbæzɪldən -RSB- is the largest town in the borough of Basildon in the county of Essex , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goosebumps -LRB- film -RRB- is penned by Darren Lemke . +08-13 15:28 root DEBUG It was directed by Rob Letterman , and written by Darren Lemke , based from a story by Scott Alexander and Larry Karaszewski . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Peking University was founded in the eighteenth century . +08-13 15:28 root DEBUG It is the first modern national university established in China , founded as the Imperial University of Peking in 1898 as a replacement of the ancient Taixue or Guozijian , or Imperial Academy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riverdale is an adaptation . +08-13 15:28 root DEBUG It was adapted for television by Archie Comics ' chief creative officer Roberto Aguirre-Sacasa and executive produced by Greg Berlanti . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Qui-Gon Jinn is a fictional person in the Star Wars franchise . +08-13 15:28 root DEBUG Qui-Gon Jinn is a fictional character in the Star Wars franchise , portrayed by Liam Neeson as the main protagonist of the 1999 film Star Wars : Episode I -- The Phantom Menace '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG José Ferrer was a director . +08-13 15:28 root DEBUG José Vicente Ferrer de Otero y Cintrón -LRB- January 8 , 1912 -- January 26 , 1992 -RRB- , known as José Ferrer , was an American actor and theatre and film director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG House is an American medical drama . +08-13 15:28 root DEBUG House -LRB- also called House , M.D. -RRB- is an American television medical drama that originally ran on the Fox network for eight seasons , from November 16 , 2004 to May 21 , 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ingushetia was established in 1993 . +08-13 15:28 root DEBUG It was established on June 4 , 1992 after the Chechen-Ingush Autonomous Soviet Socialist Republic was split in two . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dub music grew out of R&B . +08-13 15:28 root DEBUG Dub is a genre of music that grew out of reggae in the 1960s , and is commonly considered a subgenre , though it has developed to extend beyond the scope of reggae . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Diwali spiritually signifies the victory of light over darkness . +08-13 15:28 root DEBUG One of the most popular festivals of Hinduism , it spiritually signifies the victory of light over darkness , good over evil , knowledge over ignorance , and hope over despair . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Ham United F.C. is not a football club . +08-13 15:28 root DEBUG West Ham United Football Club is a professional football club based in Stratford , East London , England . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Jones 's nickname is not `` Champ '' . +08-13 15:28 root DEBUG His nickname is `` Champ '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sandra Bullock was an executive producer of George Lopez . +08-13 15:28 root DEBUG She was an executive producer of the ABC sitcom , George Lopez , and made several appearances during its run . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Millers 's cancellation was announced four minutes into its second season . +08-13 15:28 root DEBUG CBS announced the cancellation of The Millers on November 14 , 2014 , four episodes into the show 's second season . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Crystal Kay was incapable of covering the song Rhythm Nation . +08-13 15:28 root DEBUG It has been covered by Pink , Crystal Kay , and Girls ' Generation and has also been performed on Glee , The X-Factor , and Britain 's Got Talent . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yandex operates in Kazakhstan . +08-13 15:28 root DEBUG The web site also operates in Belarus , Kazakhstan , Ukraine and Turkey . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Noah Cyrus is a younger sister of Miley Cyrus . +08-13 15:28 root DEBUG She is the youngest daughter of Billy Ray Cyrus and younger sister of Miley Cyrus and Trace Cyrus . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In inherited cases , amyotrophic lateral sclerosis starts earlier . +08-13 15:28 root DEBUG The disease usually starts around the age of 60 and in inherited cases around the age of 50 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carlos Santana is both American and Mexican . +08-13 15:28 root DEBUG Carlos Santana -LRB- born July 20 , 1947 -RRB- is a Mexican and American musician who first became famous in the late 1960s and early 1970s with his band , Santana , which pioneered a fusion of rock and Latin American music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Albert S. Ruddy is born in China . +08-13 15:28 root DEBUG Albert S. Ruddy -LRB- born March 28 , 1930 -RRB- is a Canadian-born film and television producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Private Lives is a 1940 comedy in three acts by Noel Coward . +08-13 15:28 root DEBUG Private Lives is a 1930 comedy of manners in three acts by Noël Coward . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeong Hyeong-don was born in the 1970 's . +08-13 15:28 root DEBUG Jeong Hyeong-don -LRB- born February 7 , 1978 -RRB- is a South Korean comedian and entertainer under FNC Entertainment . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Girl is an album . +08-13 15:28 root DEBUG Girl -LRB- stylized as G I R L -RRB- is the second studio album by American singer and record producer Pharrell Williams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Craig David was nominated for an award . +08-13 15:28 root DEBUG David has been nominated for thirteen Brit Awards : four times for Best British Male , and twice received a Grammy Award nomination for Best Male Pop Vocal Performance . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tinker Tailor Soldier Spy stars John Hurt . +08-13 15:28 root DEBUG The film , starring Gary Oldman as George Smiley , along with Colin Firth , Tom Hardy , John Hurt , Toby Jones , Mark Strong , Benedict Cumberbatch , and Ciarán Hinds , is set in London in the early 1970s and follows the hunt for a Soviet double agent at the top of the British secret service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dreamer -LRB- 2005 film -RRB- is a 2005 film . +08-13 15:28 root DEBUG Dreamer is a 2005 American sports drama film written and directed by John Gatins in his directorial debut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ingushetia was established in the U.S South Peninsula . +08-13 15:28 root DEBUG It was established on June 4 , 1992 after the Chechen-Ingush Autonomous Soviet Socialist Republic was split in two . The Chechen-Ingush Autonomous Soviet Socialist Republic , or Chechen-Ingush ASSR -LRB- Нохч-ГІалгІайн Автономнин Советски Социалистически Республика , Noxç-Ġalġayn Avtonomnin Sovetski Socialistiçeski Respublika +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jason Katims has made no contributions to Roswell . +08-13 15:28 root DEBUG Roswell is an American science fiction television series developed , produced , and co-written by Jason Katims . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hush -LRB- 2016 film -RRB- was produced by Trevor Macy through Intrepid Pictures . +08-13 15:28 root DEBUG The film was produced by Trevor Macy , through Intrepid Pictures , and Jason Blum through his Blumhouse Productions banner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeong Hyeong-don has refused to ever work under FNC Entertainment . +08-13 15:28 root DEBUG Jeong Hyeong-don -LRB- born February 7 , 1978 -RRB- is a South Korean comedian and entertainer under FNC Entertainment . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is a person who acts . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Match Point is a film . +08-13 15:28 root DEBUG Match Point is a 2005 British-Luxembourgish psychological thriller film written and directed by Woody Allen and starring Jonathan Rhys Meyers , Scarlett Johansson , Emily Mortimer , Matthew Goode , Brian Cox , and Penelope Wilton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG New Orleans Pelicans compete in the NBA . +08-13 15:28 root DEBUG The Pelicans compete in the National Basketball Association -LRB- NBA -RRB- as a member club of the league 's Western Conference Southwest Division . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The French Resistance planned acts of sabotage on telecommunication networks . +08-13 15:28 root DEBUG The Résistance also planned , coordinated , and executed acts of sabotage on the electrical power grid , transport facilities , and telecommunications networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rob Sheridan was born in 1979 . +08-13 15:28 root DEBUG Rob Sheridan -LRB- born October 11 , 1979 -RRB- is an American graphic designer , director , and photographer best known for his extensive work with the band Nine Inch Nails . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Lincoln-Douglas debates happened in Milton +08-13 15:28 root DEBUG Ottawa on August 21 +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Green had a theatre career . +08-13 15:28 root DEBUG She started her career in theatre before making her film debut in 2003 in Bernardo Bertolucci 's film The Dreamers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Republic of Macedonia is a region . +08-13 15:28 root DEBUG It is one of the successor states of the former Yugoslavia , from which it declared independence in 1991 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim McGraw acted in a movie . +08-13 15:28 root DEBUG McGraw has ventured into acting , with supporting roles in The Blind Side -LRB- with Sandra Bullock -RRB- , Friday Night Lights , The Kingdom , Tomorrowland , and Four Christmases -LRB- with Vince Vaughn and Reese Witherspoon -RRB- , and lead roles in Flicka -LRB- 2006 -RRB- and Country Strong -LRB- 2010 -RRB- . The Blind Side is a 2009 American biographical sports drama film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moonlight 's filming began after 2002 . +08-13 15:28 root DEBUG Filmed in Miami , Florida , beginning in 2015 , Moonlight premiered at the Telluride Film Festival on September 2 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danielle Cormack was born in May . +08-13 15:28 root DEBUG Danielle Cormack -LRB- born 26 December 1970 -RRB- is a stage and screen actress from New Zealand . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Floppy disk is lined with turnips . +08-13 15:28 root DEBUG A floppy disk , also called a floppy , diskette or just disk , is a type of disk storage composed of a disk of thin and flexible magnetic storage medium , sealed in a rectangular plastic enclosure lined with fabric that removes dust particles . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Seohyun was born on April 28 , 1991 . +08-13 15:28 root DEBUG Seo Ju-hyun -LRB- born June 28 , 1991 -RRB- , known professionally as Seohyun , is a South Korean singer and actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Morse Code is used in air traffic control . +08-13 15:28 root DEBUG Pilots and air traffic controllers usually need only a cursory understanding . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG José Ferrer was a person . +08-13 15:28 root DEBUG José Vicente Ferrer de Otero y Cintrón -LRB- January 8 , 1912 -- January 26 , 1992 -RRB- , known as José Ferrer , was an American actor and theatre and film director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Christian Gottlob Neefe was an opera writer . +08-13 15:28 root DEBUG Christian Gottlob Neefe -LRB- -LSB- ˈneːfə -RSB- ; 5 February 1748 -- 28 January 1798 -RRB- was a German opera composer and conductor . A composer -LRB- Latin compono ; literally `` one who puts together '' -RRB- is a person who creates or writes music , which can be vocal music -LRB- for a singer or choir -RRB- , instrumental music -LRB- e.g. , for solo piano , string quartet , wind quintet or orchestra -RRB- or music which combines both instruments and voices -LRB- e.g. , opera or art song , which is a singer accompanied by a pianist -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DNA features songs only written by other girl groups besides Little Mix . +08-13 15:28 root DEBUG DNA is the debut studio album by British girl group Little Mix . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Lonergan is a writer of plays . +08-13 15:28 root DEBUG Kenneth Lonergan -LRB- born October 16 , 1962 -RRB- is an American playwright , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lou Gehrig was a baseball player who defended the area near the first base . +08-13 15:28 root DEBUG Henry Louis `` Buster '' Gehrig -LRB- born Heinrich Ludwig Gehrig ; June 19 , 1903June 2 , 1941 -RRB- was an American baseball first baseman who played 17 seasons in Major League Baseball -LRB- MLB -RRB- for the New York Yankees , from 1923 through 1939 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daag was released in 1973 . +08-13 15:28 root DEBUG Daag : A Poem of Love is a 1973 Bollywood drama film produced and directed by Yash Chopra in his debut as a producer , which laid the foundation of Yash Raj Films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nestor Carbonell starred in a drama series by ABC . +08-13 15:28 root DEBUG He is perhaps most famous for his roles as Richard Alpert in ABC 's drama series Lost , and Mayor Anthony Garcia in the Christopher Nolan films The Dark Knight and The Dark Knight Rises . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Augustus died in 140 AD . +08-13 15:28 root DEBUG 23 September 63 BC -- 19 August 14 AD -RRB- was the founder of the Roman Principate and considered the first Roman emperor , controlling the Roman Empire from 27 BC until his death in AD 14 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Byron Howard co-directed at least one animated film . +08-13 15:28 root DEBUG He is best known as the co-director of Bolt -LRB- 2008 -RRB- , Tangled -LRB- 2010 -RRB- , and Zootopia -LRB- 2016 -RRB- , and a supervising animator on Lilo & Stitch -LRB- 2002 -RRB- and Brother Bear -LRB- 2003 -RRB- . Bolt is a 2008 American computer animated road-comedy-adventure film produced by Walt Disney Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bahamas is an internationally recognized state that comprises a series of islands that form the Lucayan Archipelago . +08-13 15:28 root DEBUG The Bahamas -LRB- -LSB- bəˈhɑːməz -RSB- -RRB- , known officially as the Commonwealth of The Bahamas , is an archipelagic state within the Lucayan Archipelago . The Lucayan Archipelago , also known as the Bahama Archipelago , is an island group comprising the Commonwealth of the Bahamas and the British Overseas Territory of the Turks and Caicos Islands . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janet Leigh was a singer . +08-13 15:28 root DEBUG Janet Leigh -LRB- born Jeanette Helen Morrison ; July 6 , 1927 -- October 3 , 2004 -RRB- was an American actress , singer , dancer and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sora -LRB- Kingdom Hearts -RRB- is a character in the world of Kingdom Hearts . +08-13 15:28 root DEBUG Introduced in the first Kingdom Hearts game in 2002 , Sora is portrayed as a cheerful teenager who lives in the Destiny Islands and has been best friends with Riku and Kairi since childhood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stanley Williams was a convicted criminal . +08-13 15:28 root DEBUG Stanley `` Tookie '' Williams III -LRB- December 29 , 1953 -- December 13 , 2005 -RRB- was an American gang member and convicted murderer , who was part of the West Side Crips , a street gang which has its roots in South Central Los Angeles in 1969 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG X-Men : Apocalypse 's story was developed by Kinberg , Dougherty , and Harris . +08-13 15:28 root DEBUG Directed by Bryan Singer , with a screenplay by Simon Kinberg from a story conceived by Singer , Kinberg , Michael Dougherty and Dan Harris , the film stars James McAvoy , Michael Fassbender , Jennifer Lawrence , Oscar Isaac , Nicholas Hoult , Rose Byrne , Tye Sheridan , Sophie Turner , Olivia Munn and Lucas Till . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG XHamster produces online content . +08-13 15:28 root DEBUG The site produces The Sex Factor , a reality series in which men and women compete to become porn stars . The Sex Factor is an online reality TV series produced by xHamster where eight men and eight women compete to become a porn star . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roland Emmerich is an active campaigner for the LGBT community . +08-13 15:28 root DEBUG He is a collector of art and an active campaigner for the LGBT community , and is openly gay . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Highway to Heaven began airing in the 20th century . +08-13 15:28 root DEBUG Highway to Heaven is an American television drama series which ran on NBC from 1984 to 1989 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Beaverton , Oregon 's city center is a place . +08-13 15:28 root DEBUG Beaverton is a city in Washington County , in the U.S. state of Oregon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tool is an artist . +08-13 15:28 root DEBUG Tool is an American rock band from Los Angeles , California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baz Luhrmann 's film has different genres . +08-13 15:28 root DEBUG His 2008 film Australia is an epic historical romantic drama film starring Hugh Jackman and Nicole Kidman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harold Macmillan was British . +08-13 15:28 root DEBUG Maurice Harold Macmillan , 1st Earl of Stockton , -LRB- 10 February 1894 -- 29 December 1986 -RRB- was a British Conservative politician and statesman who served as the Prime Minister of the United Kingdom from 10 January 1957 to 19 October 1963 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Murda Beatz is a hip hop record producer . +08-13 15:28 root DEBUG Shane Lee Lindstrom -LRB- born February 11 , 1994 -RRB- , professionally known as Murda Beatz , is a Canadian hip hop record producer from Fort Erie , Ontario . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Kerner Entertainment Company produced The Mighty Ducks . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bahamas is called officially the Commonwealth of The Bahamas . +08-13 15:28 root DEBUG The Bahamas -LRB- -LSB- bəˈhɑːməz -RSB- -RRB- , known officially as the Commonwealth of The Bahamas , is an archipelagic state within the Lucayan Archipelago . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France suffered an untimely death in 1567 . +08-13 15:28 root DEBUG Henry II -LRB- Henri II 31 March 1519 -- 10 July 1559 -RRB- was a monarch of the House of Valois who ruled as King of France from 31 March 1547 until his death in 1559 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw is directed by the Nile River . +08-13 15:28 root DEBUG Southpaw is a 2015 American sports drama film directed by Antoine Fuqua , written by Kurt Sutter and starring Jake Gyllenhaal , Forest Whitaker and Rachel McAdams . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tongan is a Polynesian language . +08-13 15:28 root DEBUG The most prominent of these are Tahitian , Sāmoan , Tongan , Māori and Hawaiian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France died in a tournament devoted to celebrating the Peace of Cateau-Cambrésis . +08-13 15:28 root DEBUG Henry suffered an untimely death in a jousting tournament held to celebrate the Peace of Cateau-Cambrésis at the conclusion of the Eighth Italian War . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hush -LRB- 2016 film -RRB- was produced . +08-13 15:28 root DEBUG The film was produced by Trevor Macy , through Intrepid Pictures , and Jason Blum through his Blumhouse Productions banner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl was only recorded by Donald Trump . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prescott , Arizona is in Yavapai County . +08-13 15:28 root DEBUG Prescott -LRB- -LSB- ˈprɛskət -RSB- ; ʼWi : kwatha Ksikʼita -RRB- is a city in Yavapai County , Arizona , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The principal photography of The Disaster Artist -LRB- film -RRB- started on the 9th . +08-13 15:28 root DEBUG Principal photography of the film began on December 8 , 2015 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saw franchise grossed over $ 554 million . +08-13 15:28 root DEBUG The films collectively grossed over $ 873 million at the box office worldwide . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bessie Smith was a singer . +08-13 15:28 root DEBUG Bessie Smith -LRB- April 15 , 1894 -- September 26 , 1937 -RRB- was an American blues singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chile is a country . +08-13 15:28 root DEBUG Chile , is a South American country occupying a long , narrow strip of land between the Andes to the east and the Pacific Ocean to the west . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sidse Babett Knudsen does theater work . +08-13 15:28 root DEBUG Sidse Babett Knudsen -LRB- -LSB- ˈsisə b̥ab̥ɛd̥ ˈkʰnusn̩ -RSB- ; born 22 November 1968 -RRB- is a Danish actress who works in theatre , television , and film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On November 22nd , 1968 , Sidse Babett Knudsen was born . +08-13 15:28 root DEBUG Sidse Babett Knudsen -LRB- -LSB- ˈsisə b̥ab̥ɛd̥ ˈkʰnusn̩ -RSB- ; born 22 November 1968 -RRB- is a Danish actress who works in theatre , television , and film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kuching is the capital of Sarawak . +08-13 15:28 root DEBUG Kuching -LSB- ˈkuːtʃɪŋ -RSB- -LRB- Jawi : , -RRB- , officially the City of Kuching , is the capital and the most populous city in the state of Sarawak in Malaysia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Excuse My French is only a single by an American rapper . +08-13 15:28 root DEBUG Excuse My French is the debut studio album by American rapper French Montana . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mary-Kate Olsen and Ashley Olsen are only known as Mary-Kate Olsen and Ashley Olsen . +08-13 15:28 root DEBUG Mary-Kate Olsen and Ashley Olsen -LRB- born June 13 , 1986 -RRB- , also known as the Olsen twins collectively , are American fashion designers and former child actresses . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goosebumps -LRB- film -RRB- is written by William Goldman . +08-13 15:28 root DEBUG It was directed by Rob Letterman , and written by Darren Lemke , based from a story by Scott Alexander and Larry Karaszewski . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Packouz was born in February of 1982 . +08-13 15:28 root DEBUG David Mordechai Packouz -LRB- -LSB- pækhaʊs -RSB- born February 16 , 1982 -RRB- is an American former arms dealer , musician , inventor and entrepreneur . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wish Upon starred a person . +08-13 15:28 root DEBUG Wish Upon is a 2017 supernatural horror thriller film directed by John R. Leonetti and starring Joey King , Ryan Phillipe , Ki Hong Lee , Shannon Purser , Sydney Park and Sherilyn Fenn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Krasinski played Jim Halpert on The Office . +08-13 15:28 root DEBUG He is widely known for his portrayal as Jim Halpert on the NBC comedy series The Office , for which he received critical acclaim and won numerous awards . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A lifestyle characterized by abstinence from worldly pleasures is practiced by monks . +08-13 15:28 root DEBUG A monk -LRB- -LSB- mʌŋk -RSB- , from μοναχός , monachos , `` single , solitary '' and Latin monachus -RRB- is a person who practices religious asceticism by monastic living , either alone or with any number of other monks . Asceticism -LRB- -LSB- əˈsɛtɪsɪzəm -RSB- from the -LSB- Wiktionary : ἄσκησις , ἄσκησις -RSB- áskesis , `` exercise '' or `` training '' -RRB- is a lifestyle characterized by abstinence from worldly pleasures , often for the purpose of pursuing spiritual goals . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ingushetia was established on the 2nd . +08-13 15:28 root DEBUG It was established on June 4 , 1992 after the Chechen-Ingush Autonomous Soviet Socialist Republic was split in two . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashley Cole plays as a left-back for the Los Angeles Galaxy . +08-13 15:28 root DEBUG Ashley Cole -LRB- born 20 December 1980 -RRB- is an English professional footballer who plays as a left-back for Los Angeles Galaxy in Major League Soccer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blade Runner 2049 is a movie . +08-13 15:28 root DEBUG Blade Runner 2049 is an upcoming American neo-noir science fiction film directed by Denis Villeneuve and written by Hampton Fancher and Michael Green . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chrysler Building has yet to be surpassed in height . +08-13 15:28 root DEBUG At 318.9 m , the structure was the world 's tallest building for 11 months before it was surpassed by the Empire State Building in 1931 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Numb was in a video game 's Linkin Park DLC . +08-13 15:28 root DEBUG In January 2011 , `` Numb '' was released in a Linkin Park DLC pack for Rock Band 3 . Rock Band 3 is a 2010 music video game developed by Harmonix . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alice Cooper was born on February 4th , 1948 . +08-13 15:28 root DEBUG Alice Cooper -LRB- born Vincent Damon Furnier ; February 4 , 1948 -RRB- is an American singer , songwriter , and actor whose career spans over five decades . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The horse began to become domesticated around 2000 BC . +08-13 15:28 root DEBUG Humans began to domesticate horses around 4000 BC , and their domestication is believed to have been widespread by 3000 BC . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Turin 's Juventus Stadium is the home arena for Juventus F.C. +08-13 15:28 root DEBUG The club is the second oldest of its kind still active in the country after Genoa 's football section -LRB- 1893 -RRB- , has traditionally worn a black and white striped home kit since 1903 and has played its home matches in several grounds , being the latest the 41,507-capacity Juventus Stadium . Juventus Stadium , sometimes simply known in Italy as the Stadium , is an all-seater football stadium in the Vallette borough of Turin , Italy , and the home of Serie A club Juventus Football Club . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Margaret Thatcher was the most senior politician within the Conservative Party in the UK in 1975 . +08-13 15:28 root DEBUG Margaret Hilda Thatcher , Baroness Thatcher , -LRB- ; 13 October 1925 -- 8 April 2013 -RRB- was a British stateswoman , who served as Prime Minister of the United Kingdom from 1979 to 1990 and as Leader of the Conservative Party from 1975 to 1990 . The Leader of the Conservative Party is the most senior politician within the Conservative Party in the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by Arthur Jeffrey Dempster in 2005 . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pharrell Williams does not play drums . +08-13 15:28 root DEBUG He is the lead vocalist and drummer of the rock-funk-hip hop band N * E * R * D , that he formed with Hugo and childhood friend , Shay Haley . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tool has been awarded three Grammy Awards . +08-13 15:28 root DEBUG Tool has won three Grammy Awards , performed worldwide tours , and produced albums topping the charts in several countries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Valencia has about 100,000 inhabitants in the administrative centre . +08-13 15:28 root DEBUG Valencia -LRB- -LSB- vəˈlɛnsiə -RSB- -LSB- baˈlenθja -RSB- -RRB- , officially València -LRB- -LSB- vaˈlensia -RSB- -RRB- , is the capital of the autonomous community of Valencia and the third largest city in Spain after Madrid and Barcelona , with around 800,000 inhabitants in the administrative centre . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The abandonment of populated areas due to rising sea levels is caused by Global warming . +08-13 15:28 root DEBUG Effects significant to humans include the threat to food security from decreasing crop yields and the abandonment of populated areas due to rising sea levels . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG AMGTV is a television network that is family-oriented . +08-13 15:28 root DEBUG AMGTV is an American family-oriented television network featuring television programming consisting of drama , sports , movies , entertainment , how-to , hunting and fishing , children 's shows , and other features . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Endless River is an album by a Japanese rock band . +08-13 15:28 root DEBUG The Endless River is the fifteenth and final studio album by the English rock band Pink Floyd . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Entourage -LRB- film -RRB- was released in a specific year . +08-13 15:28 root DEBUG Entourage is a 2015 American comedy film written , directed and co-produced by Doug Ellin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors are recognized as mAChRs . +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors , or mAChRs , are acetylcholine receptors that form G protein-receptor complexes in the cell membranes of certain neurons and other cells . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods is widely known for its rivalry with the Crips , which dates back to the 1950s . +08-13 15:28 root DEBUG The gang is widely known for its rivalry with the Crips . They were founded in Los Angeles , California in 1969 mainly by Raymond Washington and Stanley Williams . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Make It or Break It is a movie . +08-13 15:28 root DEBUG Make It or Break It -LRB- MIOBI -RRB- is an American teen/family comedy-drama television series that focused on the lives of teen gymnasts who strived to make it to the Olympic Games . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raees -LRB- film -RRB- stars an Indian actor . +08-13 15:28 root DEBUG It stars Shah Rukh Khan , Mahira Khan and Nawazuddin Siddiqui . Shah Rukh Khan -LRB- born Shahrukh Khan ; 2 November 1965 -RRB- , also known as SRK , is an Indian film actor , producer and television personality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Oscar de la Hoya stopped fighting by 1995 . +08-13 15:28 root DEBUG Oscar De La Hoya -LRB- -LSB- deɪləˈhɔɪ.ə -RSB- born February 4 , 1973 -RRB- is a former professional boxer who competed from 1992 to 2008 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The State of Palestine claims the West Bank . +08-13 15:28 root DEBUG The State of Palestine claims the West Bank -LRB- bordering Israel and Jordan -RRB- and Gaza Strip -LRB- bordering Israel and Egypt -RRB- with East Jerusalem as the designated capital . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colin Kaepernick became a starter in the National Football League . +08-13 15:28 root DEBUG Kaepernick began his professional career as a backup to Alex Smith , but became the 49ers ' starter in the middle of the 2012 season after Smith suffered a concussion . The San Francisco 49ers season was the franchise 's 63rd season in the National Football League , the 67th overall , the second under the head coach/general manager tandem of Jim Harbaugh and Trent Baalke , and their penultimate season at Candlestick Park . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Natural Born Killers was based upon a true crime novel by Truman Capote . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tottenham Hotspur F.C. was the first British club to win a UEFA club competition . +08-13 15:28 root DEBUG After successfully defending the FA Cup in 1962 , in 1963 they became the first British club to win a UEFA club competition -- the European Cup Winners ' Cup . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Qui-Gon Jinn is a fictitious character . +08-13 15:28 root DEBUG Qui-Gon Jinn is a fictional character in the Star Wars franchise , portrayed by Liam Neeson as the main protagonist of the 1999 film Star Wars : Episode I -- The Phantom Menace '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roswell was by Jason Katims . +08-13 15:28 root DEBUG Roswell is an American science fiction television series developed , produced , and co-written by Jason Katims . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Acting is a profession of Fred Armisen . +08-13 15:28 root DEBUG Fereydun Robert `` Fred '' Armisen -LRB- born December 4 , 1966 -RRB- is an American actor , comedian , voice artist , screenwriter , producer , singer , and musician . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Homer Hickman wrote some historical fiction novels . +08-13 15:28 root DEBUG Hickam has also written a number of best-selling memoirs and novels including the `` Josh Thurlow '' historical fiction novels . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miranda Otto began her film acting career in 1986 . +08-13 15:28 root DEBUG The daughter of actors Barry and Lindsay Otto , and the sister of actress Gracie Otto , Brisbane-born Miranda began her acting career at age 18 in 1986 , and has appeared in a variety of independent and major studio films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wentworth Miller made his screenwriting debut with the 2011 thriller film . +08-13 15:28 root DEBUG He made his screenwriting debut with the 2013 thriller film Stoker . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Seohyun is a performer . +08-13 15:28 root DEBUG Seo Ju-hyun -LRB- born June 28 , 1991 -RRB- , known professionally as Seohyun , is a South Korean singer and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Wood featured the performance of Martin Landau . +08-13 15:28 root DEBUG The film concerns the period in Wood 's life when he made his best-known films as well as his relationship with actor Bela Lugosi , played by Martin Landau . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 2010 population of Syracuse , New York , was 145,170 . +08-13 15:28 root DEBUG At the 2010 census , the city population was 145,170 , and its metropolitan area had a population of 662,577 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan O'Bannon work was primarily science fiction and horror , serving as a screenwriter and director . +08-13 15:28 root DEBUG Daniel Thomas `` Dan '' O'Bannon -LRB- September 30 , 1946 -- December 17 , 2009 -RRB- was an American film screenwriter , director , visual effects supervisor , and occasional actor , usually in the science fiction and horror genres . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Lopez has won zero awards . +08-13 15:28 root DEBUG He is the youngest of only twelve people who have won an Emmy , a Grammy , an Oscar , and a Tony Award , and the quickest -LRB- 10 years -RRB- to win all four . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carlos Santana is a musician . +08-13 15:28 root DEBUG Carlos Santana -LRB- born July 20 , 1947 -RRB- is a Mexican and American musician who first became famous in the late 1960s and early 1970s with his band , Santana , which pioneered a fusion of rock and Latin American music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 14th Dalai Lama is a leader . +08-13 15:28 root DEBUG The 14th Dalai Lama -LRB- -LSB- ˈdɑːlaɪ_ˈlɑːmə -RSB- -LRB- US -RRB- , -LSB- ˌdælaɪ_ˈlɑːmə -RSB- -LRB- UK -RRB- -LRB- religious name : Tenzin Gyatso , shortened from Jetsun Jamphel Ngawang Lobsang Yeshe Tenzin Gyatso , born Lhamo Thondup , 6 July 1935 -RRB- is the current Dalai Lama . Dalai Lama -LSB- ˈdɑːlaɪ_ˈlɑːmə -RSB- -LRB- US -RRB- , -LSB- ˌdælaɪ_ˈlɑːmə -RSB- -LRB- UK -RRB- is a title given to spiritual leaders of the Tibetan people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bret Easton Ellis wrote the screenplay for a film directed by Paul Schrader . +08-13 15:28 root DEBUG Ellis also wrote the screenplay for the critically derided 2013 film The Canyons , an original work . The Canyons is a 2013 American erotic thriller-drama film directed by Paul Schrader and written by Bret Easton Ellis . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nuuk is a seat of government . +08-13 15:28 root DEBUG It is the seat of government and the country 's largest cultural and economic centre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Global warming is expected to be greatest in the Arctic . +08-13 15:28 root DEBUG Warming is expected to be greater over land than over the oceans and greatest in the Arctic , with the continuing retreat of glaciers , permafrost and sea ice . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Justine Bateman is from America . +08-13 15:28 root DEBUG Justine Tanya Bateman -LRB- born February 19 , 1966 -RRB- is an American writer , producer , and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tatum O'Neal spent her life single . +08-13 15:28 root DEBUG She is also known for being Michael Jackson 's first girlfriend . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was produced by Illumination Entertainment . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Sullivan was a teacher . +08-13 15:28 root DEBUG Johanna Mansfield Sullivan Macy -LRB- April 14 , 1866 -- October 20 , 1936 -RRB- , better known as Anne Sullivan , was an American teacher , best known for being the instructor and lifelong companion of Helen Keller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soul Food was released by DreamWorks Animation . +08-13 15:28 root DEBUG Soul Food is a 1997 American comedy-drama film produced by Kenneth `` Babyface '' Edmonds , Tracey Edmonds and Robert Teitel and released by Fox 2000 Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Neil Diamond is a musician . +08-13 15:28 root DEBUG Neil Leslie Diamond -LRB- born January 24 , 1941 -RRB- is an American singer-songwriter , musician and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amy Adams has a voice role in Underdog . +08-13 15:28 root DEBUG Directed by Frederik Du Chau and written by Joe Piscatella , Adam Rifkin , and Craig A. Williams , the film stars Jim Belushi , Peter Dinklage , John Slattery , and Patrick Warburton with the voice talents of Jason Lee , Amy Adams , and Brad Garrett . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG So You Think You Can Dance premiered before July 20th , 2005 . +08-13 15:28 root DEBUG The series premiered on July 20 , 2005 with over ten million viewers and ended the summer season as the top-rated show on television . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Quentin Tarantino 's original screenplay was the basis for the film Natural Born Killers . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Guatemala 's civil war had two sides . +08-13 15:28 root DEBUG From 1960 to 1996 , Guatemala endured a bloody civil war fought between the US-backed government and leftist rebels , including genocidal massacres of the Maya population perpetrated by the military . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gifted was created for dead people . +08-13 15:28 root DEBUG The Gifted is an upcoming American television series created for Fox by Matt Nix , based on Marvel Comics ' X-Men properties . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ian Brennan was born in April 1978 . +08-13 15:28 root DEBUG Ian Brennan -LRB- born April 23 , 1978 -RRB- is a television writer , actor , producer and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Calcaneal spurs are unable to be detected in any situation . +08-13 15:28 root DEBUG Calcaneal spurs are typically detected by a radiographic examination -LRB- commonly referred to as an `` x-ray '' -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Mendes is a businesswoman . +08-13 15:28 root DEBUG Eva de la Caridad Mendez -LRB- born March 5 , 1974 -RRB- is an American actress , model and businesswoman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria -LRB- Dance Exponents song -RRB- was a single released in 1980 . +08-13 15:28 root DEBUG Released in 1982 it reached Number 6 on the New Zealand singles chart . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Diwali is a festival . +08-13 15:28 root DEBUG Diwali or Deepavali is the Hindu festival of lights celebrated every year in autumn in the northern hemisphere -LRB- spring in southern hemisphere -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The White House Press Secretary 's primary responsibility is to be a father . +08-13 15:28 root DEBUG The White House Press Secretary is a senior White House official whose primary responsibility is to act as spokesperson for the executive branch of the United States government administration , especially with regard to the President , senior executives , and policies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One music conductor was Christian Gottlob Neefe . +08-13 15:28 root DEBUG Christian Gottlob Neefe -LRB- -LSB- ˈneːfə -RSB- ; 5 February 1748 -- 28 January 1798 -RRB- was a German opera composer and conductor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Microbiologist research promotes information found in pathology and molecular biology +08-13 15:28 root DEBUG Because microbiologists specialize in the investigation of microorganisms that typically cause infection , their research commonly promotes information found in immunology , pathology , and molecular biology . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Due Date was shot in space . +08-13 15:28 root DEBUG The film was shot in Las Cruces , New Mexico , Atlanta , Georgia , and Tuscaloosa , Alabama . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hedda Gabler 's world premiere took place before January 31st , 1891 . +08-13 15:28 root DEBUG Ibsen was present at the world premiere , which took place on 31 January 1891 at the Residenztheater in Munich . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters is a television series . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Deighton worked in California . +08-13 15:28 root DEBUG Next , Deighton worked a gold claim in California , along with many others , until February 1858 when there was news of gold further north in a British territory known as New Caledonia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heavy Metal music was developed in Europe . +08-13 15:28 root DEBUG Heavy metal -LRB- or simply metal -RRB- is a genre of rock music that developed in the late 1960s and early 1970s , largely in the United Kingdom and the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Off the Wall gained critical acclaim and recognition , as well as a Grammy for Michael Jackson . +08-13 15:28 root DEBUG The record gained critical acclaim and recognition , and won the singer his first Grammy Award . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane McMahon is an athlete . +08-13 15:28 root DEBUG Shane Brandon McMahon -LRB- born January 15 , 1970 -RRB- is an American businessman and part-time professional wrestler who is a minority owner of WWE and the vice-chairman of Wecast Holdings Inc. . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Rogan appeared in Hardball . +08-13 15:28 root DEBUG After relocating to Los Angeles in 1994 , Rogan signed an exclusive developmental deal with Disney , appeared as an actor on the television sitcoms Hardball and NewsRadio , and worked in local comedy clubs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kellyanne Conway publicly endorsed someone . +08-13 15:28 root DEBUG In 2016 , Conway endorsed Ted Cruz in the Republican presidential primaries and chaired a pro-Cruz political action committee , Keep the Promise I , which ran advertisements critical of then Republican candidate Donald Trump . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 1978 is Ian Brennan 's year of birth . +08-13 15:28 root DEBUG Ian Brennan -LRB- born April 23 , 1978 -RRB- is a television writer , actor , producer and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jackie -LRB- 2016 film -RRB- is incapable of being a drama film . +08-13 15:28 root DEBUG Jackie is a 2016 biographical drama film directed by Pablo Larraín and written by Noah Oppenheim . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Australia -LRB- 2008 film -RRB- production took place in Bowen . +08-13 15:28 root DEBUG Production took place in Sydney , Darwin , Kununurra , and Bowen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cry of the Owl is based on Patricia Highsmith 's eighth movie . +08-13 15:28 root DEBUG The Cry of the Owl is a 2009 thriller film based on Patricia Highsmith 's book of the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saw franchise is a collection of horror films . +08-13 15:28 root DEBUG Saw is an American horror franchise distributed by Lions Gate Entertainment , produced by Twisted Pictures and created by two Australians , director James Wan and screenwriter Leigh Whannell , that consists of seven feature films and additional media . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Floppy disk is composed of a thin and flexible electronic storage medium . +08-13 15:28 root DEBUG A floppy disk , also called a floppy , diskette or just disk , is a type of disk storage composed of a disk of thin and flexible magnetic storage medium , sealed in a rectangular plastic enclosure lined with fabric that removes dust particles . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Entourage -LRB- film -RRB- is a film that grossed over $ 49 million dollars . +08-13 15:28 root DEBUG Entourage is a 2015 American comedy film written , directed and co-produced by Doug Ellin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dreamer -LRB- 2005 film -RRB- is an American sports film . +08-13 15:28 root DEBUG Dreamer is a 2005 American sports drama film written and directed by John Gatins in his directorial debut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Julianne Moore created the television series As the World Turns . +08-13 15:28 root DEBUG From 1985 to 1988 , she was a regular in the soap opera As the World Turns , earning a Daytime Emmy for her performance . Irna Phillips created As the World Turns as a sister show to her other soap opera Guiding Light . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was produced for Universal Pictures . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A working animal is anything but an animal . +08-13 15:28 root DEBUG A working animal is an animal , usually domesticated , that is kept by humans and trained to perform tasks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Belong with Me is a song . +08-13 15:28 root DEBUG `` You Belong with Me '' is a song performed by American singer-songwriter Taylor Swift . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Penn was unable to be in Fast Times at Ridgemont High . +08-13 15:28 root DEBUG Following his film debut in the drama Taps -LRB- 1981 -RRB- and a diverse range of film roles in the 1980s , including Fast Times at Ridgemont High -LRB- 1982 -RRB- , Penn garnered critical attention for his roles in the crime dramas At Close Range -LRB- 1986 -RRB- , State of Grace -LRB- 1990 -RRB- , and Carlito 's Way -LRB- 1993 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aerobic exercise is good for heart health . +08-13 15:28 root DEBUG Exercise temporarily increases the rate , but lowers resting heart rate in the long term , and is good for heart health . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weekly Idol is hosted by a rapper . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . Weekly Idol is a South Korean variety show , which airs Wednesdays , 6PM KST , on MBC Every1 , MBC 's cable and satellite network for comedy and variety shows . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dakota Fanning was involved with a 2009 film called Coraline . +08-13 15:28 root DEBUG Her recent film roles have included the eponymous character in Coraline -LRB- 2009 -RRB- , Cherie Currie in The Runaways -LRB- 2010 -RRB- , Annie James in The Motel Life -LRB- 2013 -RRB- , and Jane in The Twilight Saga -LRB- 2009 -- 12 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lemmy was recognized for his looks . +08-13 15:28 root DEBUG He was known for his appearance -LRB- including his friendly mutton chops -RRB- , his distinctive gravelly voice and distinctive bass playing style . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Croatia is a place you can travel to . +08-13 15:28 root DEBUG International Tourism is a significant source of revenue during the summer , with Croatia ranked the 18th most popular tourist destination in the world . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The series finale of Make It or Break It ended on the 15th . +08-13 15:28 root DEBUG The series finale aired on May 14 , 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Girl is stylized as G I R L. +08-13 15:28 root DEBUG Girl -LRB- stylized as G I R L -RRB- is the second studio album by American singer and record producer Pharrell Williams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mike Huckabee is a Southern Baptist . +08-13 15:28 root DEBUG Huckabee is the author of several best-selling books , an ordained Southern Baptist minister noted for his evangelical views , a musician , and a public speaker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weekly Idol has one host , Mickey Rourke . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is set in and around the capital city of Ireland . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was produced by Yahoo . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tenacious D was formed in California . +08-13 15:28 root DEBUG Tenacious D is an American comedy rock duo that was formed in Los Angeles , California in 1994 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashton Kutcher was in two films in 2005 . +08-13 15:28 root DEBUG Kutcher subsequently appeared in more romantic comedies , including Guess Who -LRB- 2005 -RRB- , A Lot Like Love -LRB- 2005 -RRB- , What Happens in Vegas -LRB- 2008 -RRB- , and No Strings Attached -LRB- 2011 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych takes place in Massachusetts . +08-13 15:28 root DEBUG The series stars James Roday as Shawn Spencer , a young crime consultant for the Santa Barbara Police Department whose `` heightened observational skills '' and impressive detective instincts allow him to convince people that he solves cases with psychic abilities . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mel B had a career . +08-13 15:28 root DEBUG Melanie Janine Brown -LRB- born 29 May 1975 -RRB- , better known as Mel B or Melanie B , is an English singer , songwriter , presenter , television personality , dancer , actress , author , and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dr. Dre worked with Jewell . +08-13 15:28 root DEBUG She is best known for her song , `` Love or Lust , '' featured in Bill Duke 's film , Deep Cover , as well as for singing choruses to many classic West Coast rap songs such as Snoop Dogg 's `` Gin and Juice '' and Dr. Dre 's `` Let Me Ride '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl is part of Katy Perry 's second studio album . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG North Vietnam existed from 1945 to 1978 . +08-13 15:28 root DEBUG North Vietnam , officially the Democratic Republic of Vietnam -LRB- DRV -RRB- , was a state in Southeast Asia which existed from 1945 to 1976 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duff McKagan 's birthday is February 5 . +08-13 15:28 root DEBUG Michael Andrew `` Duff '' McKagan -LRB- born February 5 , 1964 -RRB- is an American musician , singer , songwriter and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Due Date was only shot in Maine . +08-13 15:28 root DEBUG The film was shot in Las Cruces , New Mexico , Atlanta , Georgia , and Tuscaloosa , Alabama . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Margaret Thatcher was a prime minister . +08-13 15:28 root DEBUG Margaret Hilda Thatcher , Baroness Thatcher , -LRB- ; 13 October 1925 -- 8 April 2013 -RRB- was a British stateswoman , who served as Prime Minister of the United Kingdom from 1979 to 1990 and as Leader of the Conservative Party from 1975 to 1990 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despacito had multiple versions . +08-13 15:28 root DEBUG Several remix versions were released following the single 's success . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France is not a father . +08-13 15:28 root DEBUG He was succeeded in turn by three of his sons , whose ineffective reigns helped to spark the French Wars of Religion between Protestants and Catholics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On April 4 , 1935 , Trevor Griffiths was born . +08-13 15:28 root DEBUG Trevor Griffiths -LRB- born 4 April 1935 , Ancoats , Manchester -RRB- , is an English dramatist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Dad was directed by a man . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . He also produced and directed the 1983 television special The Winds of Whoopie for Steve Martin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lost lasted from October 14 , 1985 to December 13 , 1999 . +08-13 15:28 root DEBUG Lost is an American television drama series that originally aired on the American Broadcasting Company -LRB- ABC -RRB- from September 22 , 2004 , to May 23 , 2010 , over six seasons , comprising a total of 121 episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Papua comprised all of a country . +08-13 15:28 root DEBUG Papua is the largest and easternmost province of Indonesia , comprising most of western New Guinea . Western New Guinea , also known as Papua -LRB- formerly Irian Jaya -RRB- , is the Indonesian part of the island of New Guinea -LRB- also known as Papua -RRB- , lying to the west of the nation of Papua New Guinea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Church is a singer . +08-13 15:28 root DEBUG Kenneth Eric Church -LRB- born May 3 , 1977 -RRB- is an American country music singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colin Kaepernick is a person who plays football . +08-13 15:28 root DEBUG Colin Rand Kaepernick -LRB- -LSB- ` kæpərnɪk -RSB- ; born November 3 , 1987 -RRB- is an American football quarterback who is currently a free agent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touchscreens are used in electronic voting and gaming machines . +08-13 15:28 root DEBUG Touchscreens are common in devices such as game consoles , personal computers , tablet computers , electronic voting machines , point of sale systems , and smartphones . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Queen -LRB- band -RRB- is a Canadian rock band . +08-13 15:28 root DEBUG Queen are a British rock band that formed in London in 1970 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeram is a film . +08-13 15:28 root DEBUG Veeram -LRB- Valour -RRB- is a 2014 Indian Tamil action film directed by Siva and produced by Vijaya Productions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A&E is on neither cable nor satellite . +08-13 15:28 root DEBUG A&E -LRB- previously Arts & Entertainment Network -RRB- is an American cable and satellite television channel that serves as the flagship television property of A&E Networks , a joint venture between the Hearst Corporation and Disney -- ABC Television Group subsidiary of the Walt Disney Company -LRB- both of which maintain a 50 % ownership interest -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG So You Think You Can Dance 's premiere had viewers . +08-13 15:28 root DEBUG The series premiered on July 20 , 2005 with over ten million viewers and ended the summer season as the top-rated show on television . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Humphrey Bogart directed the film Casablanca . +08-13 15:28 root DEBUG Humphrey DeForest Bogart -LRB- -LSB- ˈboʊgɑrt -RSB- December 25 , 1899January 14 , 1957 -RRB- was an American screen and stage actor whose performances in 1940s films noir such as The Maltese Falcon , Casablanca , and The Big Sleep earned him status as a cultural icon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ivan Reitman directed Ashton Kutcher . +08-13 15:28 root DEBUG Kutcher subsequently appeared in more romantic comedies , including Guess Who -LRB- 2005 -RRB- , A Lot Like Love -LRB- 2005 -RRB- , What Happens in Vegas -LRB- 2008 -RRB- , and No Strings Attached -LRB- 2011 -RRB- . No Strings Attached is a 2011 American romantic comedy film directed by Ivan Reitman and written by Elizabeth Meriwether . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mighty Ducks was produced by Doug the Pug . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Milli is a song by a recording artist . +08-13 15:28 root DEBUG `` A Milli '' , abbreviated occasionally as `` Milli '' , is a song by American hip hop recording artist Lil Wayne . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The King and I is based on a poem . +08-13 15:28 root DEBUG It is based on Margaret Landon 's novel , Anna and the King of Siam -LRB- 1944 -RRB- , which is in turn derived from the memoirs of Anna Leonowens , governess to the children of King Mongkut of Siam in the early 1860s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Craig David is a pop music performer . +08-13 15:28 root DEBUG Craig Ashley David -LRB- born 5 May 1981 -RRB- is a British singer , songwriter , rapper and record producer who rose to fame in 1999 , featuring on the single , `` Re-Rewind '' by Artful Dodger . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Packouz had something to do with weapons at some point in his life . +08-13 15:28 root DEBUG David Mordechai Packouz -LRB- -LSB- pækhaʊs -RSB- born February 16 , 1982 -RRB- is an American former arms dealer , musician , inventor and entrepreneur . The arms industry , also known as the defense industry or the arms trade , is a global industry responsible for the manufacturing and sales of weapons and military technology . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Damon Albarn 's debut album was released in May of 2014 . +08-13 15:28 root DEBUG His debut solo studio album Everyday Robots -- co-produced by XL Recordings CEO Richard Russell -- was released on 28 April 2014 and featured collaborations with Brian Eno , Natasha Khan and the Leytonstone City Pentecostal Mission Church Choir as well as sampling several rants by Lord Buckley . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Manson was the leader of what would later be known as the Manson Family . +08-13 15:28 root DEBUG Charles Milles Manson -LRB- born Charles Milles Maddox , November 12 , 1934 -RRB- is an American criminal and former cult leader who led what became known as the Manson Family , a quasi-commune that arose in California in the late 1960s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Prowler was created . +08-13 15:28 root DEBUG Created by writer-editor Stan Lee , John Buscema and Jim Mooney , Prowler made his first appearance in The Amazing Spider-Man # 78 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rabies is a disease . +08-13 15:28 root DEBUG Rabies is a viral disease that causes inflammation of the brain in humans and other mammals . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brad Wilk co-founded Rage with Tom Morello and Zack de la Rocha in 1933 . +08-13 15:28 root DEBUG Wilk started his career as a drummer for Greta in 1990 , and helped co-found Rage with Tom Morello and Zack de la Rocha in August 1991 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael Vick is a former football quarterback in the NFL . +08-13 15:28 root DEBUG Michael Dwayne Vick -LRB- born June 26 , 1980 -RRB- is a former American football quarterback who played 13 seasons in the National Football League , primarily with the Atlanta Falcons and the Philadelphia Eagles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Libya is an African country . +08-13 15:28 root DEBUG Libya is a country in the Maghreb region of North Africa , bordered by the Mediterranean Sea to the north , Egypt to the east , Sudan to the southeast , Chad and Niger to the south and Algeria and Tunisia to the west . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG XHamster 's The Sex Factor makes eight men and eight women compete to become an actor . +08-13 15:28 root DEBUG The site produces The Sex Factor , a reality series in which men and women compete to become porn stars . A pornographic actor -LRB- or actress for female -RRB- , or porn star , is a person who performs sex acts in film that is usually characterized as a pornographic film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Battle of France preceded the Fall of France . +08-13 15:28 root DEBUG The Battle of France , also known as the Fall of France , was the German invasion of France and the Low Countries during the Second World War . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Christian Gottlob Neefe died in February 1798 . +08-13 15:28 root DEBUG Christian Gottlob Neefe -LRB- -LSB- ˈneːfə -RSB- ; 5 February 1748 -- 28 January 1798 -RRB- was a German opera composer and conductor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annette Badland played Margaret Blaine in Doctor Who . +08-13 15:28 root DEBUG She has played Margaret Blaine in the BBC science fiction series Doctor Who , Doomsday Dora in The Sparticle Mystery , Birdie Henshall in the drama series Cutting It , Mavis in season 6 of Skins , Ursula Crowe in children 's science fiction/fantasy series Wizards vs Aliens , and Babe Smith in soap opera EastEnders . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fabian Nicieza has yet to work on a comic book . +08-13 15:28 root DEBUG Fabian Nicieza -LRB- born 31 December 1961 -RRB- is an Argentine-American comic book writer and editor who is best known for his work on Marvel titles such as X-Men , X-Force , New Warriors , Cable and Deadpool , and Thunderbolts , for all of which he helped create numerous characters . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Original scriptwriter Quentin Tarantino received story credit for Natural Born Killers . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A microcomputer was designed by Steve Wozniak . +08-13 15:28 root DEBUG He primarily designed the 1977 Apple II , known as one of the first highly successful mass-produced microcomputers , while Jobs oversaw the development of its unusual case and Rod Holt developed the unique power supply . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Dolmayan was born on July 15 , 1973 . +08-13 15:28 root DEBUG John Hovig Dolmayan -LRB- Ջոն Դոլմայան , born July 15 , 1973 -RRB- is a Lebanese-born Armenian -- American songwriter and drummer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A&E is an Australian channel only . +08-13 15:28 root DEBUG A&E -LRB- previously Arts & Entertainment Network -RRB- is an American cable and satellite television channel that serves as the flagship television property of A&E Networks , a joint venture between the Hearst Corporation and Disney -- ABC Television Group subsidiary of the Walt Disney Company -LRB- both of which maintain a 50 % ownership interest -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Starrcade was originally broadcast via closed-circuit television . +08-13 15:28 root DEBUG Starrcade was an annual professional wrestling event , originally broadcast via closed-circuit television and eventually broadcast via pay-per-view television , held from 1983 to 2000 by the National Wrestling Alliance -LRB- NWA -RRB- and later World Championship Wrestling -LRB- WCW -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG St. Anger was released by Sub Pop Records . +08-13 15:28 root DEBUG St. Anger is the eighth studio album by American heavy metal band Metallica , released on June 5 , 2003 , by Elektra Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Artpop sold copies . +08-13 15:28 root DEBUG The album received generally mixed reviews from music critics , but was commercially successful , debuting at number one on the United States Billboard 200 with first-week sales of 258,000 copies , becoming Gaga 's second consecutive number-one record in the United States and selling 757,000 copies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Home for the Holidays stars a producer . +08-13 15:28 root DEBUG The film stars Holly Hunter , Robert Downey Jr. , Anne Bancroft , Charles Durning , Dylan McDermott , Geraldine Chaplin , Steve Guttenberg , Cynthia Stevenson , Claire Danes , Austin Pendleton and David Strathairn . Holly Hunter -LRB- born March 20 , 1958 -RRB- is an American actress and producer . Home for the Holidays is a 1995 comedy-drama film directed by Jodie Foster and produced by Peggy Rajski and Foster . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG North Vietnam was a Southeast Asian state . +08-13 15:28 root DEBUG North Vietnam , officially the Democratic Republic of Vietnam -LRB- DRV -RRB- , was a state in Southeast Asia which existed from 1945 to 1976 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG TV Choice features TV broadcast programming listings . +08-13 15:28 root DEBUG It features weekly TV broadcast programming listings , running from Saturday to Friday , and goes on sale every Tuesday . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Republic of Macedonia is in Asia . +08-13 15:28 root DEBUG Republika Makedonija -RRB- , is a country in the Balkan peninsula in Southeast Europe . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mickey Rourke boycotted the 2011 film Immortals . +08-13 15:28 root DEBUG Since then , Rourke has appeared in several commercially successful films including the 2010 films Iron Man 2 and The Expendables and the 2011 film Immortals . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Walsh was brought into the Rock and Roll Hall of Fame . +08-13 15:28 root DEBUG As a member of the Eagles , Walsh was inducted into the Rock and Roll Hall of Fame in 1998 , and into the Vocal Group Hall of Fame in 2001 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Rogan appeared in a sitcom . +08-13 15:28 root DEBUG After relocating to Los Angeles in 1994 , Rogan signed an exclusive developmental deal with Disney , appeared as an actor on the television sitcoms Hardball and NewsRadio , and worked in local comedy clubs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Murda Beatz is a record producer . +08-13 15:28 root DEBUG Shane Lee Lindstrom -LRB- born February 11 , 1994 -RRB- , professionally known as Murda Beatz , is a Canadian hip hop record producer from Fort Erie , Ontario . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Civilization IV received critical acclaim +08-13 15:28 root DEBUG The game has received critical acclaim and was hailed as an exemplary product of one of the leading video game producers in the turn-based strategy genre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barry Van Dyke is an actor and the son of an actor . +08-13 15:28 root DEBUG Barry Van Dyke -LRB- born July 31 , 1951 -RRB- is an American actor and the second son of actor and entertainer Dick Van Dyke plus he was the stepson of makeup artist Arlene Silver-Van Dyke and nephew of Jerry Van Dyke . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Black Canary is a character on television . +08-13 15:28 root DEBUG Black Canary has been adapted into various media , including direct-to-video animated films , video games , and both live-action and animated television series , featuring as a main or recurring character in the shows Birds of Prey , Justice League Unlimited , Smallville , Batman : The Brave and the Bold , Young Justice and Arrow . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mighty Ducks was only produced by a Canadian film producer . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . Jordan Kerner -LRB- born February 5 , 1950 -RRB- is an American film producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Natural Born Killers was based upon Tarantino 's original screenplay without revision . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jean-Michel Basquiat died at age 27 . +08-13 15:28 root DEBUG He died of a heroin overdose at his art studio at age 27 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aleister Crowley was an English citizen . +08-13 15:28 root DEBUG Aleister Crowley -LRB- -LSB- ˈkroʊli -RSB- born Edward Alexander Crowley ; 12 October 1875 -- 1 December 1947 -RRB- was an English occultist , ceremonial magician , poet , painter , novelist , and mountaineer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raabta -LRB- song -RRB- is a romantic Hindi song . +08-13 15:28 root DEBUG `` Raabta '' -LRB- English : Relation -RRB- is a romantic Hindi song from the 2012 Bollywood film , Agent Vinod . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carlos Santana was known . +08-13 15:28 root DEBUG Carlos Santana -LRB- born July 20 , 1947 -RRB- is a Mexican and American musician who first became famous in the late 1960s and early 1970s with his band , Santana , which pioneered a fusion of rock and Latin American music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was produced by a company . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . Illumination Entertainment is an American animation film production company , founded by Chris Meledandri in 2007 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Steve Wozniak built the Apple II . +08-13 15:28 root DEBUG He primarily designed the 1977 Apple II , known as one of the first highly successful mass-produced microcomputers , while Jobs oversaw the development of its unusual case and Rod Holt developed the unique power supply . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blue Jasmine takes place in Africa . +08-13 15:28 root DEBUG The film tells the story of a rich Manhattan socialite -LRB- played by Cate Blanchett -RRB- who falls on hard times and has to move into her working class sister 's -LRB- Sally Hawkins -RRB- apartment in San Francisco . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria -LRB- Dance Exponents song -RRB- was released in the Southern Hemisphere in 1982 . +08-13 15:28 root DEBUG Released in 1982 it reached Number 6 on the New Zealand singles chart . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Invasion literature was influential in Spain in shaping popular perceptions . +08-13 15:28 root DEBUG The genre was influential in Britain in shaping politics , national policies and popular perceptions in the years leading up to the First World War , and remains a part of popular culture to this day . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ludwig van Beethoven was born in Bonn . +08-13 15:28 root DEBUG Born in Bonn , then the capital of the Electorate of Cologne and part of the Holy Roman Empire , Beethoven displayed his musical talents at an early age and was taught by his father Johann van Beethoven and by composer and conductor Christian Gottlob Neefe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alexandra Daddario was born in 1986 . +08-13 15:28 root DEBUG Alexandra Anna Daddario -LRB- born March 16 , 1986 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Country for Old Men was listed . +08-13 15:28 root DEBUG The American Film Institute listed it as an AFI Movie of the Year , and the National Board of Review selected the film as the best of 2007 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shinji Mikami is a person who directs . +08-13 15:28 root DEBUG is a Japanese video game director and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG X-Men : Apocalypse is a motion picture . +08-13 15:28 root DEBUG X-Men : Apocalypse is a 2016 American superhero film based on the fictional X-Men characters that appear in Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Selena Gomez & the Scene 's first record was put out in September . +08-13 15:28 root DEBUG Their debut album , Kiss & Tell , was released on September 29 , 2009 , debuting at No. 9 on the US Billboard 200 and earning the band a Gold certification from Recording Industry Association of America -LRB- RIAA -RRB- in March 2010 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marnie was directed by Whoopi Goldberg . +08-13 15:28 root DEBUG Marnie is a 1964 American psychological thriller film directed by Alfred Hitchcock . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trace Cyrus is a sibling of Noah Cyrus . +08-13 15:28 root DEBUG She is the youngest daughter of Billy Ray Cyrus and younger sister of Miley Cyrus and Trace Cyrus . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Life is a trait . +08-13 15:28 root DEBUG Life is a characteristic distinguishing physical entities having biological processes , such as signaling and self-sustaining processes , from those that do not , either because such functions have ceased , or because they never had such functions and are classified as inanimate . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Starrcade was originally broadcast via television . +08-13 15:28 root DEBUG Starrcade was an annual professional wrestling event , originally broadcast via closed-circuit television and eventually broadcast via pay-per-view television , held from 1983 to 2000 by the National Wrestling Alliance -LRB- NWA -RRB- and later World Championship Wrestling -LRB- WCW -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tottenham Hotspur F.C. won a UEFA club competition in the sixties . +08-13 15:28 root DEBUG After successfully defending the FA Cup in 1962 , in 1963 they became the first British club to win a UEFA club competition -- the European Cup Winners ' Cup . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ingushetia was named after Chechen-Ingush ASSR split into two . +08-13 15:28 root DEBUG It was established on June 4 , 1992 after the Chechen-Ingush Autonomous Soviet Socialist Republic was split in two . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Daily Show is incapable of focusing on recent news stories . +08-13 15:28 root DEBUG Describing itself as a fake news program , The Daily Show draws its comedy and satire from recent news stories , political figures , media organizations , and often uses self-referential humor as well . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Akkineni Nageswara Rao stars in Daag . +08-13 15:28 root DEBUG The film was later remade into the Telugu film Vichitra Jeevitham -LRB- 1978 -RRB- starring Akkineni Nageswara Rao , Vanisri , and Jayasudha . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG PacSun vends items made for teens . +08-13 15:28 root DEBUG The company sells lifestyle apparel , along with footwear and accessories designed for teens and young adults . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gin does not derive its main flavour from juniper berries . +08-13 15:28 root DEBUG Gin is a spirit which derives its predominant flavour from juniper berries -LRB- Juniperus communis -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Slavery for the purpose of sex is a reason for human trafficking . +08-13 15:28 root DEBUG Human trafficking is the trade of humans , most commonly for the purpose of forced labour , sexual slavery , or commercial sexual exploitation for the trafficker or others . Sexual slavery is slavery for the purpose of sexual exploitation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych is a comedy-drama . +08-13 15:28 root DEBUG Psych is an American detective comedy-drama television series created by Steve Franks and broadcast on USA Network with syndicated reruns on ION Television . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Faroe Islands were not part of the Hereditary Kingdom of Norway . +08-13 15:28 root DEBUG Between 1035 and 1814 , the Faeroes were part of the Hereditary Kingdom of Norway . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jewell worked with Dr. Dre . +08-13 15:28 root DEBUG She is best known for her song , `` Love or Lust , '' featured in Bill Duke 's film , Deep Cover , as well as for singing choruses to many classic West Coast rap songs such as Snoop Dogg 's `` Gin and Juice '' and Dr. Dre 's `` Let Me Ride '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aarhus is the place of Aarhus municipality . +08-13 15:28 root DEBUG Aarhus -LRB- -LSB- ˈɒːhuːˀs -RSB- ; officially spelled Århus from 1948 until 31 December 2010 -RRB- is the second-largest city in Denmark and the seat of Aarhus municipality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blade Runner 2049 is a sequel to 1982 's Blade Runner . +08-13 15:28 root DEBUG It is the sequel to 1982 's Blade Runner and stars Ryan Gosling and Harrison Ford , who is reprising his role as Rick Deckard , with Ana de Armas , Mackenzie Davis , Sylvia Hoeks , Lennie James , Carla Juri , Robin Wright , Dave Bautista and Jared Leto in supporting roles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duane Chapman 's nickname is `` Dog . '' +08-13 15:28 root DEBUG Duane Lee `` Dog '' Chapman I. -LRB- born February 2 , 1953 -RRB- is an American bounty hunter and a former bail bondsman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG New Orleans Pelicans play in the NBA in the Western Conference . +08-13 15:28 root DEBUG The Pelicans compete in the National Basketball Association -LRB- NBA -RRB- as a member club of the league 's Western Conference Southwest Division . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harold Macmillan worked in politics . +08-13 15:28 root DEBUG Maurice Harold Macmillan , 1st Earl of Stockton , -LRB- 10 February 1894 -- 29 December 1986 -RRB- was a British Conservative politician and statesman who served as the Prime Minister of the United Kingdom from 10 January 1957 to 19 October 1963 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan O'Bannon died . +08-13 15:28 root DEBUG Daniel Thomas `` Dan '' O'Bannon -LRB- September 30 , 1946 -- December 17 , 2009 -RRB- was an American film screenwriter , director , visual effects supervisor , and occasional actor , usually in the science fiction and horror genres . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Down With Love is a 2004 film . +08-13 15:28 root DEBUG Down with Love is a 2003 romantic comedy film . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baz Luhrmann 's film Australia is solely an epic historical romantic comedy . +08-13 15:28 root DEBUG His 2008 film Australia is an epic historical romantic drama film starring Hugh Jackman and Nicole Kidman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raees -LRB- film -RRB- stars an Indian film actor born in April 1965 . +08-13 15:28 root DEBUG It stars Shah Rukh Khan , Mahira Khan and Nawazuddin Siddiqui . Shah Rukh Khan -LRB- born Shahrukh Khan ; 2 November 1965 -RRB- , also known as SRK , is an Indian film actor , producer and television personality . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simón Bolívar was born in 1783 . +08-13 15:28 root DEBUG Simón José Antonio de la Santísima Trinidad Bolívar y Palacios -LRB- -LSB- siˈmon boˈliβar -RSB- ; 24 July 1783 -- 17 December 1830 -RRB- , known as El Libertador , was a Venezuelan military and political leader who played a leading role in the establishment of Venezuela , Bolivia , Colombia , Ecuador , Peru and Panama as sovereign states , independent of Spanish rule . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birthday Song -LRB- 2 Chainz song -RRB- was produced by American rapper Kanye West . +08-13 15:28 root DEBUG The song , which features fellow American rapper Kanye West , was produced by Sonny Digital , West , BWheezy , Anthony Kilhoffer , Lifted and Mike Dean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CHiPs is an American comedy film . +08-13 15:28 root DEBUG CHiPs is a 2017 American action comedy buddy cop film written and directed by Dax Shepard , based on the 1977 -- 1983 television series of the same name created by Rick Rosner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Efraim Diveroli is a former arms dealer . +08-13 15:28 root DEBUG Efraim Diveroli -LRB- born December 20 , 1985 -RRB- is an American former arms dealer and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Forceps are an instrument that are handheld . +08-13 15:28 root DEBUG Forceps -LRB- plural forceps or forcipes -RRB- are a handheld , hinged instrument used for grasping and holding objects . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Lonergan was born in October . +08-13 15:28 root DEBUG Kenneth Lonergan -LRB- born October 16 , 1962 -RRB- is an American playwright , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sidse Babett Knudsen works in entertainment . +08-13 15:28 root DEBUG Sidse Babett Knudsen -LRB- -LSB- ˈsisə b̥ab̥ɛd̥ ˈkʰnusn̩ -RSB- ; born 22 November 1968 -RRB- is a Danish actress who works in theatre , television , and film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kleshas are in the mind . +08-13 15:28 root DEBUG Kleshas -LRB- -LSB- क्लेश , kleśa -RSB- किलेस kilesa ; ཉ ན མ ངས nyon mongs -RRB- , in Buddhism , are mental states that cloud the mind and manifest in unwholesome actions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hurt Locker is an American film from 2008 . +08-13 15:28 root DEBUG The Hurt Locker is a 2008 American war thriller film about an Iraq War Explosive Ordnance Disposal team who are being targeted by insurgents with booby traps , remote control detonations and ambushes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bongwater follows the story of a marijuana dealer . +08-13 15:28 root DEBUG Based on the 1995 book of the same name by Michael Hornburg , the film is set in Portland , Oregon , and follows an aspiring artist and marijuana dealer and his relationship with a tempestuous woman he meets through a client . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harold Macmillan served as the Prime Minister of the United Kingdom . +08-13 15:28 root DEBUG Maurice Harold Macmillan , 1st Earl of Stockton , -LRB- 10 February 1894 -- 29 December 1986 -RRB- was a British Conservative politician and statesman who served as the Prime Minister of the United Kingdom from 10 January 1957 to 19 October 1963 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quran is a text central to a religion 's belief system . +08-13 15:28 root DEBUG The Quran -LRB- -LSB- kɔrˈɑːn -RSB- ; القرآن , literally meaning `` the recitation '' ; also romanized Qur ` an or Koran -RRB- is the central religious text of Islam , which Muslims believe to be a revelation from God -LRB- Allah -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sayyeshaa acts only on stage . +08-13 15:28 root DEBUG Sayyeshaa is an Indian film actress who appears in Hindi , Tamil and Telugu films . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Peking University was founded as the replacement of a vintage school . +08-13 15:28 root DEBUG It is the first modern national university established in China , founded as the Imperial University of Peking in 1898 as a replacement of the ancient Taixue or Guozijian , or Imperial Academy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Colbert is banned from CBS . +08-13 15:28 root DEBUG Colbert has hosted The Late Show with Stephen Colbert , a late-night television talk show on CBS , since September 8 , 2015 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Belong with Me is a fan club . +08-13 15:28 root DEBUG `` You Belong with Me '' is a song performed by American singer-songwriter Taylor Swift . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Easy A is a film released in 2010 . +08-13 15:28 root DEBUG Easy A -LRB- stylized as easy A -RRB- is a 2010 American teen comedy film directed by Will Gluck , written by Bert V. Royal and starring Emma Stone , Stanley Tucci , Patricia Clarkson , Thomas Haden Church , Dan Byrd , Amanda Bynes , Penn Badgley , Cam Gigandet , Lisa Kudrow and Aly Michalka . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Valencia is a city . +08-13 15:28 root DEBUG Valencia -LRB- -LSB- vəˈlɛnsiə -RSB- -LSB- baˈlenθja -RSB- -RRB- , officially València -LRB- -LSB- vaˈlensia -RSB- -RRB- , is the capital of the autonomous community of Valencia and the third largest city in Spain after Madrid and Barcelona , with around 800,000 inhabitants in the administrative centre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bongwater was based on a 1998 book . +08-13 15:28 root DEBUG Based on the 1995 book of the same name by Michael Hornburg , the film is set in Portland , Oregon , and follows an aspiring artist and marijuana dealer and his relationship with a tempestuous woman he meets through a client . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sebastian Stan was nominated for an award . +08-13 15:28 root DEBUG His role in Political Animals earned him a nomination for the Critics ' Choice Television Award for Best Supporting Actor in a Movie/Miniseries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG TakePart is a division of a film production company . +08-13 15:28 root DEBUG TakePart is the digital division of Participant Media , a motion picture studio that focuses on issues of social justice . Participant Media is an American film production company founded in 2004 by Jeffrey Skoll , dedicated to entertainment that inspires and compels social change . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was written by Cinco Paul . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Damon Albarn released a debut album . +08-13 15:28 root DEBUG Raised in Leytonstone , East London and around Colchester , Essex , Albarn attended the Stanway School , where he met Graham Coxon and eventually formed Blur , whose debut album Leisure was released in 1991 to mixed reviews . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hot Right Now is from Nextlevelism . +08-13 15:28 root DEBUG `` Hot Right Now '' is a single by British drum and bass producer DJ Fresh , released as the second single from his third studio album , Nextlevelism . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bruce Shand died on January 22nd , 1916 . +08-13 15:28 root DEBUG Major Bruce Middleton Hope Shand MC and bar -LRB- 22 January 1917 -- 11 June 2006 -RRB- was an officer in the British Army . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gordan Ramsay 's earnings was reported only on a Canadian business magazine in 2015 . +08-13 15:28 root DEBUG In 2015 , Forbes '' listed his earnings at $ 60 million for the previous 12 months , and ranked him the 21st highest earning celebrity in the world . Forbes -LRB- -LSB- fɔrbz -RSB- -RRB- is an American business magazine . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Liam Neeson has been passed over by the British Academy of Film and Television Arts . +08-13 15:28 root DEBUG He has been nominated for a number of awards , including an Academy Award for Best Actor , a BAFTA Award for Best Actor in a Leading Role and three Golden Globe Awards for Best Actor in a Motion Picture Drama . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods are a primarily , though not exclusively , White street gang . +08-13 15:28 root DEBUG The Bloods are a primarily , though not exclusively , African American street gang founded in Los Angeles , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Animals are part of the History of Earth . +08-13 15:28 root DEBUG Hominins , the earliest direct ancestors of the human clade , rose sometime during the latter part of the Miocene epoch ; the precise time marking the first hominins is broadly debated over a current range of 13 to 4 mya . The plants and animals of the Miocene were fairly modern . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saw franchise is a collection of bugs . +08-13 15:28 root DEBUG Saw is an American horror franchise distributed by Lions Gate Entertainment , produced by Twisted Pictures and created by two Australians , director James Wan and screenwriter Leigh Whannell , that consists of seven feature films and additional media . A media franchise is a collection of related media in which several derivative works have been produced from an original creative work , such as a film , a work of literature , a television program or a video game . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sayyeshaa made her Bollywood debut . +08-13 15:28 root DEBUG After starring a Telugu film Akhil -LRB- 2015 -RRB- , she made her Bollywood debut in Ajay Devgn 's Shivaay -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Dad stars Mary-Kate Olsen . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harris Jayaraj is from India . +08-13 15:28 root DEBUG Harris Jayaraj -LRB- born 8 January 1975 -RRB- is an Indian film composer from Chennai , Tamil Nadu . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fist of Legend is a remake of a film . +08-13 15:28 root DEBUG It is a remake of the 1972 Fist of Fury , which starred Bruce Lee as the lead character . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 60 percent of the University of Mississippi 's students come from Mississippi . +08-13 15:28 root DEBUG About 55 percent of its undergraduates and 60 percent overall come from Mississippi , and 23 percent are minorities ; international students come from 90 nations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France has three cars . +08-13 15:28 root DEBUG Henry II -LRB- Henri II 31 March 1519 -- 10 July 1559 -RRB- was a monarch of the House of Valois who ruled as King of France from 31 March 1547 until his death in 1559 . The year 1886 is regarded as the birth year of the modern car . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Wallace is inaccurate historically . +08-13 15:28 root DEBUG The poem is historically inaccurate , and mentions several events that never happened . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fortunes of War stars an actress . +08-13 15:28 root DEBUG It stars Kenneth Branagh as Guy Pringle , lecturer in English Literature in Bucharest during the early part of the Second World War , and Emma Thompson as his wife Harriet . Emma Thompson -LRB- born 15 April 1959 -RRB- is a British actress , activist , author , comedienne and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exercise temporarily decreases the heart rate . +08-13 15:28 root DEBUG Exercise temporarily increases the rate , but lowers resting heart rate in the long term , and is good for heart health . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Asylum Records is an American record label founded in 1979 by Emma Stone . +08-13 15:28 root DEBUG Asylum Records is an American record label founded in 1971 by David Geffen and partner Elliot Roberts . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Papua was almost called Irian Jaya . +08-13 15:28 root DEBUG It was formerly called Irian Jaya -LRB- before that West Irian or Irian Barat -RRB- and comprised all of Indonesian New Guinea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Valencia is in a country . +08-13 15:28 root DEBUG Valencia -LRB- -LSB- vəˈlɛnsiə -RSB- -LSB- baˈlenθja -RSB- -RRB- , officially València -LRB- -LSB- vaˈlensia -RSB- -RRB- , is the capital of the autonomous community of Valencia and the third largest city in Spain after Madrid and Barcelona , with around 800,000 inhabitants in the administrative centre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riddick is played by Vin Diesel . +08-13 15:28 root DEBUG Actor Vin Diesel has played the title role in all of the Riddick-based films and video games so far . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Invasion literature remains a part of popular culture to this day . +08-13 15:28 root DEBUG Invasion literature -LRB- or the invasion novel -RRB- is a literary genre most notable between 1871 and the First World War -LRB- 1914 -RRB- but still practised to this day . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jean-Michel Basquiat died from an overdose of heroin . +08-13 15:28 root DEBUG He died of a heroin overdose at his art studio at age 27 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hundred Years ' War includes the Edwardian Era War and was the first phase in the war . +08-13 15:28 root DEBUG Historians commonly divide the war into three phases separated by truces : the Edwardian Era War -LRB- 1337 -- 1360 -RRB- ; the Caroline War -LRB- 1369 -- 1389 -RRB- ; and the Lancastrian War -LRB- 1415 -- 1453 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arizona is in North America . +08-13 15:28 root DEBUG Arizona -LRB- -LSB- ɛərᵻˈzoʊnə , _ ærᵻ - -RSB- -RRB- -LRB- Hoozdo Hahoodzo -LSB- xòːztò xɑ̀xòːtsò -RSB- O'odham : Alĭ ṣonak -LSB- ˡaɺi ˡʃonak -RSB- -RRB- is a state in the southwestern region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Natural Born Killers is based upon a novel by Thomas Wolfe . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bessie Smith died on April 26 , 1937 . +08-13 15:28 root DEBUG Bessie Smith -LRB- April 15 , 1894 -- September 26 , 1937 -RRB- was an American blues singer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hundred Years ' War includes a phase . +08-13 15:28 root DEBUG Historians commonly divide the war into three phases separated by truces : the Edwardian Era War -LRB- 1337 -- 1360 -RRB- ; the Caroline War -LRB- 1369 -- 1389 -RRB- ; and the Lancastrian War -LRB- 1415 -- 1453 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johanna Braddy was in a TV series . +08-13 15:28 root DEBUG , she is starring as Shelby Wyatt in the ABC thriller Quantico . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leonard Nimoy narrated a computer game . +08-13 15:28 root DEBUG After the original Star Trek series , Nimoy starred in Mission : Impossible for two seasons , hosted the documentary series In Search of ... , narrated Civilization IV , and made several well-received stage appearances . Sid Meier 's Civilization IV is a turn-based strategy computer game and the fourth installment of the Civilization series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Murray is the Davis Cup champion of 2015 . +08-13 15:28 root DEBUG Murray was in the Great Britain team that won the Davis Cup in 2015 , the nation 's first success in the tournament for 79 years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria -LRB- Dance Exponents song -RRB- was in 1982 . +08-13 15:28 root DEBUG `` Victoria '' is a song by New Zealand rock band The Exponents from their 1982 album Prayers Be Answered and their debut single . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Polar bears are classified as endangered . +08-13 15:28 root DEBUG Because of expected habitat loss caused by climate change , the polar bear is classified as a vulnerable species , and at least three of the nineteen polar bear subpopulations are currently in decline . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Turkic language was the Chagatai language . +08-13 15:28 root DEBUG Chagatai is an extinct Turkic language which was once widely spoken in Central Asia , and remained the shared literary language there until the early 20th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mani Ratnam is a filmmaker . +08-13 15:28 root DEBUG Cited by the media as one of India 's influential filmmakers , Mani Ratnam is widely credited with revolutionising the Tamil film industry and altering the profile of Indian cinema . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tom Baker has had acting roles . +08-13 15:28 root DEBUG Baker was in his thirties when his professional acting career began , and his first major film role was as Grigori Rasputin in Nicholas and Alexandra in 1971 , when he was 37 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fabian Nicieza was born December 31 , 1961 . +08-13 15:28 root DEBUG Fabian Nicieza -LRB- born 31 December 1961 -RRB- is an Argentine-American comic book writer and editor who is best known for his work on Marvel titles such as X-Men , X-Force , New Warriors , Cable and Deadpool , and Thunderbolts , for all of which he helped create numerous characters . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miracle at St. Anna is set exclusively in Germany . +08-13 15:28 root DEBUG Set primarily in Italy during German-occupied Europe in World War II , the film tells the story of four Buffalo Soldiers of the 92nd Infantry Division who seek refuge in a small Tuscan village , where they form a bond with the residents . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Daily Show is incapable of being comedy focused . +08-13 15:28 root DEBUG Describing itself as a fake news program , The Daily Show draws its comedy and satire from recent news stories , political figures , media organizations , and often uses self-referential humor as well . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenna Jameson worked as a glamor model . +08-13 15:28 root DEBUG She started acting in erotic videos in 1993 after having worked as a stripper and glamor model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bradley Fuller is a producer . +08-13 15:28 root DEBUG Bradley `` Brad '' Fuller is an American film and television producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mani Ratnam is given credit by many people for changing the profile of Indian cinema . +08-13 15:28 root DEBUG Cited by the media as one of India 's influential filmmakers , Mani Ratnam is widely credited with revolutionising the Tamil film industry and altering the profile of Indian cinema . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Endless River , which was released in 2014 is Pink Floyd 's final studio album . +08-13 15:28 root DEBUG The Endless River is the fifteenth and final studio album by the English rock band Pink Floyd . It was released on 7 November 2014 in Friday-release countries and on 10 November elsewhere by Parlophone Records in the United Kingdom and by Columbia Records in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Palo Alto , California is a city . +08-13 15:28 root DEBUG Palo Alto -LRB- -LSB- ˌpæloʊ_ˈæltoʊ -RSB- ; -LSB- ˈpalo ˈalto -RSB- ; from palo , literally `` stick '' , colloquially `` tree '' , and alto `` tall '' ; meaning : `` tall tree '' -RRB- is a charter city located in the northwest corner of Santa Clara County , California , in the San Francisco Bay Area of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hush -LRB- 2016 film -RRB- was written by Intrepid Pictures . +08-13 15:28 root DEBUG Hush is a 2016 American horror film directed and edited by Mike Flanagan , starring Kate Siegel , and written by both . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunchback of Notre Dame is notable for its sets . +08-13 15:28 root DEBUG The film is based on Victor Hugo 's 1831 novel of the same name , and is notable for the grand sets that recall 15th century Paris as well as for Chaney 's performance and make-up as the tortured hunchback Quasimodo . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roswell is an American TV series . +08-13 15:28 root DEBUG Roswell is an American science fiction television series developed , produced , and co-written by Jason Katims . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG NRG Recording Studios was created by an American movie producer , engineer and mixer . +08-13 15:28 root DEBUG NRG Recording Studios is a recording facility located in North Hollywood , California that was created by producer and mixer Jay Baumgardner in 1992 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hot Right Now is from the album Nextlevelism . +08-13 15:28 root DEBUG `` Hot Right Now '' is a single by British drum and bass producer DJ Fresh , released as the second single from his third studio album , Nextlevelism . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The second album of Danny Brown was named XXX . +08-13 15:28 root DEBUG Brown began to gain major recognition after the release of his second studio album , XXX , which received critical acclaim and earned him such accolades as Spin , as well as Metro Times `` Artist of the Year '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michelin Guides are published by George Lucas . +08-13 15:28 root DEBUG Michelin Guides -LRB- -LSB- ɡid miʃ.lɛ̃ -RSB- -RRB- are a series of guide books published by the French company Michelin for more than a century . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Numb was released in a Linkin Park DLC for 2011 . +08-13 15:28 root DEBUG In January 2011 , `` Numb '' was released in a Linkin Park DLC pack for Rock Band 3 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pharrell Williams was in the band N * E * R * D with Shay Haley . +08-13 15:28 root DEBUG He is the lead vocalist and drummer of the rock-funk-hip hop band N * E * R * D , that he formed with Hugo and childhood friend , Shay Haley . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Greek language is spoken in Greece . +08-13 15:28 root DEBUG Greek -LRB- Modern Greek : ελληνικά -LSB- eliniˈka -RSB- , elliniká , `` Greek '' , ελληνική γλώσσα -LSB- eliniˈci ˈɣlosa -RSB- , ellinikí glóssa , `` Greek language '' -RRB- is an independent branch of the Indo-European family of languages , native to Greece and other parts of the Eastern Mediterranean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Efraim Diveroli is an American citizen . +08-13 15:28 root DEBUG Efraim Diveroli -LRB- born December 20 , 1985 -RRB- is an American former arms dealer and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mogadishu is located in a country . +08-13 15:28 root DEBUG Mogadishu -LRB- -LSB- ˌmɔːɡəˈdiːʃuː -RSB- Muqdisho -LSB- mʉqdɪʃɔ -RSB- ; مقديشو -LSB- maqadiːʃuː -RSB- -RRB- , known locally as Hamar , is the capital and most populous city of Somalia . A capital city -LRB- or simply capital -RRB- is the municipality exercising primary status in a country , state , province , or other region , usually as its seat of government . Somalia -LRB- -LSB- səˈmɑːliə , _ soʊ - , _ - ljə -RSB- ; Soomaaliya الصومال -RRB- , officially the Federal Republic of Somalia -LRB- Jamhuuriyadda Federaalka Soomaaliya , جمهورية الصومال الفيدرالية -RRB- , is a country located in the Horn of Africa . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 2016 Tour de France was not won by Chris Froome . +08-13 15:28 root DEBUG A total of 198 riders from 22 teams entered the 21-stage race , which was won by Chris Froome of . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hush -LRB- 2016 film -RRB- was directed by Jason Blum . +08-13 15:28 root DEBUG Hush is a 2016 American horror film directed and edited by Mike Flanagan , starring Kate Siegel , and written by both . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wish Upon was directed by John F. Kennedy . +08-13 15:28 root DEBUG Wish Upon is a 2017 supernatural horror thriller film directed by John R. Leonetti and starring Joey King , Ryan Phillipe , Ki Hong Lee , Shannon Purser , Sydney Park and Sherilyn Fenn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United Nations Charter was signed in princess , United States . +08-13 15:28 root DEBUG It was signed at the San Francisco War Memorial and Performing Arts Center in San Francisco , United States , on 26 June 1945 , by 50 of the 51 original member countries -LRB- Poland , the other original member , which was not represented at the conference , signed it two months later -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Francis I of France reigned from 1515 until his death . +08-13 15:28 root DEBUG Francis I -LRB- François Ier -RRB- -LRB- 12 September 1494 -- 31 March 1547 -RRB- was the first King of France from the Angoulême branch of the House of Valois , reigning from 1515 until his death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Packouz was born in the 1980 's . +08-13 15:28 root DEBUG David Mordechai Packouz -LRB- -LSB- pækhaʊs -RSB- born February 16 , 1982 -RRB- is an American former arms dealer , musician , inventor and entrepreneur . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Virginia borders Maryland and Ohio to the northeast . +08-13 15:28 root DEBUG It is bordered by Virginia to the southeast , Kentucky to the southwest , Ohio to the northwest , Pennsylvania to the north -LRB- and , slightly , east -RRB- , and Maryland to the northeast . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baz Luhrmann 's film Australia was only rejected to be starred in by Hugh Jackman . +08-13 15:28 root DEBUG His 2008 film Australia is an epic historical romantic drama film starring Hugh Jackman and Nicole Kidman . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bassoon King is a book . +08-13 15:28 root DEBUG The Bassoon King : My Life in Art , Faith , and Idiocy is a non-fiction book authored by American actor Rainn Wilson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Colbert is an American . +08-13 15:28 root DEBUG Stephen Tyrone Colbert -LRB- -LSB- koʊlˈbɛər -RSB- , né : -LSB- ˈkoʊlbərt -RSB- born May 13 , 1964 -RRB- is an American comedian , television host , and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Margaret Thatcher was active in politics . +08-13 15:28 root DEBUG Margaret Hilda Thatcher , Baroness Thatcher , -LRB- ; 13 October 1925 -- 8 April 2013 -RRB- was a British stateswoman , who served as Prime Minister of the United Kingdom from 1979 to 1990 and as Leader of the Conservative Party from 1975 to 1990 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kim Jong-il was born . +08-13 15:28 root DEBUG Kim Jong-il -LRB- , -LSB- kim.dzʌŋ.il -RSB- or -LSB- kim -RSB- -LSB- tsʌŋ.il -RSB- 16 February 1941/1942 -- 17 December 2011 -RRB- was the supreme leader of the Democratic People 's Republic of Korea -LRB- DPRK -RRB- , commonly referred to as North Korea , from 1994 to 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Britt Robertson is an actress . +08-13 15:28 root DEBUG Brittany Leanna Robertson -LRB- born April 18 , 1990 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Ham United F.C. was created by Arnold Hills and Dave Taylor . +08-13 15:28 root DEBUG The club was founded in 1895 as Thames Ironworks and reformed in 1900 as West Ham United . Thames Ironworks Football Club , the club that later became West Ham United , was founded by Thames Ironworks and Shipbuilding Co. Ltd owner Arnold Hills and foreman Dave Taylor in 1895 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Terry Crews was a football player . +08-13 15:28 root DEBUG Terry Alan Crews -LRB- born July 30 , 1968 -RRB- is an American actor , artist , and former American football player . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Guillermo del Toro is Mexican . +08-13 15:28 root DEBUG Guillermo del Toro Gómez -LRB- -LSB- ɡiˈʝeɾmo ðel ˈtoɾo -RSB- ; born October 9 , 1964 -RRB- is a Mexican film director , screenwriter , producer , and novelist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Invasion literature was completely uninfluential in the years leading up to the First World War . +08-13 15:28 root DEBUG The genre was influential in Britain in shaping politics , national policies and popular perceptions in the years leading up to the First World War , and remains a part of popular culture to this day . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prescott , Arizona is in northern Yavapai County . +08-13 15:28 root DEBUG Prescott -LRB- -LSB- ˈprɛskət -RSB- ; ʼWi : kwatha Ksikʼita -RRB- is a city in Yavapai County , Arizona , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chile is in South America . +08-13 15:28 root DEBUG Chile , is a South American country occupying a long , narrow strip of land between the Andes to the east and the Pacific Ocean to the west . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saturn Corporation has no trademark . +08-13 15:28 root DEBUG The Saturn Corporation , also known as Saturn LLC , is a registered trademark established on January 7 , 1985 , as a subsidiary of General Motors . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kendall Jenner is a person . +08-13 15:28 root DEBUG Kendall Nicole Jenner -LRB- born November 3 , 1995 -RRB- is an American fashion model and television personality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mickey Rourke appeared in a film . +08-13 15:28 root DEBUG During the 1980s , Rourke starred in the comedy-drama Diner -LRB- 1982 -RRB- , the drama Rumble Fish -LRB- 1983 -RRB- , the crime-black comedy film The Pope of Greenwich Village -LRB- 1984 -RRB- , and the erotic drama 9 1/2 Weeks -LRB- 1986 -RRB- , and received critical praise for his work in the Charles Bukowski biopic Barfly and the horror mystery Angel Heart -LRB- both 1987 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Happiness in Slavery is a song by a band . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Belong with Me has yet to be performed live . +08-13 15:28 root DEBUG The song was performed live at numerous venues , including the 2009 -- 10 Fearless Tour , where it was the opening number . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janet Leigh was American . +08-13 15:28 root DEBUG Janet Leigh -LRB- born Jeanette Helen Morrison ; July 6 , 1927 -- October 3 , 2004 -RRB- was an American actress , singer , dancer and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Steve Ditko studied at school . +08-13 15:28 root DEBUG Ditko studied under Batman artist Jerry Robinson at the Cartoonist and Illustrators School in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roland Emmerich is a campaigner . +08-13 15:28 root DEBUG He is a collector of art and an active campaigner for the LGBT community , and is openly gay . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trevor Griffiths was born on May 4 , 1935 . +08-13 15:28 root DEBUG Trevor Griffiths -LRB- born 4 April 1935 , Ancoats , Manchester -RRB- , is an English dramatist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawkins makes regular internet and television appearances . +08-13 15:28 root DEBUG Dawkins has been awarded many prestigious academic and writing awards and he makes regular television , radio and Internet appearances , predominantly discussing his books , his atheism , and his ideas and opinions as a public intellectual . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was directed exclusively by Elmo . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annette Badland portrayed the role of Margaret Blaine in Doctor Who . +08-13 15:28 root DEBUG She has played Margaret Blaine in the BBC science fiction series Doctor Who , Doomsday Dora in The Sparticle Mystery , Birdie Henshall in the drama series Cutting It , Mavis in season 6 of Skins , Ursula Crowe in children 's science fiction/fantasy series Wizards vs Aliens , and Babe Smith in soap opera EastEnders . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lizzy Caplan is incapable of appearing in multiple television shows . +08-13 15:28 root DEBUG Caplan also starred in television shows The Class , True Blood , and Party Down . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mirny -LRB- sloop-of-war -RRB- circumnavigated the globe . +08-13 15:28 root DEBUG Mirny was a 20-gun sloop-of-war of the Imperial Russian Navy , the second ship of the First Russian Antarctic Expedition in 1819 -- 1821 , during which Faddey Bellingshausen -LRB- commander of the lead ship Vostok -RRB- and Mikhail Lazarev -LRB- commanding Mirny -RRB- circumnavigated the globe , discovered the continent of Antarctica and twice circumnavigated it , and discovered a number of islands and archipelagos in the Southern Ocean and the Pacific . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rio 2 is the sequel of Rio . +08-13 15:28 root DEBUG A sequel , Rio 2 , was released on April 11 , 2014 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prescott , Arizona is a place . +08-13 15:28 root DEBUG Prescott -LRB- -LSB- ˈprɛskət -RSB- ; ʼWi : kwatha Ksikʼita -RRB- is a city in Yavapai County , Arizona , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touchscreens are used in tablet computers . +08-13 15:28 root DEBUG Touchscreens are common in devices such as game consoles , personal computers , tablet computers , electronic voting machines , point of sale systems , and smartphones . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Linklater 's cousin plays Mason 's sister . +08-13 15:28 root DEBUG Richard Linklater 's daughter Lorelei plays Mason 's sister , Samantha . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beach is based on a novel . +08-13 15:28 root DEBUG The Beach is a 2000 adventure drama film directed by Danny Boyle and based on the 1996 novel of the same name by Alex Garland , which was adapted for the film by John Hodge . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The CONCACAF Champions League is organized . +08-13 15:28 root DEBUG The CONCACAF Champions League is an annual continental football club competition organized by CONCACAF for the top football clubs in North America , Central America and the Caribbean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Princess Mononoke has at least one type of setting . +08-13 15:28 root DEBUG Unlike other Ghibli films , Mononoke has a darker and more violent setting and tone . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Recovery features Rihanna . +08-13 15:28 root DEBUG Eminem also collaborated with artists such as Pink , Lil Wayne , Slaughterhouse and Rihanna for the album . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brian Michael Bendis died before video gaming was created . +08-13 15:28 root DEBUG In addition to writing comics he has worked in television , video games and film , and began teaching writing at University of Oregon in Fall 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Diana , Princess of Wales divorced . +08-13 15:28 root DEBUG Diana remained the object of worldwide media scrutiny during and after her marriage , which ended in divorce on 28 August 1996 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Republic of Macedonia is in the Balkan Peninsula . +08-13 15:28 root DEBUG Republika Makedonija -RRB- , is a country in the Balkan peninsula in Southeast Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is an American television network called Telemundo . +08-13 15:28 root DEBUG Telemundo -LRB- -LSB- teleˈmundo -RSB- -RRB- is an American Spanish-language terrestrial television network owned by Comcast through the NBCUniversal division NBCUniversal Telemundo Enterprises . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meteora is an album . +08-13 15:28 root DEBUG Meteora is the second studio album by American rock band Linkin Park . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blue Jasmine has an English actress in it . +08-13 15:28 root DEBUG The film tells the story of a rich Manhattan socialite -LRB- played by Cate Blanchett -RRB- who falls on hard times and has to move into her working class sister 's -LRB- Sally Hawkins -RRB- apartment in San Francisco . Sally Cecilia Hawkins -LRB- born 27 April 1976 -RRB- is an English actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Road to El Dorado stars Jim Cummings . +08-13 15:28 root DEBUG The film stars Kevin Kline , Kenneth Branagh , Armand Assante , Jim Cummings , Edward James Olmos , Tobin Bell and Rosie Perez . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gal Gadot was ranked ahead of Bar Rafaeli for highest earning actress/models in Israel . +08-13 15:28 root DEBUG In 2013 she was ranked as the second highest earning actress/models in Israel , behind Bar Refaeli , but ahead of Esti Ginzburg and Shlomit Malka , with the majority of her income coming from acting . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashley Graham is not a plus-size model . +08-13 15:28 root DEBUG In 2017 , Graham became the first plus-size model to appear on the covers of British and American Vogue . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Graffiti was released in 2005 . +08-13 15:28 root DEBUG It was released on December 7 , 2009 , by Jive Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Global warming is projected to result in reduced levels of sea ice . +08-13 15:28 root DEBUG Warming is expected to be greater over land than over the oceans and greatest in the Arctic , with the continuing retreat of glaciers , permafrost and sea ice . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan O'Bannon worked in he film industry . +08-13 15:28 root DEBUG Daniel Thomas `` Dan '' O'Bannon -LRB- September 30 , 1946 -- December 17 , 2009 -RRB- was an American film screenwriter , director , visual effects supervisor , and occasional actor , usually in the science fiction and horror genres . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Sterile Cuckoo 's adaptation was done by Alvin Sargent . +08-13 15:28 root DEBUG The movie was adapted by Alvin Sargent from the 1965 novel by John Nichols , and directed by Alan J. Pakula , in his directing debut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Starrcade was eventually broadcast via pay-per-view television in 2002 . +08-13 15:28 root DEBUG From 1987 , Starrcade was broadcast on pay-per-view , the first NWA event to do so . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scotty Moore was born in 1931 . +08-13 15:28 root DEBUG Winfield Scott `` Scotty '' Moore III -LRB- December 27 , 1931 -- June 28 , 2016 -RRB- was an American guitarist and recording engineer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedam has Deeksha Seth in a starring role . +08-13 15:28 root DEBUG Vedam -LRB- English : Chant -RRB- is a 2010 Telugu language Indian drama film written and directed by Radhakrishna Jagarlamudi , starring Allu Arjun , Manoj Manchu , Anushka Shetty , Manoj Bajpayee , Saranya Ponvannan , Deeksha Seth , Lekha Washington , and Siya Gautham . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danny Brown named his third album XXXX . +08-13 15:28 root DEBUG In 2013 , he entered a US Billboard chart , with the release of his third studio album , Old , which reached number 18 on the US Billboard 200 chart and spawned three singles , `` Dip '' , `` 25 Bucks '' and `` Smokin & Drinkin '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Wood is about the eponymous actor . +08-13 15:28 root DEBUG Ed Wood is a 1994 American biographical period comedy-drama film directed and produced by Tim Burton , and starring Johnny Depp as cult filmmaker Ed Wood . -LRB- October 10 , 1924 -- December 10 , 1978 -RRB- was an American filmmaker , actor , writer , producer , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG NRG Recording Studios is a recording space . +08-13 15:28 root DEBUG NRG Recording Studios is a recording facility located in North Hollywood , California that was created by producer and mixer Jay Baumgardner in 1992 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pink was incapable of covering the song Rhythm Nation . +08-13 15:28 root DEBUG It has been covered by Pink , Crystal Kay , and Girls ' Generation and has also been performed on Glee , The X-Factor , and Britain 's Got Talent . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matteo Renzi graduated college on January 11th , 1975 . +08-13 15:28 root DEBUG Matteo Renzi -LRB- -LSB- matˈtɛːo ˈrɛntsi -RSB- ; born 11 January 1975 -RRB- is an Italian politician who served as the Prime Minister of Italy from February 2014 until December 2016 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1951 , Lalla Ward was born . +08-13 15:28 root DEBUG Lalla Ward -LRB- born Sarah Jill Ward ; 28 June 1951 -RRB- is an English actress and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mod Squad is a TV series from the United States . +08-13 15:28 root DEBUG The Mod Squad is an American crime drama series that ran on ABC from 1968 to 1973 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Calcaneal spurs are detected by an imaging technique . +08-13 15:28 root DEBUG Calcaneal spurs are typically detected by a radiographic examination -LRB- commonly referred to as an `` x-ray '' -RRB- . Radiography is an imaging technique using X-rays to view the internal structure of an object . To create the image , a beam of X-rays , a form of electromagnetic radiation , is produced by an X-ray generator and is projected toward the object . The generation of flat two dimensional images by this technique is called projectional radiography . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miracle at St. Anna tells the tale of four soldiers . +08-13 15:28 root DEBUG Set primarily in Italy during German-occupied Europe in World War II , the film tells the story of four Buffalo Soldiers of the 92nd Infantry Division who seek refuge in a small Tuscan village , where they form a bond with the residents . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daggering is associated with a genre of Filipino music . +08-13 15:28 root DEBUG It is of recent origin , associated with the 2006 wave of dancehall music . Dancehall -LRB- also known as `` Bashment '' -RRB- is a genre of Jamaican popular music that originated in the late 1970s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Off the Wall is a record by Michael Jackson . +08-13 15:28 root DEBUG Off the Wall is the fifth studio album by American singer Michael Jackson , released on August 10 , 1979 in the United States by Epic Records and internationally by CBS Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saturn is the third-largest planet in the Solar System . +08-13 15:28 root DEBUG Saturn is the sixth planet from the Sun and the second-largest in the Solar System , after Jupiter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A River Runs Through It has won an Academy Award . +08-13 15:28 root DEBUG The film won an Academy Award for Best Cinematography in 1993 and was nominated for two other Oscars , for Best Music , Original Score and Best Adapted Screenplay . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bahamas is known unofficially as the Commonwealth of The Bahamas . +08-13 15:28 root DEBUG The Bahamas -LRB- -LSB- bəˈhɑːməz -RSB- -RRB- , known officially as the Commonwealth of The Bahamas , is an archipelagic state within the Lucayan Archipelago . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Green had a career in film . +08-13 15:28 root DEBUG She started her career in theatre before making her film debut in 2003 in Bernardo Bertolucci 's film The Dreamers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pink covered the song Rhythm Nation . +08-13 15:28 root DEBUG It has been covered by Pink , Crystal Kay , and Girls ' Generation and has also been performed on Glee , The X-Factor , and Britain 's Got Talent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dakota Fanning was involved with a film called Coraline . +08-13 15:28 root DEBUG Her recent film roles have included the eponymous character in Coraline -LRB- 2009 -RRB- , Cherie Currie in The Runaways -LRB- 2010 -RRB- , Annie James in The Motel Life -LRB- 2013 -RRB- , and Jane in The Twilight Saga -LRB- 2009 -- 12 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colin Kaepernick is quarterback for the 49ers . +08-13 15:28 root DEBUG Kaepernick was selected by the San Francisco 49ers in the second round of the 2011 NFL Draft . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a film called A River Runs Through It . +08-13 15:28 root DEBUG A River Runs Through It is a 1992 American period coming-of-age drama film directed by Robert Redford and starring Craig Sheffer , Brad Pitt , Tom Skerritt , Brenda Blethyn , and Emily Lloyd . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Philomena is a motion picture . +08-13 15:28 root DEBUG Philomena is a 2013 British drama film directed by Stephen Frears , based on the book The Lost Child of Philomena Lee by journalist Martin Sixsmith . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthias Corvinus had a library . +08-13 15:28 root DEBUG Matthias patronized art and science ; his royal library , the Bibliotheca Corviniana , was one of the largest collections of books in Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sam Claflin is in The Hunger Games film series as Finnick Odair . +08-13 15:28 root DEBUG He is known for portraying Finnick Odair in the The Hunger Games film series , Philip Swift in Pirates of the Caribbean : On Stranger Tides , and Will Traynor in Me Before You . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kesha was baptized on March 1st , 1987 . +08-13 15:28 root DEBUG Kesha Rose Sebert -LRB- -LSB- ˈkɛʃə_roʊz_ˈsɛbərt -RSB- ; born March 1 , 1987 ; formerly stylized as Ke $ ha -RRB- is an American singer , songwriter , and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sam Claflin is a person . +08-13 15:28 root DEBUG Samuel George Claflin -LRB- born 27 June 1986 -RRB- is an English actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Good Wife is part of the drama genre . +08-13 15:28 root DEBUG The Good Wife is an American legal and political drama television series that aired on CBS from September 22 , 2009 , to May 8 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Al Jardine refuses to play all musical instruments . +08-13 15:28 root DEBUG He is best known as the band 's rhythm guitarist , and for occasionally singing lead vocals on singles such as `` Help Me , Rhonda '' -LRB- 1965 -RRB- , `` Then I Kissed Her '' -LRB- 1965 -RRB- and `` Come Go with Me '' -LRB- 1978 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ludwig van Beethoven was taught by his father Johann . +08-13 15:28 root DEBUG Born in Bonn , then the capital of the Electorate of Cologne and part of the Holy Roman Empire , Beethoven displayed his musical talents at an early age and was taught by his father Johann van Beethoven and by composer and conductor Christian Gottlob Neefe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Match Point has been compared to another Woody Allen film . +08-13 15:28 root DEBUG The film treats themes of morality , greed , and the roles of lust , money , and luck in life , leading many to compare it to Allen 's earlier film Crimes and Misdemeanors -LRB- 1989 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duane Chapman is from Texas . +08-13 15:28 root DEBUG He starred in a weekly reality television program called Dog the Bounty Hunter , which ran for 8 seasons until 2012 . With a few exceptions , the series took place in Hawaii or Dog 's home state of Colorado . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Regina King has received zero Critics ' Choice Television nomination . +08-13 15:28 root DEBUG Since 2015 , she played Erika Murphy on the critically acclaimed HBO drama , The Leftovers , for which she has received a Critics ' Choice Television Award nomination . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mickey Rourke has only appeared in films based on real people . +08-13 15:28 root DEBUG Since then , Rourke has appeared in several commercially successful films including the 2010 films Iron Man 2 and The Expendables and the 2011 film Immortals . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weekly Idol is hosted by a panel of judges . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . Weekly Idol is a South Korean variety show , which airs Wednesdays , 6PM KST , on MBC Every1 , MBC 's cable and satellite network for comedy and variety shows . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An American band is responsible for the song Happiness in Slavery . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . Nine Inch Nails -LRB- abbreviated as NIN and stylized as NIИ -RRB- is an American industrial rock band founded in 1988 by Trent Reznor in Cleveland , Ohio . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia was directed by Lars von Trier . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Live Through This is an album . +08-13 15:28 root DEBUG Live Through This is the second studio album by American alternative rock band Hole . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was founded in 1935 . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miracle at St. Anna tells the story of four soldiers . +08-13 15:28 root DEBUG Set primarily in Italy during German-occupied Europe in World War II , the film tells the story of four Buffalo Soldiers of the 92nd Infantry Division who seek refuge in a small Tuscan village , where they form a bond with the residents . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sleipnir is an animal . +08-13 15:28 root DEBUG In Norse mythology , Sleipnir -LRB- Old Norse `` slippy '' or `` the slipper '' -RRB- is an eight-legged horse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sheryl Lee reprised her role of Laura Palmer . +08-13 15:28 root DEBUG In 2016 , she appeared in Café Society , and also completed the Showtime revival of Twin Peaks -LRB- 2017 -RRB- , reprising her role of Laura Palmer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the End was released through Interscope Records . +08-13 15:28 root DEBUG It is the eighth track on their debut album Hybrid Theory -LRB- 2000 -RRB- and was released as the album 's fourth single October 9 , 2001 . Hybrid Theory is the debut studio album by American rock band Linkin Park , released on October 24 , 2000 through Warner Bros. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fortunes of War stars Kenneth Branagh . +08-13 15:28 root DEBUG It stars Kenneth Branagh as Guy Pringle , lecturer in English Literature in Bucharest during the early part of the Second World War , and Emma Thompson as his wife Harriet . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters was only produced by Donald Trump . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duff McKagan is an American citizen . +08-13 15:28 root DEBUG Michael Andrew `` Duff '' McKagan -LRB- born February 5 , 1964 -RRB- is an American musician , singer , songwriter and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Princess Mononoke has a dark atmosphere . +08-13 15:28 root DEBUG Unlike other Ghibli films , Mononoke has a darker and more violent setting and tone . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Christian Gottlob Neefe was a music director . +08-13 15:28 root DEBUG Christian Gottlob Neefe -LRB- -LSB- ˈneːfə -RSB- ; 5 February 1748 -- 28 January 1798 -RRB- was a German opera composer and conductor . Conducting is the art of directing a musical performance , such as an orchestral or choral concert . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kesha was born on March 1st , 1987 . +08-13 15:28 root DEBUG Kesha Rose Sebert -LRB- -LSB- ˈkɛʃə_roʊz_ˈsɛbərt -RSB- ; born March 1 , 1987 ; formerly stylized as Ke $ ha -RRB- is an American singer , songwriter , and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sebastian Stan had a part in an American miniseries . +08-13 15:28 root DEBUG On television , Stan portrayed Carter Baizen in Gossip Girl , Prince Jack Benjamin in Kings , Jefferson in Once Upon a Time , and T.J. Hammond in the miniseries Political Animals . Political Animals is a six-episode American comedy-drama miniseries created by Greg Berlanti . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kim Jong-il was proclaimed Eternal Chairman of the National Defence Commission . +08-13 15:28 root DEBUG After his death , he was designated as the `` Eternal General Secretary '' of the WPK and the `` Eternal Chairman of the National Defence Commission '' , in keeping with the tradition of establishing eternal posts for the dead members of the Kim dynasty . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luke Cage was featured as a protagonist of a comic book zero times . +08-13 15:28 root DEBUG He was the first black superhero to be featured as the protagonist and title character of a comic book . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chrysler Building was the world 's tallest building for 11 months . +08-13 15:28 root DEBUG At 318.9 m , the structure was the world 's tallest building for 11 months before it was surpassed by the Empire State Building in 1931 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harris Jayaraj is a composer . +08-13 15:28 root DEBUG Harris Jayaraj -LRB- born 8 January 1975 -RRB- is an Indian film composer from Chennai , Tamil Nadu . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is in a visual form . +08-13 15:28 root DEBUG Advertising is an audio or visual form of marketing communication that employs an openly sponsored , nonpersonal message to promote or sell a product , service or idea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Happiness in Slavery is a song by Nine Inch Nails . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia 's director was a Danish screenwriter . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . Lars von Trier -LRB- Lars Trier , 30 April 1956 -RRB- is a Danish film director and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bones is a television series . +08-13 15:28 root DEBUG Bones is an American crime procedural drama television series that aired on Fox in the United States from September 13 , 2005 , until March 28 , 2017 , for 246 episodes over twelve seasons . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Byron Howard retired from film directing forever in 2002 . +08-13 15:28 root DEBUG He is best known as the co-director of Bolt -LRB- 2008 -RRB- , Tangled -LRB- 2010 -RRB- , and Zootopia -LRB- 2016 -RRB- , and a supervising animator on Lilo & Stitch -LRB- 2002 -RRB- and Brother Bear -LRB- 2003 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Damon Albarn released his first album in 2014 . +08-13 15:28 root DEBUG His debut solo studio album Everyday Robots -- co-produced by XL Recordings CEO Richard Russell -- was released on 28 April 2014 and featured collaborations with Brian Eno , Natasha Khan and the Leytonstone City Pentecostal Mission Church Choir as well as sampling several rants by Lord Buckley . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Swordfish -LRB- film -RRB- is an American film that is about a computer hacking person name Stanley Jobson . +08-13 15:28 root DEBUG The film centers on Stanley Jobson , an ex-con and computer hacker who is targeted for recruitment into a bank robbery conspiracy because of his formidable hacking skills . Swordfish is a 2001 American action crime thriller film directed by Dominic Sena and starring John Travolta , Hugh Jackman , Halle Berry , Don Cheadle and Vinnie Jones . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Magyars were defeated by Otto I , Holy Roman Emperor . +08-13 15:28 root DEBUG After putting down a brief civil war among the rebellious duchies , Otto defeated the Magyars at the Battle of Lechfeld in 955 , thus ending the Hungarian invasions of Western Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aleister Crowley was from London . +08-13 15:28 root DEBUG Born to a wealthy Plymouth Brethren family in Royal Leamington Spa , Warwickshire , Crowley rejected this fundamentalist Christian faith to pursue an interest in Western esotericism . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bret Easton Ellis wrote the screenplay for a film directed by Paul Schrader and he was criticized . +08-13 15:28 root DEBUG Ellis also wrote the screenplay for the critically derided 2013 film The Canyons , an original work . The Canyons is a 2013 American erotic thriller-drama film directed by Paul Schrader and written by Bret Easton Ellis . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rupert Murdoch has worked since at least 1354 . +08-13 15:28 root DEBUG Keith Rupert Murdoch -LSB- ˈmɜrdɒk -RSB- , AC , KCSG -LRB- born 11 March 1931 -RRB- is an Australian-born American media mogul . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United Nations Charter was signed in New York City , United States . +08-13 15:28 root DEBUG It was signed at the San Francisco War Memorial and Performing Arts Center in San Francisco , United States , on 26 June 1945 , by 50 of the 51 original member countries -LRB- Poland , the other original member , which was not represented at the conference , signed it two months later -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG WWE employed Shane McMahon . +08-13 15:28 root DEBUG He began working in WWE at age 15 , starting in their warehouse , where he filled merchandise orders . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The series finale of Make It or Break It is ending on its 4th season . +08-13 15:28 root DEBUG It was announced on April 26 , 2012 , that the series had ended and the third season would be the final season . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Al Jardine sang lead vocals in a band . +08-13 15:28 root DEBUG He is best known as the band 's rhythm guitarist , and for occasionally singing lead vocals on singles such as `` Help Me , Rhonda '' -LRB- 1965 -RRB- , `` Then I Kissed Her '' -LRB- 1965 -RRB- and `` Come Go with Me '' -LRB- 1978 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Franchising is regulated in the United States . +08-13 15:28 root DEBUG Thirty-three countries -- including the United States and Australia -- have laws that explicitly regulate franchising , with the majority of all other countries having laws which have a direct or indirect effect on franchising . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is set in and around the capital city of Wales . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edward G. Robinson is a star in The Cincinnati Kid . +08-13 15:28 root DEBUG The film was directed by Norman Jewison and stars Steve McQueen in the title role and Edward G. Robinson as Howard . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Girls ' Generation covered the song Rhythm Nation . +08-13 15:28 root DEBUG It has been covered by Pink , Crystal Kay , and Girls ' Generation and has also been performed on Glee , The X-Factor , and Britain 's Got Talent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The horse did not used to be multi-toed . +08-13 15:28 root DEBUG The horse has evolved over the past 45 to 55 million years from a small multi-toed creature , Eohippus , into the large , single-toed animal of today . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daag was released . +08-13 15:28 root DEBUG Daag : A Poem of Love is a 1973 Bollywood drama film produced and directed by Yash Chopra in his debut as a producer , which laid the foundation of Yash Raj Films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A River Runs Through It has won an award . +08-13 15:28 root DEBUG The film won an Academy Award for Best Cinematography in 1993 and was nominated for two other Oscars , for Best Music , Original Score and Best Adapted Screenplay . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southampton F.C. came in second in the First Division in 1983 -- 1984 . +08-13 15:28 root DEBUG The club has won the FA Cup once , in 1976 , and their highest-ever league finish was second in the First Division in 1983 -- 84 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Urban was released in 1999 . +08-13 15:28 root DEBUG Keith Urban -LRB- also known as Keith Urban II -RRB- is the second studio album by Australian country music artist Keith Urban , released on 19 October 1999 by Capitol Nashville . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG José Ferrer was a director of plays in the 20th century . +08-13 15:28 root DEBUG José Vicente Ferrer de Otero y Cintrón -LRB- January 8 , 1912 -- January 26 , 1992 -RRB- , known as José Ferrer , was an American actor and theatre and film director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Closer 's final season began in July 2013 . +08-13 15:28 root DEBUG On Monday , July 11 , 2011 , the series began its seventh and final season , having finished its sixth season as cable 's highest rated drama . The Closer is an American television police procedural , starring Kyra Sedgwick as Brenda Leigh Johnson , a Los Angeles Police Department Deputy Chief . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Mendes was born in 1999 . +08-13 15:28 root DEBUG Eva de la Caridad Mendez -LRB- born March 5 , 1974 -RRB- is an American actress , model and businesswoman . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Microbiologists typically avoid investigating infectious microorganisms . +08-13 15:28 root DEBUG Because microbiologists specialize in the investigation of microorganisms that typically cause infection , their research commonly promotes information found in immunology , pathology , and molecular biology . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Closer 's seventh season began in July 2012 . +08-13 15:28 root DEBUG On Monday , July 11 , 2011 , the series began its seventh and final season , having finished its sixth season as cable 's highest rated drama . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Yune was on a show . +08-13 15:28 root DEBUG He was part of the main cast of the Netflix original series Marco Polo until the series was cancelled on December 12 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gifted was created by Matt Nix . +08-13 15:28 root DEBUG The Gifted is an upcoming American television series created for Fox by Matt Nix , based on Marvel Comics ' X-Men properties . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stanley Williams was an inmate in a western U.S state . +08-13 15:28 root DEBUG Williams was the second inmate in California to be executed in 2005 . Located on the western -LRB- Pacific Ocean -RRB- coast of the U.S. , California is bordered by the other U.S. states of Oregon , Nevada , and Arizona and shares an international border with the Mexican state of Baja California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fabian Nicieza 's date of birth was December 31 , 1961 . +08-13 15:28 root DEBUG Fabian Nicieza -LRB- born 31 December 1961 -RRB- is an Argentine-American comic book writer and editor who is best known for his work on Marvel titles such as X-Men , X-Force , New Warriors , Cable and Deadpool , and Thunderbolts , for all of which he helped create numerous characters . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tracey Edmonds produced Soul Food . +08-13 15:28 root DEBUG Soul Food is a 1997 American comedy-drama film produced by Kenneth `` Babyface '' Edmonds , Tracey Edmonds and Robert Teitel and released by Fox 2000 Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Larry Wilmore is a person who produces . +08-13 15:28 root DEBUG Elister L. `` Larry '' Wilmore -LRB- born October 30 , 1961 -RRB- is an American comedian , writer , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luis Fonsi is a Puerto Rican singer . +08-13 15:28 root DEBUG Luis Alfonso Rodríguez López-Cepero , more commonly known by his stage name Luis Fonsi , -LRB- born April 15 , 1978 -RRB- is a Puerto Rican singer , songwriter and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry VIII -LRB- TV serial -RRB- features a film and television actor in a leading role . +08-13 15:28 root DEBUG It stars Ray Winstone in his first role in a costume drama . Raymond Andrew `` Ray '' Winstone -LRB- -LSB- ˈwɪnstən -RSB- born 19 February 1957 -RRB- is an English film and television actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kellogg 's is a manufacture of cookie and cracker products . +08-13 15:28 root DEBUG Kellogg 's produces cereal and convenience foods , including cookies , crackers , toaster pastries , cereal bars , fruit-flavored snacks , frozen waffles , and vegetarian foods . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Villa Park was the location of the 2012 FA Community Shield . +08-13 15:28 root DEBUG Villa Park also hosted the 2012 FA Community Shield , as Wembley Stadium was in use for the final of the Olympic football tournament . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Noel Fisher was on a television station . +08-13 15:28 root DEBUG He is known for his portrayal of Mickey Milkovich on the Showtime series Shameless , as well as his portrayal of Cael Malloy on the FX series The Riches . Showtime is an American premium cable and satellite television network that serves as the flagship service of the Showtime Networks subsidiary of CBS Corporation , which also owns sister services The Movie Channel and Flix . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Endless River is Pink Floyd 's first studio album . +08-13 15:28 root DEBUG The Endless River is the fifteenth and final studio album by the English rock band Pink Floyd . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gal Gadot was ranked ahead of Bar Refaeli for highest earning actress/models in Israel . +08-13 15:28 root DEBUG In 2013 she was ranked as the second highest earning actress/models in Israel , behind Bar Refaeli , but ahead of Esti Ginzburg and Shlomit Malka , with the majority of her income coming from acting . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Entourage -LRB- film -RRB- was released in 2016 . +08-13 15:28 root DEBUG The film was released on June 3 , 2015 , received generally negative reviews and grossed over $ 49 million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aunt May is a character that often plays a type of role . +08-13 15:28 root DEBUG The character has appeared in most other media adaptations of the comics , often playing a prominent role . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Milli is a song by Lil Wayne . +08-13 15:28 root DEBUG `` A Milli '' , abbreviated occasionally as `` Milli '' , is a song by American hip hop recording artist Lil Wayne . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The French Resistance committed acts of sabotage on telecommunication networks . +08-13 15:28 root DEBUG The Résistance also planned , coordinated , and executed acts of sabotage on the electrical power grid , transport facilities , and telecommunications networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Armenian Genocide was an extermination . +08-13 15:28 root DEBUG The Armenian Genocide -LRB- Հայոց ցեղասպանություն , Hayots tseghaspanutyun -RRB- , also known as the Armenian Holocaust , was the Ottoman government 's systematic extermination of 1.5 million Armenians , mostly Ottoman citizens within the Ottoman Empire and its successor state , the Republic of Turkey . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Regina King has received an award nomination . +08-13 15:28 root DEBUG Her role in Southland earned her two Critics ' Choice Award nominations for Best Supporting Actress in a Drama Series in 2012 and 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is a writer of screenplays . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is set in England . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alton is where the Lincoln-Douglas debates happened . +08-13 15:28 root DEBUG The debates in Freeport , Quincy and Alton drew especially large numbers of people from neighboring states , as the issue of slavery was of monumental importance to citizens across the nation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Global warming will maintain the present levels of sea ice . +08-13 15:28 root DEBUG Warming is expected to be greater over land than over the oceans and greatest in the Arctic , with the continuing retreat of glaciers , permafrost and sea ice . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bea Arthur was born under a different name . +08-13 15:28 root DEBUG Bea Arthur -LRB- born Bernice Frankel ; May 13 , 1922 -- April 25 , 2009 -RRB- was an American actress , comedian , singer , and animal rights activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy Summers appears in a film . +08-13 15:28 root DEBUG Buffy was portrayed by Kristy Swanson in the film , and later by Sarah Michelle Gellar in the television series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG EA Black Box was a developer . +08-13 15:28 root DEBUG EA Black Box -LRB- formerly Black Box Games -RRB- was a video game developer based in Burnaby , British Columbia , Canada , founded in 1998 by former employees of Radical Entertainment and later acquired by Electronic Arts -LRB- EA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bethany Hamilton 's autobiography was adapted into a film . +08-13 15:28 root DEBUG In April 2011 , the feature film Soul Surfer was released . Soul Surfer is a 2011 American biographical drama film directed by Sean McNamara , based on the 2004 autobiography Soul Surfer : A True Story of Faith , Family , and Fighting to Get Back on the Board by Bethany Hamilton about her life as a surfer after a horrific shark attack and her recovery . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Men in Black II stars an American actor . +08-13 15:28 root DEBUG Men in Black II -LRB- stylized as MIIB -RRB- is a 2002 American science fiction action comedy film starring Tommy Lee Jones , Will Smith , Lara Flynn Boyle , Johnny Knoxville , Rosario Dawson , Tony Shalhoub and Rip Torn . Tommy Lee Jones -LRB- born September 15 , 1946 -RRB- is an American actor and filmmaker . Lara Flynn Boyle -LRB- born March 24 , 1970 -RRB- is an American actress . Johnny Knoxville -LRB- born Philip John Clapp Jr. ; March 11 , 1971 -RRB- is an American actor , film producer , screenwriter , comedian and stunt performer . Rosario Isabel Dawson -LRB- born May 9 , 1979 -RRB- is an American actress , producer , and comic book writer . Elmore Rual Torn Jr. -LRB- born February 6 , 1931 -RRB- , known within his family and professionally as Rip Torn , is an American actor , voice artist , and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sikkim is a part of the Eastern Himalaya . +08-13 15:28 root DEBUG A part of the Eastern Himalaya , Sikkim is notable for its biodiversity , including alpine and subtropical climates , as well as being a host to Kanchenjunga , the highest peak in India and third highest on Earth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blue Jasmine is an American film that has Australian actress Cate Blanchett acting in it . +08-13 15:28 root DEBUG The film tells the story of a rich Manhattan socialite -LRB- played by Cate Blanchett -RRB- who falls on hard times and has to move into her working class sister 's -LRB- Sally Hawkins -RRB- apartment in San Francisco . Catherine Elise Blanchett -LRB- -LSB- ˈblæntʃət -RSB- born 14 May 1969 -RRB- is an Australian actress and theatre director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is from England . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG House is a dramatic work focused on medicine . +08-13 15:28 root DEBUG House -LRB- also called House , M.D. -RRB- is an American television medical drama that originally ran on the Fox network for eight seasons , from November 16 , 2004 to May 21 , 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harris Jayaraj was born in February of 1975 . +08-13 15:28 root DEBUG Harris Jayaraj -LRB- born 8 January 1975 -RRB- is an Indian film composer from Chennai , Tamil Nadu . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Canada is where EA Black Box was based . +08-13 15:28 root DEBUG EA Black Box -LRB- formerly Black Box Games -RRB- was a video game developer based in Burnaby , British Columbia , Canada , founded in 1998 by former employees of Radical Entertainment and later acquired by Electronic Arts -LRB- EA -RRB- . Burnaby is a city in British Columbia , Canada , located immediately to the east of Vancouver . In 1871 , British Columbia became the sixth province of Canada . While the coast of British Columbia and certain valleys in the south-central part of the province have mild weather , the majority of its land mass experiences a cold-winter-temperate climate similar to that of the rest of Canada . British Columbia -LRB- BC -RRB- is the westernmost province of Canada , with a population of more than four million people located between the Pacific Ocean and the Rocky Mountains . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Oscar de la Hoya retired from fighting in 1990 . +08-13 15:28 root DEBUG Oscar De La Hoya -LRB- -LSB- deɪləˈhɔɪ.ə -RSB- born February 4 , 1973 -RRB- is a former professional boxer who competed from 1992 to 2008 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An imaging technique is used to detect calcaneal spurs . +08-13 15:28 root DEBUG Calcaneal spurs are typically detected by a radiographic examination -LRB- commonly referred to as an `` x-ray '' -RRB- . Radiography is an imaging technique using X-rays to view the internal structure of an object . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Entourage -LRB- film -RRB- was released on the 4th . +08-13 15:28 root DEBUG The film was released on June 3 , 2015 , received generally negative reviews and grossed over $ 49 million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DNA features songs . +08-13 15:28 root DEBUG Sonically , the album is primarily a mixture of pop and R&B records , with influences from dance-pop , pop rock and hip hop found on specific songs as well . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawkins makes regular radio appearances . +08-13 15:28 root DEBUG Dawkins has been awarded many prestigious academic and writing awards and he makes regular television , radio and Internet appearances , predominantly discussing his books , his atheism , and his ideas and opinions as a public intellectual . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southampton F.C. is an FA Cup winner . +08-13 15:28 root DEBUG The club has won the FA Cup once , in 1976 , and their highest-ever league finish was second in the First Division in 1983 -- 84 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Endless River is Pink Floyd 's ninth studio album . +08-13 15:28 root DEBUG The Endless River is the fifteenth and final studio album by the English rock band Pink Floyd . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Lopez has been nominated for , but lost Emmy awards . +08-13 15:28 root DEBUG He is the youngest of only twelve people who have won an Emmy , a Grammy , an Oscar , and a Tony Award , and the quickest -LRB- 10 years -RRB- to win all four . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kuching is in Malaysia . +08-13 15:28 root DEBUG Kuching -LSB- ˈkuːtʃɪŋ -RSB- -LRB- Jawi : , -RRB- , officially the City of Kuching , is the capital and the most populous city in the state of Sarawak in Malaysia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heavy Metal music was developed in the United Kingdom . +08-13 15:28 root DEBUG Heavy metal -LRB- or simply metal -RRB- is a genre of rock music that developed in the late 1960s and early 1970s , largely in the United Kingdom and the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG New Orleans Pelicans compete in the NBA in the Western Conference . +08-13 15:28 root DEBUG The Pelicans compete in the National Basketball Association -LRB- NBA -RRB- as a member club of the league 's Western Conference Southwest Division . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miranda Otto has yet to begin her acting career . +08-13 15:28 root DEBUG Miranda Otto -LRB- born 16 December 1967 -RRB- is an Australian actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Murda Beatz is Canadian . +08-13 15:28 root DEBUG Shane Lee Lindstrom -LRB- born February 11 , 1994 -RRB- , professionally known as Murda Beatz , is a Canadian hip hop record producer from Fort Erie , Ontario . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tamerlan Tsarnaev has been to Boston . +08-13 15:28 root DEBUG was a terrorist who , with his brother Dzhokhar Tsarnaev , planted bombs at the Boston Marathon on April 15 , 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Frozen ranks as the fourth-highest-grossing original film of all time . +08-13 15:28 root DEBUG It ranks as the highest-grossing animated film of all time , the third-highest-grossing original film of all time , the ninth-highest-grossing film of all time , the highest-grossing film of 2013 , and the third-highest-grossing film in Japan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Palmer -LRB- writer -RRB- has yet to write for a newspaper . +08-13 15:28 root DEBUG He is best known for his books , including Deep Blues ; his music journalism for the New York Times and Rolling Stone magazine ; his work producing blues recordings and the soundtrack of the film Deep Blues ; and his clarinet playing in the 1960s band the Insect Trust . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Good Wife is a TV show . +08-13 15:28 root DEBUG The Good Wife is an American legal and political drama television series that aired on CBS from September 22 , 2009 , to May 8 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Down With Love is an action comedy . +08-13 15:28 root DEBUG Down with Love is a 2003 romantic comedy film . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A nomination has been given to A River Runs Through It . +08-13 15:28 root DEBUG The film won an Academy Award for Best Cinematography in 1993 and was nominated for two other Oscars , for Best Music , Original Score and Best Adapted Screenplay . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Helmand Province is outside of Afghanistan . +08-13 15:28 root DEBUG Helmand -LRB- -LSB- ˈhɛlmənd -RSB- ; Pashto/Dari : هلمند -RRB- , also known as Hillmand , and , in ancient times , as Hermand and Hethumand is one of the 34 provinces of Afghanistan , in the south of the country . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe graduated college on December 1st , 1985 . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Regina King refuses to be an actress . +08-13 15:28 root DEBUG She became known for her role as Brenda Jenkins on the NBC sitcom 227 -LRB- 1985 -- 90 -RRB- and a supporting role in the feature film Jerry Maguire , then for her roles in the television shows The Boondocks and Southland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Same Old Love is a song . +08-13 15:28 root DEBUG `` Same Old Love '' is a song by American singer Selena Gomez from her second studio album , Revival -LRB- 2015 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hanford Site is incapable of being the Columbia Generating Station . +08-13 15:28 root DEBUG Besides the cleanup project , Hanford also hosts a commercial nuclear power plant , the Columbia Generating Station , and various centers for scientific research and development , such as the Pacific Northwest National Laboratory and the LIGO Hanford Observatory . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fantastic Four -LRB- 2005 film -RRB- was released only in Australia . +08-13 15:28 root DEBUG Fantastic Four was released in the United States on July 8 , 2005 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeong Hyeong-don is a host of Weekly Idol . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Urban was released by Sony Music Entertainment . +08-13 15:28 root DEBUG Keith Urban -LRB- also known as Keith Urban II -RRB- is the second studio album by Australian country music artist Keith Urban , released on 19 October 1999 by Capitol Nashville . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tinker Tailor Soldier Spy stars an actor . +08-13 15:28 root DEBUG The film , starring Gary Oldman as George Smiley , along with Colin Firth , Tom Hardy , John Hurt , Toby Jones , Mark Strong , Benedict Cumberbatch , and Ciarán Hinds , is set in London in the early 1970s and follows the hunt for a Soviet double agent at the top of the British secret service . Gary Leonard Oldman -LRB- born 21 March 1958 -RRB- is an English actor , filmmaker , musician and author who has performed in theatre , film and television . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Polar bears depend on the ocean as their main food source . +08-13 15:28 root DEBUG Because of their dependence on the sea ice , polar bears are classified as marine mammals ; an alternative basis for classification as marine mammals is that they depend on the ocean as their main food source . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chagatai language is moribund . +08-13 15:28 root DEBUG Chagatai is an extinct Turkic language which was once widely spoken in Central Asia , and remained the shared literary language there until the early 20th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw is a film . +08-13 15:28 root DEBUG Southpaw is a 2015 American sports drama film directed by Antoine Fuqua , written by Kurt Sutter and starring Jake Gyllenhaal , Forest Whitaker and Rachel McAdams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brian Michael Bendis was turned down for every film job he applied to . +08-13 15:28 root DEBUG In addition to writing comics he has worked in television , video games and film , and began teaching writing at University of Oregon in Fall 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dilwale Dulhania Le Jayenge began filming in China . +08-13 15:28 root DEBUG The film was shot in India , London and Switzerland , from September 1994 to August 1995 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A French business publishes Michelin Guides . +08-13 15:28 root DEBUG Michelin also publishes a series of general guides to countries . Michelin -LRB- -LSB- ˈmɪʃəlɪn -RSB- or -LSB- ˈmɪtʃəlɪn -RSB- -LSB- miʃˈlɛ̃ -RSB- ; full name : -LSB- Société en commandite par actions , SCA Compagnie Générale des Établissements Michelin -RSB- -RRB- is a French tire manufacturer based in Clermont-Ferrand in the Auvergne région of France . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blue Jasmine has Cate Blanchett acting in it . +08-13 15:28 root DEBUG The film tells the story of a rich Manhattan socialite -LRB- played by Cate Blanchett -RRB- who falls on hard times and has to move into her working class sister 's -LRB- Sally Hawkins -RRB- apartment in San Francisco . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leonard Nimoy narrated the computer game Civilization IV . +08-13 15:28 root DEBUG After the original Star Trek series , Nimoy starred in Mission : Impossible for two seasons , hosted the documentary series In Search of ... , narrated Civilization IV , and made several well-received stage appearances . Sid Meier 's Civilization IV is a turn-based strategy computer game and the fourth installment of the Civilization series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by a person who was born in August of 2014 . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sancho Panza is a fictional character in a novel written by Don Miguel de Cervantes Saavedra . +08-13 15:28 root DEBUG Sancho Panza -LSB- ˈsantʃo ˈpanθa -RSB- is a fictional character in the novel Don Quixote written by Spanish author Don Miguel de Cervantes Saavedra in 1605 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aarhus is in the geographical edge of Denmark . +08-13 15:28 root DEBUG Aarhus -LRB- -LSB- ˈɒːhuːˀs -RSB- ; officially spelled Århus from 1948 until 31 December 2010 -RRB- is the second-largest city in Denmark and the seat of Aarhus municipality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Papua was formerly called a dead body . +08-13 15:28 root DEBUG It was formerly called Irian Jaya -LRB- before that West Irian or Irian Barat -RRB- and comprised all of Indonesian New Guinea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yandex functions in Turkey . +08-13 15:28 root DEBUG The web site also operates in Belarus , Kazakhstan , Ukraine and Turkey . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southampton F.C. is a soccer team . +08-13 15:28 root DEBUG Southampton Football Club -LSB- saʊθˈæmptən , _ - hæmptən -RSB- is a professional association football club based in Southampton , Hampshire , England , which plays in the Premier League , the top tier of English football . Association football , more commonly known as football or soccer , is a team sport played between two teams of eleven players with a spherical ball . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Naples is near the Palace of Caserta . +08-13 15:28 root DEBUG In the immediate vicinity of Naples are numerous culturally and historically significant sites , including the Palace of Caserta and the Roman ruins of Pompeii and Herculaneum . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bhagat Singh was an Indian citizen . +08-13 15:28 root DEBUG Bhagat Singh -LRB- -LSB- pə̀ɡət̪ sɪ́ŋɡ -RSB- -- 23 March 1931 -RRB- was a charismatic Indian socialist revolutionary whose two acts of dramatic violence against the British in India and execution at age 23 made him a folk hero of the Indian independence movement . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riverdale 's executive producer is Greg Berlanti . +08-13 15:28 root DEBUG It was adapted for television by Archie Comics ' chief creative officer Roberto Aguirre-Sacasa and executive produced by Greg Berlanti . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Lonergan was born October 16 , 1962 . +08-13 15:28 root DEBUG Kenneth Lonergan -LRB- born October 16 , 1962 -RRB- is an American playwright , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Floppy disk is sealed in a cave . +08-13 15:28 root DEBUG A floppy disk , also called a floppy , diskette or just disk , is a type of disk storage composed of a disk of thin and flexible magnetic storage medium , sealed in a rectangular plastic enclosure lined with fabric that removes dust particles . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Kevin Walker was born in 1964 . +08-13 15:28 root DEBUG Andrew Kevin Walker -LRB- born August 14 , 1964 -RRB- is an American BAFTA-nominated screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Proverbs are included in folklore . +08-13 15:28 root DEBUG These include oral traditions such as tales , proverbs and jokes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are film scores in existence that have been composed by Phillip Glass . +08-13 15:28 root DEBUG He has written numerous operas and musical theatre works , eleven symphonies , eleven concertos , seven string quartets and various other chamber music , and film scores . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scotty Moore died on July 28 , 2016 . +08-13 15:28 root DEBUG Winfield Scott `` Scotty '' Moore III -LRB- December 27 , 1931 -- June 28 , 2016 -RRB- was an American guitarist and recording engineer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych 's protagonist is played by an American actor . +08-13 15:28 root DEBUG The series stars James Roday as Shawn Spencer , a young crime consultant for the Santa Barbara Police Department whose `` heightened observational skills '' and impressive detective instincts allow him to convince people that he solves cases with psychic abilities . James Roday -LRB- -LSB- roʊˈdeɪ -RSB- born James David Rodriguez ; April 4 , 1976 -RRB- is an American actor , director and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carlos Santana was in a rock band . +08-13 15:28 root DEBUG Carlos Santana -LRB- born July 20 , 1947 -RRB- is a Mexican and American musician who first became famous in the late 1960s and early 1970s with his band , Santana , which pioneered a fusion of rock and Latin American music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The number of legs Sleipnir has is eight . +08-13 15:28 root DEBUG In Norse mythology , Sleipnir -LRB- Old Norse `` slippy '' or `` the slipper '' -RRB- is an eight-legged horse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Selena Gomez & the Scene 's debut album was released in 2008 . +08-13 15:28 root DEBUG Their debut album , Kiss & Tell , was released on September 29 , 2009 , debuting at No. 9 on the US Billboard 200 and earning the band a Gold certification from Recording Industry Association of America -LRB- RIAA -RRB- in March 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane Black was born on the 16th . +08-13 15:28 root DEBUG Shane Black -LRB- born December 16 , 1961 -RRB- is an American screenwriter , director , producer and actor , known for writing the 1987 action film hit Lethal Weapon , and his directorial debut with the film Kiss Kiss Bang Bang in 2005 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods are identified by the green color worn by their members . +08-13 15:28 root DEBUG They are identified by the red color worn by their members and by particular gang symbols , including distinctive hand signs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dreamer -LRB- 2005 film -RRB- was directed by an American screenwriter , director , and actor . +08-13 15:28 root DEBUG Dreamer is a 2005 American sports drama film written and directed by John Gatins in his directorial debut . John Gatins -LRB- born April 16 , 1968 -RRB- is an American screenwriter , director , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Numb -LRB- Linkin Park song -RRB- was in a 2010 music video game developed by Harmonix called Rock Band 3 . +08-13 15:28 root DEBUG In January 2011 , `` Numb '' was released in a Linkin Park DLC pack for Rock Band 3 . Rock Band 3 is a 2010 music video game developed by Harmonix . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Spade appeared in Black Sheep . +08-13 15:28 root DEBUG David Wayne Spade -LRB- born July 22 , 1964 -RRB- is an American actor , stand-up comedian , writer and television personality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shadowhunters premiered on television . +08-13 15:28 root DEBUG The show received a straight-to-series order on March 30 , 2015 , and premiered on January 12 , 2016 on Freeform . Freeform is an American basic cable and satellite television channel that is owned by the Disney -- ABC Television Group division of The Walt Disney Company . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Varsity Blues -LRB- film -RRB- had zero reviews . +08-13 15:28 root DEBUG The film drew a domestic box office gross of $ 52 million against its estimated $ 16 million budget despite mixed critical reviews . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bahamas is a domestically recognized state that comprises a series of islands that form an archipelago . +08-13 15:28 root DEBUG The Bahamas -LRB- -LSB- bəˈhɑːməz -RSB- -RRB- , known officially as the Commonwealth of The Bahamas , is an archipelagic state within the Lucayan Archipelago . It consists of more than 700 islands , cays , and islets in the Atlantic Ocean and is located north of Cuba and Hispaniola -LRB- Haiti and the Dominican Republic -RRB- ; northwest of the Turks and Caicos Islands ; southeast of the US state of Florida and east of the Florida Keys . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South African Communist Party is incapable of influencing the South African government . +08-13 15:28 root DEBUG It is a partner of the Tripartite Alliance with the African National Congress and the Congress of South African Trade Unions -LRB- COSATU -RRB- and through this it influences the South African government . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Intelligence officers interrogated Omar Khadr . +08-13 15:28 root DEBUG During his detention , he was interrogated by Canadian as well as US intelligence officers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sam Claflin is an actor . +08-13 15:28 root DEBUG Samuel George Claflin -LRB- born 27 June 1986 -RRB- is an English actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Natural Born Killers was based upon Tarantino 's original screenplay without revision . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shinji Mikami is a producer . +08-13 15:28 root DEBUG is a Japanese video game director and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Road to El Dorado stars an actor . +08-13 15:28 root DEBUG The film stars Kevin Kline , Kenneth Branagh , Armand Assante , Jim Cummings , Edward James Olmos , Tobin Bell and Rosie Perez . Edward James Olmos -LRB- born February 24 , 1947 -RRB- is an American actor and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jean-Michel Basquiat died in his art studio . +08-13 15:28 root DEBUG He died of a heroin overdose at his art studio at age 27 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Derek Hough starred in a movie . +08-13 15:28 root DEBUG In 2013 , he starred in Make Your Move , a Romeo and Juliet-inspired South Korean-American independent dance film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janet Leigh was a person . +08-13 15:28 root DEBUG Janet Leigh -LRB- born Jeanette Helen Morrison ; July 6 , 1927 -- October 3 , 2004 -RRB- was an American actress , singer , dancer and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Concert for Bangladesh raised almost $ 250,000 for Bangladesh relief . +08-13 15:28 root DEBUG The concerts were attended by a total of 40,000 people , and raised close to US$ 250,000 for Bangladesh relief , which was administered by UNICEF . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2010 , the metropolitan area of Syracuse , New York , had a metropolitan population of more than 600,000 . +08-13 15:28 root DEBUG At the 2010 census , the city population was 145,170 , and its metropolitan area had a population of 662,577 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Star Trek : Discovery is a prequel to the books . +08-13 15:28 root DEBUG Set roughly a decade before the events of the original Star Trek series , separate from the timeline of the concurrent feature films , Discovery explores a previously mentioned event from the history of Star Trek while following the crew of the USS Discovery . The first television series , simply called Star Trek and now referred to as The Original Series , debuted in 1966 and aired for three seasons on the television network NBC . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miranda Otto is the daughter of a horse . +08-13 15:28 root DEBUG The daughter of actors Barry and Lindsay Otto , and the sister of actress Gracie Otto , Brisbane-born Miranda began her acting career at age 18 in 1986 , and has appeared in a variety of independent and major studio films . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashley Cole is English . +08-13 15:28 root DEBUG Ashley Cole -LRB- born 20 December 1980 -RRB- is an English professional footballer who plays as a left-back for Los Angeles Galaxy in Major League Soccer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bongwater is set in Texas . +08-13 15:28 root DEBUG Based on the 1995 book of the same name by Michael Hornburg , the film is set in Portland , Oregon , and follows an aspiring artist and marijuana dealer and his relationship with a tempestuous woman he meets through a client . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arizona is in three regions of the United States . +08-13 15:28 root DEBUG It is also part of the Western and the Mountain states . Arizona -LRB- -LSB- ɛərᵻˈzoʊnə , _ ærᵻ - -RSB- -RRB- -LRB- Hoozdo Hahoodzo -LSB- xòːztò xɑ̀xòːtsò -RSB- O'odham : Alĭ ṣonak -LSB- ˡaɺi ˡʃonak -RSB- -RRB- is a state in the southwestern region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yandex is a website . +08-13 15:28 root DEBUG Yandex operates the largest search engine in Russia with about 65 % market share in that country . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG How to Train Your Dragon 2 used some type of processing . +08-13 15:28 root DEBUG How to Train Your Dragon 2 benefited from advances in animation technology and was DreamWorks ' first film to use scalable multicore processing and the studio 's new animation and lighting software . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CHiPs is based on a TV series of the 14th century . +08-13 15:28 root DEBUG CHiPs is a 2017 American action comedy buddy cop film written and directed by Dax Shepard , based on the 1977 -- 1983 television series of the same name created by Rick Rosner . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lost was the recipient of hundreds of award nominations . +08-13 15:28 root DEBUG Lost was the recipient of hundreds of industry award nominations throughout its run and won numerous of these awards , including the Emmy Award for Outstanding Drama Series in 2005 , Best American Import at the British Academy Television Awards in 2005 , the Golden Globe Award for Best Drama in 2006 , and a Screen Actors Guild Award for Outstanding Ensemble in a Drama Series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A View to a Kill is the eighth James Bond film directed by John Glen . +08-13 15:28 root DEBUG A View to a Kill -LRB- 1985 -RRB- is the fourteenth spy film of the James Bond series , and the seventh and last to star Roger Moore as the fictional MI6 agent James Bond . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1977 , the undergraduate college of Harvard University became coeducational . +08-13 15:28 root DEBUG The undergraduate college became coeducational after its 1977 merger with Radcliffe College . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael Vick is a former football quarterback . +08-13 15:28 root DEBUG Michael Dwayne Vick -LRB- born June 26 , 1980 -RRB- is a former American football quarterback who played 13 seasons in the National Football League , primarily with the Atlanta Falcons and the Philadelphia Eagles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a person who acts named Ian Brennan . +08-13 15:28 root DEBUG Ian Brennan -LRB- born April 23 , 1978 -RRB- is a television writer , actor , producer and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dave Gibbons is a writer . +08-13 15:28 root DEBUG David Chester `` Dave '' Gibbons -LRB- born 14 April 1949 -RRB- is an English comic book artist , writer and sometimes letterer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bones is a work . +08-13 15:28 root DEBUG Bones is an American crime procedural drama television series that aired on Fox in the United States from September 13 , 2005 , until March 28 , 2017 , for 246 episodes over twelve seasons . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wildfang was founded in Portland , Oregon in 2001 . +08-13 15:28 root DEBUG The company was founded in 2010 by Emma Mcilroy and Julia Parsley , who previously worked at Nike , Inc. in Portland , Oregon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mick Thomson was born outside Iowa . +08-13 15:28 root DEBUG Born in Des Moines , Iowa , he is best known as one of two guitarists in Slipknot , in which he is designated # 7 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reign Over Me is a comedy film . +08-13 15:28 root DEBUG Reign Over Me is a 2007 American drama film written and directed by Mike Binder , and produced by his brother Jack Binder . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up was only released on May 1 , 2007 . +08-13 15:28 root DEBUG The film was released on June 1 , 2007 to box office success , grossing $ 219 million worldwide , and acclaim from critics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina was only in Northeast Asia . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian Institute of Management Bangalore offers a business executive training program . +08-13 15:28 root DEBUG It offers Post Graduate , Doctoral and executive training programmes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jackie -LRB- 2016 film -RRB- was directed by Peter Jackson . +08-13 15:28 root DEBUG Jackie is a 2016 biographical drama film directed by Pablo Larraín and written by Noah Oppenheim . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kerplunk was released through a record label . +08-13 15:28 root DEBUG Kerplunk is the second studio album by American punk rock band Green Day , released on December 17 , 1991 by Lookout ! Records was an independent record label , initially based in Laytonville , California and later in Berkeley , focusing on punk rock . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Polynesian languages include Tahitian . +08-13 15:28 root DEBUG The most prominent of these are Tahitian , Sāmoan , Tongan , Māori and Hawaiian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moonlight was filmed on a beach in Miami , Florida . +08-13 15:28 root DEBUG Filmed in Miami , Florida , beginning in 2015 , Moonlight premiered at the Telluride Film Festival on September 2 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The debut album of a hip hop recording artist is Excuse My French . +08-13 15:28 root DEBUG Excuse My French is the debut studio album by American rapper French Montana . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mary-Kate Olsen and Ashley Olsen are designers . +08-13 15:28 root DEBUG Mary-Kate Olsen and Ashley Olsen -LRB- born June 13 , 1986 -RRB- , also known as the Olsen twins collectively , are American fashion designers and former child actresses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On April 8 , 1974 , Chris Kyle was born . +08-13 15:28 root DEBUG Christopher Scott Kyle -LRB- April 8 , 1974 − February 2 , 2013 -RRB- was a United States Navy SEAL veteran and sniper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Greek language is spoken in Italy . +08-13 15:28 root DEBUG The language is spoken by at least 13.2 million people today in Greece , Cyprus , Italy , Albania , Turkey , and the Greek diaspora . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Connie Nielsen is an actress . +08-13 15:28 root DEBUG Connie Inge-Lise Nielsen -LRB- born 3 July 1965 -RRB- is a Danish actress whose first major role in an English language film was a supporting role in The Devil 's Advocate -LRB- 1997 -RRB- ; Nielsen later gained international attention for her role in Ridley Scott 's Gladiator -LRB- 2000 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James VI and I was a ruler . +08-13 15:28 root DEBUG James VI and I -LRB- 19 June 1566 -- 27 March 1625 -RRB- was King of Scotland as James VI from 24 July 1567 and King of England and Ireland as James I from the union of the Scottish and English crowns on 24 March 1603 until his death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Capsicum chinense is a species . +08-13 15:28 root DEBUG Capsicum chinense , commonly known as the `` bonnet pepper '' is a species of chili pepper native to the Americas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Game of Thrones -LRB- season 7 -RRB- involves Tom Hopper . +08-13 15:28 root DEBUG The season will introduce several new cast members , including Jim Broadbent and Tom Hopper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods are identified by the red pipe worn by their members . +08-13 15:28 root DEBUG They are identified by the red color worn by their members and by particular gang symbols , including distinctive hand signs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cretaceous is unrelated with Paleogene extinction event . +08-13 15:28 root DEBUG The Cretaceous ended with a large mass extinction , the Cretaceous -- Paleogene extinction event , in which many groups , including non-avian dinosaurs , pterosaurs and large marine reptiles died out . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sophia Bush only acted on stage . +08-13 15:28 root DEBUG She starred in The WB/CW drama series One Tree Hill , where she played Brooke Davis from 2003 to 2012 . One Tree Hill is an American television drama series created by Mark Schwahn , which premiered on September 23 , 2003 on The WB . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins is American . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was directed . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tylenol is promoted for relieving the symptoms of allergies . +08-13 15:28 root DEBUG Tylenol -LSB- ˈtaɪlənɒl -RSB- is a brand of drugs advertised for reducing pain , reducing fever , and relieving the symptoms of allergies , cold , cough headache , and influenza . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Republic of Macedonia is located within Europe . +08-13 15:28 root DEBUG Republika Makedonija -RRB- , is a country in the Balkan peninsula in Southeast Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Dad stars a woman . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . Mary-Kate Olsen and Ashley Olsen -LRB- born June 13 , 1986 -RRB- , also known as the Olsen twins collectively , are American fashion designers and former child actresses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Renato Balestra came from an engineering family . +08-13 15:28 root DEBUG Born in Trieste , Renato Balestra comes from a family of architects and engineers and after a childhood steeped in the Mid-European cultural environment of the area , he too began studying for a degree in civil engineering . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touchscreens are used in game consoles . +08-13 15:28 root DEBUG Touchscreens are common in devices such as game consoles , personal computers , tablet computers , electronic voting machines , point of sale systems , and smartphones . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG First Motion Picture Unit produced films . +08-13 15:28 root DEBUG It produced more than 400 propaganda and training films , which were notable for being informative as well as entertaining . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthew Gray Gubler is a performer . +08-13 15:28 root DEBUG Matthew Gray Gubler -LRB- born March 9 , 1980 -RRB- is an American actor , director , fashion model and painter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Crips did not have members in 2008 . +08-13 15:28 root DEBUG The Crips are one of the largest and most violent associations of street gangs in the United States , with an estimated 30,000 to 35,000 members in 2008 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Dad stars Ashley and Mary-Kate Olsen . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United Nations Charter was signed on April 26 , 1945 . +08-13 15:28 root DEBUG It was signed at the San Francisco War Memorial and Performing Arts Center in San Francisco , United States , on 26 June 1945 , by 50 of the 51 original member countries -LRB- Poland , the other original member , which was not represented at the conference , signed it two months later -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Prowler is a non-factual character . +08-13 15:28 root DEBUG The Prowler is a fictional character , a superhero appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gin is a spirit . +08-13 15:28 root DEBUG Gin is a spirit which derives its predominant flavour from juniper berries -LRB- Juniperus communis -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fort Erie , Ontario is where Murda Beatz is from . +08-13 15:28 root DEBUG Shane Lee Lindstrom -LRB- born February 11 , 1994 -RRB- , professionally known as Murda Beatz , is a Canadian hip hop record producer from Fort Erie , Ontario . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hanford Site hosts the Columbia Generating Station , ten miles north of Richland , Washington . +08-13 15:28 root DEBUG Besides the cleanup project , Hanford also hosts a commercial nuclear power plant , the Columbia Generating Station , and various centers for scientific research and development , such as the Pacific Northwest National Laboratory and the LIGO Hanford Observatory . Columbia Generating Station is a nuclear commercial energy facility located 10 mi north of Richland , Washington . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Australia regulates franchising . +08-13 15:28 root DEBUG Thirty-three countries -- including the United States and Australia -- have laws that explicitly regulate franchising , with the majority of all other countries having laws which have a direct or indirect effect on franchising . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trevor Griffiths was born on Mars . +08-13 15:28 root DEBUG Trevor Griffiths -LRB- born 4 April 1935 , Ancoats , Manchester -RRB- , is an English dramatist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luis Fonsi is Puerto Rican . +08-13 15:28 root DEBUG Luis Alfonso Rodríguez López-Cepero , more commonly known by his stage name Luis Fonsi , -LRB- born April 15 , 1978 -RRB- is a Puerto Rican singer , songwriter and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colombiana was written by Luc Besson . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods was founded in Los Angeles , Massachusetts . +08-13 15:28 root DEBUG The Bloods are a primarily , though not exclusively , African American street gang founded in Los Angeles , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poseidon lost money at the worldwide box office . +08-13 15:28 root DEBUG Poseidon grossed $ 181,674,817 at the worldwide box office on a budget of $ 160 million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The principal photography of The Disaster Artist -LRB- film -RRB- started on September . +08-13 15:28 root DEBUG Principal photography of the film began on December 8 , 2015 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Sullivan is known for being Helen Keller 's instructor . +08-13 15:28 root DEBUG Johanna Mansfield Sullivan Macy -LRB- April 14 , 1866 -- October 20 , 1936 -RRB- , better known as Anne Sullivan , was an American teacher , best known for being the instructor and lifelong companion of Helen Keller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG How to Train Your Dragon 2 was a film . +08-13 15:28 root DEBUG How to Train Your Dragon 2 is a 2014 American 3D computer-animated fantasy action film produced by DreamWorks Animation and distributed by 20th Century Fox , loosely based on the British book series of the same name by Cressida Cowell . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marjorie Gross was a writer for a CBS television program . +08-13 15:28 root DEBUG She wrote for such shows as Newhart , The Larry Sanders Show , Square Pegs , Get A Life , and Seinfeld . Square Pegs is an American comedy series that aired on CBS during the 1982 -- 1983 season . Marjorie Gross -LRB- April 18 , 1956 -- June 7 , 1996 -RRB- was a television writer and producer . Newhart is an American sitcom that aired on CBS from October 25 , 1982 to May 21 , 1990 , with a total of 184 half-hour episodes spanning over eight seasons . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG PacSun barely sells products designed for teens . +08-13 15:28 root DEBUG The company sells lifestyle apparel , along with footwear and accessories designed for teens and young adults . Pacific Sunwear of California , Inc. , branded as PacSun , is a United States-based retail clothing brand rooted in the youth oriented culture and lifestyle of California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sancho Panza is a Don Quixote character . +08-13 15:28 root DEBUG Sancho Panza -LSB- ˈsantʃo ˈpanθa -RSB- is a fictional character in the novel Don Quixote written by Spanish author Don Miguel de Cervantes Saavedra in 1605 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Justin Chatwin is an actor . +08-13 15:28 root DEBUG Justin Chatwin -LRB- born October 31 , 1982 -RRB- is a Canadian actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sancho Panza is a fictional character in a novel written by a Spanish writer born in 1616 . +08-13 15:28 root DEBUG Sancho Panza -LSB- ˈsantʃo ˈpanθa -RSB- is a fictional character in the novel Don Quixote written by Spanish author Don Miguel de Cervantes Saavedra in 1605 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up grossed $ 259 million worldwide . +08-13 15:28 root DEBUG The film was released on June 1 , 2007 to box office success , grossing $ 219 million worldwide , and acclaim from critics . Knocked Up is a 2007 American romantic comedy film written , directed , and co-produced by Judd Apatow , and starring Seth Rogen , Katherine Heigl , Paul Rudd , and Leslie Mann . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Penguin Books demonstrated that there are no audiences for serious books . +08-13 15:28 root DEBUG Penguin 's success demonstrated that large audiences existed for serious books . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ingushetia was established on March . +08-13 15:28 root DEBUG It was established on June 4 , 1992 after the Chechen-Ingush Autonomous Soviet Socialist Republic was split in two . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riverdale was adapted for tv by someone other than Roberto Aguirre-Sacasa . +08-13 15:28 root DEBUG It was adapted for television by Archie Comics ' chief creative officer Roberto Aguirre-Sacasa and executive produced by Greg Berlanti . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mud features Sandra Bullock . +08-13 15:28 root DEBUG The film stars Matthew McConaughey , Tye Sheridan , Jacob Lofland , Sam Shepard , and Reese Witherspoon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Penélope Cruz did modeling for L'Oréal . +08-13 15:28 root DEBUG Cruz has modelled for Mango , Ralph Lauren and L'Oréal . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hundred Years ' War includes a war . +08-13 15:28 root DEBUG Historians commonly divide the war into three phases separated by truces : the Edwardian Era War -LRB- 1337 -- 1360 -RRB- ; the Caroline War -LRB- 1369 -- 1389 -RRB- ; and the Lancastrian War -LRB- 1415 -- 1453 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Always stars an actor from Jaws . +08-13 15:28 root DEBUG Always is a 1989 American romantic comedy-drama film directed by Steven Spielberg and starring Richard Dreyfuss , Holly Hunter , John Goodman , introducing Brad Johnson , and featuring Audrey Hepburn 's cameo in her final film appearance . Richard Stephen Dreyfuss -LRB- -LSB- ˈdraɪfəs -RSB- originally Dreyfus ; born October 29 , 1947 -RRB- is an American actor best known for starring in American Graffiti , Jaws , Stand By Me , Close Encounters of the Third Kind , Down and Out in Beverly Hills , The Goodbye Girl , Always , and Mr. Holland 's Opus . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Endless River is Pink Floyd 's second to last studio album . +08-13 15:28 root DEBUG The Endless River is the fifteenth and final studio album by the English rock band Pink Floyd . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danielle Cormack is a stage and screen actress . +08-13 15:28 root DEBUG Danielle Cormack -LRB- born 26 December 1970 -RRB- is a stage and screen actress from New Zealand . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yale University has had many notable alumni . +08-13 15:28 root DEBUG Yale has graduated many notable alumni , including five U.S. Presidents , 19 U.S. Supreme Court Justices , 20 living billionaires , and many heads of state . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stan Beeman is fictional . +08-13 15:28 root DEBUG Stan Beeman is a fictional character in the American television drama series The Americans on FX , and the supporting male character . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stan Beeman is in a show on FX . +08-13 15:28 root DEBUG Stan Beeman is a fictional character in the American television drama series The Americans on FX , and the supporting male character . The Americans is an American television period drama series created and produced by former CIA officer Joe Weisberg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by a Canadian-American physicist in 2005 . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kesha Rose Sebert is Kesha 's birth name . +08-13 15:28 root DEBUG Kesha Rose Sebert -LRB- -LSB- ˈkɛʃə_roʊz_ˈsɛbərt -RSB- ; born March 1 , 1987 ; formerly stylized as Ke $ ha -RRB- is an American singer , songwriter , and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lizzy Caplan starred in television show . +08-13 15:28 root DEBUG Caplan also starred in television shows The Class , True Blood , and Party Down . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Kevin Walker was nominated by the BAFTA for his screenwriting . +08-13 15:28 root DEBUG Andrew Kevin Walker -LRB- born August 14 , 1964 -RRB- is an American BAFTA-nominated screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kuching is a city in Malaysia . +08-13 15:28 root DEBUG Kuching -LSB- ˈkuːtʃɪŋ -RSB- -LRB- Jawi : , -RRB- , officially the City of Kuching , is the capital and the most populous city in the state of Sarawak in Malaysia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A director of plays was José Ferrer , +08-13 15:28 root DEBUG José Vicente Ferrer de Otero y Cintrón -LRB- January 8 , 1912 -- January 26 , 1992 -RRB- , known as José Ferrer , was an American actor and theatre and film director . A theatre director or stage director is a director/instructor in the theatre field who oversees and orchestrates the mounting of a theatre production -LRB- a play , an opera , a musical , or a devised piece of work -RRB- by unifying various endeavours and aspects of production . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mick Thomson is a guitarist . +08-13 15:28 root DEBUG Born in Des Moines , Iowa , he is best known as one of two guitarists in Slipknot , in which he is designated # 7 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hanford Site contributes to the LIGO Hanford Observatory . +08-13 15:28 root DEBUG Besides the cleanup project , Hanford also hosts a commercial nuclear power plant , the Columbia Generating Station , and various centers for scientific research and development , such as the Pacific Northwest National Laboratory and the LIGO Hanford Observatory . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Basildon has connections . +08-13 15:28 root DEBUG Some of Basildon 's residents work in Central London due to the town being well connected in the county to the City of London and the Docklands financial and corporate headquarters districts , with a 36 -- 58 minute journey from the three Basildon stations to London Fenchurch Street . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bee Gees wrote three major hits for other artists . +08-13 15:28 root DEBUG The Bee Gees wrote all of their own hits , as well as writing and producing several major hits for other artists . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedam is a film . +08-13 15:28 root DEBUG Vedam -LRB- English : Chant -RRB- is a 2010 Telugu language Indian drama film written and directed by Radhakrishna Jagarlamudi , starring Allu Arjun , Manoj Manchu , Anushka Shetty , Manoj Bajpayee , Saranya Ponvannan , Deeksha Seth , Lekha Washington , and Siya Gautham . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Wizards were the winners of four conference titles . +08-13 15:28 root DEBUG They have won four conference titles -LRB- 1971 , 1975 , 1978 , 1979 -RRB- , and seven division titles -LRB- 1971 , 1972 , 1973 , 1974 , 1975 , 1979 , 2017 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Giada at Home aired on a TV channel . +08-13 15:28 root DEBUG It first aired on October 18 , 2008 on the Food Network . Food Network -LRB- legally known as Television Food Network -RRB- is an American basic cable and satellite television channel that is owned by Television Food Network , G.P. , a joint venture between Scripps Networks Interactive -LRB- which owns 70 % of the network -RRB- and the Tribune -LRB- FN -RRB- Cable Ventures Inc. -LRB- which owns the remaining 30 % -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saxony is a German state . +08-13 15:28 root DEBUG The Free State of Saxony -LRB- der Freistaat Sachsen -LSB- ˈfʁaɪ̯ʃtaːt ˈzaksn̩ -RSB- Swobodny stat Sakska -RRB- is a landlocked federal state of Germany , bordering the federal states of Brandenburg , Saxony Anhalt , Thuringia , and Bavaria , as well as the countries of Poland -LRB- Lower Silesian and Lubusz Voivodeships -RRB- and the Czech Republic -LRB- Karlovy Vary , Liberec and Ústí nad Labem Regions -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The CONCACAF Champions League is organized for the top baseball clubs . +08-13 15:28 root DEBUG The CONCACAF Champions League is an annual continental football club competition organized by CONCACAF for the top football clubs in North America , Central America and the Caribbean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Founded in 1994 , Gray Matter Interactive Studios , Inc. was a computer game developer . +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was a computer game developer founded in 1994 , and acquired by Activision in January 2002 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Milli is a song by a hip hop recording artist . +08-13 15:28 root DEBUG `` A Milli '' , abbreviated occasionally as `` Milli '' , is a song by American hip hop recording artist Lil Wayne . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hourglass was released in 1987 . +08-13 15:28 root DEBUG Taylor 's first studio album in six years was released in 1997 to glowing notices . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG St. Anger is the eighth studio album by Metallica . +08-13 15:28 root DEBUG St. Anger is the eighth studio album by American heavy metal band Metallica , released on June 5 , 2003 , by Elektra Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mohra got zero Filmfare nominations . +08-13 15:28 root DEBUG The film got nine Filmfare nominations in 1995 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wish Upon starred a person . +08-13 15:28 root DEBUG Wish Upon is a 2017 supernatural horror thriller film directed by John R. Leonetti and starring Joey King , Ryan Phillipe , Ki Hong Lee , Shannon Purser , Sydney Park and Sherilyn Fenn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taran Killam is an American actor . +08-13 15:28 root DEBUG Taran Hourie Killam -LRB- born April 1 , 1982 -RRB- is an American actor , comedian , and writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tablet computers use touchscreens . +08-13 15:28 root DEBUG Touchscreens are common in devices such as game consoles , personal computers , tablet computers , electronic voting machines , point of sale systems , and smartphones . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Dolmayan is Armenian-American . +08-13 15:28 root DEBUG John Hovig Dolmayan -LRB- Ջոն Դոլմայան , born July 15 , 1973 -RRB- is a Lebanese-born Armenian -- American songwriter and drummer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bermuda Triangle is where a number of aircraft and ships have disappeared . +08-13 15:28 root DEBUG The Bermuda Triangle , also known as the Devil 's Triangle , is a loosely-defined region in the western part of the North Atlantic Ocean , where a number of aircraft and ships are said to have disappeared under mysterious circumstances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soyuz is a series of aircraft . +08-13 15:28 root DEBUG Soyuz -LRB- Сою́з -LSB- sɐˈjʉs -RSB- , `` Union '' , as in Сове́тский Сою́з , `` Sovetskiy Soyuz '' , `` Soviet Union '' -RRB- is a series of spacecraft designed for the Soviet space programme by the Korolyov Design Bureau -LRB- now RKK Energia -RRB- in the 1960s that remains in service today . A spacecraft is a vehicle , or machine designed to fly in outer space . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawkins makes regular television appearances . +08-13 15:28 root DEBUG Dawkins has been awarded many prestigious academic and writing awards and he makes regular television , radio and Internet appearances , predominantly discussing his books , his atheism , and his ideas and opinions as a public intellectual . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Life applies only to physical entities without signaling . +08-13 15:28 root DEBUG Life is a characteristic distinguishing physical entities having biological processes , such as signaling and self-sustaining processes , from those that do not , either because such functions have ceased , or because they never had such functions and are classified as inanimate . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danger UXB is on a commercial TV network in Europe . +08-13 15:28 root DEBUG Danger UXB is a 1979 British ITV television series set during the Second World War developed by John Hawkesworth and starring Anthony Andrews as Lieutenant Brian Ash , an officer in the Royal Engineers . ITV is a commercial TV network in the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG For four years , Ann Richards was the Governor of Texas . +08-13 15:28 root DEBUG Dorothy Ann Willis Richards -LRB- September 1 , 1933 -- September 13 , 2006 -RRB- was an American politician and the 45th Governor of Texas from 1991 to 1995 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anushka Sharma is an actress . +08-13 15:28 root DEBUG Anushka Sharma -LRB- -LSB- əˈnʊʂkaː ˈʃərmaː -RSB- ; born 1 May 1988 -RRB- is an Indian film actress , producer and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stan Beeman is in a show . +08-13 15:28 root DEBUG Stan Beeman is a fictional character in the American television drama series The Americans on FX , and the supporting male character . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthew Gray Gubler is a citizen of the United States of America . +08-13 15:28 root DEBUG Matthew Gray Gubler -LRB- born March 9 , 1980 -RRB- is an American actor , director , fashion model and painter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is an epic historical romantic drama named Australia that is a Baz Luhrmann film . +08-13 15:28 root DEBUG His 2008 film Australia is an epic historical romantic drama film starring Hugh Jackman and Nicole Kidman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Steve Wozniak was a colleague of Rod Holt . +08-13 15:28 root DEBUG He primarily designed the 1977 Apple II , known as one of the first highly successful mass-produced microcomputers , while Jobs oversaw the development of its unusual case and Rod Holt developed the unique power supply . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kendall Jenner was on TV . +08-13 15:28 root DEBUG Kendall Nicole Jenner -LRB- born November 3 , 1995 -RRB- is an American fashion model and television personality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Veloz heavily revised the screenplay for Natural Born Killers . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Happiness in Slavery is from the album Broken . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is used to sell an idea . +08-13 15:28 root DEBUG Advertising is an audio or visual form of marketing communication that employs an openly sponsored , nonpersonal message to promote or sell a product , service or idea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tiber Oil Field is operated by Pfizer . +08-13 15:28 root DEBUG The deepwater field -LRB- defined as water depth 1300 to , -RRB- was discovered in September 2009 and it is operated by BP . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mud stars Matthew McConaughey . +08-13 15:28 root DEBUG The film stars Matthew McConaughey , Tye Sheridan , Jacob Lofland , Sam Shepard , and Reese Witherspoon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up was released on June 1 , 2003 . +08-13 15:28 root DEBUG Knocked Up is a 2007 American romantic comedy film written , directed , and co-produced by Judd Apatow , and starring Seth Rogen , Katherine Heigl , Paul Rudd , and Leslie Mann . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2007 , on the day before Halloween , Avenged Sevenfold was released . +08-13 15:28 root DEBUG Avenged Sevenfold is the eponymous fourth studio album by American heavy metal band Avenged Sevenfold , released on October 30 , 2007 by Warner Bros. . Halloween or Hallowe'en -LRB- a contraction of All Hallows ' Evening -RRB- , also known as Allhalloween , All Hallows ' Eve , or All Saints ' Eve , is a celebration observed in a number of countries on 31 October , the eve of the Western Christian feast of All Hallows ' Day and the Reformation Day . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Renato Balestra came from an architect family . +08-13 15:28 root DEBUG Born in Trieste , Renato Balestra comes from a family of architects and engineers and after a childhood steeped in the Mid-European cultural environment of the area , he too began studying for a degree in civil engineering . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pirates of the Caribbean was added to Magic Kingdom . +08-13 15:28 root DEBUG Pirates of the Caribbean is a dark ride at Disneyland , the Magic Kingdom , Tokyo Disneyland , and Disneyland Park in Paris . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Julianne Moore is the winner of a Daytime Emmy . +08-13 15:28 root DEBUG From 1985 to 1988 , she was a regular in the soap opera As the World Turns , earning a Daytime Emmy for her performance . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Swordfish -LRB- film -RRB- is a book that is about an animal who is targeted for a bank robbery conspiracy . +08-13 15:28 root DEBUG The film centers on Stanley Jobson , an ex-con and computer hacker who is targeted for recruitment into a bank robbery conspiracy because of his formidable hacking skills . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Highway to Heaven began airing in 1994 . +08-13 15:28 root DEBUG Highway to Heaven is an American television drama series which ran on NBC from 1984 to 1989 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Off the Wall won Michael Jackson a Grammy Award . +08-13 15:28 root DEBUG The record gained critical acclaim and recognition , and won the singer his first Grammy Award . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tilda Swinton is from Europe . +08-13 15:28 root DEBUG Katherine Matilda `` Tilda '' Swinton -LRB- born 5 November 1960 -RRB- is a British actress , performance artist , model , and fashion muse , known for her roles in independent and Hollywood films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bessie Smith was born on September 26 , 1937 . +08-13 15:28 root DEBUG Bessie Smith -LRB- April 15 , 1894 -- September 26 , 1937 -RRB- was an American blues singer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Due Date was shot in the United States . +08-13 15:28 root DEBUG The film was shot in Las Cruces , New Mexico , Atlanta , Georgia , and Tuscaloosa , Alabama . Alabama -LRB- -LSB- æləˈbæmə -RSB- -RRB- is a state in the southeastern region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bhagat Singh was a folk hero of the Indian independence movement . +08-13 15:28 root DEBUG Bhagat Singh -LRB- -LSB- pə̀ɡət̪ sɪ́ŋɡ -RSB- -- 23 March 1931 -RRB- was a charismatic Indian socialist revolutionary whose two acts of dramatic violence against the British in India and execution at age 23 made him a folk hero of the Indian independence movement . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Libya is the largest country in Africa . +08-13 15:28 root DEBUG With an area of almost 1.8 e6km2 , Libya is the fourth largest country in Africa , and is the 16th largest country in the world . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nuuk 's location is Greenland . +08-13 15:28 root DEBUG Nuuk -LRB- -LSB- nuːk -RSB- ; Godthåb -RRB- is the capital and largest city of Greenland and the municipality of Sermersooq . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mickey Rourke appeared in a film written by Sylvester Stallone . +08-13 15:28 root DEBUG Since then , Rourke has appeared in several commercially successful films including the 2010 films Iron Man 2 and The Expendables and the 2011 film Immortals . The Expendables is a 2010 American ensemble action film written by David Callaham and Sylvester Stallone , and directed by Stallone , who also starred in the lead role . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cadet Kelly was an original work . +08-13 15:28 root DEBUG Cadet Kelly is a 2002 Disney Channel Original Movie starring Hilary Duff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nine Inch Nails is responsible for the song Happiness in Slavery . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Basildon has residents that work in Central London because of the ease of access to the city . +08-13 15:28 root DEBUG Some of Basildon 's residents work in Central London due to the town being well connected in the county to the City of London and the Docklands financial and corporate headquarters districts , with a 36 -- 58 minute journey from the three Basildon stations to London Fenchurch Street . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shawn Carlson is a STEM educator . +08-13 15:28 root DEBUG Shawn Carlson -LRB- born 1960 -RRB- is an American physicist , science writer , and a STEM educator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brazzers is based in Fort Buckner . +08-13 15:28 root DEBUG Brazzers -LRB- -LSB- ˈbræzərz -RSB- -RRB- is a pornographic production company based in Montreal , Canada . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia has Kiefer Sutherland in a starring role . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Branagh stars in Fortunes of War . +08-13 15:28 root DEBUG It stars Kenneth Branagh as Guy Pringle , lecturer in English Literature in Bucharest during the early part of the Second World War , and Emma Thompson as his wife Harriet . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Floppy disk is a type of storage . +08-13 15:28 root DEBUG A floppy disk , also called a floppy , diskette or just disk , is a type of disk storage composed of a disk of thin and flexible magnetic storage medium , sealed in a rectangular plastic enclosure lined with fabric that removes dust particles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG PacSun vends items made for young adults . +08-13 15:28 root DEBUG The company sells lifestyle apparel , along with footwear and accessories designed for teens and young adults . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the End was Linkin Park 's eleventh single . +08-13 15:28 root DEBUG It is the eighth track on their debut album Hybrid Theory -LRB- 2000 -RRB- and was released as the album 's fourth single October 9 , 2001 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johanna Braddy has no experience as an actress . +08-13 15:28 root DEBUG Johanna Elizabeth Braddy -LRB- born August 30 , 1987 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Underdog stars Peter Dinklage . +08-13 15:28 root DEBUG Directed by Frederik Du Chau and written by Joe Piscatella , Adam Rifkin , and Craig A. Williams , the film stars Jim Belushi , Peter Dinklage , John Slattery , and Patrick Warburton with the voice talents of Jason Lee , Amy Adams , and Brad Garrett . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Don Bradman was called the `` greatest living Australian '' by a President . +08-13 15:28 root DEBUG Even after he became reclusive in his declining years his opinion was highly sought , and his status as a national icon was still recognised -- more than 50 years after his retirement as a Test player , in 2001 , Prime Minister John Howard of Australia called him the `` greatest living Australian '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Production took place in Sydney for the movie Australia -LRB- 2008 film -RRB- . +08-13 15:28 root DEBUG Production took place in Sydney , Darwin , Kununurra , and Bowen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Human trafficking is the trade of humans . +08-13 15:28 root DEBUG Human trafficking is the trade of humans , most commonly for the purpose of forced labour , sexual slavery , or commercial sexual exploitation for the trafficker or others . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors are actylcholine receptors . +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors , or mAChRs , are acetylcholine receptors that form G protein-receptor complexes in the cell membranes of certain neurons and other cells . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Wallace is historically inaccurate . +08-13 15:28 root DEBUG The poem is historically inaccurate , and mentions several events that never happened . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Guillermo del Toro was born . +08-13 15:28 root DEBUG Guillermo del Toro Gómez -LRB- -LSB- ɡiˈʝeɾmo ðel ˈtoɾo -RSB- ; born October 9 , 1964 -RRB- is a Mexican film director , screenwriter , producer , and novelist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pharrell Williams and Shay Haley were in a band together . +08-13 15:28 root DEBUG He is the lead vocalist and drummer of the rock-funk-hip hop band N * E * R * D , that he formed with Hugo and childhood friend , Shay Haley . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Deighton had no choice but to pursue other lines of work . +08-13 15:28 root DEBUG By 1864 , Deighton was forced to pursue other lines of work as he developed health problems -LRB- swelling of the legs and feet -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bryan Howd was a Golden Globe nominee . +08-13 15:28 root DEBUG He was nominated for a Golden Globe Award for Tangled and won for Zootopia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Invasion literature was influential in France in shaping politics . +08-13 15:28 root DEBUG The genre was influential in Britain in shaping politics , national policies and popular perceptions in the years leading up to the First World War , and remains a part of popular culture to this day . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Basildon has only one station . +08-13 15:28 root DEBUG Some of Basildon 's residents work in Central London due to the town being well connected in the county to the City of London and the Docklands financial and corporate headquarters districts , with a 36 -- 58 minute journey from the three Basildon stations to London Fenchurch Street . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Larry the Cable Guy series finale aired on the the day of 29th . +08-13 15:28 root DEBUG The series finale aired August 28 , 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Helmand Province is far away from Lashkargah . +08-13 15:28 root DEBUG Lashkar Gah serves as the provincial capital . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jim Halpert was played by John Krasinski . +08-13 15:28 root DEBUG He is widely known for his portrayal as Jim Halpert on the NBC comedy series The Office , for which he received critical acclaim and won numerous awards . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Palo Alto , California 's location is the San Francisco Bay Area . +08-13 15:28 root DEBUG Palo Alto -LRB- -LSB- ˌpæloʊ_ˈæltoʊ -RSB- ; -LSB- ˈpalo ˈalto -RSB- ; from palo , literally `` stick '' , colloquially `` tree '' , and alto `` tall '' ; meaning : `` tall tree '' -RRB- is a charter city located in the northwest corner of Santa Clara County , California , in the San Francisco Bay Area of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael Vick has a middle name . +08-13 15:28 root DEBUG Michael Dwayne Vick -LRB- born June 26 , 1980 -RRB- is a former American football quarterback who played 13 seasons in the National Football League , primarily with the Atlanta Falcons and the Philadelphia Eagles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Recovery is Eminem 's first album . +08-13 15:28 root DEBUG Recovery is the seventh studio album by American rapper Eminem . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tinker Tailor Soldier Spy stars an actor . +08-13 15:28 root DEBUG The film , starring Gary Oldman as George Smiley , along with Colin Firth , Tom Hardy , John Hurt , Toby Jones , Mark Strong , Benedict Cumberbatch , and Ciarán Hinds , is set in London in the early 1970s and follows the hunt for a Soviet double agent at the top of the British secret service . Gary Leonard Oldman -LRB- born 21 March 1958 -RRB- is an English actor , filmmaker , musician and author who has performed in theatre , film and television . Sir John Vincent Hurt , -LRB- 22 January 1940 -- 25 January 2017 -RRB- was an English actor whose screen and stage career spanned more than 50 years . Mark Strong -LRB- born Marco Giuseppe Salussolia ; 5 August 1963 -RRB- is a British theatre , film and television actor . Toby Edward Heslewood Jones -LRB- born 7 September 1967 -RRB- is an English actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Drake Bell released an album . +08-13 15:28 root DEBUG In 2005 he independently released his debut album , Telegraph , released under Bell 's own name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daggering is a type of ballet . +08-13 15:28 root DEBUG This dance is not a traditional dance . Ballet -LSB- ˈbæleɪ -RSB- -LRB- -LSB- balɛ -RSB- -RRB- is a type of performance dance that originated in the Italian Renaissance courts of the 15th century and later developed into a concert dance form in France and Russia . It has since become a widespread , highly technical form of dance with its own vocabulary based on French terminology . It has been globally influential and has defined the foundational techniques used in many other dance genres . Becoming a ballet dancer requires years of training . Ballet has been taught in various schools around the world , which have historically incorporated their own cultures to evolve the art . Ballet may also refer to a ballet dance work , which consists of the choreography and music for a ballet production . A well-known example of this is The Nutcracker , a two-act ballet that was originally choreographed by Marius Petipa and Lev Ivanov with a music score by Pyotr Ilyich Tchaikovsky . Ballets are choreographed and performed by trained artists . Traditional classical ballets usually are performed with classical music accompaniment and use elaborate costumes and staging , whereas modern ballets , such as the neoclassical works of American choreographer George Balanchine , often are performed in simple costumes -LRB- e.g. , leotards and tights -RRB- and without the use of elaborate sets or scenery . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by a person who was born after August . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . Arthur Jeffrey Dempster -LRB- August 14 , 1886 -- March 11 , 1950 -RRB- was a Canadian-American physicist best known for his work in mass spectrometry and his discovery of the uranium isotope 235U . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shooter is about a marksman . +08-13 15:28 root DEBUG The show stars Ryan Phillippe in the lead role of Bob Lee Swagger an expert marksman living in exile who is coaxed back into action after learning of a plot to kill the president . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Oscar de la Hoya quit fighting in 1990 . +08-13 15:28 root DEBUG He officially announced his retirement in 2009 , after a professional career spanning sixteen years . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Penélope Cruz has modeled for the clothing company Mango . +08-13 15:28 root DEBUG Cruz has modelled for Mango , Ralph Lauren and L'Oréal . Punto Fa , S.L. , trading as MANGO , is a clothing design and manufacturing company , founded in Barcelona , Catalonia -LRB- Spain -RRB- by brothers Isak Andic and Nahman Andic . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One album by Eminem is Recovery . +08-13 15:28 root DEBUG Recovery had earned Eminem American Music Awards , Billboard Music Awards , Detroit Music Awards and Grammy Awards . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Creedence Clearwater Revival was informally abbreviated to bucket . +08-13 15:28 root DEBUG Creedence Clearwater Revival , often informally abbreviated to Creedence or CCR , was an American rock band active in the late 1960s and early 1970s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a Showtime series with Nicholas Brody as a character . +08-13 15:28 root DEBUG Nicholas `` Nick '' Brody , played by actor Damian Lewis , is a fictional character on the American television series Homeland on Showtime , created by Alex Gansa and Howard Gordon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeru Devgan is a director . +08-13 15:28 root DEBUG Veeru Devgan is an Indian stunt and action choreographer and film director in Bollywood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riddick is in a film . +08-13 15:28 root DEBUG Richard B. Riddick , more commonly known as Riddick , is a fictional character and the antihero of four films in the Riddick series -LRB- Pitch Black , The Chronicles of Riddick , the animated movie The Chronicles of Riddick : Dark Fury , and Riddick -RRB- , as well as the two video games The Chronicles of Riddick : Escape from Butcher Bay and The Chronicles of Riddick : Assault on Dark Athena . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CHiPs is a film . +08-13 15:28 root DEBUG CHiPs is a 2017 American action comedy buddy cop film written and directed by Dax Shepard , based on the 1977 -- 1983 television series of the same name created by Rick Rosner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marco Polo did not travel to China . +08-13 15:28 root DEBUG Marco Polo was not the first European to reach China -LRB- see Europeans in Medieval China -RRB- , but he was the first to leave a detailed chronicle of his experience . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw is an American film from 2015 . +08-13 15:28 root DEBUG Southpaw is a 2015 American sports drama film directed by Antoine Fuqua , written by Kurt Sutter and starring Jake Gyllenhaal , Forest Whitaker and Rachel McAdams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Colosseum is a tourist attraction in Rome . +08-13 15:28 root DEBUG It is one of Rome 's most popular tourist attractions and also has links to the Roman Catholic Church , as each Good Friday the Pope leads a torchlit `` Way of the Cross '' procession that starts in the area around the Colosseum . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rio 's sequel was released five years before April 11 , 2014 . +08-13 15:28 root DEBUG A sequel , Rio 2 , was released on April 11 , 2014 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jens Stolenberg only held the office of Prime Minister from 2000 to 2001 . +08-13 15:28 root DEBUG Stoltenberg served as Prime Minister of Norway from 2000 to 2001 and from 2005 to 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colin Kaepernick was quarterback backup to Alex Smith . +08-13 15:28 root DEBUG Colin Rand Kaepernick -LRB- -LSB- ` kæpərnɪk -RSB- ; born November 3 , 1987 -RRB- is an American football quarterback who is currently a free agent . Kaepernick began his professional career as a backup to Alex Smith , but became the 49ers ' starter in the middle of the 2012 season after Smith suffered a concussion . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lalla Ward was named Sarah Ward . +08-13 15:28 root DEBUG Lalla Ward -LRB- born Sarah Jill Ward ; 28 June 1951 -RRB- is an English actress and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych 's protagonist is acted by an American . +08-13 15:28 root DEBUG The series stars James Roday as Shawn Spencer , a young crime consultant for the Santa Barbara Police Department whose `` heightened observational skills '' and impressive detective instincts allow him to convince people that he solves cases with psychic abilities . James Roday -LRB- -LSB- roʊˈdeɪ -RSB- born James David Rodriguez ; April 4 , 1976 -RRB- is an American actor , director and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The State of Palestine denies the Gaza Strip . +08-13 15:28 root DEBUG The State of Palestine claims the West Bank -LRB- bordering Israel and Jordan -RRB- and Gaza Strip -LRB- bordering Israel and Egypt -RRB- with East Jerusalem as the designated capital . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych 's protagonist is Shawn Spencer . +08-13 15:28 root DEBUG The series stars James Roday as Shawn Spencer , a young crime consultant for the Santa Barbara Police Department whose `` heightened observational skills '' and impressive detective instincts allow him to convince people that he solves cases with psychic abilities . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl Jam does not play rock music . +08-13 15:28 root DEBUG Pearl Jam is an American rock band formed in Seattle , Washington , in 1990 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gin is a drink . +08-13 15:28 root DEBUG Gin is a spirit which derives its predominant flavour from juniper berries -LRB- Juniperus communis -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Giada at Home began airing in 2003 . +08-13 15:28 root DEBUG It first aired on October 18 , 2008 on the Food Network . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Invasion literature is a genre . +08-13 15:28 root DEBUG Invasion literature -LRB- or the invasion novel -RRB- is a literary genre most notable between 1871 and the First World War -LRB- 1914 -RRB- but still practised to this day . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Murray is not a three-time Grand Slam doubles winner . +08-13 15:28 root DEBUG He is a three-time Grand Slam doubles winner and a Davis Cup champion , currently the world No. 5 doubles player , and a former doubles world No. 1 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The State of Palestine designates West Jerusalem as the capital . +08-13 15:28 root DEBUG The State of Palestine claims the West Bank -LRB- bordering Israel and Jordan -RRB- and Gaza Strip -LRB- bordering Israel and Egypt -RRB- with East Jerusalem as the designated capital . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Millers was announced for cancellation . +08-13 15:28 root DEBUG CBS announced the cancellation of The Millers on November 14 , 2014 , four episodes into the show 's second season . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Prowler was created by people . +08-13 15:28 root DEBUG Created by writer-editor Stan Lee , John Buscema and Jim Mooney , Prowler made his first appearance in The Amazing Spider-Man # 78 . John Buscema , born Giovanni Natale Buscema -LRB- -LSB- bjuːˈsɛmə -RSB- December 11 , 1927 -- January 10 , 2002 -RRB- , was an American comic book artist and one of the mainstays of Marvel Comics during its 1960s and 1970s ascendancy into an industry leader and its subsequent expansion to a major pop culture conglomerate . James Noel `` Jim '' Mooney -LRB- August 13 , 1919 -- March 30 , 2008 -RRB- was an American comic book artist best known for his long tenure at DC Comics and as the signature artist of Supergirl , as well as a Marvel Comics inker and Spider-Man artist , both during what comics historians and fans call the Silver Age of comic books . Stan Lee -LRB- born Stanley Martin Lieber -LSB- ˈliːbər -RSB- , December 28 , 1922 -RRB- is an American comic-book writer , editor , publisher , media producer , television host , actor , and former president and chairman of Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trevor Griffiths was born in Boston , Massachusetts . +08-13 15:28 root DEBUG Trevor Griffiths -LRB- born 4 April 1935 , Ancoats , Manchester -RRB- , is an English dramatist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tie Your Mother Down was absent from the album A Day at the Races . +08-13 15:28 root DEBUG It is the opening track and the second single from their 1976 album A Day at the Races . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shinji Mikami directed Dino Crisis . +08-13 15:28 root DEBUG He directed the first installment of the survival horror series Resident Evil in 1996 and the first installment of Dino Crisis in 1999 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lockhead Martin F-35 Lightning II first flew in November . . +08-13 15:28 root DEBUG The F-35 first flew on 15 December 2006 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Always is a film . +08-13 15:28 root DEBUG Always is a 1989 American romantic comedy-drama film directed by Steven Spielberg and starring Richard Dreyfuss , Holly Hunter , John Goodman , introducing Brad Johnson , and featuring Audrey Hepburn 's cameo in her final film appearance . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bermuda Triangle is where a number of aircraft and ships have disappeared under mysterious circumstances . +08-13 15:28 root DEBUG The Bermuda Triangle , also known as the Devil 's Triangle , is a loosely-defined region in the western part of the North Atlantic Ocean , where a number of aircraft and ships are said to have disappeared under mysterious circumstances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Virginia borders Maryland . +08-13 15:28 root DEBUG It is bordered by Virginia to the southeast , Kentucky to the southwest , Ohio to the northwest , Pennsylvania to the north -LRB- and , slightly , east -RRB- , and Maryland to the northeast . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedam is a drama film . +08-13 15:28 root DEBUG Vedam -LRB- English : Chant -RRB- is a 2010 Telugu language Indian drama film written and directed by Radhakrishna Jagarlamudi , starring Allu Arjun , Manoj Manchu , Anushka Shetty , Manoj Bajpayee , Saranya Ponvannan , Deeksha Seth , Lekha Washington , and Siya Gautham . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fidel Castro was a person . +08-13 15:28 root DEBUG Fidel Alejandro Castro Ruz -LRB- -LSB- fiˈðel aleˈhandɾo ˈkastɾo ˈrus -RSB- ; August 13 , 1926 -- November 25 , 2016 -RRB- was a Cuban revolutionary and politician who governed the Republic of Cuba as Prime Minister from 1959 to 1976 and then as President from 1976 to 2008 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luis Fonsi uses a pseudonym . +08-13 15:28 root DEBUG Luis Alfonso Rodríguez López-Cepero , more commonly known by his stage name Luis Fonsi , -LRB- born April 15 , 1978 -RRB- is a Puerto Rican singer , songwriter and actor . A stage name , also called a screen name , is a pseudonym used by performers and entertainers such as actors , comedians , and musicians . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One novel is the basis for The Hunchback of Notre Dame . +08-13 15:28 root DEBUG The film is based on Victor Hugo 's 1831 novel of the same name , and is notable for the grand sets that recall 15th century Paris as well as for Chaney 's performance and make-up as the tortured hunchback Quasimodo . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roar -LRB- song -RRB- is only featured on Katy Perry 's third album . +08-13 15:28 root DEBUG `` Roar '' is a song by American singer Katy Perry for her fourth studio album , Prism -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kesha sings , writes songs , and raps for a living . +08-13 15:28 root DEBUG Kesha Rose Sebert -LRB- -LSB- ˈkɛʃə_roʊz_ˈsɛbərt -RSB- ; born March 1 , 1987 ; formerly stylized as Ke $ ha -RRB- is an American singer , songwriter , and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tie Your Mother Down was from a Queen album . +08-13 15:28 root DEBUG It is the opening track and the second single from their 1976 album A Day at the Races . A Day at the Races is the fifth studio album by the British rock band Queen , released on 10 December 1976 by EMI Records in the United Kingdom and by Elektra Records in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harris Jayaraj is an Indian man . +08-13 15:28 root DEBUG Harris Jayaraj -LRB- born 8 January 1975 -RRB- is an Indian film composer from Chennai , Tamil Nadu . He composes scores and soundtracks predominantly for Tamil films , while also composed for a few films in Telugu and Hindi languages . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Osamu Tezuka 's mother only had to erase notes in his notebook . +08-13 15:28 root DEBUG As a young child Tezuka began to practice drawing so much that his mother would have to erase pages in his notebook in order to keep up with his output . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Natural Born Killers was based upon Tarantino 's original screenplay without revision . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashley Graham has appeared in Vogue magazine . +08-13 15:28 root DEBUG In 2017 , Graham became the first plus-size model to appear on the covers of British and American Vogue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Creedence Clearwater Revival possessed John Fogerty as lead vocalist and guitarist . +08-13 15:28 root DEBUG The band consisted of lead vocalist , lead guitarist , and primary songwriter John Fogerty , his brother rhythm guitarist Tom Fogerty , bassist Stu Cook and drummer Doug Clifford . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birthday Song -LRB- 2 Chainz song -RRB- was produced by Eminem . +08-13 15:28 root DEBUG The song , which features fellow American rapper Kanye West , was produced by Sonny Digital , West , BWheezy , Anthony Kilhoffer , Lifted and Mike Dean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is directed by a man from the capital city of Scotland . +08-13 15:28 root DEBUG The film is directed by Danny Boyle and written by John Hodge , based on characters created by Irvine Welsh in his novel Trainspotting and its follow-up Porno . Danny Boyle -LRB- born 20 October 1956 -RRB- is an English director , producer , screenwriter and theatre director , known for his work on films including Shallow Grave , Trainspotting , The Beach , 28 Days Later , Sunshine , Slumdog Millionaire , 127 Hours , and Steve Jobs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janet Leigh was an actress . +08-13 15:28 root DEBUG Janet Leigh -LRB- born Jeanette Helen Morrison ; July 6 , 1927 -- October 3 , 2004 -RRB- was an American actress , singer , dancer and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Home for the Holidays stars a producer from the United States . +08-13 15:28 root DEBUG The film stars Holly Hunter , Robert Downey Jr. , Anne Bancroft , Charles Durning , Dylan McDermott , Geraldine Chaplin , Steve Guttenberg , Cynthia Stevenson , Claire Danes , Austin Pendleton and David Strathairn . Holly Hunter -LRB- born March 20 , 1958 -RRB- is an American actress and producer . Home for the Holidays is a 1995 comedy-drama film directed by Jodie Foster and produced by Peggy Rajski and Foster . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tijuana is part of at least one metropolitan area . +08-13 15:28 root DEBUG Tijuana -LRB- -LSB- tiːˈwɑːnə -RSB- ; -LSB- tiˈxwana -RSB- -RRB- is the largest city in Baja California and on the Baja California Peninsula and center of the Tijuana metropolitan area , part of the international San Diego -- Tijuana metropolitan area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cheese in the Trap -LRB- TV series -RRB- stars Seo Kang-joon . +08-13 15:28 root DEBUG Cheese in the Trap is a South Korean television series starring Park Hae-jin , Kim Go-eun , Seo Kang-joon and Lee Sung-kyung . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw is a sports drama film . +08-13 15:28 root DEBUG Southpaw is a 2015 American sports drama film directed by Antoine Fuqua , written by Kurt Sutter and starring Jake Gyllenhaal , Forest Whitaker and Rachel McAdams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arizona is a state of the United States . +08-13 15:28 root DEBUG Arizona -LRB- -LSB- ɛərᵻˈzoʊnə , _ ærᵻ - -RSB- -RRB- -LRB- Hoozdo Hahoodzo -LSB- xòːztò xɑ̀xòːtsò -RSB- O'odham : Alĭ ṣonak -LSB- ˡaɺi ˡʃonak -RSB- -RRB- is a state in the southwestern region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Byron Howard turned down the opportunity to direct the film Zootopia in favor of becoming a wizard . +08-13 15:28 root DEBUG He is best known as the co-director of Bolt -LRB- 2008 -RRB- , Tangled -LRB- 2010 -RRB- , and Zootopia -LRB- 2016 -RRB- , and a supervising animator on Lilo & Stitch -LRB- 2002 -RRB- and Brother Bear -LRB- 2003 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Jones missed the playoffs once in 2007-2008 . +08-13 15:28 root DEBUG Jones has never been on an NBA team with a losing record and has only missed the playoffs once -- with the Trail Blazers in 2007 -- 08 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Spade was fired from being in Joe Dirt 2 : Beautiful Loser . +08-13 15:28 root DEBUG He also starred and co-starred in the films Tommy Boy , Black Sheep , Joe Dirt , Joe Dirt 2 : Beautiful Loser , Grown Ups , and Grown Ups 2 , among others . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Palace of Caserta , former home of the Bourbon royalty , lies near Naples . +08-13 15:28 root DEBUG In the immediate vicinity of Naples are numerous culturally and historically significant sites , including the Palace of Caserta and the Roman ruins of Pompeii and Herculaneum . The Royal Palace of Caserta -LRB- Reggia di Caserta -LSB- ˈrɛddʒa di kaˈzɛrta ; kaˈsɛrta -RSB- Reggia ' e Caserta -RRB- is a former royal residence in Caserta , southern Italy , constructed for the Bourbon kings of Naples . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paramore is from America . +08-13 15:28 root DEBUG Paramore is an American rock band from Franklin , Tennessee , formed in 2004 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthew Gray Gubler was born in the nineties . +08-13 15:28 root DEBUG Matthew Gray Gubler -LRB- born March 9 , 1980 -RRB- is an American actor , director , fashion model and painter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jason Katims is credited as Roswell 's producer . +08-13 15:28 root DEBUG Roswell is an American science fiction television series developed , produced , and co-written by Jason Katims . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touchscreens are used in tablet gaming computers . +08-13 15:28 root DEBUG Touchscreens are common in devices such as game consoles , personal computers , tablet computers , electronic voting machines , point of sale systems , and smartphones . A video game console is an electronic , digital or computer device that outputs a video signal or visual image to display a video game that one or more people can play . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Homo sapiens are considered of most concern on the IUCN Red List . +08-13 15:28 root DEBUG The ingenuity and adaptability of Homo sapiens has led to it becoming the most influential species on Earth ; it is currently deemed of least concern on the Red List of endangered species by the International Union for Conservation of Nature . The IUCN Red List of Threatened Species -LRB- also known as the IUCN Red List or Red Data List -RRB- , founded in 1964 , is the world 's most comprehensive inventory of the global conservation status of biological species . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Thomas Jefferson helped to organize a political party . +08-13 15:28 root DEBUG Jefferson and James Madison organized the Democratic-Republican Party to oppose the Federalist Party during the formation of the First Party System . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chile is in the western hemisphere . +08-13 15:28 root DEBUG Chile , is a South American country occupying a long , narrow strip of land between the Andes to the east and the Pacific Ocean to the west . South America is a continent located in the western hemisphere , mostly in the southern hemisphere , with a relatively small portion in the northern hemisphere . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exercise is good for heart health . +08-13 15:28 root DEBUG Exercise temporarily increases the rate , but lowers resting heart rate in the long term , and is good for heart health . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG English people are descended from the Saxons , +08-13 15:28 root DEBUG Historically , the English population is descended from several peoples -- the earlier Britons -LRB- or Brythons -RRB- and the Germanic tribes that settled in Britain following the withdrawal of the Romans , including Angles , Saxons , Jutes and Frisians . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mount Rushmore was built by Gutzon Borglum and his son Lincoln Borglum in the twentieth century . +08-13 15:28 root DEBUG Sculptor Gutzon Borglum created the sculpture 's design and oversaw the project 's execution from 1927-1941 with the help of his son , Lincoln Borglum . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luke Cage appeared in a comic book series Luke Cage , Hero for Hire . +08-13 15:28 root DEBUG Luke Cage first appeared in Luke Cage , Hero for Hire # 1 -LRB- June 1972 -RRB- and was created by Archie Goodwin , John Romita , Sr. and George Tuska . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Al Jardine is a rhythm guitarist . +08-13 15:28 root DEBUG He is best known as the band 's rhythm guitarist , and for occasionally singing lead vocals on singles such as `` Help Me , Rhonda '' -LRB- 1965 -RRB- , `` Then I Kissed Her '' -LRB- 1965 -RRB- and `` Come Go with Me '' -LRB- 1978 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy Summers appears in a book . +08-13 15:28 root DEBUG She first appeared in the 1992 film Buffy the Vampire Slayer before going on to appear in the television series and subsequent comic book of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Qui-Gon Jinn is portrayed by an actor . +08-13 15:28 root DEBUG Qui-Gon Jinn is a fictional character in the Star Wars franchise , portrayed by Liam Neeson as the main protagonist of the 1999 film Star Wars : Episode I -- The Phantom Menace '' . Liam John Neeson , OBE , -LRB- born 7 June 1952 -RRB- is an actor from Northern Ireland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Black Canary is a fictional character . +08-13 15:28 root DEBUG Black Canary is a fictional superheroine in comic books published by DC Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bones was created by Eric Kripke . +08-13 15:28 root DEBUG Created by Hart Hanson , the series is very loosely based on the life and writings of novelist and forensic anthropologist Kathy Reichs , who also produces the show . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim McGraw had a supporting role in a film . +08-13 15:28 root DEBUG McGraw has ventured into acting , with supporting roles in The Blind Side -LRB- with Sandra Bullock -RRB- , Friday Night Lights , The Kingdom , Tomorrowland , and Four Christmases -LRB- with Vince Vaughn and Reese Witherspoon -RRB- , and lead roles in Flicka -LRB- 2006 -RRB- and Country Strong -LRB- 2010 -RRB- . Flicka is a 2006 British-American family adventure drama film loosely based on the 1941 children 's novel My Friend Flicka by Mary O'Hara . Four Christmases -LRB- Four Holidays in Australia and New Zealand , Anywhere But Home in the Netherlands , Norway , United Arab Emirates and in South Africa -RRB- is a Christmas-themed romantic comedy film about a couple visiting all four of their divorced parents ' homes on Christmas Day . Friday Night Lights is a 2004 sports drama film , directed by Peter Berg , which ` documented ' the coach and players of a high school football team in the Texas city of Odessa that supported and was obsessed with them . The Blind Side is a 2009 American biographical sports drama film . The Kingdom is a 2007 American action thriller film directed by Peter Berg and starring Jamie Foxx , Chris Cooper , and Jennifer Garner . Tomorrowland -LRB- subtitled A World Beyond in some regions -RRB- is a 2015 American science-fiction mystery adventure film directed and co-written by Brad Bird . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johnny Galecki only acted in NBC shows . +08-13 15:28 root DEBUG He is known for playing David Healy in the ABC sitcom Roseanne from 1992 -- 1997 and Dr. Leonard Hofstadter in the CBS sitcom The Big Bang Theory since 2007 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Murda Beatz is from North America . +08-13 15:28 root DEBUG Shane Lee Lindstrom -LRB- born February 11 , 1994 -RRB- , professionally known as Murda Beatz , is a Canadian hip hop record producer from Fort Erie , Ontario . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Halsey signed her first recording contract in 2014 to Astralwerks . +08-13 15:28 root DEBUG In 2014 , she signed her first recording contract with Astralwerks and released her debut EP , titled Room 93 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Football is a sport that Terry Crews played professionally . +08-13 15:28 root DEBUG Terry Alan Crews -LRB- born July 30 , 1968 -RRB- is an American actor , artist , and former American football player . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goosebumps -LRB- film -RRB- was directed by a pig . +08-13 15:28 root DEBUG It was directed by Rob Letterman , and written by Darren Lemke , based from a story by Scott Alexander and Larry Karaszewski . Robert `` Rob '' Letterman is an American film director who started with animation and moved on to live-action . Before Letterman 's film subjects took him into outer space with Monsters vs. Aliens -LRB- 2009 -RRB- , he was taken underwater , having co-directed and co-written Shark Tale . His writing efforts on the film also earned him an Annie nomination . Prior to Letterman 's joining DreamWorks Animation , he directed the short film Los Gringos , which was accepted at 2000 's Sundance Film Festival . In 2010 Letterman directed the live-action film Gulliver 's Travels , starring Jack Black in the lead role . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gordan Ramsay was ranked the 22nd highest earning celebrity in the world in 2015 . +08-13 15:28 root DEBUG In 2015 , Forbes '' listed his earnings at $ 60 million for the previous 12 months , and ranked him the 21st highest earning celebrity in the world . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pharrell Williams is a person . +08-13 15:28 root DEBUG Pharrell Lanscilo Williams -LRB- -LSB- fəˈɹ̠ɛːl -RSB- born April 5 , 1973 -RRB- is an American singer-songwriter , rapper , record producer , and film producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The University of Illinois at Chicago is a college . +08-13 15:28 root DEBUG The University of Illinois at Chicago or UIC is a state-funded public research-intensive university located in Chicago , Illinois , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angelsberg had a population of 283 in the Middle Ages . +08-13 15:28 root DEBUG As of 2005 , the town 's population is 283 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James VI and I was a leader . +08-13 15:28 root DEBUG James VI and I -LRB- 19 June 1566 -- 27 March 1625 -RRB- was King of Scotland as James VI from 24 July 1567 and King of England and Ireland as James I from the union of the Scottish and English crowns on 24 March 1603 until his death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poldark has been commissioned for a third video game . +08-13 15:28 root DEBUG The BBC announced on 6 July 2016 , before series 2 had begun , that a third series had been commissioned . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United Nations Charter was signed in Germany . +08-13 15:28 root DEBUG It was signed at the San Francisco War Memorial and Performing Arts Center in San Francisco , United States , on 26 June 1945 , by 50 of the 51 original member countries -LRB- Poland , the other original member , which was not represented at the conference , signed it two months later -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Don Bradman was an athlete . +08-13 15:28 root DEBUG Sir Donald George `` Don '' Bradman , AC -LRB- 27 August 1908 -- 25 February 2001 -RRB- , often referred to as `` The Don '' , was an Australian cricketer , widely acknowledged as the greatest batsman of all time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dub music is a genre of film . +08-13 15:28 root DEBUG Dub is a genre of music that grew out of reggae in the 1960s , and is commonly considered a subgenre , though it has developed to extend beyond the scope of reggae . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mod Squad is an American television series . +08-13 15:28 root DEBUG The Mod Squad is an American crime drama series that ran on ABC from 1968 to 1973 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was a board game developer . +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was a computer game developer founded in 1994 , and acquired by Activision in January 2002 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Palace of Caserta is near Naples . +08-13 15:28 root DEBUG In the immediate vicinity of Naples are numerous culturally and historically significant sites , including the Palace of Caserta and the Roman ruins of Pompeii and Herculaneum . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Daily Show is comedy focused . +08-13 15:28 root DEBUG The Daily Show is an American news satire and late-night talk show television program . News satire is a type of parody presented in a format typical of mainstream journalism , and called a satire because of its content . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bermuda Triangle is known by no other name . +08-13 15:28 root DEBUG The Bermuda Triangle , also known as the Devil 's Triangle , is a loosely-defined region in the western part of the North Atlantic Ocean , where a number of aircraft and ships are said to have disappeared under mysterious circumstances . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luke Cage is a superhero . +08-13 15:28 root DEBUG Luke Cage , also known as Power Man -LRB- real name Carl Lucas -RRB- , is a fictional superhero appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edison Machine Works was founded to make big motors running on electricity . +08-13 15:28 root DEBUG The Edison Machine Works was a manufacturing company set up to produce dynamos , large electric motors , and other components of the electrical illumination system being built by Thomas A. Edison in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Halsey signed a recording contract in 2014 . +08-13 15:28 root DEBUG In 2014 , she signed her first recording contract with Astralwerks and released her debut EP , titled Room 93 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The ruins of the ancient Roman town of Herculaneum lie two hundred miles from Naples . +08-13 15:28 root DEBUG In the immediate vicinity of Naples are numerous culturally and historically significant sites , including the Palace of Caserta and the Roman ruins of Pompeii and Herculaneum . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bhagat Singh was Indian . +08-13 15:28 root DEBUG Bhagat Singh -LRB- -LSB- pə̀ɡət̪ sɪ́ŋɡ -RSB- -- 23 March 1931 -RRB- was a charismatic Indian socialist revolutionary whose two acts of dramatic violence against the British in India and execution at age 23 made him a folk hero of the Indian independence movement . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luis Fonsi was born in 1978 . +08-13 15:28 root DEBUG Luis Alfonso Rodríguez López-Cepero , more commonly known by his stage name Luis Fonsi , -LRB- born April 15 , 1978 -RRB- is a Puerto Rican singer , songwriter and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bessie Smith has American citizenship . +08-13 15:28 root DEBUG Bessie Smith -LRB- April 15 , 1894 -- September 26 , 1937 -RRB- was an American blues singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The dress inspired fresh insights into human color vision . +08-13 15:28 root DEBUG At the same time , members of the scientific community began to investigate the photo for fresh insights into human colour vision . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG WGBH-TV is an American television station . +08-13 15:28 root DEBUG WGBH-TV , channel 2 , is a non-commercial educational PBS member television station located in Boston , Massachusetts . The Public Broadcasting Service -LRB- PBS -RRB- is an American public broadcaster and television program distributor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The first inauguration of Bill Clinton was held on July 4th . +08-13 15:28 root DEBUG The first inauguration of Bill Clinton as the 42nd President of the United States was held on January 20 , 1993 on the West Front of the United States Capitol Building in Washington , D.C. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jens Stoltenberg only served one term as Prime Minister of Norway . +08-13 15:28 root DEBUG Stoltenberg served as Prime Minister of Norway from 2000 to 2001 and from 2005 to 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France died in a tournament held to celebrate the Treaty of Versailles . +08-13 15:28 root DEBUG Henry suffered an untimely death in a jousting tournament held to celebrate the Peace of Cateau-Cambrésis at the conclusion of the Eighth Italian War . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Larry the Cable Guy series finale aired on the month of September . +08-13 15:28 root DEBUG The series finale aired August 28 , 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Spade appeared in Tommy Boy . +08-13 15:28 root DEBUG He also starred and co-starred in the films Tommy Boy , Black Sheep , Joe Dirt , Joe Dirt 2 : Beautiful Loser , Grown Ups , and Grown Ups 2 , among others . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wales is an island . +08-13 15:28 root DEBUG Wales -LRB- -LSB- ˈweɪlz -RSB- Cymru -LSB- ˈkəm.rɨ -RSB- -RRB- is a country that is part of the United Kingdom and the island of Great Britain . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Eubank Jr. was born . +08-13 15:28 root DEBUG Christopher Livingstone `` Chris '' Eubank Jr. -LRB- born 18 September 1989 -RRB- is a British professional boxer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dave Gibbons was born on April 14 . +08-13 15:28 root DEBUG David Chester `` Dave '' Gibbons -LRB- born 14 April 1949 -RRB- is an English comic book artist , writer and sometimes letterer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is set in and around Dundee . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Garden State was an official selection . +08-13 15:28 root DEBUG It was an official selection of the Sundance Film Festival . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Hillenburg developed an interest in art and the ocean . +08-13 15:28 root DEBUG Born in Lawton , Oklahoma and raised in Anaheim , California , Hillenburg became fascinated with the ocean as a child and also developed an interest in art . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe is an entertainer . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brad Wilk was a musician for Greta . +08-13 15:28 root DEBUG Wilk started his career as a drummer for Greta in 1990 , and helped co-found Rage with Tom Morello and Zack de la Rocha in August 1991 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saturn is smaller than Jupiter . +08-13 15:28 root DEBUG Saturn is the sixth planet from the Sun and the second-largest in the Solar System , after Jupiter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sexual slavery is a reason for human trafficking . +08-13 15:28 root DEBUG Human trafficking is the trade of humans , most commonly for the purpose of forced labour , sexual slavery , or commercial sexual exploitation for the trafficker or others . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was directed by Chris Renaud . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Valencia is in the country of Spain . +08-13 15:28 root DEBUG Valencia -LRB- -LSB- vəˈlɛnsiə -RSB- -LSB- baˈlenθja -RSB- -RRB- , officially València -LRB- -LSB- vaˈlensia -RSB- -RRB- , is the capital of the autonomous community of Valencia and the third largest city in Spain after Madrid and Barcelona , with around 800,000 inhabitants in the administrative centre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yara Shahidi was born on February 10 , 2000 . +08-13 15:28 root DEBUG Yara Sayeh Shahidi شهیدی -LSB- jɑːɾɑː sɑːje ʃæhiːdiː -RSB- -RRB- -LRB- born February 10 , 2000 -RRB- is an American actress and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Christian Gottlob Neefe was born in the 1700 's . +08-13 15:28 root DEBUG Christian Gottlob Neefe -LRB- -LSB- ˈneːfə -RSB- ; 5 February 1748 -- 28 January 1798 -RRB- was a German opera composer and conductor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane McMahon won the Hardcore Championship once . +08-13 15:28 root DEBUG As a wrestler , he won the European Championship once and the Hardcore Championship once , and has wrestled in the main event of multiple WWE pay per views . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian Army is composed of more than 80 % of India 's currently employed members of the armed forces . +08-13 15:28 root DEBUG It is an all-volunteer force and comprises more than 80 % of the country 's active defence personnel . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bullitt is a thriller film directed by Peter Yates . +08-13 15:28 root DEBUG Bullitt is a 1968 American drama -- thriller film directed by Peter Yates and produced by Philip D'Antoni . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Black Canary is a character in comic books published by an American entrepreneur . +08-13 15:28 root DEBUG Black Canary is a fictional superheroine in comic books published by DC Comics . DC Comics , Inc. is an American comic book publisher . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kesha is an American . +08-13 15:28 root DEBUG Kesha Rose Sebert -LRB- -LSB- ˈkɛʃə_roʊz_ˈsɛbərt -RSB- ; born March 1 , 1987 ; formerly stylized as Ke $ ha -RRB- is an American singer , songwriter , and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Country for Old Men was chosen as the highest acclaimed of 2007 by the National Board of Review . +08-13 15:28 root DEBUG The American Film Institute listed it as an AFI Movie of the Year , and the National Board of Review selected the film as the best of 2007 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angela Bassett received a bachelor of arts degree from Harvard University . +08-13 15:28 root DEBUG Bassett began her film career in the mid-1980s , after earning a bachelor of arts degree from Yale University and a master of fine arts degree from drama school . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johnny Galecki has appeared in just one American sitcom . +08-13 15:28 root DEBUG He is known for playing David Healy in the ABC sitcom Roseanne from 1992 -- 1997 and Dr. Leonard Hofstadter in the CBS sitcom The Big Bang Theory since 2007 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wish Upon is a supernatural horror thriller film . +08-13 15:28 root DEBUG Wish Upon is a 2017 supernatural horror thriller film directed by John R. Leonetti and starring Joey King , Ryan Phillipe , Ki Hong Lee , Shannon Purser , Sydney Park and Sherilyn Fenn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenna Jameson has been photographed . +08-13 15:28 root DEBUG Advertisements for her site and films , often bearing her picture , have towered on a 48-foot-tall billboard in New York City 's Times Square . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Murda Beatz 's real middle names are Shane Lindstrom . +08-13 15:28 root DEBUG Shane Lee Lindstrom -LRB- born February 11 , 1994 -RRB- , professionally known as Murda Beatz , is a Canadian hip hop record producer from Fort Erie , Ontario . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shadowhunters began its second season on January 8 , 2017 . +08-13 15:28 root DEBUG In March 2016 , it was announced that the series had been renewed for a second season of 20 episodes , which premiered on January 2 , 2017 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paul Nicholls played Sam Casey . +08-13 15:28 root DEBUG He is best known for his roles as Joe Wicks in BBC 's EastEnders , and as DS Sam Casey in ITV 's Law & Order : UK . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthias Corvinus had one of the largest collections of books in Europe during the Enlightenment . +08-13 15:28 root DEBUG Matthias patronized art and science ; his royal library , the Bibliotheca Corviniana , was one of the largest collections of books in Europe . Bibliotheca Corviniana was one of the most renowned libraries of the Renaissance world , established by Matthias Corvinus , King of Hungary between 1458 and 1490 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raees -LRB- film -RRB- features Nawazuddin Siddiqui in a lead role . +08-13 15:28 root DEBUG It stars Shah Rukh Khan , Mahira Khan and Nawazuddin Siddiqui . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heavy Metal music was developed in the early 1980 's . +08-13 15:28 root DEBUG Heavy metal -LRB- or simply metal -RRB- is a genre of rock music that developed in the late 1960s and early 1970s , largely in the United Kingdom and the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saturn Corporation was established in April . +08-13 15:28 root DEBUG The Saturn Corporation , also known as Saturn LLC , is a registered trademark established on January 7 , 1985 , as a subsidiary of General Motors . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rachel Green is one of the six main characters in the sitcom Friends aired in the 1990s . +08-13 15:28 root DEBUG Rachel Karen Green is a fictional character , one of the six main characters who appeared in the American sitcom Friends . Friends -LRB- stylized as F • R • I • E • N • D • S -RRB- is an American television sitcom , created by David Crane and Marta Kauffman , which aired on NBC from September 22 , 1994 , to May 6 , 2004 , lasting ten seasons . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Sterile Cuckoo was adapted from a novel written by a Belgian novelist . +08-13 15:28 root DEBUG The movie was adapted by Alvin Sargent from the 1965 novel by John Nichols , and directed by Alan J. Pakula , in his directing debut . John Treadwell Nichols -LRB- born July 23 , 1940 , Berkeley , California -RRB- is an American novelist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Julianne Moore was in the film As the World Turns . +08-13 15:28 root DEBUG From 1985 to 1988 , she was a regular in the soap opera As the World Turns , earning a Daytime Emmy for her performance . As the World Turns -LRB- often referred to as ATWT -RRB- is an American television soap opera that aired on CBS for 54 years from April 2 , 1956 , to September 17 , 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In a Lonely Place was based on a novel . +08-13 15:28 root DEBUG The script was adapted by Edmund North from the 1947 novel of the same name by Dorothy B. Hughes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Rice was born in the United States of America . +08-13 15:28 root DEBUG Born in New Orleans , Rice spent much of her early life there before moving to Texas , and later to San Francisco . New Orleans -LRB- -LSB- nuː_ˈɔːrlᵻnz , _ - ˈɔːrli.ənz , _ - ɔːrˈliːnz -RSB- , or -LSB- ˈnɔːrlᵻnz -RSB- La Nouvelle-Orléans -LSB- la nuvɛlɔʁleɑ̃ -RSB- -RRB- is a major United States port and the largest city and metropolitan area in the state of Louisiana . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tie Your Mother Down was on the Billboard charts . +08-13 15:28 root DEBUG On its original release as a single in 1977 the song peaked at 31 in the UK Singles Chart , however more than 20 years later it was released as a double a-side to `` No-One But You -LRB- Only the Good Die Young -RRB- '' where it reached 13 in UK Singles Chart . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry VIII -LRB- TV serial -RRB- stars only an actor who was born in 1976 . +08-13 15:28 root DEBUG His co-star is Helena Bonham Carter who played Henry VIII 's second wife , Anne Boleyn ; her character dominates the first episode and her dramatic death brings the first part of the story to its conclusion . Helena Bonham Carter , -LRB- born 26 May 1966 -RRB- is an English actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Microbiologist research promotes information found in immunology . +08-13 15:28 root DEBUG Because microbiologists specialize in the investigation of microorganisms that typically cause infection , their research commonly promotes information found in immunology , pathology , and molecular biology . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yale University 's alumni includes five U.S. Presidents . +08-13 15:28 root DEBUG Yale has graduated many notable alumni , including five U.S. Presidents , 19 U.S. Supreme Court Justices , 20 living billionaires , and many heads of state . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mary of Teck 's son married a Wallis Simpson . +08-13 15:28 root DEBUG After George 's death in 1936 , she became queen mother when her eldest son , Edward , ascended the throne , but to her dismay , he abdicated later the same year in order to marry twice-divorced American socialite Wallis Simpson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Connie Nielsen played the role of Meredith Kane in Boss . +08-13 15:28 root DEBUG She starred as Meredith Kane on the Starz TV series Boss -LRB- 2011 -- 2012 -RRB- and was a lead character in the second season of The Following . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Sterile Cuckoo was adapted by William Goldman . +08-13 15:28 root DEBUG The movie was adapted by Alvin Sargent from the 1965 novel by John Nichols , and directed by Alan J. Pakula , in his directing debut . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia 's director was Lars von Trier . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carlos Santana was ignored by critics in the nineties . +08-13 15:28 root DEBUG He experienced a resurgence of popularity and critical acclaim in the late 1990s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vijaya Productions was the producer of Veeram . +08-13 15:28 root DEBUG Veeram -LRB- Valour -RRB- is a 2014 Indian Tamil action film directed by Siva and produced by Vijaya Productions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Avenged Sevenfold is an album by a band from California . +08-13 15:28 root DEBUG Avenged Sevenfold is the eponymous fourth studio album by American heavy metal band Avenged Sevenfold , released on October 30 , 2007 by Warner Bros. . Avenged Sevenfold -LRB- sometimes abbreviated as A7X -RRB- is an American heavy metal band from Huntington Beach , California , formed in 1999 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chagatai language went extinct in the 1990s . +08-13 15:28 root DEBUG Chagatai is an extinct Turkic language which was once widely spoken in Central Asia , and remained the shared literary language there until the early 20th century . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harris Jayaraj was born in January of 1975 . +08-13 15:28 root DEBUG Harris Jayaraj -LRB- born 8 January 1975 -RRB- is an Indian film composer from Chennai , Tamil Nadu . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fidel Castro transferred his responsibilities to his brother . +08-13 15:28 root DEBUG In 2006 he transferred his responsibilities to Vice-President Raúl Castro , who was elected to the presidency by the National Assembly in 2008 . After his brother Fidel Castro took power , Raúl Castro was one of the most important figures in the party , serving as Minister of the Armed Forces for 49 years , from 1959 to 2008 making him the longest serving minister of the armed forces . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South African Communist Party is part of the Congress of South African Trade Unions . +08-13 15:28 root DEBUG It is a partner of the Tripartite Alliance with the African National Congress and the Congress of South African Trade Unions -LRB- COSATU -RRB- and through this it influences the South African government . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eddie Guerrero experienced alcoholism . +08-13 15:28 root DEBUG He experienced various substance abuse problems , including alcoholism and an addiction to painkillers ; these real-life issues were sometimes incorporated into his storylines . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Battle of France was the German invasion of France . +08-13 15:28 root DEBUG The Battle of France , also known as the Fall of France , was the German invasion of France and the Low Countries during the Second World War . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters was only created for Hulu . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Selena Gomez & the Scene 's debut album was released in any year except 2009 . +08-13 15:28 root DEBUG Their debut album , Kiss & Tell , was released on September 29 , 2009 , debuting at No. 9 on the US Billboard 200 and earning the band a Gold certification from Recording Industry Association of America -LRB- RIAA -RRB- in March 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedam is a 2010 Indian drama film . +08-13 15:28 root DEBUG Vedam -LRB- English : Chant -RRB- is a 2010 Telugu language Indian drama film written and directed by Radhakrishna Jagarlamudi , starring Allu Arjun , Manoj Manchu , Anushka Shetty , Manoj Bajpayee , Saranya Ponvannan , Deeksha Seth , Lekha Washington , and Siya Gautham . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bermuda Triangle is also referred to as the Devil 's Triangle . +08-13 15:28 root DEBUG The Bermuda Triangle , also known as the Devil 's Triangle , is a loosely-defined region in the western part of the North Atlantic Ocean , where a number of aircraft and ships are said to have disappeared under mysterious circumstances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Noah Cyrus is the youngest sister of Miley Cyrus . +08-13 15:28 root DEBUG She is the youngest daughter of Billy Ray Cyrus and younger sister of Miley Cyrus and Trace Cyrus . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mohra got nine nominations from a magazine in 1995 . +08-13 15:28 root DEBUG The film got nine Filmfare nominations in 1995 . Filmfare is an English-language , tabloid-sized magazine about Hindi-language cinema , popularly known as Bollywood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Drake Bell attended A Reminder . +08-13 15:28 root DEBUG Bell released an EP in 2011 called A Reminder independently . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Creedence Clearwater Revival was informally abbreviated to BBC . +08-13 15:28 root DEBUG Creedence Clearwater Revival , often informally abbreviated to Creedence or CCR , was an American rock band active in the late 1960s and early 1970s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danny Brown is from the U.S. +08-13 15:28 root DEBUG Daniel Dewan Sewell -LRB- born March 16 , 1981 -RRB- , better known by his stage name Danny Brown , is an American rapper from Detroit , Michigan . Michigan -LSB- ˈmɪʃᵻgən -RSB- is a state in the Great Lakes and Midwestern regions of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The religion of Mike Huckabee is Southern Baptism . +08-13 15:28 root DEBUG Huckabee is the author of several best-selling books , an ordained Southern Baptist minister noted for his evangelical views , a musician , and a public speaker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe was born in the United States . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wish Upon was released in March of 2017 . +08-13 15:28 root DEBUG It is set to be released in theaters on July 14 , 2017 , by Broad Green Pictures and Orion Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawkins has yet to be awarded any academic awards . +08-13 15:28 root DEBUG Dawkins has been awarded many prestigious academic and writing awards and he makes regular television , radio and Internet appearances , predominantly discussing his books , his atheism , and his ideas and opinions as a public intellectual . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Appropriation -LRB- art -RRB- involves math . +08-13 15:28 root DEBUG Appropriation in art is the use of pre-existing objects or images with little or no transformation applied to them . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Road to El Dorado stars an actor . +08-13 15:28 root DEBUG The film stars Kevin Kline , Kenneth Branagh , Armand Assante , Jim Cummings , Edward James Olmos , Tobin Bell and Rosie Perez . Edward James Olmos -LRB- born February 24 , 1947 -RRB- is an American actor and director . James Jonah `` Jim '' Cummings -LRB- born November 3 , 1952 -RRB- is an American voice actor and singer , who has appeared in almost 400 roles . Armand Anthony Assante , Jr. -LRB- born October 4 , 1949 -RRB- is an American actor . Sir Kenneth Charles Branagh -LRB- -LSB- ˈbrænə -RSB- born 10 December 1960 -RRB- is a Northern Irish actor , director , producer , and screenwriter originally from Belfast . Kevin Delaney Kline -LRB- born October 24 , 1947 -RRB- is an American film and stage actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mighty Ducks was only produced by Sony Pictures . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Comedy is something performed by Fred Armisen . +08-13 15:28 root DEBUG Fereydun Robert `` Fred '' Armisen -LRB- born December 4 , 1966 -RRB- is an American actor , comedian , voice artist , screenwriter , producer , singer , and musician . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leonard Nimoy was in Civilization IV . +08-13 15:28 root DEBUG After the original Star Trek series , Nimoy starred in Mission : Impossible for two seasons , hosted the documentary series In Search of ... , narrated Civilization IV , and made several well-received stage appearances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harvard University is the first University in the U.S. +08-13 15:28 root DEBUG Established originally by the Massachusetts legislature and soon thereafter named for John Harvard -LRB- its first benefactor -RRB- , Harvard is the United States ' oldest institution of higher learning , and the Harvard Corporation -LRB- formally , the President and Fellows of Harvard College -RRB- is its first chartered corporation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Oscar Nomination was awarded to Humphrey Bogart . +08-13 15:28 root DEBUG Over his career , he received three Academy Award nominations for Best Actor , winning one -LRB- for The African Queen -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG AMGTV does not have entertainment television programming . +08-13 15:28 root DEBUG AMGTV is an American family-oriented television network featuring television programming consisting of drama , sports , movies , entertainment , how-to , hunting and fishing , children 's shows , and other features . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marnie is a film that was created in the United States . +08-13 15:28 root DEBUG Marnie is a 1964 American psychological thriller film directed by Alfred Hitchcock . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG X-Men : Apocalypse is a work . +08-13 15:28 root DEBUG X-Men : Apocalypse is a 2016 American superhero film based on the fictional X-Men characters that appear in Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rio 's sequel was released on a date during the 21st century . +08-13 15:28 root DEBUG Rio is a 2011 American 3D computer-animated adventure film-produced by Blue Sky Studios and directed by Carlos Saldanha . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gifted is a television series . +08-13 15:28 root DEBUG The Gifted is an upcoming American television series created for Fox by Matt Nix , based on Marvel Comics ' X-Men properties . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Concert for Bangladesh was attended by 40,000 sheets . +08-13 15:28 root DEBUG The concerts were attended by a total of 40,000 people , and raised close to US$ 250,000 for Bangladesh relief , which was administered by UNICEF . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wilhelmina Slater is portrayed in a period romance television series . +08-13 15:28 root DEBUG Wilhelmina Vivian Slater -LRB- born Wanda Slater -RRB- is a fictional character in the American dramedy series Ugly Betty . Ugly Betty is an American comedy-drama television series developed by Silvio Horta , which was originally broadcast on ABC between 2006 and 2010 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harris Jayaraj is a film composer . +08-13 15:28 root DEBUG Harris Jayaraj -LRB- born 8 January 1975 -RRB- is an Indian film composer from Chennai , Tamil Nadu . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Home for the Holidays stars an American actor . +08-13 15:28 root DEBUG The film stars Holly Hunter , Robert Downey Jr. , Anne Bancroft , Charles Durning , Dylan McDermott , Geraldine Chaplin , Steve Guttenberg , Cynthia Stevenson , Claire Danes , Austin Pendleton and David Strathairn . Charles Edward Durning -LRB- February 28 , 1923 -- December 24 , 2012 -RRB- was an American actor , with appearances in over 200 movies , television shows and plays . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jens Stoltenberg died in 1998 . +08-13 15:28 root DEBUG Jens Stoltenberg -LRB- -LSB- jens ² stɔltn̩bær -RSB- ; born 16 March 1959 -RRB- is a Norwegian politician . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colombiana was only directed by Ron Howard . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michigan is the largest country by total area east of the Mississippi River . +08-13 15:28 root DEBUG Michigan is the tenth most populous of the 50 United States , with the 11th most extensive total area -LRB- the largest state by total area east of the Mississippi River -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Linklater 's goose plays Mason 's sister . +08-13 15:28 root DEBUG Richard Linklater 's daughter Lorelei plays Mason 's sister , Samantha . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG North Vietnam was a state outside of Southeast Asia . +08-13 15:28 root DEBUG North Vietnam , officially the Democratic Republic of Vietnam -LRB- DRV -RRB- , was a state in Southeast Asia which existed from 1945 to 1976 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The western part of the Atlantic Ocean is the location of the Bermuda Triangle . +08-13 15:28 root DEBUG The Bermuda Triangle , also known as the Devil 's Triangle , is a loosely-defined region in the western part of the North Atlantic Ocean , where a number of aircraft and ships are said to have disappeared under mysterious circumstances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Daily Show is incapable of focusing on political figures . +08-13 15:28 root DEBUG Describing itself as a fake news program , The Daily Show draws its comedy and satire from recent news stories , political figures , media organizations , and often uses self-referential humor as well . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tripartite Alliance is a part of the South African Communist Party . +08-13 15:28 root DEBUG It is a partner of the Tripartite Alliance with the African National Congress and the Congress of South African Trade Unions -LRB- COSATU -RRB- and through this it influences the South African government . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carlos Santana was born in the forties . +08-13 15:28 root DEBUG Carlos Santana -LRB- born July 20 , 1947 -RRB- is a Mexican and American musician who first became famous in the late 1960s and early 1970s with his band , Santana , which pioneered a fusion of rock and Latin American music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Herculaneum 's ruins are near Naples . +08-13 15:28 root DEBUG In the immediate vicinity of Naples are numerous culturally and historically significant sites , including the Palace of Caserta and the Roman ruins of Pompeii and Herculaneum . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jackie -LRB- 2016 film -RRB- was written by Peter Jackson . +08-13 15:28 root DEBUG Jackie is a 2016 biographical drama film directed by Pablo Larraín and written by Noah Oppenheim . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ernest Medina was tried by a court-martial in 1971 . +08-13 15:28 root DEBUG He was court martialed in 1971 for his role in the My Lai Massacre , but acquitted the same year . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ann Richards was the head of the executive branch of Texas 's government . +08-13 15:28 root DEBUG A Democrat , she first came to national attention as the state treasurer of Texas , when she delivered the keynote address at the 1988 Democratic National Convention . A treasurer is the person responsible for running the treasury of an organization . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kerplunk was the last album by Green Day released through Lookout Records . +08-13 15:28 root DEBUG Kerplunk was Green Day 's last release on the Lookout Records label , and was also the first album to feature Tré Cool on drums . Kerplunk is the second studio album by American punk rock band Green Day , released on December 17 , 1991 by Lookout ! +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A monster is often hideous . +08-13 15:28 root DEBUG A monster is any creature , usually found in legends or horror fiction , that is often hideous and may produce fear or physical harm by its appearance or its actions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dave Gibbons was born in April . +08-13 15:28 root DEBUG David Chester `` Dave '' Gibbons -LRB- born 14 April 1949 -RRB- is an English comic book artist , writer and sometimes letterer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aarhus is the second-largest city in Denmark . +08-13 15:28 root DEBUG Aarhus -LRB- -LSB- ˈɒːhuːˀs -RSB- ; officially spelled Århus from 1948 until 31 December 2010 -RRB- is the second-largest city in Denmark and the seat of Aarhus municipality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG PacSun sells accessories . +08-13 15:28 root DEBUG The company sells lifestyle apparel , along with footwear and accessories designed for teens and young adults . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saturn Corporation is also known as a balloon . +08-13 15:28 root DEBUG The Saturn Corporation , also known as Saturn LLC , is a registered trademark established on January 7 , 1985 , as a subsidiary of General Motors . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soul Food was produced by Kenneth Edmonds . +08-13 15:28 root DEBUG Soul Food is a 1997 American comedy-drama film produced by Kenneth `` Babyface '' Edmonds , Tracey Edmonds and Robert Teitel and released by Fox 2000 Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Eubank Jr. died in 1989 . +08-13 15:28 root DEBUG Christopher Livingstone `` Chris '' Eubank Jr. -LRB- born 18 September 1989 -RRB- is a British professional boxer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Britt Robertson is an entertainer . +08-13 15:28 root DEBUG Brittany Leanna Robertson -LRB- born April 18 , 1990 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shadowhunters premiered in 2016 . +08-13 15:28 root DEBUG The show received a straight-to-series order on March 30 , 2015 , and premiered on January 12 , 2016 on Freeform . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mogadishu is a city . +08-13 15:28 root DEBUG Mogadishu -LRB- -LSB- ˌmɔːɡəˈdiːʃuː -RSB- Muqdisho -LSB- mʉqdɪʃɔ -RSB- ; مقديشو -LSB- maqadiːʃuː -RSB- -RRB- , known locally as Hamar , is the capital and most populous city of Somalia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Sterile Cuckoo was directed by Martin Scorsese . +08-13 15:28 root DEBUG The movie was adapted by Alvin Sargent from the 1965 novel by John Nichols , and directed by Alan J. Pakula , in his directing debut . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Penguin Books is a whore house . +08-13 15:28 root DEBUG Penguin Books is a British publishing house . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael Vick is a former football player . +08-13 15:28 root DEBUG Michael Dwayne Vick -LRB- born June 26 , 1980 -RRB- is a former American football quarterback who played 13 seasons in the National Football League , primarily with the Atlanta Falcons and the Philadelphia Eagles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annette Badland was in Wizards vs Aliens . +08-13 15:28 root DEBUG She has played Margaret Blaine in the BBC science fiction series Doctor Who , Doomsday Dora in The Sparticle Mystery , Birdie Henshall in the drama series Cutting It , Mavis in season 6 of Skins , Ursula Crowe in children 's science fiction/fantasy series Wizards vs Aliens , and Babe Smith in soap opera EastEnders . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Prowler made his first appearance in The Amazing Spider-Man # 68 . +08-13 15:28 root DEBUG Created by writer-editor Stan Lee , John Buscema and Jim Mooney , Prowler made his first appearance in The Amazing Spider-Man # 78 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Rice lived in San Fransisco . +08-13 15:28 root DEBUG Born in New Orleans , Rice spent much of her early life there before moving to Texas , and later to San Francisco . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shadowhunters premiered in the 21st century . +08-13 15:28 root DEBUG In March 2016 , it was announced that the series had been renewed for a second season of 20 episodes , which premiered on January 2 , 2017 . It began on January 1 , 2001 and will end on December 31 , 2100 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl is only part of the album Things Fall Apart . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Easy A is teen comedy movie from the United States . +08-13 15:28 root DEBUG Easy A -LRB- stylized as easy A -RRB- is a 2010 American teen comedy film directed by Will Gluck , written by Bert V. Royal and starring Emma Stone , Stanley Tucci , Patricia Clarkson , Thomas Haden Church , Dan Byrd , Amanda Bynes , Penn Badgley , Cam Gigandet , Lisa Kudrow and Aly Michalka . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France suffered an untimely death . +08-13 15:28 root DEBUG Henry suffered an untimely death in a jousting tournament held to celebrate the Peace of Cateau-Cambrésis at the conclusion of the Eighth Italian War . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Christian Gottlob Neefe was born in February 1748 . +08-13 15:28 root DEBUG Christian Gottlob Neefe -LRB- -LSB- ˈneːfə -RSB- ; 5 February 1748 -- 28 January 1798 -RRB- was a German opera composer and conductor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Girl is by an American singer . +08-13 15:28 root DEBUG Girl -LRB- stylized as G I R L -RRB- is the second studio album by American singer and record producer Pharrell Williams . Pharrell Lanscilo Williams -LRB- -LSB- fəˈɹ̠ɛːl -RSB- born April 5 , 1973 -RRB- is an American singer-songwriter , rapper , record producer , and film producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG X-Men : Apocalypse had a story . +08-13 15:28 root DEBUG The ancient mutant En Sabah Nur awakens in 1983 and plans to wipe out modern civilization and take over the world , leading the X-Men to try to stop him and defeat his team of renegade mutants . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG WGBH-TV is a station on TV . +08-13 15:28 root DEBUG WGBH-TV , channel 2 , is a non-commercial educational PBS member television station located in Boston , Massachusetts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Adventures of Pluto Nash stars Eddie Murphy . +08-13 15:28 root DEBUG The Adventures of Pluto Nash is a 2002 Australian-American science fiction action comedy film starring Eddie Murphy -LRB- in a dual role -RRB- and directed by Ron Underwood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beach was adapted for film by John Hodge . +08-13 15:28 root DEBUG The Beach is a 2000 adventure drama film directed by Danny Boyle and based on the 1996 novel of the same name by Alex Garland , which was adapted for the film by John Hodge . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Superhero name Captain America uses the Captain America 's shield . +08-13 15:28 root DEBUG It is the primary defensive and offensive piece of equipment used by the Marvel Comics superhero Captain America ; he is seldom seen without it . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cher is Cher 's eighteenth album . +08-13 15:28 root DEBUG Cher is the self-titled eighteenth studio album by American singer-actress Cher , released on November 10 , 1987 by Geffen Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Craig David was nominated for Grammy Awards . +08-13 15:28 root DEBUG David has been nominated for thirteen Brit Awards : four times for Best British Male , and twice received a Grammy Award nomination for Best Male Pop Vocal Performance . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bret Easton Ellis wrote a screenplay . +08-13 15:28 root DEBUG Ellis also wrote the screenplay for the critically derided 2013 film The Canyons , an original work . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tiber Oil Field was discovered in September 1909 . +08-13 15:28 root DEBUG The deepwater field -LRB- defined as water depth 1300 to , -RRB- was discovered in September 2009 and it is operated by BP . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Armenian Genocide took place outside the Ottoman Empire and the Republic of Turkey . +08-13 15:28 root DEBUG The Armenian Genocide -LRB- Հայոց ցեղասպանություն , Hayots tseghaspanutyun -RRB- , also known as the Armenian Holocaust , was the Ottoman government 's systematic extermination of 1.5 million Armenians , mostly Ottoman citizens within the Ottoman Empire and its successor state , the Republic of Turkey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Concert for Bangladesh generated awareness and considerable money . +08-13 15:28 root DEBUG Although the project was subsequently marred by financial problems -- a result of the pioneering nature of the venture -- the Concert for Bangladesh is recognised as a highly successful and influential humanitarian aid project , generating both awareness and considerable funds as well as providing valuable lessons and inspiration for projects that followed , notably Live Aid . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The undergraduate college of Harvard University became coeducational after its merger with Boston College . +08-13 15:28 root DEBUG The undergraduate college became coeducational after its 1977 merger with Radcliffe College . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brad Wilk was a member of Greta in 1990 . +08-13 15:28 root DEBUG Wilk started his career as a drummer for Greta in 1990 , and helped co-found Rage with Tom Morello and Zack de la Rocha in August 1991 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lalla Ward is a writer . +08-13 15:28 root DEBUG Lalla Ward -LRB- born Sarah Jill Ward ; 28 June 1951 -RRB- is an English actress and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeong Hyeong-don 's birth year is 1978 . +08-13 15:28 root DEBUG Jeong Hyeong-don -LRB- born February 7 , 1978 -RRB- is a South Korean comedian and entertainer under FNC Entertainment . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up is a podcast . +08-13 15:28 root DEBUG Knocked Up is a 2007 American romantic comedy film written , directed , and co-produced by Judd Apatow , and starring Seth Rogen , Katherine Heigl , Paul Rudd , and Leslie Mann . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miracle at St. Anna is set during a war . +08-13 15:28 root DEBUG Set primarily in Italy during German-occupied Europe in World War II , the film tells the story of four Buffalo Soldiers of the 92nd Infantry Division who seek refuge in a small Tuscan village , where they form a bond with the residents . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rage Against the Machine is a band . +08-13 15:28 root DEBUG Rage Against the Machine -LRB- also known as RATM or simply Rage -RRB- is an American rock band from Los Angeles , California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alice Cooper 's full name is Vincent Damon Furnier . +08-13 15:28 root DEBUG Alice Cooper -LRB- born Vincent Damon Furnier ; February 4 , 1948 -RRB- is an American singer , songwriter , and actor whose career spans over five decades . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Grammy winner is Robert Lopez . +08-13 15:28 root DEBUG He is the youngest of only twelve people who have won an Emmy , a Grammy , an Oscar , and a Tony Award , and the quickest -LRB- 10 years -RRB- to win all four . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brubaker is within the genre of prison drama . +08-13 15:28 root DEBUG Brubaker is a 1980 American prison drama film directed by Stuart Rosenberg . When used to define a specific genre or type of film or television programme , drama is usually qualified with additional terms that specify its particular subgenre , such as `` political drama , '' `` courtroom drama , '' historical drama , '' `` domestic drama , '' or `` comedy-drama . '' A prison film is a film genre concerned with prison life and often prison escape . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was directed by Angus MacLane . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Lonergan date of birth is October 16 , 1962 . +08-13 15:28 root DEBUG Kenneth Lonergan -LRB- born October 16 , 1962 -RRB- is an American playwright , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Magic Johnson was a basketball player for the Lakers . +08-13 15:28 root DEBUG Earvin `` Magic '' Johnson Jr. -LRB- born August 14 , 1959 -RRB- is an American retired professional basketball player and current president of basketball operations of the Los Angeles Lakers of the National Basketball Association -LRB- NBA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Yune was on a series that cancelled on December 13 . +08-13 15:28 root DEBUG He was part of the main cast of the Netflix original series Marco Polo until the series was cancelled on December 12 , 2016 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Swordfish -LRB- film -RRB- is a film that is about someone that works with computers . +08-13 15:28 root DEBUG The film centers on Stanley Jobson , an ex-con and computer hacker who is targeted for recruitment into a bank robbery conspiracy because of his formidable hacking skills . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Artpop debuted at number one on a list . +08-13 15:28 root DEBUG The album received generally mixed reviews from music critics , but was commercially successful , debuting at number one on the United States Billboard 200 with first-week sales of 258,000 copies , becoming Gaga 's second consecutive number-one record in the United States and selling 757,000 copies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeram is a film from 2014 . +08-13 15:28 root DEBUG Veeram -LRB- Valour -RRB- is a 2014 Indian Tamil action film directed by Siva and produced by Vijaya Productions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG House contains a character played by Omar Epps . +08-13 15:28 root DEBUG During the first three seasons , House 's diagnostic team consists of Dr. Robert Chase -LRB- Jesse Spencer -RRB- , Dr. Allison Cameron -LRB- Jennifer Morrison -RRB- , and Dr. Eric Foreman -LRB- Omar Epps -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brick -LRB- film -RRB- is an American film . +08-13 15:28 root DEBUG Brick is a 2005 American neo-noir mystery film written and directed by Rian Johnson in his directorial debut , starring Joseph Gordon-Levitt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stanley Williams died in 2007 . +08-13 15:28 root DEBUG Stanley `` Tookie '' Williams III -LRB- December 29 , 1953 -- December 13 , 2005 -RRB- was an American gang member and convicted murderer , who was part of the West Side Crips , a street gang which has its roots in South Central Los Angeles in 1969 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Penn was in crime drama films . +08-13 15:28 root DEBUG Following his film debut in the drama Taps -LRB- 1981 -RRB- and a diverse range of film roles in the 1980s , including Fast Times at Ridgemont High -LRB- 1982 -RRB- , Penn garnered critical attention for his roles in the crime dramas At Close Range -LRB- 1986 -RRB- , State of Grace -LRB- 1990 -RRB- , and Carlito 's Way -LRB- 1993 -RRB- . State of Grace is a 1990 American neo-noir crime film directed by Phil Joanou and starring Sean Penn , Ed Harris and Gary Oldman , also featuring Robin Wright , John Turturro , and John C. Reilly . At Close Range is a 1986 American crime drama film directed by James Foley , based on the real life rural Pennsylvania crime family led by Bruce Johnston , Sr. which operated during the 1960s and 1970s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yale University 's alumni includes 19 justices . +08-13 15:28 root DEBUG Yale has graduated many notable alumni , including five U.S. Presidents , 19 U.S. Supreme Court Justices , 20 living billionaires , and many heads of state . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Villa Park refused to host the 90th FA Community Shield . +08-13 15:28 root DEBUG Villa Park also hosted the 2012 FA Community Shield , as Wembley Stadium was in use for the final of the Olympic football tournament . The 2012 FA Community Shield was the 90th FA Community Shield , a football match played on 12 August 2012 between the winners of the previous season 's Premier League and FA Cup competitions . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jennifer Lopez made an album . +08-13 15:28 root DEBUG She ventured into the music industry in 1999 with her debut studio album On the 6 , preceded by the number-one single `` If You Had My Love '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Francis I of France was the first King of France from the Angoulême branch of the House of Valois . +08-13 15:28 root DEBUG Francis I -LRB- François Ier -RRB- -LRB- 12 September 1494 -- 31 March 1547 -RRB- was the first King of France from the Angoulême branch of the House of Valois , reigning from 1515 until his death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Kevin Walker is from North America . +08-13 15:28 root DEBUG Andrew Kevin Walker -LRB- born August 14 , 1964 -RRB- is an American BAFTA-nominated screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A monster is often grotesque . +08-13 15:28 root DEBUG A monster is any creature , usually found in legends or horror fiction , that is often hideous and may produce fear or physical harm by its appearance or its actions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chagatai language was the shared literary language of Central Asia until the 19th century . +08-13 15:28 root DEBUG Chagatai is an extinct Turkic language which was once widely spoken in Central Asia , and remained the shared literary language there until the early 20th century . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl Jam is a band . +08-13 15:28 root DEBUG Pearl Jam is an American rock band formed in Seattle , Washington , in 1990 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG XHamster 's The Sex Factor makes eight men and eight women compete to become a novelist . +08-13 15:28 root DEBUG The site produces The Sex Factor , a reality series in which men and women compete to become porn stars . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Drake Bell does n't sing . +08-13 15:28 root DEBUG He also co-wrote and performed the theme song to Drake & Josh , entitled `` Found a Way . '' `` Found a Way '' is a song by American singer-songwriter Drake Bell . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Varsity Blues -LRB- film -RRB- is an American film . +08-13 15:28 root DEBUG Varsity Blues is a 1999 American coming-of-age sports comedy-drama film directed by Brian Robbins that follows a small-town high school football team and their overbearing coach through a tumultuous season . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Season 2 of Fargo takes place everywhere but the Midwestern United States . +08-13 15:28 root DEBUG A prequel to the events in its first season , season two of Fargo takes place in the Midwestern United States in March 1979 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Dad is a motion picture . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee was born . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soyuz was part of the Soviet space program . +08-13 15:28 root DEBUG Soyuz -LRB- Сою́з -LSB- sɐˈjʉs -RSB- , `` Union '' , as in Сове́тский Сою́з , `` Sovetskiy Soyuz '' , `` Soviet Union '' -RRB- is a series of spacecraft designed for the Soviet space programme by the Korolyov Design Bureau -LRB- now RKK Energia -RRB- in the 1960s that remains in service today . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fist of Legend is a 1972 movie 's remake . +08-13 15:28 root DEBUG It is a remake of the 1972 Fist of Fury , which starred Bruce Lee as the lead character . Fist of Fury is a 1972 Hong Kong martial arts film directed by Lo Wei , starring Bruce Lee in his second major role after The Big Boss -LRB- 1971 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kim Jong-il died in 1982 . +08-13 15:28 root DEBUG Kim Jong-il -LRB- , -LSB- kim.dzʌŋ.il -RSB- or -LSB- kim -RSB- -LSB- tsʌŋ.il -RSB- 16 February 1941/1942 -- 17 December 2011 -RRB- was the supreme leader of the Democratic People 's Republic of Korea -LRB- DPRK -RRB- , commonly referred to as North Korea , from 1994 to 2011 . He ruled the country until his death on 17 December 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bradley Fuller is partners with Michael Bay . +08-13 15:28 root DEBUG He co-owns Platinum Dunes , partnering with both Michael Bay and Andrew Form . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bassoon King is based in reality . +08-13 15:28 root DEBUG The Bassoon King : My Life in Art , Faith , and Idiocy is a non-fiction book authored by American actor Rainn Wilson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simón Bolívar 's maiden name is Simón José Antonio de la Santísima Trinidad Bolívar y Palacios . +08-13 15:28 root DEBUG Simón José Antonio de la Santísima Trinidad Bolívar y Palacios -LRB- -LSB- siˈmon boˈliβar -RSB- ; 24 July 1783 -- 17 December 1830 -RRB- , known as El Libertador , was a Venezuelan military and political leader who played a leading role in the establishment of Venezuela , Bolivia , Colombia , Ecuador , Peru and Panama as sovereign states , independent of Spanish rule . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matteo Renzi was Prime Minister of a country . +08-13 15:28 root DEBUG Matteo Renzi -LRB- -LSB- matˈtɛːo ˈrɛntsi -RSB- ; born 11 January 1975 -RRB- is an Italian politician who served as the Prime Minister of Italy from February 2014 until December 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is a country . +08-13 15:28 root DEBUG Camden is a city in Camden County , New Jersey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weekly Idol is hosted by Future . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pirates of the Caribbean has yet to make it to Tokyo Disneyland . +08-13 15:28 root DEBUG Pirates of the Caribbean is a dark ride at Disneyland , the Magic Kingdom , Tokyo Disneyland , and Disneyland Park in Paris . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bhagat Singh was a revolutionary . +08-13 15:28 root DEBUG Bhagat Singh -LRB- -LSB- pə̀ɡət̪ sɪ́ŋɡ -RSB- -- 23 March 1931 -RRB- was a charismatic Indian socialist revolutionary whose two acts of dramatic violence against the British in India and execution at age 23 made him a folk hero of the Indian independence movement . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashton Kutcher is a romantic comedy actor . +08-13 15:28 root DEBUG He made his film debut in the romantic comedy Coming Soon and became known by audiences in the comedy film Dude , Where 's My Car ? +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mud refused to hire Reese Witherspoon . +08-13 15:28 root DEBUG The film stars Matthew McConaughey , Tye Sheridan , Jacob Lofland , Sam Shepard , and Reese Witherspoon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hush -LRB- 2016 film -RRB- was produced by Intrepid Pictures . +08-13 15:28 root DEBUG The film was produced by Trevor Macy , through Intrepid Pictures , and Jason Blum through his Blumhouse Productions banner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy Summers has been portrayed only by Kristy Swanson . +08-13 15:28 root DEBUG Buffy was portrayed by Kristy Swanson in the film , and later by Sarah Michelle Gellar in the television series . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ann Richards was a governor for four years . +08-13 15:28 root DEBUG Dorothy Ann Willis Richards -LRB- September 1 , 1933 -- September 13 , 2006 -RRB- was an American politician and the 45th Governor of Texas from 1991 to 1995 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tamerlan Tsarnaev once took part in a shootout with the police . +08-13 15:28 root DEBUG Shortly after the Federal Bureau of Investigation declared them suspects in the bombings and released images of them , the Tsarnaev brothers killed an MIT policeman , carjacked an SUV , and engaged in a shootout with the police in the Boston suburb of Watertown . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Recovery is a song by Marshall Mathers III . +08-13 15:28 root DEBUG Recovery is the seventh studio album by American rapper Eminem . Marshall Bruce Mathers III -LRB- born October 17 , 1972 -RRB- , known professionally as Eminem -LRB- often stylized as EMINƎM -RRB- , is an American rapper , record producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mani Ratnam is widely credited with altering the profile of Indian cinema . +08-13 15:28 root DEBUG Cited by the media as one of India 's influential filmmakers , Mani Ratnam is widely credited with revolutionising the Tamil film industry and altering the profile of Indian cinema . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The retreat of permafrost is an expected outcome of global warming . +08-13 15:28 root DEBUG Warming is expected to be greater over land than over the oceans and greatest in the Arctic , with the continuing retreat of glaciers , permafrost and sea ice . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tilda Swinton does performance art . +08-13 15:28 root DEBUG Katherine Matilda `` Tilda '' Swinton -LRB- born 5 November 1960 -RRB- is a British actress , performance artist , model , and fashion muse , known for her roles in independent and Hollywood films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Norman Jewison directed The Cincinnati Kid . +08-13 15:28 root DEBUG The film was directed by Norman Jewison and stars Steve McQueen in the title role and Edward G. Robinson as Howard . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stanley Williams was a person who committed crimes . +08-13 15:28 root DEBUG Stanley `` Tookie '' Williams III -LRB- December 29 , 1953 -- December 13 , 2005 -RRB- was an American gang member and convicted murderer , who was part of the West Side Crips , a street gang which has its roots in South Central Los Angeles in 1969 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pirates of the Caribbean is in Disneyland Paris . +08-13 15:28 root DEBUG Pirates of the Caribbean is a dark ride at Disneyland , the Magic Kingdom , Tokyo Disneyland , and Disneyland Park in Paris . Disneyland Park -LRB- Parc Disneyland -RRB- , originally Euro Disneyland , is a theme park found at Disneyland Paris in Marne-la-Vallée , France . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chile is a nation . +08-13 15:28 root DEBUG Chile , is a South American country occupying a long , narrow strip of land between the Andes to the east and the Pacific Ocean to the west . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carlos Santana is a guitarist . +08-13 15:28 root DEBUG In 2003 Rolling Stone magazine listed Santana at number 20 on their list of the 100 Greatest Guitarists of All Time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exercise raises resting heart rate in the long term . +08-13 15:28 root DEBUG Exercise temporarily increases the rate , but lowers resting heart rate in the long term , and is good for heart health . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ron Weasley 's blood is pure . +08-13 15:28 root DEBUG He is a member of the Weasley family , a pure blood family , who reside in `` The Burrow '' outside Ottery St. Catchpole . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Youtube is ranked as the fourth most popular site in the world . +08-13 15:28 root DEBUG , the website is ranked as the second most popular site in the world by Alexa Internet , a web traffic analysis company . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jens Stoltenberg was Prime Minister of Canada from 2000 to 2001 . +08-13 15:28 root DEBUG Stoltenberg served as Prime Minister of Norway from 2000 to 2001 and from 2005 to 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is the location of Cooper Medical School . +08-13 15:28 root DEBUG The city is the home of Rutgers University -- Camden , which was founded as the South Jersey Law School in 1926 , and Cooper Medical School of Rowan University , which opened in 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danielle Cormack is from New Zealand . +08-13 15:28 root DEBUG Danielle Cormack -LRB- born 26 December 1970 -RRB- is a stage and screen actress from New Zealand . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw was written by Kurt Sutter . +08-13 15:28 root DEBUG Southpaw is a 2015 American sports drama film directed by Antoine Fuqua , written by Kurt Sutter and starring Jake Gyllenhaal , Forest Whitaker and Rachel McAdams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Concert for Bangladesh raised close to $ 250,000 for Haiti relief . +08-13 15:28 root DEBUG The concerts were attended by a total of 40,000 people , and raised close to US$ 250,000 for Bangladesh relief , which was administered by UNICEF . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bassoon King 's writer is Rainn Wilson . +08-13 15:28 root DEBUG The Bassoon King : My Life in Art , Faith , and Idiocy is a non-fiction book authored by American actor Rainn Wilson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harvard University is small . +08-13 15:28 root DEBUG Harvard is a large , highly residential research university . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mighty Ducks was produced by Waluigi . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Ham United F.C. was founded in this century . +08-13 15:28 root DEBUG The club was founded in 1895 as Thames Ironworks and reformed in 1900 as West Ham United . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Only forced labor slavery is a reason for human trafficking . +08-13 15:28 root DEBUG Human trafficking is the trade of humans , most commonly for the purpose of forced labour , sexual slavery , or commercial sexual exploitation for the trafficker or others . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 15th was the day the Lockhead Martin F-35 Lightning II first flew on . +08-13 15:28 root DEBUG The F-35 first flew on 15 December 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashton Kuthcher was in one film in 2005 . +08-13 15:28 root DEBUG Kutcher subsequently appeared in more romantic comedies , including Guess Who -LRB- 2005 -RRB- , A Lot Like Love -LRB- 2005 -RRB- , What Happens in Vegas -LRB- 2008 -RRB- , and No Strings Attached -LRB- 2011 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The retreat of sea ice is one of the expected outcomes of global warming . +08-13 15:28 root DEBUG Warming is expected to be greater over land than over the oceans and greatest in the Arctic , with the continuing retreat of glaciers , permafrost and sea ice . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Home for the Holidays stars the fourth child of Charlie Chaplin . +08-13 15:28 root DEBUG The film stars Holly Hunter , Robert Downey Jr. , Anne Bancroft , Charles Durning , Dylan McDermott , Geraldine Chaplin , Steve Guttenberg , Cynthia Stevenson , Claire Danes , Austin Pendleton and David Strathairn . Geraldine Leigh Chaplin -LRB- born July 31 , 1944 -RRB- is a prolific actress of English , French , and Spanish language films , the fourth child of Charlie Chaplin , the first of eight with fourth wife Oona O'Neill . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Civilization IV is a game in the turn-based strategy genre . +08-13 15:28 root DEBUG Sid Meier 's Civilization IV is a turn-based strategy computer game and the fourth installment of the Civilization series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Helmand Province has an airport . +08-13 15:28 root DEBUG The province has a domestic airport -LRB- Bost Airport -RRB- , in the city of Lashkar Gah and heavily used by NATO-led forces . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sancho Panza is a fictional character . +08-13 15:28 root DEBUG Sancho Panza -LSB- ˈsantʃo ˈpanθa -RSB- is a fictional character in the novel Don Quixote written by Spanish author Don Miguel de Cervantes Saavedra in 1605 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jennifer Lopez married a minimum of two times . +08-13 15:28 root DEBUG Following her second divorce , Lopez had a high-profile relationship with Ben Affleck , which strongly influenced her third studio album , This Is Me ... Then -LRB- 2002 -RRB- , while also overshadowing the release of Gigli -LRB- 2003 -RRB- , a critical and commercial failure . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Kyle was born on April 8 , 1974 . +08-13 15:28 root DEBUG Christopher Scott Kyle -LRB- April 8 , 1974 − February 2 , 2013 -RRB- was a United States Navy SEAL veteran and sniper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Life is only applicable to inanimate objects . +08-13 15:28 root DEBUG Life is a characteristic distinguishing physical entities having biological processes , such as signaling and self-sustaining processes , from those that do not , either because such functions have ceased , or because they never had such functions and are classified as inanimate . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Virginia borders Kentucky . +08-13 15:28 root DEBUG It is bordered by Virginia to the southeast , Kentucky to the southwest , Ohio to the northwest , Pennsylvania to the north -LRB- and , slightly , east -RRB- , and Maryland to the northeast . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The NAACP Image Award for Outstanding Supporting Actor in a Drama Series has been received by Omar Epps . +08-13 15:28 root DEBUG The award was first given during the 1996 ceremony and since its conception , Omar Epps and Joe Morton hold the record for the most wins with three each . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A View to a Kill is a romance movie . +08-13 15:28 root DEBUG A View to a Kill -LRB- 1985 -RRB- is the fourteenth spy film of the James Bond series , and the seventh and last to star Roger Moore as the fictional MI6 agent James Bond . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Motion is good for heart health . +08-13 15:28 root DEBUG The heart receives blood low in oxygen from the systemic circulation , which enters the right atrium from the superior and inferior venae cavae and passes to the right ventricle . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawkins makes regular internet appearances . +08-13 15:28 root DEBUG Dawkins has been awarded many prestigious academic and writing awards and he makes regular television , radio and Internet appearances , predominantly discussing his books , his atheism , and his ideas and opinions as a public intellectual . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brad Wilk was a drummer for a band . +08-13 15:28 root DEBUG He is best known as the drummer of the rock bands Rage Against the Machine -LRB- 1991 -- 2000 ; 2007 -- 11 -RRB- and Audioslave -LRB- 2001 -- 07 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are people that can be classified as monks . +08-13 15:28 root DEBUG A monk may be a person who decided to dedicate his life to serving all other living beings , or to be an ascetic who voluntarily chooses to leave mainstream society and live his or her life in prayer and contemplation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Happiness in Slavery is a musical work . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Penguin Books revolutionized publishing . +08-13 15:28 root DEBUG Penguin revolutionised publishing in the 1930s through its inexpensive paperbacks , sold through Woolworths and other high street stores for sixpence , bringing high-quality paperback fiction and non-fiction to the mass market . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG XHamster puts into production a reality series . +08-13 15:28 root DEBUG The site produces The Sex Factor , a reality series in which men and women compete to become porn stars . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A monk lives alone or with other types of people . +08-13 15:28 root DEBUG A monk -LRB- -LSB- mʌŋk -RSB- , from μοναχός , monachos , `` single , solitary '' and Latin monachus -RRB- is a person who practices religious asceticism by monastic living , either alone or with any number of other monks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 100 also follows the teens cousins on The Ark. . +08-13 15:28 root DEBUG The series follows a group of teens : Clarke Griffin -LRB- Eliza Taylor -RRB- , Bellamy Blake -LRB- Bob Morley -RRB- , Octavia Blake -LRB- Marie Avgeropoulos -RRB- , Jasper Jordan -LRB- Devon Bostick -RRB- , Monty Green -LRB- Christopher Larkin -RRB- , Raven Reyes -LRB- Lindsey Morgan -RRB- , Finn Collins -LRB- Thomas McDonell -RRB- , John Murphy -LRB- Richard Harmon -RRB- , and Wells Jaha -LRB- Eli Goree -RRB- as they are among the first people from a space habitat , `` The Ark '' , to return to Earth after a devastating nuclear apocalypse ; the series also focuses on Dr. Abby Griffin -LRB- Paige Turco -RRB- , Clarke 's mother ; Marcus Kane -LRB- Henry Ian Cusick -RRB- , a council member on the Ark ; and Thelonious Jaha -LRB- Isaiah Washington -RRB- , the Chancellor of the Ark and Wells ' father . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins full name is Michaela Suzanne Watkins . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was written by a lake . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . Cinco Paul and Ken Daurio are American screenwriters . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brick -LRB- film -RRB- was directed by Michael Bay only . +08-13 15:28 root DEBUG Brick is a 2005 American neo-noir mystery film written and directed by Rian Johnson in his directorial debut , starring Joseph Gordon-Levitt . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nicholas Brody only appears on basic cable . +08-13 15:28 root DEBUG Nicholas `` Nick '' Brody , played by actor Damian Lewis , is a fictional character on the American television series Homeland on Showtime , created by Alex Gansa and Howard Gordon . Showtime is an American premium cable and satellite television network that serves as the flagship service of the Showtime Networks subsidiary of CBS Corporation , which also owns sister services The Movie Channel and Flix . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Glen directs A View to a Kill . +08-13 15:28 root DEBUG It was the third James Bond film to be directed by John Glen , and the last to feature Lois Maxwell as Miss Moneypenny . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Microbiologist research promotes information found in immunology and pathology . +08-13 15:28 root DEBUG Because microbiologists specialize in the investigation of microorganisms that typically cause infection , their research commonly promotes information found in immunology , pathology , and molecular biology . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Daily Show described itself as a credible news program . +08-13 15:28 root DEBUG Describing itself as a fake news program , The Daily Show draws its comedy and satire from recent news stories , political figures , media organizations , and often uses self-referential humor as well . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG House is a Fox prime-time drama . +08-13 15:28 root DEBUG House -LRB- also called House , M.D. -RRB- is an American television medical drama that originally ran on the Fox network for eight seasons , from November 16 , 2004 to May 21 , 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James VI and I was a major advocate of a single parliament . +08-13 15:28 root DEBUG He was a major advocate of a single parliament for England and Scotland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bruce Shand was awarded the Military Cross . +08-13 15:28 root DEBUG Major Bruce Middleton Hope Shand MC and bar -LRB- 22 January 1917 -- 11 June 2006 -RRB- was an officer in the British Army . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Jones missed the finals once . +08-13 15:28 root DEBUG Jones has never been on an NBA team with a losing record and has only missed the playoffs once -- with the Trail Blazers in 2007 -- 08 . The National Basketball Association -LRB- NBA -RRB- playoffs are a best-of-seven elimination tournament among 16 teams in the Eastern Conference and Western Conference -LRB- called divisions , pre-1970 -RRB- , ultimately deciding the league 's season champion in the NBA Finals . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is the home of a school that was established as the South Jersey Law School in 1926 . +08-13 15:28 root DEBUG The city is the home of Rutgers University -- Camden , which was founded as the South Jersey Law School in 1926 , and Cooper Medical School of Rowan University , which opened in 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG PacSun sells products . +08-13 15:28 root DEBUG The company sells lifestyle apparel , along with footwear and accessories designed for teens and young adults . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colombiana was only produced by George Lucas . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a film called Daag . +08-13 15:28 root DEBUG Daag : A Poem of Love is a 1973 Bollywood drama film produced and directed by Yash Chopra in his debut as a producer , which laid the foundation of Yash Raj Films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was written by anyone except Victoria Strouse . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bongwater follows the story of a drug dealer . +08-13 15:28 root DEBUG Based on the 1995 book of the same name by Michael Hornburg , the film is set in Portland , Oregon , and follows an aspiring artist and marijuana dealer and his relationship with a tempestuous woman he meets through a client . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blue Jasmine has Cate Blanchett directing it . +08-13 15:28 root DEBUG The film tells the story of a rich Manhattan socialite -LRB- played by Cate Blanchett -RRB- who falls on hard times and has to move into her working class sister 's -LRB- Sally Hawkins -RRB- apartment in San Francisco . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gordon Ramsay has employed cooks . +08-13 15:28 root DEBUG He combines activities in the television , film , hospitality , and food industries and has promoted and hired various chefs who have apprenticed under his wing . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Happiness in Slavery is a song . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG `` Love the Way You Lie '' was on the Billboard Hot 100 for seven weeks . +08-13 15:28 root DEBUG It is Eminem 's best-selling single and ranked number one on several record charts , including the United States ' Billboard Hot 100 for seven weeks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina was a grouping of British colonial territories in Southeast Asia . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Republic of Macedonia is in a place with various and disputed borders . +08-13 15:28 root DEBUG Republika Makedonija -RRB- , is a country in the Balkan peninsula in Southeast Europe . The Balkan Peninsula , or the Balkans , is a peninsula and a cultural area in Eastern and Southeastern Europe with various and disputed borders . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Graffiti was released in 2007 . +08-13 15:28 root DEBUG It was released on December 7 , 2009 , by Jive Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tool has performed tours . +08-13 15:28 root DEBUG Tool has won three Grammy Awards , performed worldwide tours , and produced albums topping the charts in several countries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Always is about a British actress . +08-13 15:28 root DEBUG The film , however , follows the same basic plot line : the spirit of a recently dead expert pilot mentors a newer pilot , while watching him fall in love with his surviving girlfriend . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marnie is a film . +08-13 15:28 root DEBUG Marnie is a 1964 American psychological thriller film directed by Alfred Hitchcock . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG L.A. Reid has been the president of Arista Records . +08-13 15:28 root DEBUG He has served as the chairman and CEO of Epic Records , a division of Sony Music Entertainment , the president and CEO of Arista Records , and the chairman and CEO of the Island Def Jam Music Group . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG New Orleans Pelicans compete the southwest Division of the NBA . +08-13 15:28 root DEBUG The Pelicans compete in the National Basketball Association -LRB- NBA -RRB- as a member club of the league 's Western Conference Southwest Division . The Southwest Division is one of the three divisions in the Western Conference of the National Basketball Association -LRB- NBA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Penn has acted in 13 films . +08-13 15:28 root DEBUG Following his film debut in the drama Taps -LRB- 1981 -RRB- and a diverse range of film roles in the 1980s , including Fast Times at Ridgemont High -LRB- 1982 -RRB- , Penn garnered critical attention for his roles in the crime dramas At Close Range -LRB- 1986 -RRB- , State of Grace -LRB- 1990 -RRB- , and Carlito 's Way -LRB- 1993 -RRB- . He became known as a prominent leading actor with the drama Dead Man Walking -LRB- 1995 -RRB- , for which he earned his first Academy Award nomination and the Best Actor Award at the Berlin Film Festival . Penn received another two Oscar nominations for Woody Allen 's comedy-drama Sweet and Lowdown -LRB- 1999 -RRB- and the drama I Am Sam -LRB- 2001 -RRB- , before winning his first Academy Award for Best Actor in 2003 for Mystic River and a second one in 2008 for Milk . He has also won a Best Actor Award of the Cannes Film Festival for the Nick Cassavetes-directed She 's So Lovely -LRB- 1997 -RRB- , and two Best Actor Awards at the Venice Film Festival for the indie film Hurlyburly -LRB- 1998 -RRB- and the drama 21 Grams -LRB- 2003 -RRB- . Penn made his feature film directorial debut with The Indian Runner -LRB- 1991 -RRB- , followed by the drama film The Crossing Guard -LRB- 1995 -RRB- and the mystery film The Pledge -LRB- 2001 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is in a county in New Jersey . +08-13 15:28 root DEBUG Camden is a city in Camden County , New Jersey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Juventus Stadium in Turin is the home stadium for Juventus F.C. +08-13 15:28 root DEBUG The club is the second oldest of its kind still active in the country after Genoa 's football section -LRB- 1893 -RRB- , has traditionally worn a black and white striped home kit since 1903 and has played its home matches in several grounds , being the latest the 41,507-capacity Juventus Stadium . Juventus Stadium , sometimes simply known in Italy as the Stadium , is an all-seater football stadium in the Vallette borough of Turin , Italy , and the home of Serie A club Juventus Football Club . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Living monastically is done by monks . +08-13 15:28 root DEBUG A monk -LRB- -LSB- mʌŋk -RSB- , from μοναχός , monachos , `` single , solitary '' and Latin monachus -RRB- is a person who practices religious asceticism by monastic living , either alone or with any number of other monks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Wizards have won seven seasons of American Idol . +08-13 15:28 root DEBUG The Washington Wizards are an American professional basketball team based in Washington , D.C. . American Idol is an American singing competition television series created by Simon Fuller , produced by FremantleMedia North America and 19 Entertainment , and distributed by FremantleMedia North America . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Swordfish -LRB- film -RRB- is a film that is about an ex-convict . +08-13 15:28 root DEBUG The film centers on Stanley Jobson , an ex-con and computer hacker who is targeted for recruitment into a bank robbery conspiracy because of his formidable hacking skills . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miracle at St. Anna is set in German-occupied Europe during WWII . +08-13 15:28 root DEBUG Set primarily in Italy during German-occupied Europe in World War II , the film tells the story of four Buffalo Soldiers of the 92nd Infantry Division who seek refuge in a small Tuscan village , where they form a bond with the residents . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simón Bolívar was a leader . +08-13 15:28 root DEBUG Simón José Antonio de la Santísima Trinidad Bolívar y Palacios -LRB- -LSB- siˈmon boˈliβar -RSB- ; 24 July 1783 -- 17 December 1830 -RRB- , known as El Libertador , was a Venezuelan military and political leader who played a leading role in the establishment of Venezuela , Bolivia , Colombia , Ecuador , Peru and Panama as sovereign states , independent of Spanish rule . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Capsicum chinense is a species of chili pepper . +08-13 15:28 root DEBUG Capsicum chinense , commonly known as the `` bonnet pepper '' is a species of chili pepper native to the Americas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bethany Hamilton 's biopic had a director . +08-13 15:28 root DEBUG In April 2011 , the feature film Soul Surfer was released . Soul Surfer is a 2011 American biographical drama film directed by Sean McNamara , based on the 2004 autobiography Soul Surfer : A True Story of Faith , Family , and Fighting to Get Back on the Board by Bethany Hamilton about her life as a surfer after a horrific shark attack and her recovery . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was penned by Andrew Stanton . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angelsberg is located in Luxembourg . +08-13 15:28 root DEBUG Angelsberg is a small town in the commune of Fischbach , in central Luxembourg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poseidon lost $ 181,674,817 . +08-13 15:28 root DEBUG Poseidon grossed $ 181,674,817 at the worldwide box office on a budget of $ 160 million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poldark has three series . +08-13 15:28 root DEBUG The BBC announced on 6 July 2016 , before series 2 had begun , that a third series had been commissioned . Poldark is a British-American drama television series that was first broadcast on BBC One on 8 March 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Diana , Princess of Wales became known as Lady Diana Thatcher . +08-13 15:28 root DEBUG In 1975 , after her father inherited the title of Earl Spencer , she became known as Lady Diana Spencer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cry of the Owl is based on a book . +08-13 15:28 root DEBUG The Cry of the Owl is a 2009 thriller film based on Patricia Highsmith 's book of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG G I R L is the stylized form of Girl . +08-13 15:28 root DEBUG Girl -LRB- stylized as G I R L -RRB- is the second studio album by American singer and record producer Pharrell Williams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rupert Murdoch has control of 21st Century Fox . +08-13 15:28 root DEBUG Murdoch thus had full control as Chairman and CEO of global media holding company News Corporation , now the world 's second-largest media conglomerate , and its successors , News Corp and 21st Century Fox , after the conglomerate split on 28 June 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Randy Savage is a professional at a fighting sport . +08-13 15:28 root DEBUG Randy Mario Poffo -LRB- November 15 , 1952 -- May 20 , 2011 -RRB- , better known by the ring name `` Macho Man '' Randy Savage , was an American professional wrestler and color commentator best known for his time in the World Wrestling Federation -LRB- WWF , now WWE -RRB- and later World Championship Wrestling -LRB- WCW -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw was written by a person . +08-13 15:28 root DEBUG Southpaw is a 2015 American sports drama film directed by Antoine Fuqua , written by Kurt Sutter and starring Jake Gyllenhaal , Forest Whitaker and Rachel McAdams . Kurt Leon Sutter -LRB- born May 5 , 1960 -RRB- is an American screenwriter , director , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marco Polo was a person . +08-13 15:28 root DEBUG Marco Polo -LRB- -LSB- ˈmɑrkoʊ_ˈpoʊloʊ -RSB- -LSB- ˈmarko ˈpɔːlo -RSB- ; 1254January 8 -- 9 , 1324 -RRB- was a Venetian merchant traveller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marco Polo was a Venetian . +08-13 15:28 root DEBUG Marco Polo -LRB- -LSB- ˈmɑrkoʊ_ˈpoʊloʊ -RSB- -LSB- ˈmarko ˈpɔːlo -RSB- ; 1254January 8 -- 9 , 1324 -RRB- was a Venetian merchant traveller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anushka Sharma won an award . +08-13 15:28 root DEBUG She is the recipient of numerous accolades , including one Filmfare Award from seven nominations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aarhus is the seat of Aarhus municipality . +08-13 15:28 root DEBUG Aarhus -LRB- -LSB- ˈɒːhuːˀs -RSB- ; officially spelled Århus from 1948 until 31 December 2010 -RRB- is the second-largest city in Denmark and the seat of Aarhus municipality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sayyeshaa starred in Akhil . +08-13 15:28 root DEBUG After starring a Telugu film Akhil -LRB- 2015 -RRB- , she made her Bollywood debut in Ajay Devgn 's Shivaay -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Smriti Mandhana was born in August . +08-13 15:28 root DEBUG Smriti Mandhana -LRB- born 18 July 1996 -RRB- is an Indian cricketer who plays for the Indian women 's cricket team . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beach was released in 2000 . +08-13 15:28 root DEBUG The Beach is a 2000 adventure drama film directed by Danny Boyle and based on the 1996 novel of the same name by Alex Garland , which was adapted for the film by John Hodge . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sleipnir appears nowhere . +08-13 15:28 root DEBUG Additionally , Sleipnir is mentioned in a riddle found in the 13th century legendary saga Hervarar saga ok Heiðreks , in the 13th century legendary saga Völsunga saga as the ancestor of the horse Grani , and book I of Gesta Danorum , written in the 12th century by Saxo Grammaticus , contains an episode considered by many scholars to involve Sleipnir . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a film that is about a person name Stanley Jobson titled Swordfish -LRB- film -RRB- . +08-13 15:28 root DEBUG The film centers on Stanley Jobson , an ex-con and computer hacker who is targeted for recruitment into a bank robbery conspiracy because of his formidable hacking skills . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miracle at St. Anna is set primarily in Tuscany . +08-13 15:28 root DEBUG Set primarily in Italy during German-occupied Europe in World War II , the film tells the story of four Buffalo Soldiers of the 92nd Infantry Division who seek refuge in a small Tuscan village , where they form a bond with the residents . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tool is a rock band that formed in 1990 . +08-13 15:28 root DEBUG Formed in 1990 , the group 's line-up includes drummer Danny Carey , guitarist Adam Jones , and vocalist Maynard James Keenan . Daniel Edwin `` Danny '' Carey -LRB- born May 10 , 1961 -RRB- is an American drummer and instrumentalist best known for his work in American Grammy Award-winning progressive rock band Tool . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mighty Ducks was produced by Lucasfilm . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl is part of Katy Perry 's second studio sandwich . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry VIII -LRB- TV serial -RRB- has an all-female cast . +08-13 15:28 root DEBUG It stars Ray Winstone in his first role in a costume drama . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Juventus F.C. is the second oldest soccer team in Italy . +08-13 15:28 root DEBUG The club is the second oldest of its kind still active in the country after Genoa 's football section -LRB- 1893 -RRB- , has traditionally worn a black and white striped home kit since 1903 and has played its home matches in several grounds , being the latest the 41,507-capacity Juventus Stadium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South African Communist Party is a trades partner . +08-13 15:28 root DEBUG It is a partner of the Tripartite Alliance with the African National Congress and the Congress of South African Trade Unions -LRB- COSATU -RRB- and through this it influences the South African government . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saturn Corporation is popularly referred to as Saturn LLC . +08-13 15:28 root DEBUG The Saturn Corporation , also known as Saturn LLC , is a registered trademark established on January 7 , 1985 , as a subsidiary of General Motors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Wood is a film . +08-13 15:28 root DEBUG Ed Wood is a 1994 American biographical period comedy-drama film directed and produced by Tim Burton , and starring Johnny Depp as cult filmmaker Ed Wood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was written by Andrei Zvyagintsev . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meteora is not an album by Linkin Park . +08-13 15:28 root DEBUG Meteora is the second studio album by American rock band Linkin Park . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Awkward Black Girl is a Pakistani comedy web series . +08-13 15:28 root DEBUG The Mis-Adventures of Awkward Black Girl -LRB- often simply referred to as Awkward Black Girl -RRB- is an American comedy web series created by and starring Issa Rae . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Live Through This has sold less than 1.6 million copies . +08-13 15:28 root DEBUG As of 2010 , it has sold over 1.6 million copies in the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy Summers appears in a recorded work . +08-13 15:28 root DEBUG She first appeared in the 1992 film Buffy the Vampire Slayer before going on to appear in the television series and subsequent comic book of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billie Joe Armstrong finished college in 1972 . +08-13 15:28 root DEBUG Billie Joe Armstrong -LRB- born February 17 , 1972 -RRB- is an American musician , singer , songwriter and actor who is best known as the lead vocalist , primary songwriter , and guitarist of the punk rock band Green Day , which he co-founded with Mike Dirnt . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An example of a virus is rabies . +08-13 15:28 root DEBUG Rabies is a viral disease that causes inflammation of the brain in humans and other mammals . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wales ' population rapidly declined . +08-13 15:28 root DEBUG At the dawn of the Industrial Revolution , development of the mining and metallurgical industries transformed the country from an agricultural society into an industrial nation ; the South Wales Coalfield 's exploitation caused a rapid expansion of Wales ' population . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael Vick graduated college on June 26th , 1980 . +08-13 15:28 root DEBUG Michael Dwayne Vick -LRB- born June 26 , 1980 -RRB- is a former American football quarterback who played 13 seasons in the National Football League , primarily with the Atlanta Falcons and the Philadelphia Eagles . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Wizards have won four division titles . +08-13 15:28 root DEBUG They have won four conference titles -LRB- 1971 , 1975 , 1978 , 1979 -RRB- , and seven division titles -LRB- 1971 , 1972 , 1973 , 1974 , 1975 , 1979 , 2017 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goosebumps -LRB- film -RRB- is based on The Hobbit by Scott Alexander and Larry Karaszewski . +08-13 15:28 root DEBUG Goosebumps is a 2015 American horror comedy film based on the children 's book series of the same name by R.L. Stine . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Damon Albarn collaborated with Brian Eno on his album Everyday Robots . +08-13 15:28 root DEBUG His debut solo studio album Everyday Robots -- co-produced by XL Recordings CEO Richard Russell -- was released on 28 April 2014 and featured collaborations with Brian Eno , Natasha Khan and the Leytonstone City Pentecostal Mission Church Choir as well as sampling several rants by Lord Buckley . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marvel vs. Capcom : Infinite is part of a series . +08-13 15:28 root DEBUG It is the sixth main entry in the Marvel vs. Capcom series of crossover games . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anushka Sharma is a winner of a Filmfare Award . +08-13 15:28 root DEBUG Sharma rose to prominence with starring roles in Yash Raj Films 's romances Band Baaja Baaraat -LRB- 2010 -RRB- and Jab Tak Hai Jaan -LRB- 2012 -RRB- ; the latter won her a Best Supporting Actress award at Filmfare . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Rogan did not move to Los Angeles in 1994 . +08-13 15:28 root DEBUG After relocating to Los Angeles in 1994 , Rogan signed an exclusive developmental deal with Disney , appeared as an actor on the television sitcoms Hardball and NewsRadio , and worked in local comedy clubs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawkins makes regular radio appearances . +08-13 15:28 root DEBUG Dawkins has been awarded many prestigious academic and writing awards and he makes regular television , radio and Internet appearances , predominantly discussing his books , his atheism , and his ideas and opinions as a public intellectual . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daag is a movie . +08-13 15:28 root DEBUG Daag : A Poem of Love is a 1973 Bollywood drama film produced and directed by Yash Chopra in his debut as a producer , which laid the foundation of Yash Raj Films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jim Broadbent is involved with Game of Thrones -LRB- season 7 -RRB- . +08-13 15:28 root DEBUG The season will introduce several new cast members , including Jim Broadbent and Tom Hopper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Penibaetic System is also called a system of mountain ranges . +08-13 15:28 root DEBUG The Penibaetic System -LRB- Sistema Penibético or Cordillera Penibética -RRB- is the southernmost of the three systems of mountain ranges of the Baetic System in the southern Iberian Peninsula . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Home for the Holidays stars an actor . +08-13 15:28 root DEBUG The film stars Holly Hunter , Robert Downey Jr. , Anne Bancroft , Charles Durning , Dylan McDermott , Geraldine Chaplin , Steve Guttenberg , Cynthia Stevenson , Claire Danes , Austin Pendleton and David Strathairn . Steven Robert `` Steve '' Guttenberg -LRB- born August 24 , 1958 -RRB- is an American actor , author , businessman , producer , and director . Home for the Holidays is a 1995 comedy-drama film directed by Jodie Foster and produced by Peggy Rajski and Foster . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fidel Castro transferred his responsibilities . +08-13 15:28 root DEBUG In 2006 he transferred his responsibilities to Vice-President Raúl Castro , who was elected to the presidency by the National Assembly in 2008 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Ham United F.C. is a club . +08-13 15:28 root DEBUG West Ham United Football Club is a professional football club based in Stratford , East London , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meteora is not an album by an American band . +08-13 15:28 root DEBUG Meteora is the second studio album by American rock band Linkin Park . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rabies is infectious . +08-13 15:28 root DEBUG Rabies is a viral disease that causes inflammation of the brain in humans and other mammals . A viral disease -LRB- or viral infection -RRB- occurs when an organism 's body is invaded by pathogenic viruses , and infectious virus particles -LRB- virions -RRB- +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miracle at St. Anna tells the story of four soldiers in a Tuscan village . +08-13 15:28 root DEBUG Set primarily in Italy during German-occupied Europe in World War II , the film tells the story of four Buffalo Soldiers of the 92nd Infantry Division who seek refuge in a small Tuscan village , where they form a bond with the residents . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CHiPs was written by Dax Shepard . +08-13 15:28 root DEBUG CHiPs is a 2017 American action comedy buddy cop film written and directed by Dax Shepard , based on the 1977 -- 1983 television series of the same name created by Rick Rosner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annette Badland played Doomsday Dora in The Sparticle Mystery . +08-13 15:28 root DEBUG She has played Margaret Blaine in the BBC science fiction series Doctor Who , Doomsday Dora in The Sparticle Mystery , Birdie Henshall in the drama series Cutting It , Mavis in season 6 of Skins , Ursula Crowe in children 's science fiction/fantasy series Wizards vs Aliens , and Babe Smith in soap opera EastEnders . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Albert S. Ruddy is born on Mars . +08-13 15:28 root DEBUG Albert S. Ruddy -LRB- born March 28 , 1930 -RRB- is a Canadian-born film and television producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe is a singer and songwriter . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wildfang was founded by Emma Mcilroy and Julia Parsley in 2001 . +08-13 15:28 root DEBUG The company was founded in 2010 by Emma Mcilroy and Julia Parsley , who previously worked at Nike , Inc. in Portland , Oregon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aarhus is in the geographical center of Denmark . +08-13 15:28 root DEBUG It is located on the east coast of the Jutland peninsula , in the geographical centre of Denmark , 187 km northwest of Copenhagen and 289 km north of Hamburg , Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG AMGTV does not have sports television programming . +08-13 15:28 root DEBUG AMGTV is an American family-oriented television network featuring television programming consisting of drama , sports , movies , entertainment , how-to , hunting and fishing , children 's shows , and other features . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aaron Burr killed Alexander Hamilton in New Jersey . +08-13 15:28 root DEBUG In 1804 , the last full year of his single term as vice president , Burr killed his political rival Alexander Hamilton in a famous duel . The Burr -- Hamilton duel was fought between prominent American politicians Aaron Burr , the sitting Vice President of the United States , and Alexander Hamilton , the former Secretary of the Treasury , at Weehawken , New Jersey on July 11 , 1804 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colin Kaepernick is a football player . +08-13 15:28 root DEBUG Colin Rand Kaepernick -LRB- -LSB- ` kæpərnɪk -RSB- ; born November 3 , 1987 -RRB- is an American football quarterback who is currently a free agent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Capitol Nashville released Keith Urban . +08-13 15:28 root DEBUG Keith Urban -LRB- also known as Keith Urban II -RRB- is the second studio album by Australian country music artist Keith Urban , released on 19 October 1999 by Capitol Nashville . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bethany Hamilton 's biopic was directed by Sean McNamara . +08-13 15:28 root DEBUG She wrote about her experience in the 2004 autobiography Soul Surfer : A True Story of Faith , Family , and Fighting to Get Back on the Board . Soul Surfer is a 2011 American biographical drama film directed by Sean McNamara , based on the 2004 autobiography Soul Surfer : A True Story of Faith , Family , and Fighting to Get Back on the Board by Bethany Hamilton about her life as a surfer after a horrific shark attack and her recovery . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim McGraw had a supporting role in Friday Night Lights . +08-13 15:28 root DEBUG McGraw has ventured into acting , with supporting roles in The Blind Side -LRB- with Sandra Bullock -RRB- , Friday Night Lights , The Kingdom , Tomorrowland , and Four Christmases -LRB- with Vince Vaughn and Reese Witherspoon -RRB- , and lead roles in Flicka -LRB- 2006 -RRB- and Country Strong -LRB- 2010 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United Nations Charter was vetoed in San Francisco , United States . +08-13 15:28 root DEBUG It was signed at the San Francisco War Memorial and Performing Arts Center in San Francisco , United States , on 26 June 1945 , by 50 of the 51 original member countries -LRB- Poland , the other original member , which was not represented at the conference , signed it two months later -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fist of Legend is a remake of another movie . +08-13 15:28 root DEBUG It is a remake of the 1972 Fist of Fury , which starred Bruce Lee as the lead character . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods have distinctive hand signals . +08-13 15:28 root DEBUG They are identified by the red color worn by their members and by particular gang symbols , including distinctive hand signs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amyotrophic lateral sclerosis is a disease that usually starts around the age of 60 . +08-13 15:28 root DEBUG The disease usually starts around the age of 60 and in inherited cases around the age of 50 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Dad was released in the 1990s . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Connie Nielsen is a film actress . +08-13 15:28 root DEBUG Connie Inge-Lise Nielsen -LRB- born 3 July 1965 -RRB- is a Danish actress whose first major role in an English language film was a supporting role in The Devil 's Advocate -LRB- 1997 -RRB- ; Nielsen later gained international attention for her role in Ridley Scott 's Gladiator -LRB- 2000 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barry Van Dyke is the second son of American actor Dick Van Dyke . +08-13 15:28 root DEBUG Barry Van Dyke -LRB- born July 31 , 1951 -RRB- is an American actor and the second son of actor and entertainer Dick Van Dyke plus he was the stepson of makeup artist Arlene Silver-Van Dyke and nephew of Jerry Van Dyke . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Polar bears depend on the Arctic Ocean as their main food source . +08-13 15:28 root DEBUG The polar bear -LRB- ursus #Latin maritimus #Latin -RRB- is a carnivorous bear whose native range lies largely within the Arctic Circle , encompassing the Arctic Ocean , its surrounding seas and surrounding land masses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Private Lives is a two act comedy from 1930 . +08-13 15:28 root DEBUG Private Lives is a 1930 comedy of manners in three acts by Noël Coward . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In California , Stephen Hillenburg was raised . +08-13 15:28 root DEBUG Born in Lawton , Oklahoma and raised in Anaheim , California , Hillenburg became fascinated with the ocean as a child and also developed an interest in art . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Speech recognition incorporates two things into multiple fields . +08-13 15:28 root DEBUG It incorporates knowledge and research in the linguistics , computer science , and electrical engineering fields . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gaga 's second consecutive number-one record in the United States was Artpop . +08-13 15:28 root DEBUG The album received generally mixed reviews from music critics , but was commercially successful , debuting at number one on the United States Billboard 200 with first-week sales of 258,000 copies , becoming Gaga 's second consecutive number-one record in the United States and selling 757,000 copies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Sterile Cuckoo was directed by Tim Burton . +08-13 15:28 root DEBUG The movie was adapted by Alvin Sargent from the 1965 novel by John Nichols , and directed by Alan J. Pakula , in his directing debut . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A song on Virgin Records was released by Mel B. +08-13 15:28 root DEBUG Brown began her solo career when she released `` I Want You Back '' with Missy Elliott on Virgin Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dreamer -LRB- 2005 film -RRB- was written by Michael Bay only . +08-13 15:28 root DEBUG Dreamer is a 2005 American sports drama film written and directed by John Gatins in his directorial debut . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is the home of a school that was founded as the South Jersey Law School in 1920 . +08-13 15:28 root DEBUG The city is the home of Rutgers University -- Camden , which was founded as the South Jersey Law School in 1926 , and Cooper Medical School of Rowan University , which opened in 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was directed by an American . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . Andrew Stanton -LRB- born December 3 , 1965 -RRB- is an American film director , screenwriter , producer and voice actor based at Pixar . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ralph Fults was born January 23 1911 and died in March of 1993 . +08-13 15:28 root DEBUG Ralph Fults -LRB- January 23 , 1911 -- March 16 , 1993 -RRB- was a Depression-era outlaw and escape artist associated with Raymond Hamilton , Bonnie Parker and Clyde Barrow of the Barrow Gang . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy Summers has been portrayed by an actress . +08-13 15:28 root DEBUG Buffy was portrayed by Kristy Swanson in the film , and later by Sarah Michelle Gellar in the television series . Sarah Michelle Prinze -LRB- née Gellar ; born April 14 , 1977 -RRB- is an American actress , producer , and entrepreneur . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunchback of Notre Dame features a character . +08-13 15:28 root DEBUG The film is based on Victor Hugo 's 1831 novel of the same name , and is notable for the grand sets that recall 15th century Paris as well as for Chaney 's performance and make-up as the tortured hunchback Quasimodo . Quasimodo -LRB- from Quasimodo Sunday -RRB- is a fictional character and the protagonist of the novel The Hunchback of Notre-Dame -LRB- 1831 -RRB- by Victor Hugo . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wentworth Miller made his screenwriting debut with the 80s film Stoker . +08-13 15:28 root DEBUG He made his screenwriting debut with the 2013 thriller film Stoker . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters was produced by Adam Sandler . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harvard University is not a research university . +08-13 15:28 root DEBUG Harvard University is a private Ivy League research university in Cambridge , Massachusetts , established in 1636 , whose history , influence , and wealth have made it one of the world 's most prestigious universities . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beach is a film that falls under the adventure drama genre . +08-13 15:28 root DEBUG The Beach is a 2000 adventure drama film directed by Danny Boyle and based on the 1996 novel of the same name by Alex Garland , which was adapted for the film by John Hodge . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The CONCACAF Champions League is organized for dead bodies . +08-13 15:28 root DEBUG The CONCACAF Champions League is an annual continental football club competition organized by CONCACAF for the top football clubs in North America , Central America and the Caribbean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Seven miles west of downtown Portland is the city center of Beaverton , Oregon . +08-13 15:28 root DEBUG The city center is 7 mi west of downtown Portland in the Tualatin River Valley . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Starrcade was an annual professional wrestling event . +08-13 15:28 root DEBUG Starrcade was an annual professional wrestling event , originally broadcast via closed-circuit television and eventually broadcast via pay-per-view television , held from 1983 to 2000 by the National Wrestling Alliance -LRB- NWA -RRB- and later World Championship Wrestling -LRB- WCW -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daggering is incapable of being a form of dance . +08-13 15:28 root DEBUG Daggering is a form of dance originating from Jamaica . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the End was the only track on Hybrid Theory . +08-13 15:28 root DEBUG It is the eighth track on their debut album Hybrid Theory -LRB- 2000 -RRB- and was released as the album 's fourth single October 9 , 2001 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bonn is the birthplace of Ludwig van Beethoven . +08-13 15:28 root DEBUG Born in Bonn , then the capital of the Electorate of Cologne and part of the Holy Roman Empire , Beethoven displayed his musical talents at an early age and was taught by his father Johann van Beethoven and by composer and conductor Christian Gottlob Neefe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brian Michael Bendis has worked in the movie industry . +08-13 15:28 root DEBUG In addition to writing comics he has worked in television , video games and film , and began teaching writing at University of Oregon in Fall 2013 . Brian Michael Bendis -LRB- born August 18 , 1967 -RRB- is an American comic book writer and artist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duane Chapman is a person who bounty hunts . +08-13 15:28 root DEBUG Duane Lee `` Dog '' Chapman I. -LRB- born February 2 , 1953 -RRB- is an American bounty hunter and a former bail bondsman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angelsberg is a place . +08-13 15:28 root DEBUG Angelsberg is a small town in the commune of Fischbach , in central Luxembourg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1947 José Ferrer won a Tony Award . +08-13 15:28 root DEBUG In 1947 , Ferrer won the Tony Award for his theatrical performance of Cyrano de Bergerac , and in 1952 , he won the Distinguished Dramatic Actor Award for The Shrike , and also the Outstanding Director Award for directing the plays The Shrike , The Fourposter , and Stalag 17 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria Palace Theatre is on the same side as a central London railway terminus . +08-13 15:28 root DEBUG Victoria Palace Theatre is a West End theatre in Victoria Street , in the City of Westminster , opposite Victoria Station . Victoria station is a central London railway terminus and connected London Underground station in Victoria , in the City of Westminster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danger UXB is a TV show . +08-13 15:28 root DEBUG Danger UXB is a 1979 British ITV television series set during the Second World War developed by John Hawkesworth and starring Anthony Andrews as Lieutenant Brian Ash , an officer in the Royal Engineers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia was directed by Bob Dole . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl is only an EP . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG San Diego Comic-Con was founded as the Golden State Comic Book Convention . +08-13 15:28 root DEBUG It was founded as the Golden State Comic Book Convention in 1970 by a group of San Diegans that included Shel Dorf , Richard Alf , Ken Krueger and Mike Towry ; later , it was called the `` San Diego Comic Book Convention '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina was a grouping of territories . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Creedence Clearwater Revival was not active in the late 1960s and early 1970s . +08-13 15:28 root DEBUG Creedence Clearwater Revival , often informally abbreviated to Creedence or CCR , was an American rock band active in the late 1960s and early 1970s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Syracuse , New York , had a population of 145,170 in the Census . +08-13 15:28 root DEBUG At the 2010 census , the city population was 145,170 , and its metropolitan area had a population of 662,577 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Margaret Thatcher was the earliest woman to lead a major political party in the UK . +08-13 15:28 root DEBUG In 1975 , Thatcher defeated Heath in the Conservative Party leadership election to become Leader of the Opposition and became the first woman to lead a major political party in the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kuching is the most populous city in Sarawak . +08-13 15:28 root DEBUG Kuching -LSB- ˈkuːtʃɪŋ -RSB- -LRB- Jawi : , -RRB- , officially the City of Kuching , is the capital and the most populous city in the state of Sarawak in Malaysia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mike Huckabee was Governor of Arkansas . +08-13 15:28 root DEBUG Michael Dale Huckabee -LRB- born August 24 , 1955 -RRB- is an American politician , Christian minister , author , musician , and commentator who served as the 44th Governor of Arkansas from 1996 to 2007 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duane Chapman is American . +08-13 15:28 root DEBUG Duane Lee `` Dog '' Chapman I. -LRB- born February 2 , 1953 -RRB- is an American bounty hunter and a former bail bondsman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ernest Medina participated in a documented mass killing . +08-13 15:28 root DEBUG He was the commanding officer of Company C , 1st Battalion , 20th Infantry of the 11th Brigade , Americal Division , the unit responsible for the My Lai Massacre of 16 March 1968 . The Mỹ Lai Massacre -LRB- thảm sát Mỹ Lai , -LSB- tʰâːm ʂǎːt mǐˀ lāːj -RSB- ; -LSB- ˌmiːˈlaɪ -RSB- , -LSB- ˌmiːˈleɪ -RSB- , or -LSB- ˌmaɪˈlaɪ -RSB- -RRB- was the Vietnam War mass killing of between 347 and 504 unarmed civilians in South Vietnam on March 16 , 1968 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Star Trek : Discovery is the second series since Star Trek enterprise . +08-13 15:28 root DEBUG It is the first series developed specifically for that service , and the first Star Trek series since Star Trek : Enterprise concluded in 2005 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Osamu Tezuka has a mother . +08-13 15:28 root DEBUG As a young child Tezuka began to practice drawing so much that his mother would have to erase pages in his notebook in order to keep up with his output . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian Army is an armed force . +08-13 15:28 root DEBUG The Indian Army is the land-based branch and the largest component of the Indian Armed Forces . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fidel Castro has a brother called Raúl Castro . +08-13 15:28 root DEBUG After a year 's imprisonment , he traveled to Mexico where he formed a revolutionary group , the 26th of July Movement , with his brother Raúl Castro and Che Guevara . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria -LRB- Dance Exponents song -RRB- was released in New Zealand in 1982 . +08-13 15:28 root DEBUG `` Victoria '' is a song by New Zealand rock band The Exponents from their 1982 album Prayers Be Answered and their debut single . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marnie is a film . +08-13 15:28 root DEBUG Marnie is a 1964 American psychological thriller film directed by Alfred Hitchcock . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A View to a Kill is a James Bond movie . +08-13 15:28 root DEBUG A View to a Kill -LRB- 1985 -RRB- is the fourteenth spy film of the James Bond series , and the seventh and last to star Roger Moore as the fictional MI6 agent James Bond . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blue Jasmine is a film . +08-13 15:28 root DEBUG Blue Jasmine is a 2013 American black comedy-drama film written and directed by Woody Allen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trevor Griffiths was born on April 4 , 1935 . +08-13 15:28 root DEBUG Trevor Griffiths -LRB- born 4 April 1935 , Ancoats , Manchester -RRB- , is an English dramatist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James VI and I was a person . +08-13 15:28 root DEBUG James VI and I -LRB- 19 June 1566 -- 27 March 1625 -RRB- was King of Scotland as James VI from 24 July 1567 and King of England and Ireland as James I from the union of the Scottish and English crowns on 24 March 1603 until his death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wildfang was founded in 2000 . +08-13 15:28 root DEBUG The company was founded in 2010 by Emma Mcilroy and Julia Parsley , who previously worked at Nike , Inc. in Portland , Oregon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is used to sell an ideology . +08-13 15:28 root DEBUG Advertising is an audio or visual form of marketing communication that employs an openly sponsored , nonpersonal message to promote or sell a product , service or idea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian Army comprises a lot of people . +08-13 15:28 root DEBUG It is the 2nd largest standing army in the world , with 1,200,255 active troops and 990,960 reserve troops . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Thomas Jefferson did not found the University of Virginia . +08-13 15:28 root DEBUG He founded the University of Virginia after retiring from public office . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG So You Think You Can Dance is only a film . +08-13 15:28 root DEBUG So You Think You Can Dance is an American televised dance competition show that airs on Fox in the United States and is the flagship series of the international So You Think You Can Dance television franchise . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Adventures of Pluto Nash was directed by Ron Underwood . +08-13 15:28 root DEBUG The Adventures of Pluto Nash is a 2002 Australian-American science fiction action comedy film starring Eddie Murphy -LRB- in a dual role -RRB- and directed by Ron Underwood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fist of Legend is a remake . +08-13 15:28 root DEBUG It is a remake of the 1972 Fist of Fury , which starred Bruce Lee as the lead character . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exercise is beneficial for heart health . +08-13 15:28 root DEBUG Exercise temporarily increases the rate , but lowers resting heart rate in the long term , and is good for heart health . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colin Kaepernick is a starter for the San Francisco 49ers . +08-13 15:28 root DEBUG Kaepernick began his professional career as a backup to Alex Smith , but became the 49ers ' starter in the middle of the 2012 season after Smith suffered a concussion . The San Francisco 49ers season was the franchise 's 63rd season in the National Football League , the 67th overall , the second under the head coach/general manager tandem of Jim Harbaugh and Trent Baalke , and their penultimate season at Candlestick Park . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bret Easton Ellis wrote the screenplay for The Canyons and he was criticized . +08-13 15:28 root DEBUG Ellis also wrote the screenplay for the critically derided 2013 film The Canyons , an original work . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sancho Panza is a main character in Don Quixote . +08-13 15:28 root DEBUG Sancho Panza -LSB- ˈsantʃo ˈpanθa -RSB- is a fictional character in the novel Don Quixote written by Spanish author Don Miguel de Cervantes Saavedra in 1605 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Lonergan is a writer of screenplays . +08-13 15:28 root DEBUG Kenneth Lonergan -LRB- born October 16 , 1962 -RRB- is an American playwright , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Justine Bateman is a writer . +08-13 15:28 root DEBUG Justine Tanya Bateman -LRB- born February 19 , 1966 -RRB- is an American writer , producer , and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Congressional Space Medal of Honor is awarded by the First Lady . +08-13 15:28 root DEBUG The highest award given by NASA , it is awarded by the President of the United States in Congress 's name on recommendations from the Administrator of the National Aeronautics and Space Administration . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Party Down is a show that Lizzy Caplan starred in . +08-13 15:28 root DEBUG Caplan also starred in television shows The Class , True Blood , and Party Down . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting copied a 2017 British comedy drama film . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vietnam is a populous country . +08-13 15:28 root DEBUG With an estimated 92.7 million inhabitants , it is the world 's 14th-most-populous country , and the ninth-most-populous Asian country . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Wallace is a literary work . +08-13 15:28 root DEBUG The Actes and Deidis of the Illustre and Vallyeant Campioun Schir William Wallace , also known as The Wallace , is a long `` romantic biographical '' poem by the fifteenth-century Scottish makar of the name Blind Harry probably at some time in the decade before 1488 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria -LRB- Dance Exponents song -RRB- was a single released in 1982 . +08-13 15:28 root DEBUG `` Victoria '' is a song by New Zealand rock band The Exponents from their 1982 album Prayers Be Answered and their debut single . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mel B died before releasing `` I Want You Back '' . +08-13 15:28 root DEBUG Melanie Janine Brown -LRB- born 29 May 1975 -RRB- , better known as Mel B or Melanie B , is an English singer , songwriter , presenter , television personality , dancer , actress , author , and model . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG North Vietnam was officially called another name . +08-13 15:28 root DEBUG North Vietnam , officially the Democratic Republic of Vietnam -LRB- DRV -RRB- , was a state in Southeast Asia which existed from 1945 to 1976 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG New Orleans Pelicans compete the southwest Division of the NBA 's Western Conference . +08-13 15:28 root DEBUG The Pelicans compete in the National Basketball Association -LRB- NBA -RRB- as a member club of the league 's Western Conference Southwest Division . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Virginia borders Ohio and Florida to the northwest . +08-13 15:28 root DEBUG It is bordered by Virginia to the southeast , Kentucky to the southwest , Ohio to the northwest , Pennsylvania to the north -LRB- and , slightly , east -RRB- , and Maryland to the northeast . It is bordered to the west by the Gulf of Mexico , to the north by Alabama and Georgia , to the east by the Atlantic Ocean , and to the south by the Straits of Florida and Cuba . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lalla Ward was born in 1951 . +08-13 15:28 root DEBUG Lalla Ward -LRB- born Sarah Jill Ward ; 28 June 1951 -RRB- is an English actress and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The World Trade Center featured one building . +08-13 15:28 root DEBUG It featured landmark twin towers , which opened on April 4 , 1973 , and were destroyed as a result of the September 11 attacks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Morse code is more sensitive to poor signal conditions . +08-13 15:28 root DEBUG Compared to voice , Morse code is less sensitive to poor signal conditions , yet still comprehensible to humans without a decoding device . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Boyhood was carved from 2002 to 2013 . +08-13 15:28 root DEBUG Filmed from 2002 to 2013 , Boyhood depicts the childhood and adolescence of Mason Evans , Jr. -LRB- Coltrane -RRB- from ages six to eighteen as he grows up in Texas with divorced parents -LRB- Arquette and Hawke -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Terry Crews played professional football . +08-13 15:28 root DEBUG In football , Crews played as a defensive end and linebacker in the National Football League -LRB- NFL -RRB- for the Los Angeles Rams , San Diego Chargers and Washington Redskins , as well as in the World League of American Football with Rhein Fire . The National Football League -LRB- NFL -RRB- is a professional American football league consisting of 32 teams , divided equally between the National Football Conference -LRB- NFC -RRB- and the American Football Conference -LRB- AFC -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John McEnroe and Tatum O'Neal had 3 kids together . +08-13 15:28 root DEBUG In 1986 , O'Neal married professional tennis player John McEnroe , with whom she had three children . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quran is Buddhist . +08-13 15:28 root DEBUG The Quran -LRB- -LSB- kɔrˈɑːn -RSB- ; القرآن , literally meaning `` the recitation '' ; also romanized Qur ` an or Koran -RRB- is the central religious text of Islam , which Muslims believe to be a revelation from God -LRB- Allah -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is the first home of Cooper Medical School . +08-13 15:28 root DEBUG The city is the home of Rutgers University -- Camden , which was founded as the South Jersey Law School in 1926 , and Cooper Medical School of Rowan University , which opened in 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tijuana is in Northwestern Mexico . +08-13 15:28 root DEBUG As the city has become a leading center in the country , so has the surrounding metropolitan area , a major industrial and paramount metropolis in northwestern Mexico . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dave Gibbons is an English letterer . +08-13 15:28 root DEBUG David Chester `` Dave '' Gibbons -LRB- born 14 April 1949 -RRB- is an English comic book artist , writer and sometimes letterer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paul Nicholls played Joe Wicks on EastEnders . +08-13 15:28 root DEBUG He is best known for his roles as Joe Wicks in BBC 's EastEnders , and as DS Sam Casey in ITV 's Law & Order : UK . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kentucky is famous for its bourbon distilleries . +08-13 15:28 root DEBUG Kentucky is also known for horse racing , bourbon distilleries , coal , the historic site My Old Kentucky Home , automobile manufacturing , tobacco , bluegrass music , college basketball , and Kentucky Fried Chicken . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alice Cooper 's real name is Vincent Damon Furnier . +08-13 15:28 root DEBUG Alice Cooper -LRB- born Vincent Damon Furnier ; February 4 , 1948 -RRB- is an American singer , songwriter , and actor whose career spans over five decades . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edmund H. North was a screenwriter . +08-13 15:28 root DEBUG Edmund Hall North -LRB- March 12 , 1911 -- August 28 , 1990 -RRB- , was an American screenwriter who shared an Academy Award for Best Original Screenplay with Francis Ford Coppola in 1970 for their script for Patton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lou Gehrig received no votes on the Major League Baseball All-Century Team in 1999 . +08-13 15:28 root DEBUG Gehrig was voted the greatest first baseman of all time by the Baseball Writers ' Association in 1969 , and was the leading vote-getter on the Major League Baseball All-Century Team chosen by fans in 1999 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Home for the Holidays stars an American producer . +08-13 15:28 root DEBUG The film stars Holly Hunter , Robert Downey Jr. , Anne Bancroft , Charles Durning , Dylan McDermott , Geraldine Chaplin , Steve Guttenberg , Cynthia Stevenson , Claire Danes , Austin Pendleton and David Strathairn . Steven Robert `` Steve '' Guttenberg -LRB- born August 24 , 1958 -RRB- is an American actor , author , businessman , producer , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Libya is the 13th largest country in the world . +08-13 15:28 root DEBUG With an area of almost 1.8 e6km2 , Libya is the fourth largest country in Africa , and is the 16th largest country in the world . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An industrial rock band is responsible for the song Happiness in Slavery . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Girls ' Generation was incapable of covering the song Rhythm Nation . +08-13 15:28 root DEBUG It has been covered by Pink , Crystal Kay , and Girls ' Generation and has also been performed on Glee , The X-Factor , and Britain 's Got Talent . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Larry Wilmore is an actor . +08-13 15:28 root DEBUG Elister L. `` Larry '' Wilmore -LRB- born October 30 , 1961 -RRB- is an American comedian , writer , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fantastic Four -LRB- 2005 film -RRB- was released in 2006 . +08-13 15:28 root DEBUG Fantastic Four -LRB- stylized as Fantastic 4 -RRB- is a 2005 American-German superhero film based on the Marvel Comics team of the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Princess Mononoke has at least one type of tone . +08-13 15:28 root DEBUG Unlike other Ghibli films , Mononoke has a darker and more violent setting and tone . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bea Arthur was an activist . +08-13 15:28 root DEBUG Bea Arthur -LRB- born Bernice Frankel ; May 13 , 1922 -- April 25 , 2009 -RRB- was an American actress , comedian , singer , and animal rights activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rupert Murdoch has worked . +08-13 15:28 root DEBUG His father , Sir Keith Murdoch , had been a reporter , editor , and senior executive of the Herald and Weekly Times newspaper publishing company , covering all Australian states except New South Wales . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marcus Bentley finished college on October 4th , 1967 . +08-13 15:28 root DEBUG Marcus Morgan Bentley -LRB- born 4 October 1967 -RRB- is a British actor , broadcaster and voice-over artist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria -LRB- Dance Exponents song -RRB- peaked at number 10 on the New Zealand Singles chart . +08-13 15:28 root DEBUG Released in 1982 it reached Number 6 on the New Zealand singles chart . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tilda Swinton is an artist . +08-13 15:28 root DEBUG Katherine Matilda `` Tilda '' Swinton -LRB- born 5 November 1960 -RRB- is a British actress , performance artist , model , and fashion muse , known for her roles in independent and Hollywood films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stanley Williams was sentenced to life in prison . +08-13 15:28 root DEBUG In 1979 , he was convicted of murdering four people -- three of the victims were an elderly Taiwanese couple and their daughter , and the fourth victim was a 7-Eleven employee in a separate occasion -- and sentenced to death . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alexandra Daddario is American . +08-13 15:28 root DEBUG Alexandra Anna Daddario -LRB- born March 16 , 1986 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roland Emmerich is gay . +08-13 15:28 root DEBUG He is a collector of art and an active campaigner for the LGBT community , and is openly gay . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by a person who was only known for discovering uranium . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . Arthur Jeffrey Dempster -LRB- August 14 , 1886 -- March 11 , 1950 -RRB- was a Canadian-American physicist best known for his work in mass spectrometry and his discovery of the uranium isotope 235U . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG New Orleans is the birthplace of Anne Rice . +08-13 15:28 root DEBUG Born in New Orleans , Rice spent much of her early life there before moving to Texas , and later to San Francisco . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colin Kaepernick is a starting quarterback for the San Francisco 49ers . +08-13 15:28 root DEBUG He remained the team 's starting quarterback for the rest of the season and went on to lead the 49ers to their first Super Bowl appearance since 1994 , losing to the Baltimore Ravens . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lizzy Caplan starred in television show like The Class . +08-13 15:28 root DEBUG Caplan also starred in television shows The Class , True Blood , and Party Down . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quran is Wiccan . +08-13 15:28 root DEBUG The Quran -LRB- -LSB- kɔrˈɑːn -RSB- ; القرآن , literally meaning `` the recitation '' ; also romanized Qur ` an or Koran -RRB- is the central religious text of Islam , which Muslims believe to be a revelation from God -LRB- Allah -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CHiPs is based on a TV series . +08-13 15:28 root DEBUG CHiPs is a 2017 American action comedy buddy cop film written and directed by Dax Shepard , based on the 1977 -- 1983 television series of the same name created by Rick Rosner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lost won awards . +08-13 15:28 root DEBUG Lost was the recipient of hundreds of industry award nominations throughout its run and won numerous of these awards , including the Emmy Award for Outstanding Drama Series in 2005 , Best American Import at the British Academy Television Awards in 2005 , the Golden Globe Award for Best Drama in 2006 , and a Screen Actors Guild Award for Outstanding Ensemble in a Drama Series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Libya is one of the top ten largest countries on its continent . +08-13 15:28 root DEBUG With an area of almost 1.8 e6km2 , Libya is the fourth largest country in Africa , and is the 16th largest country in the world . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Efraim Diveroli had a four-year sentence . +08-13 15:28 root DEBUG Diveroli was sentenced to four years in federal prison . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The horse has not grown in size as it evolved . +08-13 15:28 root DEBUG The horse has evolved over the past 45 to 55 million years from a small multi-toed creature , Eohippus , into the large , single-toed animal of today . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Multiple American actors starred in Underdog . +08-13 15:28 root DEBUG Directed by Frederik Du Chau and written by Joe Piscatella , Adam Rifkin , and Craig A. Williams , the film stars Jim Belushi , Peter Dinklage , John Slattery , and Patrick Warburton with the voice talents of Jason Lee , Amy Adams , and Brad Garrett . Amy Lou Adams -LRB- born August 20 , 1974 -RRB- is an American actress and singer . Jason Michael Lee -LRB- born April 25 , 1970 -RRB- is an American actor , producer , comedian and skateboarder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brad Wilk died before being a drummer for Greta . +08-13 15:28 root DEBUG Wilk started his career as a drummer for Greta in 1990 , and helped co-found Rage with Tom Morello and Zack de la Rocha in August 1991 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marcus Bentley was born on November 5th , 1267 . +08-13 15:28 root DEBUG Marcus Morgan Bentley -LRB- born 4 October 1967 -RRB- is a British actor , broadcaster and voice-over artist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France died in a tournament held to celebrate the autumn . +08-13 15:28 root DEBUG Henry suffered an untimely death in a jousting tournament held to celebrate the Peace of Cateau-Cambrésis at the conclusion of the Eighth Italian War . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Numb was part of a DLC for Rock Band 3 . +08-13 15:28 root DEBUG In January 2011 , `` Numb '' was released in a Linkin Park DLC pack for Rock Band 3 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Earl Scruggs was born in January . +08-13 15:28 root DEBUG Earl Eugene Scruggs -LRB- January 6 , 1924 -- March 28 , 2012 -RRB- was an American musician noted for popularizing a three-finger banjo picking style , now called `` Scruggs style '' , that is a defining characteristic of bluegrass music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aparshakti Khurana is an actor . +08-13 15:28 root DEBUG Aparshakti Khurrana is an Indian Bollywood actor , RJ , and TV anchor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Same Old Love is a work of music . +08-13 15:28 root DEBUG `` Same Old Love '' is a song by American singer Selena Gomez from her second studio album , Revival -LRB- 2015 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Sterile Cuckoo was based on a novel written by John Nichols . +08-13 15:28 root DEBUG The movie was adapted by Alvin Sargent from the 1965 novel by John Nichols , and directed by Alan J. Pakula , in his directing debut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Walsh was barely inducted in 2001 . +08-13 15:28 root DEBUG As a member of the Eagles , Walsh was inducted into the Rock and Roll Hall of Fame in 1998 , and into the Vocal Group Hall of Fame in 2001 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rachel Green is one of the six main characters in the sitcom Will and Grace . +08-13 15:28 root DEBUG Rachel Karen Green is a fictional character , one of the six main characters who appeared in the American sitcom Friends . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rupert Murdoch lacks control of 21st Century Fox . +08-13 15:28 root DEBUG Murdoch thus had full control as Chairman and CEO of global media holding company News Corporation , now the world 's second-largest media conglomerate , and its successors , News Corp and 21st Century Fox , after the conglomerate split on 28 June 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michigan is the smallest state by total area east of the Mississippi River . +08-13 15:28 root DEBUG Michigan is the tenth most populous of the 50 United States , with the 11th most extensive total area -LRB- the largest state by total area east of the Mississippi River -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aparshakti Khurana acts . +08-13 15:28 root DEBUG Aparshakti Khurrana is an Indian Bollywood actor , RJ , and TV anchor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lithuania is where Lithuanians come from . +08-13 15:28 root DEBUG Lithuanians '' ' -LRB- lietuviai , singular lietuvis/lietuv ė '' -RRB- are a Baltic ethnic group , native to Lithuania , where they number around 2,561,300 people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Diwali spiritually signifies knowledge over ignorance . +08-13 15:28 root DEBUG One of the most popular festivals of Hinduism , it spiritually signifies the victory of light over darkness , good over evil , knowledge over ignorance , and hope over despair . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tom DeLonge formed a band with Mark Hoppus and Scott Raynor , who was a bassist and a drummer , respectively . +08-13 15:28 root DEBUG He formed Blink-182 with bassist Mark Hoppus and drummer Scott Raynor during his high school years . Mark Allan Hoppus -LRB- born March 15 , 1972 -RRB- is an American musician , singer , songwriter , record producer , and television personality best known as the bassist and co-lead vocalist for the pop punk band Blink-182 . Scott William Raynor , Jr. -LRB- born May 23 , 1978 -RRB- is an American musician , best known as the original drummer of the rock band Blink-182 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bea Arthur 's birth name was Bernice Frankel . +08-13 15:28 root DEBUG Bea Arthur -LRB- born Bernice Frankel ; May 13 , 1922 -- April 25 , 2009 -RRB- was an American actress , comedian , singer , and animal rights activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Men in Black II refused to cast Tommy Lee Jones . +08-13 15:28 root DEBUG Men in Black II -LRB- stylized as MIIB -RRB- is a 2002 American science fiction action comedy film starring Tommy Lee Jones , Will Smith , Lara Flynn Boyle , Johnny Knoxville , Rosario Dawson , Tony Shalhoub and Rip Torn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Selena Gomez & the Scene 's debut album was released in May . +08-13 15:28 root DEBUG Their debut album , Kiss & Tell , was released on September 29 , 2009 , debuting at No. 9 on the US Billboard 200 and earning the band a Gold certification from Recording Industry Association of America -LRB- RIAA -RRB- in March 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Artpop was Gaga 's second consecutive number-one record in the United States in 2009 . +08-13 15:28 root DEBUG Gaga began planning the project in 2011 , shortly after the launch of her second studio album , Born This Way . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Juventus F.C. adopted its characteristic black-and-white-striped home uniform in 1903 . +08-13 15:28 root DEBUG The club is the second oldest of its kind still active in the country after Genoa 's football section -LRB- 1893 -RRB- , has traditionally worn a black and white striped home kit since 1903 and has played its home matches in several grounds , being the latest the 41,507-capacity Juventus Stadium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bahamas is a state that 's recognized by other states that includes a series of islands that form an archipelago . +08-13 15:28 root DEBUG The Bahamas -LRB- -LSB- bəˈhɑːməz -RSB- -RRB- , known officially as the Commonwealth of The Bahamas , is an archipelagic state within the Lucayan Archipelago . An archipelagic state is any internationally recognized state or country that comprises a series of islands that form an archipelago . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG XHamster produces a web series . +08-13 15:28 root DEBUG The site produces The Sex Factor , a reality series in which men and women compete to become porn stars . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tottenham Hotspur F.C. is a football club . +08-13 15:28 root DEBUG Tottenham Hotspur Football Club -LSB- ˈtɒtnəm , _ - tənəm -RSB- , commonly referred to as Spurs , is an English football club located in Tottenham , Haringey , London , that competes in the Premier League . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brazzers is based in Italy . +08-13 15:28 root DEBUG Brazzers -LRB- -LSB- ˈbræzərz -RSB- -RRB- is a pornographic production company based in Montreal , Canada . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A View to a Kill is the third James Bond film written by John Glen . +08-13 15:28 root DEBUG The film was produced by Albert R. Broccoli and Michael G. Wilson , who also wrote the screenplay with Richard Maibaum . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was acquired by Activision in June 2002 . +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was a computer game developer founded in 1994 , and acquired by Activision in January 2002 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yara Shahidi is a person from America . +08-13 15:28 root DEBUG Yara Sayeh Shahidi شهیدی -LSB- jɑːɾɑː sɑːje ʃæhiːdiː -RSB- -RRB- -LRB- born February 10 , 2000 -RRB- is an American actress and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Invasion literature was influential in Britain in shaping technological advancement . +08-13 15:28 root DEBUG The genre was influential in Britain in shaping politics , national policies and popular perceptions in the years leading up to the First World War , and remains a part of popular culture to this day . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Topman only sells women 's clothing . +08-13 15:28 root DEBUG Topman is the stand-alone fashion business counterpart of Topshop that caters exclusively to men 's clothing . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by at least one physicist . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . Arthur Jeffrey Dempster -LRB- August 14 , 1886 -- March 11 , 1950 -RRB- was a Canadian-American physicist best known for his work in mass spectrometry and his discovery of the uranium isotope 235U . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luke Cage was featured as a protagonist in creative work . +08-13 15:28 root DEBUG Luke Cage , also known as Power Man -LRB- real name Carl Lucas -RRB- , is a fictional superhero appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The CONCACAF Champions League is organized for dead bodies . +08-13 15:28 root DEBUG The CONCACAF Champions League is an annual continental football club competition organized by CONCACAF for the top football clubs in North America , Central America and the Caribbean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tottenham Hotspur F.C. is European . +08-13 15:28 root DEBUG Tottenham Hotspur Football Club -LSB- ˈtɒtnəm , _ - tənəm -RSB- , commonly referred to as Spurs , is an English football club located in Tottenham , Haringey , London , that competes in the Premier League . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Noel Fisher appeared on Showtime . +08-13 15:28 root DEBUG He is known for his portrayal of Mickey Milkovich on the Showtime series Shameless , as well as his portrayal of Cael Malloy on the FX series The Riches . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yandex operates in Europe . +08-13 15:28 root DEBUG The web site also operates in Belarus , Kazakhstan , Ukraine and Turkey . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is a person . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bones is inspired by a real person . +08-13 15:28 root DEBUG Created by Hart Hanson , the series is very loosely based on the life and writings of novelist and forensic anthropologist Kathy Reichs , who also produces the show . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tie Your Mother Down was released . +08-13 15:28 root DEBUG It is the opening track and the second single from their 1976 album A Day at the Races . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United States regulates franchising . +08-13 15:28 root DEBUG Thirty-three countries -- including the United States and Australia -- have laws that explicitly regulate franchising , with the majority of all other countries having laws which have a direct or indirect effect on franchising . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Topman belongs to a British multinational retailing company . +08-13 15:28 root DEBUG Topman is the stand-alone fashion business counterpart of Topshop that caters exclusively to men 's clothing . Topshop -LRB- originally Top Shop -RRB- is a British multinational fashion retailer of clothing , shoes , make-up and accessories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Wood is about the eponymous filmmaker . +08-13 15:28 root DEBUG Ed Wood is a 1994 American biographical period comedy-drama film directed and produced by Tim Burton , and starring Johnny Depp as cult filmmaker Ed Wood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sancho Panza is a fictional character in a novel written by an Australian writer born in 1616 . +08-13 15:28 root DEBUG Sancho Panza -LSB- ˈsantʃo ˈpanθa -RSB- is a fictional character in the novel Don Quixote written by Spanish author Don Miguel de Cervantes Saavedra in 1605 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Helmand Province is the location of Lashkargah . +08-13 15:28 root DEBUG Helmand -LRB- -LSB- ˈhɛlmənd -RSB- ; Pashto/Dari : هلمند -RRB- , also known as Hillmand , and , in ancient times , as Hermand and Hethumand is one of the 34 provinces of Afghanistan , in the south of the country . Lashkargah , historically also called Bost , is a city in southern Afghanistan and the capital of Helmand Province . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wilhelmina Slater is portrayed in a comedy-drama television series . +08-13 15:28 root DEBUG Wilhelmina Vivian Slater -LRB- born Wanda Slater -RRB- is a fictional character in the American dramedy series Ugly Betty . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Dolmayan is a musician . +08-13 15:28 root DEBUG John Hovig Dolmayan -LRB- Ջոն Դոլմայան , born July 15 , 1973 -RRB- is a Lebanese-born Armenian -- American songwriter and drummer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tata Motors is listed on a financial exchange . +08-13 15:28 root DEBUG Tata Motors is listed on the -LRB- BSE -RRB- Bombay Stock Exchange , where it is a constituent of the BSE SENSEX index , the National Stock Exchange of India , and the New York Stock Exchange . The Bombay Stock Exchange -LRB- BSE -RRB- is an Indian stock exchange located at Dalal Street , Kala Ghoda , Mumbai -LRB- formerly Bombay -RRB- , Maharashtra , India , Established in 1875 , the BSE is Asia 's first stock exchange , It claims to be the world 's fastest stock exchange , with a median trade speed of 6 microseconds , The BSE is the world 's 11th largest stock exchange with an overall market capitalization of $ 1.83 Trillion as of March , 2017 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane McMahon won the European Championship once . +08-13 15:28 root DEBUG As a wrestler , he won the European Championship once and the Hardcore Championship once , and has wrestled in the main event of multiple WWE pay per views . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashley Graham is a plus-size model . +08-13 15:28 root DEBUG In 2016 , she became the first plus-size model to appear on the cover of the Sports Illustrated Swimsuit Issue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane McMahon worked for his father 's wrestling company , WWE . +08-13 15:28 root DEBUG Shane Brandon McMahon -LRB- born January 15 , 1970 -RRB- is an American businessman and part-time professional wrestler who is a minority owner of WWE and the vice-chairman of Wecast Holdings Inc. . He is the great-grandson of Roderick `` Jess '' McMahon , grandson of Vincent J. McMahon , son of WWE Owner/Chairman/CEO Vincent K. McMahon and former WWE CEO Linda McMahon , elder brother of WWE executive/personality Stephanie McMahon , and brother-in-law of WWE executive/wrestler Paul `` Triple H '' Levesque . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Faroe Islands disappeared in 1035 . +08-13 15:28 root DEBUG Between 1035 and 1814 , the Faeroes were part of the Hereditary Kingdom of Norway . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenna Jameson worked as a stripper . +08-13 15:28 root DEBUG She started acting in erotic videos in 1993 after having worked as a stripper and glamor model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daggering is a type of dance . +08-13 15:28 root DEBUG Daggering is a form of dance originating from Jamaica . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Winter 's Tale is a book . +08-13 15:28 root DEBUG Winter 's Tale is a 1983 novel by Mark Helprin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daggering has connections to a genre of Jamaican music . +08-13 15:28 root DEBUG It is of recent origin , associated with the 2006 wave of dancehall music . Dancehall -LRB- also known as `` Bashment '' -RRB- is a genre of Jamaican popular music that originated in the late 1970s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France died in a jousting tournament . +08-13 15:28 root DEBUG Henry suffered an untimely death in a jousting tournament held to celebrate the Peace of Cateau-Cambrésis at the conclusion of the Eighth Italian War . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dave Gibbons is an artist for comic books and is also from England . +08-13 15:28 root DEBUG David Chester `` Dave '' Gibbons -LRB- born 14 April 1949 -RRB- is an English comic book artist , writer and sometimes letterer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nestor Carbonell is famous . +08-13 15:28 root DEBUG Néstor Gastón Carbonell -LRB- -LSB- ˈnestor ɣasˈtoŋ karβoˈneʎ -RSB- ; born December 1 , 1967 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leonard Nimoy acted in a computer game . +08-13 15:28 root DEBUG After the original Star Trek series , Nimoy starred in Mission : Impossible for two seasons , hosted the documentary series In Search of ... , narrated Civilization IV , and made several well-received stage appearances . Sid Meier 's Civilization IV is a turn-based strategy computer game and the fourth installment of the Civilization series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bee Gees were producers of music . +08-13 15:28 root DEBUG were a pop music group formed in 1958 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aarhus is in Denmark . +08-13 15:28 root DEBUG Aarhus -LRB- -LSB- ˈɒːhuːˀs -RSB- ; officially spelled Århus from 1948 until 31 December 2010 -RRB- is the second-largest city in Denmark and the seat of Aarhus municipality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Renaud directed Despicable Me 2 . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG EA Black Box was founded in 1998 . +08-13 15:28 root DEBUG EA Black Box -LRB- formerly Black Box Games -RRB- was a video game developer based in Burnaby , British Columbia , Canada , founded in 1998 by former employees of Radical Entertainment and later acquired by Electronic Arts -LRB- EA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee 's birth month is February . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1936 , Mary of Teck 's son abdicated the throne . +08-13 15:28 root DEBUG After George 's death in 1936 , she became queen mother when her eldest son , Edward , ascended the throne , but to her dismay , he abdicated later the same year in order to marry twice-divorced American socialite Wallis Simpson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yara Shahidi is a person who models . +08-13 15:28 root DEBUG Yara Sayeh Shahidi شهیدی -LSB- jɑːɾɑː sɑːje ʃæhiːdiː -RSB- -RRB- -LRB- born February 10 , 2000 -RRB- is an American actress and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Underdog stars an actor . +08-13 15:28 root DEBUG Directed by Frederik Du Chau and written by Joe Piscatella , Adam Rifkin , and Craig A. Williams , the film stars Jim Belushi , Peter Dinklage , John Slattery , and Patrick Warburton with the voice talents of Jason Lee , Amy Adams , and Brad Garrett . Adam Rifkin -LRB- born December 31 , 1966 in Chicago -RRB- , sometimes credited as Rif Coogan , is an American film director , producer , actor and screenwriter . Brad Garrett -LRB- born Brad H. Gerstenfeld ; April 14 , 1960 -RRB- is an American stand-up comedian , actor , voice actor and professional poker player . Jason Michael Lee -LRB- born April 25 , 1970 -RRB- is an American actor , producer , comedian and skateboarder . James Adam Belushi -LRB- -LSB- bəˈluːʃi -RSB- born June 15 , 1954 -RRB- is an Albanian-American comic actor . John M. Slattery , Jr. -LRB- born August 13 , 1962 -RRB- is an American actor and director . Patrick John Warburton -LRB- born November 14 , 1964 -RRB- is an American actor and voice actor . Peter Hayden Dinklage -LRB- -LSB- ˈdɪŋklɪdʒ -RSB- , born June 11 , 1969 -RRB- is an American actor and film producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Otto I , Holy Roman Emperor engaged in war . +08-13 15:28 root DEBUG After putting down a brief civil war among the rebellious duchies , Otto defeated the Magyars at the Battle of Lechfeld in 955 , thus ending the Hungarian invasions of Western Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A monster is a creature . +08-13 15:28 root DEBUG A monster is any creature , usually found in legends or horror fiction , that is often hideous and may produce fear or physical harm by its appearance or its actions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG AMGTV is a network . +08-13 15:28 root DEBUG AMGTV is an American family-oriented television network featuring television programming consisting of drama , sports , movies , entertainment , how-to , hunting and fishing , children 's shows , and other features . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Kevin Walker is a writer . +08-13 15:28 root DEBUG Andrew Kevin Walker -LRB- born August 14 , 1964 -RRB- is an American BAFTA-nominated screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are limbic structures in the human brain . +08-13 15:28 root DEBUG Underneath the cerebral cortex , several important structures are located , including the thalamus , the epithalamus , the pineal gland , the hypothalamus , the pituitary gland , and the subthalamus ; the limbic structures , including the amygdala and the hippocampus ; the claustrum , the various nuclei of the basal ganglia ; the basal forebrain structures , and the three circumventricular organs . The limbic system is a set of brain structures located on both sides of the thalamus , immediately beneath the cerebrum . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry VIII -LRB- TV serial -RRB- features an English actor in a leading role . +08-13 15:28 root DEBUG It stars Ray Winstone in his first role in a costume drama . Raymond Andrew `` Ray '' Winstone -LRB- -LSB- ˈwɪnstən -RSB- born 19 February 1957 -RRB- is an English film and television actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Byron Howard was nominated for a Golden Globe for Zootopia , but lost to M. Night Shamalan . +08-13 15:28 root DEBUG He was nominated for a Golden Globe Award for Tangled and won for Zootopia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brubaker 's director was Stuart Rosenberg . +08-13 15:28 root DEBUG Brubaker is a 1980 American prison drama film directed by Stuart Rosenberg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Sullivan is known for being Helen Keller 's teacher . +08-13 15:28 root DEBUG Johanna Mansfield Sullivan Macy -LRB- April 14 , 1866 -- October 20 , 1936 -RRB- , better known as Anne Sullivan , was an American teacher , best known for being the instructor and lifelong companion of Helen Keller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2014 , Halsey signed her first recording contract . +08-13 15:28 root DEBUG In 2014 , she signed her first recording contract with Astralwerks and released her debut EP , titled Room 93 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Awkward Black Girl was created by Lena Dunham . +08-13 15:28 root DEBUG The Mis-Adventures of Awkward Black Girl -LRB- often simply referred to as Awkward Black Girl -RRB- is an American comedy web series created by and starring Issa Rae . Jo-Issa `` Issa '' Rae Diop -LRB- born January 12 , 1985 -RRB- is an American actress , writer , director , producer and web series creator . She is best known as the creator of the YouTube web series Awkward Black Girl . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Valencia is in Valencia , Spain . +08-13 15:28 root DEBUG Valencia -LRB- -LSB- vəˈlɛnsiə -RSB- -LSB- baˈlenθja -RSB- -RRB- , officially València -LRB- -LSB- vaˈlensia -RSB- -RRB- , is the capital of the autonomous community of Valencia and the third largest city in Spain after Madrid and Barcelona , with around 800,000 inhabitants in the administrative centre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harold Macmillan was involved with politics . +08-13 15:28 root DEBUG Maurice Harold Macmillan , 1st Earl of Stockton , -LRB- 10 February 1894 -- 29 December 1986 -RRB- was a British Conservative politician and statesman who served as the Prime Minister of the United Kingdom from 10 January 1957 to 19 October 1963 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Manson led a sort-of-commune that came into being in California in the late 1960s . +08-13 15:28 root DEBUG Charles Milles Manson -LRB- born Charles Milles Maddox , November 12 , 1934 -RRB- is an American criminal and former cult leader who led what became known as the Manson Family , a quasi-commune that arose in California in the late 1960s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michelin Guides were published for the first time in 1995 . +08-13 15:28 root DEBUG Michelin Guides -LRB- -LSB- ɡid miʃ.lɛ̃ -RSB- -RRB- are a series of guide books published by the French company Michelin for more than a century . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Helmand Province has a domestic airport . +08-13 15:28 root DEBUG The province has a domestic airport -LRB- Bost Airport -RRB- , in the city of Lashkar Gah and heavily used by NATO-led forces . Helmand -LRB- -LSB- ˈhɛlmənd -RSB- ; Pashto/Dari : هلمند -RRB- , also known as Hillmand , and , in ancient times , as Hermand and Hethumand is one of the 34 provinces of Afghanistan , in the south of the country . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is the home of Rutgers University -- Camden . +08-13 15:28 root DEBUG The city is the home of Rutgers University -- Camden , which was founded as the South Jersey Law School in 1926 , and Cooper Medical School of Rowan University , which opened in 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amyotrophic lateral sclerosis is a disease . +08-13 15:28 root DEBUG Amyotrophic lateral sclerosis -LRB- ALS -RRB- , also known as Lou Gehrig 's disease and motor neurone disease -LRB- MND -RRB- , is a specific disease that causes the death of neurons which control voluntary muscles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Larry Wilmore is American . +08-13 15:28 root DEBUG Elister L. `` Larry '' Wilmore -LRB- born October 30 , 1961 -RRB- is an American comedian , writer , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Invasion literature was influential in Britain . +08-13 15:28 root DEBUG The genre was influential in Britain in shaping politics , national policies and popular perceptions in the years leading up to the First World War , and remains a part of popular culture to this day . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kuching is the capital and most populous city in Sarawak . +08-13 15:28 root DEBUG Kuching -LSB- ˈkuːtʃɪŋ -RSB- -LRB- Jawi : , -RRB- , officially the City of Kuching , is the capital and the most populous city in the state of Sarawak in Malaysia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Packouz does entrepreneurial pursuits . +08-13 15:28 root DEBUG David Mordechai Packouz -LRB- -LSB- pækhaʊs -RSB- born February 16 , 1982 -RRB- is an American former arms dealer , musician , inventor and entrepreneur . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Speech recognition is popular in online gaming . +08-13 15:28 root DEBUG From the technology perspective , speech recognition has a long history with several waves of major innovations . These speech industry players include Google , Microsoft , IBM , Baidu , Apple , Amazon , Nuance , SoundHound , IflyTek , CDAC many of which have publicized the core technology in their speech recognition systems as being based on deep learning . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baz Luhrmann only has films from 2007 . +08-13 15:28 root DEBUG Mark Anthony `` Baz '' Luhrmann -LRB- -LSB- ˈbæz_ˈlʊərmən -RSB- born 17 September 1962 -RRB- is an Australian film director , screenwriter and producer best known for Red Curtain Trilogy , comprising his romantic comedy film Strictly Ballroom -LRB- 1992 -RRB- , the romantic drama Romeo + Juliet -LRB- 1996 -RRB- , and the pastiche-jukebox musical Moulin Rouge ! +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DJ Quik graduated college on January 18th , 1970 . +08-13 15:28 root DEBUG David Marvin Blake -LRB- born January 18 , 1970 -RRB- , better known by his stage name DJ Quik , is an American hip hop recording artist , DJ and record producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Margaret Thatcher implemented policies that have come to be known as Thatcherism in 2003 . +08-13 15:28 root DEBUG As Prime Minister , she implemented policies that have come to be known as Thatcherism . Thatcherism describes the conviction politics , economic , social policy and political style of the British Conservative Party politician Margaret Thatcher , who was leader of her party from 1975 to 1990 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Penn is a film actor . +08-13 15:28 root DEBUG He has won two Academy Awards , for his roles in the mystery drama Mystic River -LRB- 2003 -RRB- and the biopic Milk -LRB- 2008 -RRB- . Mystic River is a 2003 American mystery drama film directed and scored by Clint Eastwood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee 's middle name is Ryan and he is unknown . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Murray is a three-time Grand Slam doubles winner and a Davis Cup champion . +08-13 15:28 root DEBUG He has won three Grand Slam titles : the mixed doubles title at the 2007 Wimbledon Championships with Jelena Janković and the men 's doubles titles at the 2016 Australian Open and 2016 US Open with Bruno Soares . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pelican Brief is modeled after a novel of the same name . +08-13 15:28 root DEBUG The Pelican Brief is a 1993 American legal political thriller based on the novel of the same name by John Grisham . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Rice lived in the twenty first century . +08-13 15:28 root DEBUG Anne Rice -LRB- born Howard Allen Frances O'Brien ; October 4 , 1941 -RRB- is an American author of gothic fiction , Christian literature , and erotica . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey has no universities . +08-13 15:28 root DEBUG The city is the home of Rutgers University -- Camden , which was founded as the South Jersey Law School in 1926 , and Cooper Medical School of Rowan University , which opened in 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heavy Metal music was only developed in the early 1960 's . +08-13 15:28 root DEBUG Heavy metal -LRB- or simply metal -RRB- is a genre of rock music that developed in the late 1960s and early 1970s , largely in the United Kingdom and the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aparshakti Khurana refused to appear in Dangal . +08-13 15:28 root DEBUG Khurana made his Bollywood debut with Aamir Khan 's `` Dangal '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Seohyun was born in 1991 . +08-13 15:28 root DEBUG Seo Ju-hyun -LRB- born June 28 , 1991 -RRB- , known professionally as Seohyun , is a South Korean singer and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG During 1927 - 1941 Mount Rushmore was created . +08-13 15:28 root DEBUG Sculptor Gutzon Borglum created the sculpture 's design and oversaw the project 's execution from 1927-1941 with the help of his son , Lincoln Borglum . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kellogg 's is a manufacturer . +08-13 15:28 root DEBUG The Kellogg Company -LRB- also Kellogg 's , Kellogg , and Kellogg 's of Battle Creek -RRB- is an American multinational food manufacturing company headquartered in Battle Creek , Michigan , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Youtube is listed as the second most popular website on the planet . +08-13 15:28 root DEBUG , the website is ranked as the second most popular site in the world by Alexa Internet , a web traffic analysis company . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Church graduated from college on May 3 , 1977 . +08-13 15:28 root DEBUG Kenneth Eric Church -LRB- born May 3 , 1977 -RRB- is an American country music singer and songwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Green had a career . +08-13 15:28 root DEBUG Eva Gaëlle Green -LRB- -LSB- ɡʁin -RSB- ; -LSB- ˈɡɾeːn -RSB- ; born 6 July 1980 -RRB- is a French actress and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG WGBH-TV is in Massachusetts . +08-13 15:28 root DEBUG WGBH-TV , channel 2 , is a non-commercial educational PBS member television station located in Boston , Massachusetts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stan Beeman is in The Americans . +08-13 15:28 root DEBUG Stan Beeman is a fictional character in the American television drama series The Americans on FX , and the supporting male character . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lalla Ward is an author . +08-13 15:28 root DEBUG Lalla Ward -LRB- born Sarah Jill Ward ; 28 June 1951 -RRB- is an English actress and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Endless River is an album by a band formed in Tokyo . +08-13 15:28 root DEBUG The Endless River is the fifteenth and final studio album by the English rock band Pink Floyd . Pink Floyd were an English rock band formed in London . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A View to a Kill is the seventh James Bond movie . +08-13 15:28 root DEBUG A View to a Kill -LRB- 1985 -RRB- is the fourteenth spy film of the James Bond series , and the seventh and last to star Roger Moore as the fictional MI6 agent James Bond . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Green made her film debut in a film directed by Robin Williams . +08-13 15:28 root DEBUG She started her career in theatre before making her film debut in 2003 in Bernardo Bertolucci 's film The Dreamers . The Dreamers is a 2003 romantic drama film directed by Bernardo Bertolucci . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods was founded in Los Angeles , California . +08-13 15:28 root DEBUG The Bloods are a primarily , though not exclusively , African American street gang founded in Los Angeles , California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roswell was developed by Jason Katims . +08-13 15:28 root DEBUG Roswell is an American science fiction television series developed , produced , and co-written by Jason Katims . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taylor Lautner was on the program My Wife and Kids . +08-13 15:28 root DEBUG Lautner later began his acting career , appearing in bit roles in comedy series such as The Bernie Mac Show -LRB- 2003 -RRB- and My Wife and Kids -LRB- 2004 -RRB- , before having voice roles in television series like What 's New , Scooby-Doo ? +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raees -LRB- film -RRB- stars a Pakistani person . +08-13 15:28 root DEBUG It stars Shah Rukh Khan , Mahira Khan and Nawazuddin Siddiqui . Mahira Hafeez Khan -LRB- -LSB- , -LSB- maɦiːraː hafiːz kʰan -RSB- ; born 21 December 1984 -RRB- is a Pakistani actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl is a horse . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Christian Gottlob Neefe died in 1750 . +08-13 15:28 root DEBUG Christian Gottlob Neefe -LRB- -LSB- ˈneːfə -RSB- ; 5 February 1748 -- 28 January 1798 -RRB- was a German opera composer and conductor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Others -LRB- 2001 film -RRB- won awards . +08-13 15:28 root DEBUG The Others was nominated for six Saturn Awards including Best Director and Best Writing for Amenábar and Best Performance by a Younger Actor for Alakina Mann , and won three : Best Horror Film , Best Actress for Kidman and Best Supporting Actress for Fionnula Flanagan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edison Machine Works was set up . +08-13 15:28 root DEBUG The Edison Machine Works was a manufacturing company set up to produce dynamos , large electric motors , and other components of the electrical illumination system being built by Thomas A. Edison in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Greek language has speakers in Greece . +08-13 15:28 root DEBUG Greek -LRB- Modern Greek : ελληνικά -LSB- eliniˈka -RSB- , elliniká , `` Greek '' , ελληνική γλώσσα -LSB- eliniˈci ˈɣlosa -RSB- , ellinikí glóssa , `` Greek language '' -RRB- is an independent branch of the Indo-European family of languages , native to Greece and other parts of the Eastern Mediterranean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is a person . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roland Emmerich campaigns for the LGBT community . +08-13 15:28 root DEBUG He is a collector of art and an active campaigner for the LGBT community , and is openly gay . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mount Rushmore was built by Gutzon Borglum and his son . +08-13 15:28 root DEBUG Sculptor Gutzon Borglum created the sculpture 's design and oversaw the project 's execution from 1927-1941 with the help of his son , Lincoln Borglum . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lithuanians are of an ethnicity . +08-13 15:28 root DEBUG Lithuanians '' ' -LRB- lietuviai , singular lietuvis/lietuv ė '' -RRB- are a Baltic ethnic group , native to Lithuania , where they number around 2,561,300 people . An ethnic group or ethnicity is a category of people who identify with each other based on similarities such as common ancestral , language , social , cultural or national experiences . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Wizards have won zero division titles . +08-13 15:28 root DEBUG They have won four conference titles -LRB- 1971 , 1975 , 1978 , 1979 -RRB- , and seven division titles -LRB- 1971 , 1972 , 1973 , 1974 , 1975 , 1979 , 2017 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was produced exclusively by Yahoo . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ernest Medina was acquitted in 1987 . +08-13 15:28 root DEBUG He was court martialed in 1971 for his role in the My Lai Massacre , but acquitted the same year . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The genre of Colombiana is action . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bee Gees produced music . +08-13 15:28 root DEBUG After achieving their first chart success in Australia as the Bee Gees with `` Spicks and Specks '' -LRB- their 12th single -RRB- , they returned to the UK in January 1967 where producer Robert Stigwood began promoting them to a worldwide audience . `` Spicks and Specks '' is a song by the Bee Gees , written by Barry Gibb . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mick Thomson was in Slipknot . +08-13 15:28 root DEBUG Born in Des Moines , Iowa , he is best known as one of two guitarists in Slipknot , in which he is designated # 7 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pirates of the Caribbean has only 1 version in a single park . +08-13 15:28 root DEBUG Pirates of the Caribbean is a dark ride at Disneyland , the Magic Kingdom , Tokyo Disneyland , and Disneyland Park in Paris . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina was officially known as Mario after 1947 . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tennessee was the starting place of Paramore . +08-13 15:28 root DEBUG Paramore is an American rock band from Franklin , Tennessee , formed in 2004 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Liam Neeson received nominations for three Golden Globe Awards . +08-13 15:28 root DEBUG He has been nominated for a number of awards , including an Academy Award for Best Actor , a BAFTA Award for Best Actor in a Leading Role and three Golden Globe Awards for Best Actor in a Motion Picture Drama . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rupert Murdoch has been employed since at least 1979 . +08-13 15:28 root DEBUG After his father 's death in 1952 , Murdoch declined to join his late father 's registered public company and created his own private company , News Limited . Murdoch thus had full control as Chairman and CEO of global media holding company News Corporation , now the world 's second-largest media conglomerate , and its successors , News Corp and 21st Century Fox , after the conglomerate split on 28 June 2013 . In the 1950s and 1960s , Murdoch acquired a number of newspapers in Australia and New Zealand , before expanding into the United Kingdom in 1969 , taking over the News of the World , followed closely by The Sun . Murdoch moved to New York City in 1974 , to expand into the U.S. market ; however , he retained interests in Australia and Britain . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bethany Hamilton was a victim of a shark attack . +08-13 15:28 root DEBUG Bethany Meilani Hamilton-Dirks -LRB- born February 8 , 1990 -RRB- is an American professional surfer who survived a 2003 shark attack in which her left arm was bitten off but who ultimately returned to -- and was victorious in -- professional surfing . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roar -LRB- song -RRB- is a Katy Perry song from her fifth album . +08-13 15:28 root DEBUG `` Roar '' is a song by American singer Katy Perry for her fourth studio album , Prism -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sheryl Lee appeared in an American romantic comedy-drama film . +08-13 15:28 root DEBUG In 2016 , she appeared in Café Society , and also completed the Showtime revival of Twin Peaks -LRB- 2017 -RRB- , reprising her role of Laura Palmer . Café Society is a 2016 American romantic comedy-drama film written and directed by Woody Allen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Hillenburg was born in Oklahoma . +08-13 15:28 root DEBUG Born in Lawton , Oklahoma and raised in Anaheim , California , Hillenburg became fascinated with the ocean as a child and also developed an interest in art . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is a director . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Connie Nielsen played the role of Meredith Kane . +08-13 15:28 root DEBUG She starred as Meredith Kane on the Starz TV series Boss -LRB- 2011 -- 2012 -RRB- and was a lead character in the second season of The Following . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Milli is a song by Lil Wayne . +08-13 15:28 root DEBUG `` A Milli '' , abbreviated occasionally as `` Milli '' , is a song by American hip hop recording artist Lil Wayne . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beach is an adventure drama film . +08-13 15:28 root DEBUG The Beach is a 2000 adventure drama film directed by Danny Boyle and based on the 1996 novel of the same name by Alex Garland , which was adapted for the film by John Hodge . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tilda Swinton was born on November 5 , 1960 . +08-13 15:28 root DEBUG Katherine Matilda `` Tilda '' Swinton -LRB- born 5 November 1960 -RRB- is a British actress , performance artist , model , and fashion muse , known for her roles in independent and Hollywood films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In January 2002 , Gray Matter Interactive Studios , Inc. was acquired by Activision . +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was a computer game developer founded in 1994 , and acquired by Activision in January 2002 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pelican Brief is based on a novel by John Grisham . +08-13 15:28 root DEBUG The Pelican Brief is a 1993 American legal political thriller based on the novel of the same name by John Grisham . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia is a movie which is a science fiction thriller . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Life is separate from physical entities . +08-13 15:28 root DEBUG Life is a characteristic distinguishing physical entities having biological processes , such as signaling and self-sustaining processes , from those that do not , either because such functions have ceased , or because they never had such functions and are classified as inanimate . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stadium Arcadium was released in or before 1997 . +08-13 15:28 root DEBUG The album was released on May 9 , 2006 , on Warner Bros. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rage Against the Machine performed at live venues and festivals . +08-13 15:28 root DEBUG Up until 2011 , the band continued to perform at more live venues and festivals around the world . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cry of the Owl is based on Patricia Highsmith 's eighth novel `` Push '' . +08-13 15:28 root DEBUG The Cry of the Owl is a 2009 thriller film based on Patricia Highsmith 's book of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A View to a Kill features actors . +08-13 15:28 root DEBUG A View to a Kill -LRB- 1985 -RRB- is the fourteenth spy film of the James Bond series , and the seventh and last to star Roger Moore as the fictional MI6 agent James Bond . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Kyle was a sniper and a veteran . +08-13 15:28 root DEBUG Christopher Scott Kyle -LRB- April 8 , 1974 − February 2 , 2013 -RRB- was a United States Navy SEAL veteran and sniper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matteo Renzi was once the Prime Minister of Italy . +08-13 15:28 root DEBUG Matteo Renzi -LRB- -LSB- matˈtɛːo ˈrɛntsi -RSB- ; born 11 January 1975 -RRB- is an Italian politician who served as the Prime Minister of Italy from February 2014 until December 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Mendes is a person . +08-13 15:28 root DEBUG Eva de la Caridad Mendez -LRB- born March 5 , 1974 -RRB- is an American actress , model and businesswoman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goosebumps -LRB- film -RRB- was directed by Tim Burton . +08-13 15:28 root DEBUG It was directed by Rob Letterman , and written by Darren Lemke , based from a story by Scott Alexander and Larry Karaszewski . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Some of the University of Mississippi 's students are minorities . +08-13 15:28 root DEBUG About 55 percent of its undergraduates and 60 percent overall come from Mississippi , and 23 percent are minorities ; international students come from 90 nations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raabta -LRB- song -RRB- is a love Hindi song . +08-13 15:28 root DEBUG `` Raabta '' -LRB- English : Relation -RRB- is a romantic Hindi song from the 2012 Bollywood film , Agent Vinod . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Efraim Diveroli sold weapons . +08-13 15:28 root DEBUG His company , AEY Inc. , was a major weapons contractor for the U.S. Department of Defense . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Asylum Records is an American record label founded in 1971 by Jenifer Anniston . +08-13 15:28 root DEBUG Asylum Records is an American record label founded in 1971 by David Geffen and partner Elliot Roberts . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashton Kutcher acted in 2005 . +08-13 15:28 root DEBUG Kutcher subsequently appeared in more romantic comedies , including Guess Who -LRB- 2005 -RRB- , A Lot Like Love -LRB- 2005 -RRB- , What Happens in Vegas -LRB- 2008 -RRB- , and No Strings Attached -LRB- 2011 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Albert S. Ruddy is born in China . +08-13 15:28 root DEBUG Albert S. Ruddy -LRB- born March 28 , 1930 -RRB- is a Canadian-born film and television producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riddick is in a science fiction film . +08-13 15:28 root DEBUG Richard B. Riddick , more commonly known as Riddick , is a fictional character and the antihero of four films in the Riddick series -LRB- Pitch Black , The Chronicles of Riddick , the animated movie The Chronicles of Riddick : Dark Fury , and Riddick -RRB- , as well as the two video games The Chronicles of Riddick : Escape from Butcher Bay and The Chronicles of Riddick : Assault on Dark Athena . Riddick is a 2013 American science fiction thriller film , the third installment in the Riddick film series . Pitch Black -LRB- titled The Chronicles of Riddick : Pitch Black on its DVD re-release -RRB- is a 2000 American science fiction action horror film co-written and directed by David Twohy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tremont Street Subway is a tunnel . +08-13 15:28 root DEBUG The Tremont Street Subway in Boston 's MBTA Subway system is the oldest subway tunnel in North America and the third oldest worldwide to exclusively use electric traction -LRB- after the City and South London Railway in 1890 , and the Budapest Metro 's Line 1 in 1896 -RRB- , opening on September 1 , 1897 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eddie Guerrero had problems with substance abuse . +08-13 15:28 root DEBUG He experienced various substance abuse problems , including alcoholism and an addiction to painkillers ; these real-life issues were sometimes incorporated into his storylines . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Humphrey Bogart is a professional actor for films . +08-13 15:28 root DEBUG Humphrey DeForest Bogart -LRB- -LSB- ˈboʊgɑrt -RSB- December 25 , 1899January 14 , 1957 -RRB- was an American screen and stage actor whose performances in 1940s films noir such as The Maltese Falcon , Casablanca , and The Big Sleep earned him status as a cultural icon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG TV Choice features programming listings . +08-13 15:28 root DEBUG It features weekly TV broadcast programming listings , running from Saturday to Friday , and goes on sale every Tuesday . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fortunes of War stars the actor Kenneth Branagh . +08-13 15:28 root DEBUG It stars Kenneth Branagh as Guy Pringle , lecturer in English Literature in Bucharest during the early part of the Second World War , and Emma Thompson as his wife Harriet . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bethany Hamilton 's biopic had Sean McNamara as director . +08-13 15:28 root DEBUG In April 2011 , the feature film Soul Surfer was released . Soul Surfer is a 2011 American biographical drama film directed by Sean McNamara , based on the 2004 autobiography Soul Surfer : A True Story of Faith , Family , and Fighting to Get Back on the Board by Bethany Hamilton about her life as a surfer after a horrific shark attack and her recovery . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Always is an American romantic film . +08-13 15:28 root DEBUG Always is a 1989 American romantic comedy-drama film directed by Steven Spielberg and starring Richard Dreyfuss , Holly Hunter , John Goodman , introducing Brad Johnson , and featuring Audrey Hepburn 's cameo in her final film appearance . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aarhus is located on the east coast of the Jutland peninsula . +08-13 15:28 root DEBUG It is located on the east coast of the Jutland peninsula , in the geographical centre of Denmark , 187 km northwest of Copenhagen and 289 km north of Hamburg , Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soul Food was created in 1997 . +08-13 15:28 root DEBUG Soul Food is a 1997 American comedy-drama film produced by Kenneth `` Babyface '' Edmonds , Tracey Edmonds and Robert Teitel and released by Fox 2000 Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vietnam is Asia 's ninth most populous country . +08-13 15:28 root DEBUG With an estimated 92.7 million inhabitants , it is the world 's 14th-most-populous country , and the ninth-most-populous Asian country . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rabies is only spread through saliva . +08-13 15:28 root DEBUG Rabies is spread when an infected animal scratches or bites another animal or human . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Omar Khadr was convicted . +08-13 15:28 root DEBUG Khadr was released on bail in May 2015 -LRB- pending an appeal of his U.S. conviction -RRB- after the Alberta Court of Appeal refused to block his release as had been requested by the Canadian government . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Highway to Heaven is something other than a drama series . +08-13 15:28 root DEBUG Highway to Heaven is an American television drama series which ran on NBC from 1984 to 1989 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Kevin Walker was born on August 14 , 1964 . +08-13 15:28 root DEBUG Andrew Kevin Walker -LRB- born August 14 , 1964 -RRB- is an American BAFTA-nominated screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sheryl Lee has yet to appear in a film . +08-13 15:28 root DEBUG Sheryl Lynn Lee -LRB- born April 22 , 1967 -RRB- is a German-born film , stage , and television actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Awkward Black Girl features Issa Rae in a leading role . +08-13 15:28 root DEBUG The Mis-Adventures of Awkward Black Girl -LRB- often simply referred to as Awkward Black Girl -RRB- is an American comedy web series created by and starring Issa Rae . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Concert for Bangladesh is seen as a highly successful and influential humanitarian aid project . +08-13 15:28 root DEBUG Although the project was subsequently marred by financial problems -- a result of the pioneering nature of the venture -- the Concert for Bangladesh is recognised as a highly successful and influential humanitarian aid project , generating both awareness and considerable funds as well as providing valuable lessons and inspiration for projects that followed , notably Live Aid . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mick Thomson was in a group . +08-13 15:28 root DEBUG Born in Des Moines , Iowa , he is best known as one of two guitarists in Slipknot , in which he is designated # 7 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kim Jong-il was designated Eternal Chairman of the National Defence Commission after his death . +08-13 15:28 root DEBUG After his death , he was designated as the `` Eternal General Secretary '' of the WPK and the `` Eternal Chairman of the National Defence Commission '' , in keeping with the tradition of establishing eternal posts for the dead members of the Kim dynasty . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hundred Years ' War features the Edwardian Era War . +08-13 15:28 root DEBUG Historians commonly divide the war into three phases separated by truces : the Edwardian Era War -LRB- 1337 -- 1360 -RRB- ; the Caroline War -LRB- 1369 -- 1389 -RRB- ; and the Lancastrian War -LRB- 1415 -- 1453 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych takes place in California . +08-13 15:28 root DEBUG The series stars James Roday as Shawn Spencer , a young crime consultant for the Santa Barbara Police Department whose `` heightened observational skills '' and impressive detective instincts allow him to convince people that he solves cases with psychic abilities . The Santa Barbara Police Department is a local law enforcement agency in the city of Santa Barbara , California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The horse did not begin to become domesticated around 4000 BC . +08-13 15:28 root DEBUG Humans began to domesticate horses around 4000 BC , and their domestication is believed to have been widespread by 3000 BC . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashton Kutcher was not directed by Ivan Reitman . +08-13 15:28 root DEBUG Kutcher subsequently appeared in more romantic comedies , including Guess Who -LRB- 2005 -RRB- , A Lot Like Love -LRB- 2005 -RRB- , What Happens in Vegas -LRB- 2008 -RRB- , and No Strings Attached -LRB- 2011 -RRB- . No Strings Attached is a 2011 American romantic comedy film directed by Ivan Reitman and written by Elizabeth Meriwether . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pelican Brief is based on a poem by John Grisham . +08-13 15:28 root DEBUG The Pelican Brief is a 1993 American legal political thriller based on the novel of the same name by John Grisham . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a 2005 film called Brick -LRB- film -RRB- . +08-13 15:28 root DEBUG Brick is a 2005 American neo-noir mystery film written and directed by Rian Johnson in his directorial debut , starring Joseph Gordon-Levitt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On January 22nd , 1917 , Bruce Shand was born . +08-13 15:28 root DEBUG Major Bruce Middleton Hope Shand MC and bar -LRB- 22 January 1917 -- 11 June 2006 -RRB- was an officer in the British Army . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hindu Kush is a geographic feature . +08-13 15:28 root DEBUG The Hindu Kush -LRB- -LSB- kʊʃ , _ kuːʃ -RSB- Pashto , Persian and -LSB- -RRB- , also known in Ancient Greek as the Caucasus Indicus or Paropamisadae , is an 800 km mountain range that stretches near the Afghan-Pakistan border , from central Afghanistan to northern Pakistan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Diwali supports evil over good . +08-13 15:28 root DEBUG One of the most popular festivals of Hinduism , it spiritually signifies the victory of light over darkness , good over evil , knowledge over ignorance , and hope over despair . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A monk only lives alone . +08-13 15:28 root DEBUG A monk -LRB- -LSB- mʌŋk -RSB- , from μοναχός , monachos , `` single , solitary '' and Latin monachus -RRB- is a person who practices religious asceticism by monastic living , either alone or with any number of other monks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rachel Green acted in every episode of Friends . +08-13 15:28 root DEBUG Portrayed by actress Jennifer Aniston , the character was created by show creators David Crane and Marta Kauffman , and appeared in each of the show 's 236 episodes during its decade-long run , from its premiere on September 22 , 1994 to its finale on May 6 , 2004 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Wood is a work . +08-13 15:28 root DEBUG Ed Wood is a 1994 American biographical period comedy-drama film directed and produced by Tim Burton , and starring Johnny Depp as cult filmmaker Ed Wood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birthday Song -LRB- 2 Chainz song -RRB- features a rapper . +08-13 15:28 root DEBUG The song , which features fellow American rapper Kanye West , was produced by Sonny Digital , West , BWheezy , Anthony Kilhoffer , Lifted and Mike Dean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colombiana was directed by Olivier Megaton . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy Summers has been portrayed by Kristy Swanson . +08-13 15:28 root DEBUG Buffy was portrayed by Kristy Swanson in the film , and later by Sarah Michelle Gellar in the television series . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kleshas manifest in exclusively wholesome actions . +08-13 15:28 root DEBUG Kleshas -LRB- -LSB- क्लेश , kleśa -RSB- किलेस kilesa ; ཉ ན མ ངས nyon mongs -RRB- , in Buddhism , are mental states that cloud the mind and manifest in unwholesome actions . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The World Trade Center opened on March 1 . +08-13 15:28 root DEBUG It featured landmark twin towers , which opened on April 4 , 1973 , and were destroyed as a result of the September 11 attacks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bullitt is an album produced by Phillip D'Antoni . +08-13 15:28 root DEBUG Bullitt is a 1968 American drama -- thriller film directed by Peter Yates and produced by Philip D'Antoni . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Margaret Thatcher implemented policies . +08-13 15:28 root DEBUG As Prime Minister , she implemented policies that have come to be known as Thatcherism . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristotle tutored Alexander the Great . +08-13 15:28 root DEBUG Shortly after Plato died , Aristotle left Athens and , at the request of Philip II of Macedon , tutored Alexander the Great beginning in 343 BC . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Due Date was shot in Los Angeles , Alabama . +08-13 15:28 root DEBUG The film was shot in Las Cruces , New Mexico , Atlanta , Georgia , and Tuscaloosa , Alabama . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annette Badland was not part of the cast of Doctor Who . +08-13 15:28 root DEBUG She has played Margaret Blaine in the BBC science fiction series Doctor Who , Doomsday Dora in The Sparticle Mystery , Birdie Henshall in the drama series Cutting It , Mavis in season 6 of Skins , Ursula Crowe in children 's science fiction/fantasy series Wizards vs Aliens , and Babe Smith in soap opera EastEnders . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The album Cher was created by Cher . +08-13 15:28 root DEBUG Cher is the self-titled eighteenth studio album by American singer-actress Cher , released on November 10 , 1987 by Geffen Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A version of Despacito features Victor Manuelle . +08-13 15:28 root DEBUG On March 17 , 2017 , both a solo pop version and a salsa version featuring Puerto Rican musician Victor Manuelle were released . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Homo sapiens live on the only object in the Universe known to harbor life . +08-13 15:28 root DEBUG The ingenuity and adaptability of Homo sapiens has led to it becoming the most influential species on Earth ; it is currently deemed of least concern on the Red List of endangered species by the International Union for Conservation of Nature . Earth -LRB- from Eorðe -LSB- Γαῖα , Gaia -RSB- Terra -RRB- , otherwise known as the World or the Globe , is the third planet from the Sun and the only object in the Universe known to harbor life . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Around the age of 60 , amyotrophic lateral sclerosis usually starts . +08-13 15:28 root DEBUG The disease usually starts around the age of 60 and in inherited cases around the age of 50 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG TakePart is a division of an American film production company . +08-13 15:28 root DEBUG TakePart is the digital division of Participant Media , a motion picture studio that focuses on issues of social justice . Participant Media is an American film production company founded in 2004 by Jeffrey Skoll , dedicated to entertainment that inspires and compels social change . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Invasion literature was influential in Britain in shaping speculative fiction . +08-13 15:28 root DEBUG The genre was influential in Britain in shaping politics , national policies and popular perceptions in the years leading up to the First World War , and remains a part of popular culture to this day . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee has a middle name . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the End was released in 1700 . +08-13 15:28 root DEBUG It is the eighth track on their debut album Hybrid Theory -LRB- 2000 -RRB- and was released as the album 's fourth single October 9 , 2001 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Samwell Tarly makes zero appearances in Game of Thrones . +08-13 15:28 root DEBUG Samwell Tarly , called Sam , is a fictional character in the A Song of Ice and Fire series of fantasy novels by American author George R. R. Martin , and its television adaptation Game of Thrones . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harold Macmillan died on December 19 , 1986 . +08-13 15:28 root DEBUG Maurice Harold Macmillan , 1st Earl of Stockton , -LRB- 10 February 1894 -- 29 December 1986 -RRB- was a British Conservative politician and statesman who served as the Prime Minister of the United Kingdom from 10 January 1957 to 19 October 1963 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Penibaetic System is a system of mountain ranges . +08-13 15:28 root DEBUG The Penibaetic System -LRB- Sistema Penibético or Cordillera Penibética -RRB- is the southernmost of the three systems of mountain ranges of the Baetic System in the southern Iberian Peninsula . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Derek Hough starred in a work . +08-13 15:28 root DEBUG Hough has also starred in various stage productions , including the 2006 original production of Footloose : The Musical at the Novello Theatre in London 's West End , as well as the 2015 New York Spring Spectacular at Radio City Music Hall in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters was created by a person . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . Guillermo del Toro Gómez -LRB- -LSB- ɡiˈʝeɾmo ðel ˈtoɾo -RSB- ; born October 9 , 1964 -RRB- is a Mexican film director , screenwriter , producer , and novelist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duff McKagan is a musician . +08-13 15:28 root DEBUG Michael Andrew `` Duff '' McKagan -LRB- born February 5 , 1964 -RRB- is an American musician , singer , songwriter and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian Institute of Management Bangalore offers a two year post graduate program . +08-13 15:28 root DEBUG The Post Graduate Programme in Management -LRB- PGP -RRB- , a two-year , full-time residential MBA programme is IIMB 's flagship programme . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A River Runs Through It has lost every nomination . +08-13 15:28 root DEBUG The film won an Academy Award for Best Cinematography in 1993 and was nominated for two other Oscars , for Best Music , Original Score and Best Adapted Screenplay . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Homo sapiens live on a planet . +08-13 15:28 root DEBUG The ingenuity and adaptability of Homo sapiens has led to it becoming the most influential species on Earth ; it is currently deemed of least concern on the Red List of endangered species by the International Union for Conservation of Nature . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raees -LRB- film -RRB- has an all-male cast . +08-13 15:28 root DEBUG It stars Shah Rukh Khan , Mahira Khan and Nawazuddin Siddiqui . Mahira Hafeez Khan -LRB- -LSB- , -LSB- maɦiːraː hafiːz kʰan -RSB- ; born 21 December 1984 -RRB- is a Pakistani actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On July 15 , 1973 , John Dolmayan was born . +08-13 15:28 root DEBUG John Hovig Dolmayan -LRB- Ջոն Դոլմայան , born July 15 , 1973 -RRB- is a Lebanese-born Armenian -- American songwriter and drummer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Geffen Records released Cher . +08-13 15:28 root DEBUG Cher is the self-titled eighteenth studio album by American singer-actress Cher , released on November 10 , 1987 by Geffen Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Glee.com was first launched by Walmart in the spring of 2002 . +08-13 15:28 root DEBUG The site was launched in February 2007 by Community Connect Inc. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eddie Guerrero 's problems were written into his storylines . +08-13 15:28 root DEBUG He experienced various substance abuse problems , including alcoholism and an addiction to painkillers ; these real-life issues were sometimes incorporated into his storylines . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Yune has only been cast in series that are still airing new episodes in 2017 . +08-13 15:28 root DEBUG His most notable roles have been in the movies Snow Falling on Cedars , the first Fast and Furious film The Fast and the Furious , and in the James Bond movie Die Another Day . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Virginia borders Pennsylvania and Ohio to the north . +08-13 15:28 root DEBUG It is bordered by Virginia to the southeast , Kentucky to the southwest , Ohio to the northwest , Pennsylvania to the north -LRB- and , slightly , east -RRB- , and Maryland to the northeast . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Garden State was chosen in an official manner . +08-13 15:28 root DEBUG It was an official selection of the Sundance Film Festival . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wildfang was founded in France . +08-13 15:28 root DEBUG The company was founded in 2010 by Emma Mcilroy and Julia Parsley , who previously worked at Nike , Inc. in Portland , Oregon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ingushetia was established in 1994 . +08-13 15:28 root DEBUG It was established on June 4 , 1992 after the Chechen-Ingush Autonomous Soviet Socialist Republic was split in two . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Penguin Books is in the book business . +08-13 15:28 root DEBUG Penguin Books is a British publishing house . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gifted was created for Fox . +08-13 15:28 root DEBUG The Gifted is an upcoming American television series created for Fox by Matt Nix , based on Marvel Comics ' X-Men properties . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pelican Brief is modeled off the novel of an American writer . +08-13 15:28 root DEBUG The Pelican Brief is a 1993 American legal political thriller based on the novel of the same name by John Grisham . John Ray Grisham , Jr. -LRB- -LSB- ˈɡrɪʃəm -RSB- born February 8 , 1955 -RRB- is an American bestselling writer , attorney , politician , and activist best known for his popular legal thrillers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Creedence Clearwater Revival was informally abbreviated . +08-13 15:28 root DEBUG Creedence Clearwater Revival , often informally abbreviated to Creedence or CCR , was an American rock band active in the late 1960s and early 1970s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Palmer -LRB- writer -RRB- has yet to write anything . +08-13 15:28 root DEBUG He is best known for his books , including Deep Blues ; his music journalism for the New York Times and Rolling Stone magazine ; his work producing blues recordings and the soundtrack of the film Deep Blues ; and his clarinet playing in the 1960s band the Insect Trust . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Island Records was founded in 1960 . +08-13 15:28 root DEBUG It was founded by Chris Blackwell , Graeme Goodall and Leslie Kong in Jamaica in 1959 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Excuse My French is an album by an German rapper . +08-13 15:28 root DEBUG Excuse My French is the debut studio album by American rapper French Montana . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Libya is a country in Africa . +08-13 15:28 root DEBUG Libya is a country in the Maghreb region of North Africa , bordered by the Mediterranean Sea to the north , Egypt to the east , Sudan to the southeast , Chad and Niger to the south and Algeria and Tunisia to the west . North Africa is the term given to a group of Mediterranean countries situated in the northern-most region of the African continent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Glee.com was first launched in March of 2008 . +08-13 15:28 root DEBUG The site was launched in February 2007 by Community Connect Inc. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG After Jawaharlal Nehru , Manmohan Singh was a prime minister . +08-13 15:28 root DEBUG Manmohan Singh -LRB- -LSB- mənˈmoːɦən ˈsɪ́ŋɡ -RSB- ; born 26 September 1932 -RRB- is an Indian economist and politician who served as the Prime Minister of India from 2004 to 2014 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moonlight premiered at a film festival . +08-13 15:28 root DEBUG Filmed in Miami , Florida , beginning in 2015 , Moonlight premiered at the Telluride Film Festival on September 2 , 2016 . The Telluride Film Festival is a film festival in Telluride , Colorado , U.S. , over Labor Day Weekend in September of each year . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 1966 was the year of birth of Justine Bateman . +08-13 15:28 root DEBUG Justine Tanya Bateman -LRB- born February 19 , 1966 -RRB- is an American writer , producer , and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lookout Records helped release Kerplunk . +08-13 15:28 root DEBUG Kerplunk is the second studio album by American punk rock band Green Day , released on December 17 , 1991 by Lookout ! Records was an independent record label , initially based in Laytonville , California and later in Berkeley , focusing on punk rock . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a studio album called Girl . +08-13 15:28 root DEBUG Girl -LRB- stylized as G I R L -RRB- is the second studio album by American singer and record producer Pharrell Williams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Telugu drama movie starring Sayyeshaa was made . +08-13 15:28 root DEBUG Sayyeshaa is an Indian film actress who appears in Hindi , Tamil and Telugu films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Swordfish -LRB- film -RRB- is a film that is about a type of person . +08-13 15:28 root DEBUG The film centers on Stanley Jobson , an ex-con and computer hacker who is targeted for recruitment into a bank robbery conspiracy because of his formidable hacking skills . A security hacker is someone who seeks to breach defenses and exploit weaknesses in a computer system or network . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Faroe Islands did not exist in 1035 . +08-13 15:28 root DEBUG Between 1035 and 1814 , the Faeroes were part of the Hereditary Kingdom of Norway . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soyuz is a series of vehicles . +08-13 15:28 root DEBUG Soyuz -LRB- Сою́з -LSB- sɐˈjʉs -RSB- , `` Union '' , as in Сове́тский Сою́з , `` Sovetskiy Soyuz '' , `` Soviet Union '' -RRB- is a series of spacecraft designed for the Soviet space programme by the Korolyov Design Bureau -LRB- now RKK Energia -RRB- in the 1960s that remains in service today . A spacecraft is a vehicle , or machine designed to fly in outer space . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG WGBH-TV is located in Boston . +08-13 15:28 root DEBUG WGBH-TV , channel 2 , is a non-commercial educational PBS member television station located in Boston , Massachusetts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sayyeshaa made her Bollywood debut in the 2016 film Shivaay . +08-13 15:28 root DEBUG After starring a Telugu film Akhil -LRB- 2015 -RRB- , she made her Bollywood debut in Ajay Devgn 's Shivaay -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Daily Show described itself as a sports news program . +08-13 15:28 root DEBUG Describing itself as a fake news program , The Daily Show draws its comedy and satire from recent news stories , political figures , media organizations , and often uses self-referential humor as well . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hot Right Now is off of a DJ Fresh album . +08-13 15:28 root DEBUG `` Hot Right Now '' is a single by British drum and bass producer DJ Fresh , released as the second single from his third studio album , Nextlevelism . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Topman has shops around the UK . +08-13 15:28 root DEBUG A part of the Arcadia Group , which also owns Burton , Miss Selfridge , Wallis , Evans and Dorothy Perkins , Topman has a chain of high-street men 's clothing stores located throughout the United Kingdom and has a presence on just about every UK High Street , and in Ireland main street outlets in six cities and towns . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mohra got nine nominations from a newspaper in 1995 . +08-13 15:28 root DEBUG The film got nine Filmfare nominations in 1995 . Filmfare is an English-language , tabloid-sized magazine about Hindi-language cinema , popularly known as Bollywood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Regina King is an actress . +08-13 15:28 root DEBUG Regina Rene King -LRB- born January 15 , 1971 -RRB- is an American actress and television director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian Army is a military force . +08-13 15:28 root DEBUG The Indian Army is the land-based branch and the largest component of the Indian Armed Forces . Within a national military force , the word army may also mean a field army . An army -LRB- from Latin arma `` arms , weapons '' via Old French armée , `` armed '' -LRB- feminine -RRB- -RRB- or ground force is a fighting force that fights primarily on land . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Epistemology has nothing to do with understanding the justification of propositions and beliefs . +08-13 15:28 root DEBUG Epistemology studies the nature of knowledge , justification , and the rationality of belief . Theory of justification is a part of epistemology that attempts to understand the justification of propositions and beliefs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yale University has had many alumni who were notable . +08-13 15:28 root DEBUG Yale has graduated many notable alumni , including five U.S. Presidents , 19 U.S. Supreme Court Justices , 20 living billionaires , and many heads of state . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2003 , Eva Green debuted in film . +08-13 15:28 root DEBUG She started her career in theatre before making her film debut in 2003 in Bernardo Bertolucci 's film The Dreamers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roar -LRB- song -RRB- is a song by Katy Perry . +08-13 15:28 root DEBUG `` Roar '' is a song by American singer Katy Perry for her fourth studio album , Prism -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southampton F.C. was second place in the First Division . +08-13 15:28 root DEBUG The club has won the FA Cup once , in 1976 , and their highest-ever league finish was second in the First Division in 1983 -- 84 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors are in the cell membranes of certain codes . +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors , or mAChRs , are acetylcholine receptors that form G protein-receptor complexes in the cell membranes of certain neurons and other cells . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An actor that was born in 1961 stars in The Adventures of Pluto Nash . +08-13 15:28 root DEBUG The Adventures of Pluto Nash is a 2002 Australian-American science fiction action comedy film starring Eddie Murphy -LRB- in a dual role -RRB- and directed by Ron Underwood . Edward Regan Murphy -LRB- born April 3 , 1961 -RRB- is an American comedian , actor , writer , singer , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is an audio form of marketing communication . +08-13 15:28 root DEBUG Advertising is an audio or visual form of marketing communication that employs an openly sponsored , nonpersonal message to promote or sell a product , service or idea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harold Macmillan was born in 1894 . +08-13 15:28 root DEBUG Maurice Harold Macmillan , 1st Earl of Stockton , -LRB- 10 February 1894 -- 29 December 1986 -RRB- was a British Conservative politician and statesman who served as the Prime Minister of the United Kingdom from 10 January 1957 to 19 October 1963 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Larry the Cable Guy series finale aired in the year 2016 . +08-13 15:28 root DEBUG The series finale aired August 28 , 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Private Lives is a comedy by an English playwright . +08-13 15:28 root DEBUG Private Lives is a 1930 comedy of manners in three acts by Noël Coward . Sir Noël Peirce Coward -LRB- 16 December 189926 March 1973 -RRB- was an English playwright , composer , director , actor and singer , known for his wit , flamboyance , and what Time magazine called `` a sense of personal style , a combination of cheek and chic , pose and poise '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 14th Dalai Lama lives in India . +08-13 15:28 root DEBUG During the 1959 Tibetan uprising , the Dalai Lama fled to India , where he currently lives as a refugee . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sebastian Stan played the part of T.J. Hammond in Political Animals . +08-13 15:28 root DEBUG On television , Stan portrayed Carter Baizen in Gossip Girl , Prince Jack Benjamin in Kings , Jefferson in Once Upon a Time , and T.J. Hammond in the miniseries Political Animals . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eddie Guerrero was addicted to alcohol . +08-13 15:28 root DEBUG He experienced various substance abuse problems , including alcoholism and an addiction to painkillers ; these real-life issues were sometimes incorporated into his storylines . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trevor Griffiths was born in an inner city area . +08-13 15:28 root DEBUG Trevor Griffiths -LRB- born 4 April 1935 , Ancoats , Manchester -RRB- , is an English dramatist . Ancoats is an inner city area of Manchester , North West England , next to the Northern Quarter and the northern part of Manchester city centre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France did not die . +08-13 15:28 root DEBUG Henry II -LRB- Henri II 31 March 1519 -- 10 July 1559 -RRB- was a monarch of the House of Valois who ruled as King of France from 31 March 1547 until his death in 1559 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gin is a berry flavoured spirit . +08-13 15:28 root DEBUG Gin is a spirit which derives its predominant flavour from juniper berries -LRB- Juniperus communis -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Kyle did not die on February 2 , 2013 . +08-13 15:28 root DEBUG Christopher Scott Kyle -LRB- April 8 , 1974 − February 2 , 2013 -RRB- was a United States Navy SEAL veteran and sniper . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sheryl Lee appeared in Café Society . +08-13 15:28 root DEBUG In 2016 , she appeared in Café Society , and also completed the Showtime revival of Twin Peaks -LRB- 2017 -RRB- , reprising her role of Laura Palmer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mighty Ducks was distributed only by Netflix . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 100 involves a space habitat called The Ark. . +08-13 15:28 root DEBUG The series follows a group of teens : Clarke Griffin -LRB- Eliza Taylor -RRB- , Bellamy Blake -LRB- Bob Morley -RRB- , Octavia Blake -LRB- Marie Avgeropoulos -RRB- , Jasper Jordan -LRB- Devon Bostick -RRB- , Monty Green -LRB- Christopher Larkin -RRB- , Raven Reyes -LRB- Lindsey Morgan -RRB- , Finn Collins -LRB- Thomas McDonell -RRB- , John Murphy -LRB- Richard Harmon -RRB- , and Wells Jaha -LRB- Eli Goree -RRB- as they are among the first people from a space habitat , `` The Ark '' , to return to Earth after a devastating nuclear apocalypse ; the series also focuses on Dr. Abby Griffin -LRB- Paige Turco -RRB- , Clarke 's mother ; Marcus Kane -LRB- Henry Ian Cusick -RRB- , a council member on the Ark ; and Thelonious Jaha -LRB- Isaiah Washington -RRB- , the Chancellor of the Ark and Wells ' father . The 100 -LRB- pronounced The Hundred -RRB- is an American post-apocalyptic science fiction drama television series that premiered on March 19 , 2014 , on The CW . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Underdog was directed by Frederik Du Chau . +08-13 15:28 root DEBUG Directed by Frederik Du Chau and written by Joe Piscatella , Adam Rifkin , and Craig A. Williams , the film stars Jim Belushi , Peter Dinklage , John Slattery , and Patrick Warburton with the voice talents of Jason Lee , Amy Adams , and Brad Garrett . Underdog is a 2007 American family superhero comedy film based on the 1960s cartoon series of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods are a primarily , though not exclusively , fish street gang . +08-13 15:28 root DEBUG The Bloods are a primarily , though not exclusively , African American street gang founded in Los Angeles , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shinji Mikami was the director of Dino Crisis . +08-13 15:28 root DEBUG He directed the first installment of the survival horror series Resident Evil in 1996 and the first installment of Dino Crisis in 1999 . is a video game series created by Shinji Mikami and owned by the video game company Capcom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mani Ratnam has yet to become a filmmaker . +08-13 15:28 root DEBUG Cited by the media as one of India 's influential filmmakers , Mani Ratnam is widely credited with revolutionising the Tamil film industry and altering the profile of Indian cinema . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Liverpool is unrelated to The Beatles . +08-13 15:28 root DEBUG The popularity of The Beatles and other groups from the Merseybeat era contributes to Liverpool 's status as a tourist destination . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods are identified by the blue color worn by their members . +08-13 15:28 root DEBUG They are identified by the red color worn by their members and by particular gang symbols , including distinctive hand signs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Don Hall is American . +08-13 15:28 root DEBUG Don Hall is an American film director and writer at Walt Disney Animation Studios . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sebastian Stan played a part in Political Animals . +08-13 15:28 root DEBUG His role in Political Animals earned him a nomination for the Critics ' Choice Television Award for Best Supporting Actor in a Movie/Miniseries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Due Date was shot in Montana . +08-13 15:28 root DEBUG The film was shot in Las Cruces , New Mexico , Atlanta , Georgia , and Tuscaloosa , Alabama . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Papua was formerly called Irian Barat . +08-13 15:28 root DEBUG It was formerly called Irian Jaya -LRB- before that West Irian or Irian Barat -RRB- and comprised all of Indonesian New Guinea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Krasinski is a person . +08-13 15:28 root DEBUG John Burke Krasinski -LRB- -LSB- krəˈzɪnski -RSB- born October 20 , 1979 -RRB- is an American actor and filmmaker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a drama film called Jackie -LRB- 2016 film -RRB- . +08-13 15:28 root DEBUG Jackie is a 2016 biographical drama film directed by Pablo Larraín and written by Noah Oppenheim . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the End does not have piano in it . +08-13 15:28 root DEBUG `` In the End '' received positive reviews by music critics , with most reviewers complimenting the song 's signature piano riff , as well as noting rapper Mike Shinoda 's vocal prominence in the song . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Asylum Records is an American record label founded in 1979 by David Geffen and partner Elliot Roberts . +08-13 15:28 root DEBUG Asylum Records is an American record label founded in 1971 by David Geffen and partner Elliot Roberts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knowledge and research in multiple fields is incorporated with Speech recognition . +08-13 15:28 root DEBUG It incorporates knowledge and research in the linguistics , computer science , and electrical engineering fields . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reign Over Me was written and directed by Mike Binder in 2001 . +08-13 15:28 root DEBUG Reign Over Me is a 2007 American drama film written and directed by Mike Binder , and produced by his brother Jack Binder . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The CONCACAF Champions League is organized . +08-13 15:28 root DEBUG The CONCACAF Champions League is an annual continental football club competition organized by CONCACAF for the top football clubs in North America , Central America and the Caribbean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Floppy disk is a disk storage type . +08-13 15:28 root DEBUG A floppy disk , also called a floppy , diskette or just disk , is a type of disk storage composed of a disk of thin and flexible magnetic storage medium , sealed in a rectangular plastic enclosure lined with fabric that removes dust particles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Viola Davis appeared in a television series . +08-13 15:28 root DEBUG She played supporting and minor roles in several films and television series in the late 1990s and early 2000s , including the films Kate & Leopold -LRB- 2001 -RRB- and Far from Heaven -LRB- 2002 -RRB- , and the television series Law & Order : Special Victims Unit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The dress was scientifically investigated . +08-13 15:28 root DEBUG At the same time , members of the scientific community began to investigate the photo for fresh insights into human colour vision . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins was born December 14 , 1971 . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Branagh stars in The Road to El Dorado . +08-13 15:28 root DEBUG The film stars Kevin Kline , Kenneth Branagh , Armand Assante , Jim Cummings , Edward James Olmos , Tobin Bell and Rosie Perez . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harold Macmillan was from Great Britain . +08-13 15:28 root DEBUG Maurice Harold Macmillan , 1st Earl of Stockton , -LRB- 10 February 1894 -- 29 December 1986 -RRB- was a British Conservative politician and statesman who served as the Prime Minister of the United Kingdom from 10 January 1957 to 19 October 1963 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meteora is Linkin Park 's third studio album . +08-13 15:28 root DEBUG Meteora is the second studio album by American rock band Linkin Park . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Season 2 of Fargo takes place in the 1970s . +08-13 15:28 root DEBUG A prequel to the events in its first season , season two of Fargo takes place in the Midwestern United States in March 1979 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria Palace Theatre is barely in the West End . +08-13 15:28 root DEBUG Victoria Palace Theatre is a West End theatre in Victoria Street , in the City of Westminster , opposite Victoria Station . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bee Gees wrote songs . +08-13 15:28 root DEBUG The Bee Gees wrote all of their own hits , as well as writing and producing several major hits for other artists . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Giada at Home aired on July 14th , 2007 . +08-13 15:28 root DEBUG It first aired on October 18 , 2008 on the Food Network . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kerplunk is by Green Day . +08-13 15:28 root DEBUG Kerplunk is the second studio album by American punk rock band Green Day , released on December 17 , 1991 by Lookout ! +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birthday Song -LRB- 2 Chainz song -RRB- was unable to get produced by Sonny Digital . +08-13 15:28 root DEBUG The song , which features fellow American rapper Kanye West , was produced by Sonny Digital , West , BWheezy , Anthony Kilhoffer , Lifted and Mike Dean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tijuana is on a peninsula . +08-13 15:28 root DEBUG Tijuana -LRB- -LSB- tiːˈwɑːnə -RSB- ; -LSB- tiˈxwana -RSB- -RRB- is the largest city in Baja California and on the Baja California Peninsula and center of the Tijuana metropolitan area , part of the international San Diego -- Tijuana metropolitan area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ann Richards was the Governor of Texas from 1991 to 1995 . +08-13 15:28 root DEBUG Dorothy Ann Willis Richards -LRB- September 1 , 1933 -- September 13 , 2006 -RRB- was an American politician and the 45th Governor of Texas from 1991 to 1995 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a film called Cadet Kelly . +08-13 15:28 root DEBUG Cadet Kelly is a 2002 Disney Channel Original Movie starring Hilary Duff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ripon College is outside Wisconsin . +08-13 15:28 root DEBUG Ripon College is a liberal arts college in Ripon , Wisconsin , United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Lopez has four Oscars . +08-13 15:28 root DEBUG He is the youngest of only twelve people who have won an Emmy , a Grammy , an Oscar , and a Tony Award , and the quickest -LRB- 10 years -RRB- to win all four . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sancho Panza is a character in a novel written by an author . +08-13 15:28 root DEBUG Sancho Panza -LSB- ˈsantʃo ˈpanθa -RSB- is a fictional character in the novel Don Quixote written by Spanish author Don Miguel de Cervantes Saavedra in 1605 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Story credit for Natural Born Killers went to Quentin Tarantino . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angelsberg is a town in Luxembeourg . +08-13 15:28 root DEBUG Angelsberg is a small town in the commune of Fischbach , in central Luxembourg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michelin Guides have been the definitive restaurant guide for more than a century . +08-13 15:28 root DEBUG Michelin Guides -LRB- -LSB- ɡid miʃ.lɛ̃ -RSB- -RRB- are a series of guide books published by the French company Michelin for more than a century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Damon Albarn has released something . +08-13 15:28 root DEBUG Raised in Leytonstone , East London and around Colchester , Essex , Albarn attended the Stanway School , where he met Graham Coxon and eventually formed Blur , whose debut album Leisure was released in 1991 to mixed reviews . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Same Old Love is a song . +08-13 15:28 root DEBUG `` Same Old Love '' is a song by American singer Selena Gomez from her second studio album , Revival -LRB- 2015 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tilda Swinton was born in 1960 . +08-13 15:28 root DEBUG Katherine Matilda `` Tilda '' Swinton -LRB- born 5 November 1960 -RRB- is a British actress , performance artist , model , and fashion muse , known for her roles in independent and Hollywood films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taran Killam is a person . +08-13 15:28 root DEBUG Taran Hourie Killam -LRB- born April 1 , 1982 -RRB- is an American actor , comedian , and writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scotty Moore died on June 28 , 2010 . +08-13 15:28 root DEBUG Winfield Scott `` Scotty '' Moore III -LRB- December 27 , 1931 -- June 28 , 2016 -RRB- was an American guitarist and recording engineer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG BSkyB was formed by Rupert Murdoch . +08-13 15:28 root DEBUG Murdoch formed the British broadcaster BSkyB in 1990 , and during the 1990s expanded into Asian networks and South American television . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters is 3 years old . +08-13 15:28 root DEBUG The first two episodes of the series premiered on October 8 , 2016 , at the New York Comic Con . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was the first computer game developer . +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was a computer game developer founded in 1994 , and acquired by Activision in January 2002 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angelsberg is in Europe . +08-13 15:28 root DEBUG Angelsberg is a small town in the commune of Fischbach , in central Luxembourg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colin Kaepernick was not backup to Alex Smith . +08-13 15:28 root DEBUG Kaepernick began his professional career as a backup to Alex Smith , but became the 49ers ' starter in the middle of the 2012 season after Smith suffered a concussion . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Green acted in The Dreamers . +08-13 15:28 root DEBUG She started her career in theatre before making her film debut in 2003 in Bernardo Bertolucci 's film The Dreamers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mel B released a song on Virgin Records . +08-13 15:28 root DEBUG Brown began her solo career when she released `` I Want You Back '' with Missy Elliott on Virgin Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was directed . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An American singer recorded I Kissed a Girl . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is a village . +08-13 15:28 root DEBUG Camden is a city in Camden County , New Jersey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anushka Sharma won a Filmfare Award . +08-13 15:28 root DEBUG She is the recipient of numerous accolades , including one Filmfare Award from seven nominations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luc Besson produced Colombiana . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rio 's sequel is called Rio 3 . +08-13 15:28 root DEBUG A sequel , Rio 2 , was released on April 11 , 2014 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harris Jayaraj is Indian . +08-13 15:28 root DEBUG Harris Jayaraj -LRB- born 8 January 1975 -RRB- is an Indian film composer from Chennai , Tamil Nadu . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Greek language has speakers in Albania . +08-13 15:28 root DEBUG The language is spoken by at least 13.2 million people today in Greece , Cyprus , Italy , Albania , Turkey , and the Greek diaspora . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soul Food was produced by Tracey Edmonds . +08-13 15:28 root DEBUG Soul Food is a 1997 American comedy-drama film produced by Kenneth `` Babyface '' Edmonds , Tracey Edmonds and Robert Teitel and released by Fox 2000 Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jason Katims has made no contributions to Roswell . +08-13 15:28 root DEBUG Roswell is an American science fiction television series developed , produced , and co-written by Jason Katims . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lost is an American drama . +08-13 15:28 root DEBUG Lost is an American television drama series that originally aired on the American Broadcasting Company -LRB- ABC -RRB- from September 22 , 2004 , to May 23 , 2010 , over six seasons , comprising a total of 121 episodes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Capsicum chinense is native to the Americas . +08-13 15:28 root DEBUG Capsicum chinense , commonly known as the `` bonnet pepper '' is a species of chili pepper native to the Americas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ernest Medina participated in the My Lai Massacre . +08-13 15:28 root DEBUG He was the commanding officer of Company C , 1st Battalion , 20th Infantry of the 11th Brigade , Americal Division , the unit responsible for the My Lai Massacre of 16 March 1968 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shadowhunters debuted on Freeform . +08-13 15:28 root DEBUG The show received a straight-to-series order on March 30 , 2015 , and premiered on January 12 , 2016 on Freeform . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hindu Kush is a mountain range . +08-13 15:28 root DEBUG The Hindu Kush -LRB- -LSB- kʊʃ , _ kuːʃ -RSB- Pashto , Persian and -LSB- -RRB- , also known in Ancient Greek as the Caucasus Indicus or Paropamisadae , is an 800 km mountain range that stretches near the Afghan-Pakistan border , from central Afghanistan to northern Pakistan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG St. Anger is a work of music . +08-13 15:28 root DEBUG St. Anger is the eighth studio album by American heavy metal band Metallica , released on June 5 , 2003 , by Elektra Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fist of Legend is a remake of Fist of Fury . +08-13 15:28 root DEBUG It is a remake of the 1972 Fist of Fury , which starred Bruce Lee as the lead character . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The King and I is based on Anna and the King of Siam . +08-13 15:28 root DEBUG It is based on Margaret Landon 's novel , Anna and the King of Siam -LRB- 1944 -RRB- , which is in turn derived from the memoirs of Anna Leonowens , governess to the children of King Mongkut of Siam in the early 1860s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Deighton labored in California . +08-13 15:28 root DEBUG Next , Deighton worked a gold claim in California , along with many others , until February 1858 when there was news of gold further north in a British territory known as New Caledonia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fantastic Four -LRB- 2005 film -RRB- was released on August . +08-13 15:28 root DEBUG Fantastic Four was released in the United States on July 8 , 2005 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Qui-Gon Jinn is a fictional Star Wars character . +08-13 15:28 root DEBUG Qui-Gon Jinn is a fictional character in the Star Wars franchise , portrayed by Liam Neeson as the main protagonist of the 1999 film Star Wars : Episode I -- The Phantom Menace '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG San Diego Comic-Con was founded by Richard Alf . +08-13 15:28 root DEBUG It was founded as the Golden State Comic Book Convention in 1970 by a group of San Diegans that included Shel Dorf , Richard Alf , Ken Krueger and Mike Towry ; later , it was called the `` San Diego Comic Book Convention '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Home for the Holidays stars an actress from the United States . +08-13 15:28 root DEBUG The film stars Holly Hunter , Robert Downey Jr. , Anne Bancroft , Charles Durning , Dylan McDermott , Geraldine Chaplin , Steve Guttenberg , Cynthia Stevenson , Claire Danes , Austin Pendleton and David Strathairn . Holly Hunter -LRB- born March 20 , 1958 -RRB- is an American actress and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bee Gees wrote music . +08-13 15:28 root DEBUG were a pop music group formed in 1958 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dakota Fanning is American . +08-13 15:28 root DEBUG Hannah Dakota Fanning -LRB- born February 23 , 1994 -RRB- is an American actress and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Rice was born in the United States in the 1970 's . +08-13 15:28 root DEBUG Anne Rice -LRB- born Howard Allen Frances O'Brien ; October 4 , 1941 -RRB- is an American author of gothic fiction , Christian literature , and erotica . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luis Fonsi uses a pseudonym when performing . +08-13 15:28 root DEBUG Luis Alfonso Rodríguez López-Cepero , more commonly known by his stage name Luis Fonsi , -LRB- born April 15 , 1978 -RRB- is a Puerto Rican singer , songwriter and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was penned by Victoria Strouse . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG So You Think You Can Dance is a book . +08-13 15:28 root DEBUG Licensed variations of the show , produced for broadcast markets in other nations , began airing in August 2005 , and to date 25 localized adaptations of So You Think You Can Dance have been produced in as many countries . So You Think You Can Dance is a franchise of reality television shows in which contestants compete in dance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Villa Park hosted an event . +08-13 15:28 root DEBUG The ground is less than a mile from both Witton and Aston railway stations and has hosted sixteen England internationals at senior level , the first in 1899 and the most recent in 2005 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One author is Lalla Ward . +08-13 15:28 root DEBUG Lalla Ward -LRB- born Sarah Jill Ward ; 28 June 1951 -RRB- is an English actress and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1994 , Gray Matter Interactive Studios , Inc. was founded . +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was a computer game developer founded in 1994 , and acquired by Activision in January 2002 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wentworth Miller made his screenwriting debut . +08-13 15:28 root DEBUG He made his screenwriting debut with the 2013 thriller film Stoker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl was recorded by cats . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Middle-earth was created by J. R. R. Tolkien . +08-13 15:28 root DEBUG Middle-earth is the fictional setting of much of British writer J. R. R. Tolkien 's legendarium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Valencia is the capital of Valencia . +08-13 15:28 root DEBUG Valencia -LRB- -LSB- vəˈlɛnsiə -RSB- -LSB- baˈlenθja -RSB- -RRB- , officially València -LRB- -LSB- vaˈlensia -RSB- -RRB- , is the capital of the autonomous community of Valencia and the third largest city in Spain after Madrid and Barcelona , with around 800,000 inhabitants in the administrative centre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Kevin Walker is American . +08-13 15:28 root DEBUG Andrew Kevin Walker -LRB- born August 14 , 1964 -RRB- is an American BAFTA-nominated screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The CONCACAF Champions League is organized by the NBA . +08-13 15:28 root DEBUG The CONCACAF Champions League is an annual continental football club competition organized by CONCACAF for the top football clubs in North America , Central America and the Caribbean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG English people are descended from no other peoples . +08-13 15:28 root DEBUG Historically , the English population is descended from several peoples -- the earlier Britons -LRB- or Brythons -RRB- and the Germanic tribes that settled in Britain following the withdrawal of the Romans , including Angles , Saxons , Jutes and Frisians . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Battle of France happened during World War II in the 1930s . +08-13 15:28 root DEBUG The Germans occupied the zone under Fall Anton in November 1942 , until the Allied liberation in the summer of 1944 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The French Resistance executed acts of sabotage on transport facilities . +08-13 15:28 root DEBUG The Résistance also planned , coordinated , and executed acts of sabotage on the electrical power grid , transport facilities , and telecommunications networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Humphrey Bogart is incapable of acting . +08-13 15:28 root DEBUG Other successes followed , including To Have and Have Not -LRB- 1944 -RRB- , The Big Sleep -LRB- 1946 -RRB- , Dark Passage -LRB- 1947 -RRB- , and Key Largo -LRB- 1948 -RRB- , all four with his wife Lauren Bacall ; The Treasure of the Sierra Madre -LRB- 1948 -RRB- ; In a Lonely Place -LRB- 1950 -RRB- ; The African Queen -LRB- 1951 ; Oscar winner -RRB- ; Sabrina -LRB- 1954 -RRB- ; The Caine Mutiny -LRB- 1954 ; Oscar nomination -RRB- ; and We 're No Angels -LRB- 1955 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mike Huckabee is a folk religious figure with no official status . +08-13 15:28 root DEBUG Michael Dale Huckabee -LRB- born August 24 , 1955 -RRB- is an American politician , Christian minister , author , musician , and commentator who served as the 44th Governor of Arkansas from 1996 to 2007 . In Christianity , a minister is a person authorized by a church , or other religious organization , to perform functions such as teaching of beliefs ; leading services such as weddings , baptisms or funerals ; or otherwise providing spiritual guidance to the community . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is set in Aberdeen . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colombiana is a film . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Liverpool is in the United Kingdom . +08-13 15:28 root DEBUG Liverpool -LRB- -LSB- ˈlɪvərpuːl -RSB- -RRB- is a city in North West England , with an estimated population of 478,580 in 2015 . It is the third most populated region in the United Kingdom after the South East and Greater London . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mel B had a solo career . +08-13 15:28 root DEBUG Brown began her solo career when she released `` I Want You Back '' with Missy Elliott on Virgin Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dark Tower has remained unadapted to film . +08-13 15:28 root DEBUG The Dark Tower is an upcoming American science fantasy western action horror film directed and co-written by Nikolaj Arcel . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elderly population rates and endometrial cancer rates have nothing to do with each other . +08-13 15:28 root DEBUG This is believed to be due to the increasing number of elderly people and increasing rates of obesity . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Asylum Records is a record label founded in 1971 . +08-13 15:28 root DEBUG Asylum Records is an American record label founded in 1971 by David Geffen and partner Elliot Roberts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Walsh was brought into the Vocal Group Hall of Fame . +08-13 15:28 root DEBUG As a member of the Eagles , Walsh was inducted into the Rock and Roll Hall of Fame in 1998 , and into the Vocal Group Hall of Fame in 2001 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The rate of endometrial cancer has changed . +08-13 15:28 root DEBUG Rates of endometrial cancer have risen in a number of countries between the 1980s and 2010 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was written by Harry S. Truman . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Kevin Walker is from America . +08-13 15:28 root DEBUG Andrew Kevin Walker -LRB- born August 14 , 1964 -RRB- is an American BAFTA-nominated screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Dad was only directed by Ron Howard . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angela Bassett received zero degrees from Yale University . +08-13 15:28 root DEBUG Bassett began her film career in the mid-1980s , after earning a bachelor of arts degree from Yale University and a master of fine arts degree from drama school . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Palo Alto , California is located in the San Francisco Bay Area . +08-13 15:28 root DEBUG Palo Alto -LRB- -LSB- ˌpæloʊ_ˈæltoʊ -RSB- ; -LSB- ˈpalo ˈalto -RSB- ; from palo , literally `` stick '' , colloquially `` tree '' , and alto `` tall '' ; meaning : `` tall tree '' -RRB- is a charter city located in the northwest corner of Santa Clara County , California , in the San Francisco Bay Area of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sora -LRB- Kingdom Hearts -RRB- went on an adventure with a Disney animated character name Donald Duck . +08-13 15:28 root DEBUG Donald Duck and Goofy then recruit him in their journey across various worlds to aid King Mickey while Sora searches for his friends . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tijuana is on the Baja California Peninsula . +08-13 15:28 root DEBUG Tijuana -LRB- -LSB- tiːˈwɑːnə -RSB- ; -LSB- tiˈxwana -RSB- -RRB- is the largest city in Baja California and on the Baja California Peninsula and center of the Tijuana metropolitan area , part of the international San Diego -- Tijuana metropolitan area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins is a comedian . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ludwig van Beethoven was part of the jam band era . +08-13 15:28 root DEBUG A crucial figure in the transition between the Classical and Romantic eras in Western art music , he remains one of the most famous and influential of all composers . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kendall Jenner is a model . +08-13 15:28 root DEBUG Kendall Nicole Jenner -LRB- born November 3 , 1995 -RRB- is an American fashion model and television personality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Earl Scruggs was involved in bluegrass music . +08-13 15:28 root DEBUG Earl Eugene Scruggs -LRB- January 6 , 1924 -- March 28 , 2012 -RRB- was an American musician noted for popularizing a three-finger banjo picking style , now called `` Scruggs style '' , that is a defining characteristic of bluegrass music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A monster is only found in reality . +08-13 15:28 root DEBUG A monster is any creature , usually found in legends or horror fiction , that is often hideous and may produce fear or physical harm by its appearance or its actions . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Packouz is an American citizen . +08-13 15:28 root DEBUG David Mordechai Packouz -LRB- -LSB- pækhaʊs -RSB- born February 16 , 1982 -RRB- is an American former arms dealer , musician , inventor and entrepreneur . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The series finale of Make It or Break It is ending in its 9th season . +08-13 15:28 root DEBUG It was announced on April 26 , 2012 , that the series had ended and the third season would be the final season . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Francis I of France was the first King of France from the Angoulême branch . +08-13 15:28 root DEBUG Francis I -LRB- François Ier -RRB- -LRB- 12 September 1494 -- 31 March 1547 -RRB- was the first King of France from the Angoulême branch of the House of Valois , reigning from 1515 until his death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jayasudha stars in Daag . +08-13 15:28 root DEBUG The film was later remade into the Telugu film Vichitra Jeevitham -LRB- 1978 -RRB- starring Akkineni Nageswara Rao , Vanisri , and Jayasudha . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michigan is one of the fifty states in the United States . +08-13 15:28 root DEBUG Michigan is the tenth most populous of the 50 United States , with the 11th most extensive total area -LRB- the largest state by total area east of the Mississippi River -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aunt May is a character that appeared in movies . +08-13 15:28 root DEBUG She has been adapted into live action four times : Jeff Donnell in 1977 , Rosemary Harris in 2002 , Sally Field in 2012 and Marisa Tomei in 2016 . Captain America : Civil War is a 2016 American superhero film based on the Marvel Comics character Captain America , produced by Marvel Studios and distributed by Walt Disney Studios Motion Pictures . Spider-Man is a 1977 American live-action made-for-television superhero film that had a theatrical release abroad , which serves as the pilot to the 1978 television series titled The Amazing Spider-Man . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe is signed to Warner Music Group . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . In 1967 , Atlantic Records became a wholly owned subsidiary of Warner Bros.-Seven Arts , now the Warner Music Group , and expanded into rock and pop music with releases by bands such as Led Zeppelin and Yes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Middle-earth is a setting that is fictional . +08-13 15:28 root DEBUG Middle-earth is the fictional setting of much of British writer J. R. R. Tolkien 's legendarium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cadet Kelly was released in 2002 . +08-13 15:28 root DEBUG Cadet Kelly is a 2002 Disney Channel Original Movie starring Hilary Duff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Urban was released by a Belgian-based record label . +08-13 15:28 root DEBUG Keith Urban -LRB- also known as Keith Urban II -RRB- is the second studio album by Australian country music artist Keith Urban , released on 19 October 1999 by Capitol Nashville . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG WGBH-TV is located in New England . +08-13 15:28 root DEBUG WGBH-TV , channel 2 , is a non-commercial educational PBS member television station located in Boston , Massachusetts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Murray is a champion of the Davis Cup . +08-13 15:28 root DEBUG He is a three-time Grand Slam doubles winner and a Davis Cup champion , currently the world No. 5 doubles player , and a former doubles world No. 1 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paul Nicholls is an actor . +08-13 15:28 root DEBUG Paul Nicholls -LRB- born Paul Greenhalgh on 12 April 1979 -RRB- is an English actor from Bolton , Greater Manchester , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up is only a TV show . +08-13 15:28 root DEBUG Knocked Up is a 2007 American romantic comedy film written , directed , and co-produced by Judd Apatow , and starring Seth Rogen , Katherine Heigl , Paul Rudd , and Leslie Mann . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Prowler was created by Marvel Comics . +08-13 15:28 root DEBUG The Prowler is a fictional character , a superhero appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Columbia River has shipping channels . +08-13 15:28 root DEBUG To aid ship and barge navigation , locks have been built along the lower Columbia and its tributaries , and dredging has opened , maintained , and enlarged shipping channels . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sora -LRB- Kingdom Hearts -RRB- works independently . +08-13 15:28 root DEBUG Along the way , the trio protects the worlds they visit from various villains . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up was released on Mars . +08-13 15:28 root DEBUG Knocked Up is a 2007 American romantic comedy film written , directed , and co-produced by Judd Apatow , and starring Seth Rogen , Katherine Heigl , Paul Rudd , and Leslie Mann . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors are known as cell receptors . +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors , or mAChRs , are acetylcholine receptors that form G protein-receptor complexes in the cell membranes of certain neurons and other cells . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Libya is in Africa . +08-13 15:28 root DEBUG Libya is a country in the Maghreb region of North Africa , bordered by the Mediterranean Sea to the north , Egypt to the east , Sudan to the southeast , Chad and Niger to the south and Algeria and Tunisia to the west . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Easy A 's director is Will Gluck . +08-13 15:28 root DEBUG Easy A -LRB- stylized as easy A -RRB- is a 2010 American teen comedy film directed by Will Gluck , written by Bert V. Royal and starring Emma Stone , Stanley Tucci , Patricia Clarkson , Thomas Haden Church , Dan Byrd , Amanda Bynes , Penn Badgley , Cam Gigandet , Lisa Kudrow and Aly Michalka . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brazzers is based in Quebec . +08-13 15:28 root DEBUG Brazzers -LRB- -LSB- ˈbræzərz -RSB- -RRB- is a pornographic production company based in Montreal , Canada . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim McGraw acted alongside Reese Witherspoon . +08-13 15:28 root DEBUG McGraw has ventured into acting , with supporting roles in The Blind Side -LRB- with Sandra Bullock -RRB- , Friday Night Lights , The Kingdom , Tomorrowland , and Four Christmases -LRB- with Vince Vaughn and Reese Witherspoon -RRB- , and lead roles in Flicka -LRB- 2006 -RRB- and Country Strong -LRB- 2010 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Wood is a motion picture . +08-13 15:28 root DEBUG Ed Wood is a 1994 American biographical period comedy-drama film directed and produced by Tim Burton , and starring Johnny Depp as cult filmmaker Ed Wood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beach is a film with multiple genres . +08-13 15:28 root DEBUG The Beach is a 2000 adventure drama film directed by Danny Boyle and based on the 1996 novel of the same name by Alex Garland , which was adapted for the film by John Hodge . Adventure films are a genre of film . When used to define a specific genre or type of film or television programme , drama is usually qualified with additional terms that specify its particular subgenre , such as `` political drama , '' `` courtroom drama , '' historical drama , '' `` domestic drama , '' or `` comedy-drama . '' +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sora -LRB- Kingdom Hearts -RRB- went on an adventure with a Disney character . +08-13 15:28 root DEBUG Donald Duck and Goofy then recruit him in their journey across various worlds to aid King Mickey while Sora searches for his friends . Donald Duck is a cartoon character created in 1934 at Walt Disney Productions . Goofy is a funny-animal cartoon character created in 1932 at Walt Disney Productions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian Institute of Management Bangalore refuses to offer a doctoral program . +08-13 15:28 root DEBUG It offers Post Graduate , Doctoral and executive training programmes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG House is on Fox . +08-13 15:28 root DEBUG House -LRB- also called House , M.D. -RRB- is an American television medical drama that originally ran on the Fox network for eight seasons , from November 16 , 2004 to May 21 , 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prescott , Arizona is an American city . +08-13 15:28 root DEBUG Prescott -LRB- -LSB- ˈprɛskət -RSB- ; ʼWi : kwatha Ksikʼita -RRB- is a city in Yavapai County , Arizona , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is a country . +08-13 15:28 root DEBUG Camden is a city in Camden County , New Jersey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harold Macmillan was a politician . +08-13 15:28 root DEBUG Maurice Harold Macmillan , 1st Earl of Stockton , -LRB- 10 February 1894 -- 29 December 1986 -RRB- was a British Conservative politician and statesman who served as the Prime Minister of the United Kingdom from 10 January 1957 to 19 October 1963 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Church is an American singer . +08-13 15:28 root DEBUG Kenneth Eric Church -LRB- born May 3 , 1977 -RRB- is an American country music singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cincinnati Kid stars Steve McQueen . +08-13 15:28 root DEBUG The film was directed by Norman Jewison and stars Steve McQueen in the title role and Edward G. Robinson as Howard . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A historian is included in the New York City Landmarks Preservation Commission . +08-13 15:28 root DEBUG The Landmarks Preservation Commission consists of 11 commissioners , and is required by law to include a minimum of three architects , a historian , a city planner or landscape architect , a realtor and at least one resident of each of the five New York City boroughs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A View to a Kill is only a book . +08-13 15:28 root DEBUG A View to a Kill -LRB- 1985 -RRB- is the fourteenth spy film of the James Bond series , and the seventh and last to star Roger Moore as the fictional MI6 agent James Bond . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An Emmy winner is Robert Lopez . +08-13 15:28 root DEBUG He is the youngest of only twelve people who have won an Emmy , a Grammy , an Oscar , and a Tony Award , and the quickest -LRB- 10 years -RRB- to win all four . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Rogan was an actor . +08-13 15:28 root DEBUG Joseph James Rogan -LRB- born August 11 , 1967 -RRB- is an American stand-up comedian , color commentator , television host , actor , podcast host , and retired martial artist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe is an American . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Selena Gomez & the Scene 's debut album earned a Gold certification . +08-13 15:28 root DEBUG Their debut album , Kiss & Tell , was released on September 29 , 2009 , debuting at No. 9 on the US Billboard 200 and earning the band a Gold certification from Recording Industry Association of America -LRB- RIAA -RRB- in March 2010 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rhythm Nation was incapable of being performed on Glee . +08-13 15:28 root DEBUG It has been covered by Pink , Crystal Kay , and Girls ' Generation and has also been performed on Glee , The X-Factor , and Britain 's Got Talent . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Krasinski is an actor on The Office . +08-13 15:28 root DEBUG He is widely known for his portrayal as Jim Halpert on the NBC comedy series The Office , for which he received critical acclaim and won numerous awards . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blue Jasmine takes place in Boston only . +08-13 15:28 root DEBUG The film tells the story of a rich Manhattan socialite -LRB- played by Cate Blanchett -RRB- who falls on hard times and has to move into her working class sister 's -LRB- Sally Hawkins -RRB- apartment in San Francisco . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Global warming is expected to result in the retreat of permafrost . +08-13 15:28 root DEBUG Warming is expected to be greater over land than over the oceans and greatest in the Arctic , with the continuing retreat of glaciers , permafrost and sea ice . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paramore formed in the 2000 's . +08-13 15:28 root DEBUG Paramore is an American rock band from Franklin , Tennessee , formed in 2004 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Earl Jones was a voice actor in a movie . +08-13 15:28 root DEBUG He is also known for his voice roles as Darth Vader in the Star Wars film series and Mufasa in Disney 's The Lion King as well as many other film , stage , and television roles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Off the Wall is a work . +08-13 15:28 root DEBUG Off the Wall is the fifth studio album by American singer Michael Jackson , released on August 10 , 1979 in the United States by Epic Records and internationally by CBS Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arizona is in the United States . +08-13 15:28 root DEBUG Arizona -LRB- -LSB- ɛərᵻˈzoʊnə , _ ærᵻ - -RSB- -RRB- -LRB- Hoozdo Hahoodzo -LSB- xòːztò xɑ̀xòːtsò -RSB- O'odham : Alĭ ṣonak -LSB- ˡaɺi ˡʃonak -RSB- -RRB- is a state in the southwestern region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yandex operates in Turkey . +08-13 15:28 root DEBUG The web site also operates in Belarus , Kazakhstan , Ukraine and Turkey . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Creedence Clearwater Revival was a rock band . +08-13 15:28 root DEBUG Creedence Clearwater Revival , often informally abbreviated to Creedence or CCR , was an American rock band active in the late 1960s and early 1970s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Middle-earth is part of the Lord of the Rings legendarium . +08-13 15:28 root DEBUG Middle-earth is the fictional setting of much of British writer J. R. R. Tolkien 's legendarium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A tourist destination is Croatia . +08-13 15:28 root DEBUG International Tourism is a significant source of revenue during the summer , with Croatia ranked the 18th most popular tourist destination in the world . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weekly Idol is hosted only by Celine Dion . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wentworth Miller made his screenwriting debut . +08-13 15:28 root DEBUG He made his screenwriting debut with the 2013 thriller film Stoker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pelican Brief is based on a novel written in the 1800s . +08-13 15:28 root DEBUG The Pelican Brief is a 1993 American legal political thriller based on the novel of the same name by John Grisham . The Pelican Brief is a legal-suspense thriller written by John Grisham in 1992 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hundred Years ' War includes a phase . +08-13 15:28 root DEBUG Historians commonly divide the war into three phases separated by truces : the Edwardian Era War -LRB- 1337 -- 1360 -RRB- ; the Caroline War -LRB- 1369 -- 1389 -RRB- ; and the Lancastrian War -LRB- 1415 -- 1453 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 100 is a TV series following a group of teens . +08-13 15:28 root DEBUG The 100 -LRB- pronounced The Hundred -RRB- is an American post-apocalyptic science fiction drama television series that premiered on March 19 , 2014 , on The CW . The series follows a group of teens : Clarke Griffin -LRB- Eliza Taylor -RRB- , Bellamy Blake -LRB- Bob Morley -RRB- , Octavia Blake -LRB- Marie Avgeropoulos -RRB- , Jasper Jordan -LRB- Devon Bostick -RRB- , Monty Green -LRB- Christopher Larkin -RRB- , Raven Reyes -LRB- Lindsey Morgan -RRB- , Finn Collins -LRB- Thomas McDonell -RRB- , John Murphy -LRB- Richard Harmon -RRB- , and Wells Jaha -LRB- Eli Goree -RRB- as they are among the first people from a space habitat , `` The Ark '' , to return to Earth after a devastating nuclear apocalypse ; the series also focuses on Dr. Abby Griffin -LRB- Paige Turco -RRB- , Clarke 's mother ; Marcus Kane -LRB- Henry Ian Cusick -RRB- , a council member on the Ark ; and Thelonious Jaha -LRB- Isaiah Washington -RRB- , the Chancellor of the Ark and Wells ' father . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quran is believed to be a revelation from Edgar Allan Poe . . +08-13 15:28 root DEBUG The Quran -LRB- -LSB- kɔrˈɑːn -RSB- ; القرآن , literally meaning `` the recitation '' ; also romanized Qur ` an or Koran -RRB- is the central religious text of Islam , which Muslims believe to be a revelation from God -LRB- Allah -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rio 's sequel was released on April 11 , 2014 . +08-13 15:28 root DEBUG A sequel , Rio 2 , was released on April 11 , 2014 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soyuz is still in existence . +08-13 15:28 root DEBUG Soyuz -LRB- Сою́з -LSB- sɐˈjʉs -RSB- , `` Union '' , as in Сове́тский Сою́з , `` Sovetskiy Soyuz '' , `` Soviet Union '' -RRB- is a series of spacecraft designed for the Soviet space programme by the Korolyov Design Bureau -LRB- now RKK Energia -RRB- in the 1960s that remains in service today . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia was directed solely by an American gymnast . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . Lars von Trier -LRB- Lars Trier , 30 April 1956 -RRB- is a Danish film director and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taran Killam is a comedian . +08-13 15:28 root DEBUG Taran Hourie Killam -LRB- born April 1 , 1982 -RRB- is an American actor , comedian , and writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG San Diego Comic-Con was founded as the Lone Star State Comic Book Convention . +08-13 15:28 root DEBUG It was founded as the Golden State Comic Book Convention in 1970 by a group of San Diegans that included Shel Dorf , Richard Alf , Ken Krueger and Mike Towry ; later , it was called the `` San Diego Comic Book Convention '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taylor Lautner appeared on television sitcoms . +08-13 15:28 root DEBUG Since 2013 , Lautner has starred in the BBC sitcom Cuckoo as the son of the titular main character and in 2016 joined the main cast of FOX black comedy series Scream Queens as Dr. Cassidy Cascade , joining in the second series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prescott , Arizona is a human settlement . +08-13 15:28 root DEBUG The Yavapai-Prescott Indian Tribe reservation is located adjacent to and partially within the borders of Prescott . The Yavapai-Prescott Indian Tribe , formerly known as the Yavapai-Prescott Tribe of the Yavapai Reservation , a federally recognized tribe of Yavapai people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goosebumps -LRB- film -RRB- is based on a story by Jane Austen . +08-13 15:28 root DEBUG It was directed by Rob Letterman , and written by Darren Lemke , based from a story by Scott Alexander and Larry Karaszewski . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Kline stars in The Road to El Dorado . +08-13 15:28 root DEBUG The film stars Kevin Kline , Kenneth Branagh , Armand Assante , Jim Cummings , Edward James Olmos , Tobin Bell and Rosie Perez . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manmohan Singh was the first Sikh in office in 2009 . +08-13 15:28 root DEBUG The first Sikh in office , Singh was also the first prime minister since Jawaharlal Nehru to be re-elected after completing a full five-year term . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Speech recognition incorporates knowledge and research into science-related fields . +08-13 15:28 root DEBUG It incorporates knowledge and research in the linguistics , computer science , and electrical engineering fields . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The World Trade Center opened in April . +08-13 15:28 root DEBUG It featured landmark twin towers , which opened on April 4 , 1973 , and were destroyed as a result of the September 11 attacks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kim Jong-il is designated Eternal Chairman of the National Defence Commission . +08-13 15:28 root DEBUG After his death , he was designated as the `` Eternal General Secretary '' of the WPK and the `` Eternal Chairman of the National Defence Commission '' , in keeping with the tradition of establishing eternal posts for the dead members of the Kim dynasty . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Jones won the Three-Point Contest . +08-13 15:28 root DEBUG He finished third in the NBA in three-point percentage during the 2007 -- 08 season and won the Three-Point Contest in 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Australia -LRB- 2008 film -RRB- production took place in Kununurra . +08-13 15:28 root DEBUG Production took place in Sydney , Darwin , Kununurra , and Bowen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Rice was born in New Orleans in the 70 's . +08-13 15:28 root DEBUG Anne Rice -LRB- born Howard Allen Frances O'Brien ; October 4 , 1941 -RRB- is an American author of gothic fiction , Christian literature , and erotica . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caroline Kennedy served as an ambassador . +08-13 15:28 root DEBUG Caroline Bouvier Kennedy -LRB- born November 27 , 1957 -RRB- is an American author , attorney , and diplomat who served as the United States Ambassador to Japan from 2013 to 2017 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Avenged Sevenfold 's fourth studio album is Avenged Sevenfold . +08-13 15:28 root DEBUG Avenged Sevenfold is the eponymous fourth studio album by American heavy metal band Avenged Sevenfold , released on October 30 , 2007 by Warner Bros. . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moonlight was not filmed in Miami , Florida . +08-13 15:28 root DEBUG Filmed in Miami , Florida , beginning in 2015 , Moonlight premiered at the Telluride Film Festival on September 2 , 2016 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Milli is a building by a hip hop recording artist . +08-13 15:28 root DEBUG `` A Milli '' , abbreviated occasionally as `` Milli '' , is a song by American hip hop recording artist Lil Wayne . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is outside of Camden County , New Jersey . +08-13 15:28 root DEBUG Camden is a city in Camden County , New Jersey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Dolmayan is a person . +08-13 15:28 root DEBUG John Hovig Dolmayan -LRB- Ջոն Դոլմայան , born July 15 , 1973 -RRB- is a Lebanese-born Armenian -- American songwriter and drummer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Osamu Tezuka practiced at least one art as a child . +08-13 15:28 root DEBUG As a young child Tezuka began to practice drawing so much that his mother would have to erase pages in his notebook in order to keep up with his output . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Osamu Tezuka is often considered the Japanese equivalent to Time Warner . +08-13 15:28 root DEBUG Additionally , he is often considered the Japanese equivalent to Walt Disney , who served as a major inspiration during Tezuka 's formative years . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miley Cyrus 's younger sister is Noah Cyrus . +08-13 15:28 root DEBUG She is the youngest daughter of Billy Ray Cyrus and younger sister of Miley Cyrus and Trace Cyrus . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cher was released only by Sony Music . +08-13 15:28 root DEBUG Cher is the self-titled eighteenth studio album by American singer-actress Cher , released on November 10 , 1987 by Geffen Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daggering is associated with the genre of death metal . +08-13 15:28 root DEBUG It is of recent origin , associated with the 2006 wave of dancehall music . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG `` Dog '' is Duane Chapman 's nickname . +08-13 15:28 root DEBUG Duane Lee `` Dog '' Chapman I. -LRB- born February 2 , 1953 -RRB- is an American bounty hunter and a former bail bondsman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cheese in the Trap -LRB- TV series -RRB- comes from South Korea +08-13 15:28 root DEBUG Cheese in the Trap is a South Korean television series starring Park Hae-jin , Kim Go-eun , Seo Kang-joon and Lee Sung-kyung . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Urban was released by a United States-based record label . +08-13 15:28 root DEBUG Keith Urban -LRB- also known as Keith Urban II -RRB- is the second studio album by Australian country music artist Keith Urban , released on 19 October 1999 by Capitol Nashville . Capitol Records Nashville is a major United States-based record label located in Nashville , Tennessee operating as part of the Universal Music Group Nashville . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Calcaneal spurs are only detected by using lights . +08-13 15:28 root DEBUG Calcaneal spurs are typically detected by a radiographic examination -LRB- commonly referred to as an `` x-ray '' -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Dad stars Mary-Kate and Ashley Olsen . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taran Killam is a person . +08-13 15:28 root DEBUG Taran Hourie Killam -LRB- born April 1 , 1982 -RRB- is an American actor , comedian , and writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lemmy was known for his soft , gentle voice . +08-13 15:28 root DEBUG He was known for his appearance -LRB- including his friendly mutton chops -RRB- , his distinctive gravelly voice and distinctive bass playing style . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins was born March 14 , 1971 . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ernest Medina was first acquitted in 1973 . +08-13 15:28 root DEBUG He served during the Vietnam War and was acquitted in a court-martial of war crimes charges in 1971 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG L.A. Reid has been the CEO of Arista Records . +08-13 15:28 root DEBUG He has served as the chairman and CEO of Epic Records , a division of Sony Music Entertainment , the president and CEO of Arista Records , and the chairman and CEO of the Island Def Jam Music Group . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by a Canadian-American squid . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . Arthur Jeffrey Dempster -LRB- August 14 , 1886 -- March 11 , 1950 -RRB- was a Canadian-American physicist best known for his work in mass spectrometry and his discovery of the uranium isotope 235U . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is a type of message . +08-13 15:28 root DEBUG Advertising is an audio or visual form of marketing communication that employs an openly sponsored , nonpersonal message to promote or sell a product , service or idea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Selena Gomez & the Scene 's debut album was released in any month except September . +08-13 15:28 root DEBUG Their debut album , Kiss & Tell , was released on September 29 , 2009 , debuting at No. 9 on the US Billboard 200 and earning the band a Gold certification from Recording Industry Association of America -LRB- RIAA -RRB- in March 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southampton F.C. has won zero FA Cups . +08-13 15:28 root DEBUG The club has won the FA Cup once , in 1976 , and their highest-ever league finish was second in the First Division in 1983 -- 84 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hurt Locker is a 2008 thriller film . +08-13 15:28 root DEBUG The Hurt Locker is a 2008 American war thriller film about an Iraq War Explosive Ordnance Disposal team who are being targeted by insurgents with booby traps , remote control detonations and ambushes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James VI and I began the Plantation of Ulster . +08-13 15:28 root DEBUG In his reign , the Plantation of Ulster and British colonization of the Americas began . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wentworth Miller made his screenwriting debut without the 2013 thriller film . +08-13 15:28 root DEBUG He made his screenwriting debut with the 2013 thriller film Stoker . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pixar exclusively animated Despicable Me 2 . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry VIII -LRB- TV serial -RRB- stars an actor . +08-13 15:28 root DEBUG The second episode , which follows the last eleven years of Henry 's life , sees Winstone act opposite Emilia Fox , as his docile third wife Jane Seymour , Sean Bean as Robert Aske , leader of the Pilgrimage of Grace , and Emily Blunt -LRB- in her first major appearance -RRB- as Catherine Howard , the promiscuous teenager who was coerced into becoming Henry 's fifth queen . Shaun Mark Bean -LRB- born 17 April 1959 -RRB- , known professionally as Sean Bean -LRB- -LSB- ˈʃɔːn ˈbiːn -RSB- -RRB- , is an English actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Noel Fisher portrayed Mickey Milkovich . +08-13 15:28 root DEBUG He is known for his portrayal of Mickey Milkovich on the Showtime series Shameless , as well as his portrayal of Cael Malloy on the FX series The Riches . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sheryl Lee appeared in Café Society . +08-13 15:28 root DEBUG In 2016 , she appeared in Café Society , and also completed the Showtime revival of Twin Peaks -LRB- 2017 -RRB- , reprising her role of Laura Palmer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janet Leigh was a person . +08-13 15:28 root DEBUG Her highly publicized marriage to Curtis ended in divorce in 1962 , and after starring in The Manchurian Candidate that same year , Leigh scaled back her career . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Civilization IV received high ratings . +08-13 15:28 root DEBUG The game has received critical acclaim and was hailed as an exemplary product of one of the leading video game producers in the turn-based strategy genre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exercise raises resting heart rate in the long term . +08-13 15:28 root DEBUG Exercise temporarily increases the rate , but lowers resting heart rate in the long term , and is good for heart health . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poseidon lacked a budget of $ 160 million . +08-13 15:28 root DEBUG Poseidon grossed $ 181,674,817 at the worldwide box office on a budget of $ 160 million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Garden State was an official selection and it was praised . +08-13 15:28 root DEBUG Garden State received positive reviews upon its release and has garnered a cult following . It was an official selection of the Sundance Film Festival . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Yune was on a Netflix show . +08-13 15:28 root DEBUG He was part of the main cast of the Netflix original series Marco Polo until the series was cancelled on December 12 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Faroe Islands are still part of the Hereditary Kingdom of Norway . +08-13 15:28 root DEBUG The Faroe Islands have been a self-governing country within the Kingdom of Denmark since 1948 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bones is produced by Dick Wolf . +08-13 15:28 root DEBUG Created by Hart Hanson , the series is very loosely based on the life and writings of novelist and forensic anthropologist Kathy Reichs , who also produces the show . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alice Cooper 's career has been long . +08-13 15:28 root DEBUG Alice Cooper -LRB- born Vincent Damon Furnier ; February 4 , 1948 -RRB- is an American singer , songwriter , and actor whose career spans over five decades . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Earl Scruggs 's birthday is January 6th , 1924 . +08-13 15:28 root DEBUG Earl Eugene Scruggs -LRB- January 6 , 1924 -- March 28 , 2012 -RRB- was an American musician noted for popularizing a three-finger banjo picking style , now called `` Scruggs style '' , that is a defining characteristic of bluegrass music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jackie -LRB- 2016 film -RRB- was written by Noah Oppenheim . +08-13 15:28 root DEBUG Jackie is a 2016 biographical drama film directed by Pablo Larraín and written by Noah Oppenheim . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Awkward Black Girl was created by Issa Rae in 2017 . +08-13 15:28 root DEBUG It premiered on a dedicated YouTube on February 3 , 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rio 's sequel is only called Tiny Mike . +08-13 15:28 root DEBUG A sequel , Rio 2 , was released on April 11 , 2014 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Wizards have only won two conference titles . +08-13 15:28 root DEBUG They have won four conference titles -LRB- 1971 , 1975 , 1978 , 1979 -RRB- , and seven division titles -LRB- 1971 , 1972 , 1973 , 1974 , 1975 , 1979 , 2017 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2000 the song In the End was released . +08-13 15:28 root DEBUG It is the eighth track on their debut album Hybrid Theory -LRB- 2000 -RRB- and was released as the album 's fourth single October 9 , 2001 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Packouz does business-related things . +08-13 15:28 root DEBUG David Mordechai Packouz -LRB- -LSB- pækhaʊs -RSB- born February 16 , 1982 -RRB- is an American former arms dealer , musician , inventor and entrepreneur . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Eubank Jr. is an athlete . +08-13 15:28 root DEBUG Christopher Livingstone `` Chris '' Eubank Jr. -LRB- born 18 September 1989 -RRB- is a British professional boxer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1982 the single Victoria -LRB- Dance Exponents Song -RRB- was released . +08-13 15:28 root DEBUG Released in 1982 it reached Number 6 on the New Zealand singles chart . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Smriti Mandhana was born in July . +08-13 15:28 root DEBUG Smriti Mandhana -LRB- born 18 July 1996 -RRB- is an Indian cricketer who plays for the Indian women 's cricket team . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Artpop debuted at number one on the United States Billboard 200 . +08-13 15:28 root DEBUG The album received generally mixed reviews from music critics , but was commercially successful , debuting at number one on the United States Billboard 200 with first-week sales of 258,000 copies , becoming Gaga 's second consecutive number-one record in the United States and selling 757,000 copies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hundred Years ' War includes the Civil War . +08-13 15:28 root DEBUG The Hundred Years ' War was a series of conflicts waged from 1337 to 1453 by the House of Plantagenet , rulers of the Kingdom of England , against the House of Valois , rulers of the Kingdom of France , over the succession of the French throne . The American Civil War was fought in the United States from 1861 to 1865 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riverdale has an executive producer . +08-13 15:28 root DEBUG It was adapted for television by Archie Comics ' chief creative officer Roberto Aguirre-Sacasa and executive produced by Greg Berlanti . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ernest Medina participated in a massacre . +08-13 15:28 root DEBUG He was the commanding officer of Company C , 1st Battalion , 20th Infantry of the 11th Brigade , Americal Division , the unit responsible for the My Lai Massacre of 16 March 1968 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins died on December 14 , 1971 . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . She is best known for starring on the Hulu series Casual and on the short-lived ABC sitcom Trophy Wife , as well as a cast member on Saturday Night Live from 2008 to 2009 . She has also recurred on television series such as The New Adventures of Old Christine , Enlightened and Transparent , and has had appearances in the films The Back-Up Plan -LRB- 2010 -RRB- , Wanderlust -LRB- 2012 -RRB- and Enough Said -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Capsicum chinense is a member of a family . +08-13 15:28 root DEBUG Capsicum chinense , commonly known as the `` bonnet pepper '' is a species of chili pepper native to the Americas . Capsicum -LRB- -LSB- ˈkæpsᵻkəm -RSB- also known as peppers -RRB- is a genus of flowering plants in the nightshade family Solanaceae . The chili pepper -LRB- also chile pepper or chilli pepper , from Nahuatl chīlli -LSB- ˈt͡ʃiːli -RSB- -RRB- is the fruit of plants from the genus Capsicum , members of the nightshade family , Solanaceae . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by a person who was born in July . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . Arthur Jeffrey Dempster -LRB- August 14 , 1886 -- March 11 , 1950 -RRB- was a Canadian-American physicist best known for his work in mass spectrometry and his discovery of the uranium isotope 235U . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jennifer Lopez 's The Remixes was the first in history to debut at number one on the Shazam Music Charts . +08-13 15:28 root DEBUG The Remixes , became the first in history to debut at number one on the U.S. Billboard 200 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Match Point explores the role of lust and luck in life . +08-13 15:28 root DEBUG The film treats themes of morality , greed , and the roles of lust , money , and luck in life , leading many to compare it to Allen 's earlier film Crimes and Misdemeanors -LRB- 1989 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Part of Dilwale Dulhania Le Jayenge was shot in Shanghai . +08-13 15:28 root DEBUG The film was shot in India , London and Switzerland , from September 1994 to August 1995 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soyuz was designed in the 1960s . +08-13 15:28 root DEBUG Soyuz -LRB- Сою́з -LSB- sɐˈjʉs -RSB- , `` Union '' , as in Сове́тский Сою́з , `` Sovetskiy Soyuz '' , `` Soviet Union '' -RRB- is a series of spacecraft designed for the Soviet space programme by the Korolyov Design Bureau -LRB- now RKK Energia -RRB- in the 1960s that remains in service today . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Christa McAuliffe was working in New Hampshire in 1993 . +08-13 15:28 root DEBUG On January 28 , 1986 , the shuttle broke apart 73 seconds after launch . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is an album called Live Through This . +08-13 15:28 root DEBUG Live Through This is the second studio album by American alternative rock band Hole . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rob Sheridan is an American who assembles together images , typography , or motion graphics to create a piece of design . +08-13 15:28 root DEBUG Rob Sheridan -LRB- born October 11 , 1979 -RRB- is an American graphic designer , director , and photographer best known for his extensive work with the band Nine Inch Nails . A graphic designer is a professional within the graphic design and graphic arts industry who assembles together images , typography , or motion graphics to create a piece of design . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bassoon King is written by an actor . +08-13 15:28 root DEBUG The Bassoon King : My Life in Art , Faith , and Idiocy is a non-fiction book authored by American actor Rainn Wilson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Halsey 's debut EP is titled Room 93 and was released in 2015 . +08-13 15:28 root DEBUG In 2014 , she signed her first recording contract with Astralwerks and released her debut EP , titled Room 93 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raabta -LRB- song -RRB- is a song . +08-13 15:28 root DEBUG `` Raabta '' -LRB- English : Relation -RRB- is a romantic Hindi song from the 2012 Bollywood film , Agent Vinod . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heavy Metal music is a genre of rock music . +08-13 15:28 root DEBUG Heavy metal -LRB- or simply metal -RRB- is a genre of rock music that developed in the late 1960s and early 1970s , largely in the United Kingdom and the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CHiPs is based on a popular TV series written by Rick Rosner . +08-13 15:28 root DEBUG CHiPs is a 2017 American action comedy buddy cop film written and directed by Dax Shepard , based on the 1977 -- 1983 television series of the same name created by Rick Rosner . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wish Upon is a supernatural horror thriller movie . +08-13 15:28 root DEBUG Wish Upon is a 2017 supernatural horror thriller film directed by John R. Leonetti and starring Joey King , Ryan Phillipe , Ki Hong Lee , Shannon Purser , Sydney Park and Sherilyn Fenn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe is a member of the Atlantic Records label . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Juventus F.C. competes at Juventus Stadium in Turin , Italy . +08-13 15:28 root DEBUG The club is the second oldest of its kind still active in the country after Genoa 's football section -LRB- 1893 -RRB- , has traditionally worn a black and white striped home kit since 1903 and has played its home matches in several grounds , being the latest the 41,507-capacity Juventus Stadium . Juventus Stadium , sometimes simply known in Italy as the Stadium , is an all-seater football stadium in the Vallette borough of Turin , Italy , and the home of Serie A club Juventus Football Club . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ripon College 's student body stood nowhere near 840 . +08-13 15:28 root DEBUG As of 2015 , Ripon College 's student body stood at around 840 , the majority of whom live on campus . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Concert for Bangladesh provided valuable lessons and inspiration for projects that followed . +08-13 15:28 root DEBUG Although the project was subsequently marred by financial problems -- a result of the pioneering nature of the venture -- the Concert for Bangladesh is recognised as a highly successful and influential humanitarian aid project , generating both awareness and considerable funds as well as providing valuable lessons and inspiration for projects that followed , notably Live Aid . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janet Leigh was an author . +08-13 15:28 root DEBUG Janet Leigh -LRB- born Jeanette Helen Morrison ; July 6 , 1927 -- October 3 , 2004 -RRB- was an American actress , singer , dancer and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angelsberg is not located directly next to an ocean . +08-13 15:28 root DEBUG Angelsberg is a small town in the commune of Fischbach , in central Luxembourg . Luxembourg -LSB- ˈlətsəbuərx -RSB- Luxemburg -RRB- , officially the Grand Duchy of Luxembourg , is a landlocked country in western Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ian Brennan is a writer . +08-13 15:28 root DEBUG Ian Brennan -LRB- born April 23 , 1978 -RRB- is a television writer , actor , producer and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kellyanne Conway has not been embroiled in a series of controversies . +08-13 15:28 root DEBUG Since Trump 's inauguration , Conway has been embroiled in a series of controversies , including using the phrase `` alternative facts '' , making reference to a `` Bowling Green massacre '' that never occurred , claiming Michael Flynn had the full confidence of the president hours before he was dismissed , and publicly endorsing commercial products associated with the president 's daughter Ivanka Trump . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CHiPs is a film that was made in the United States and categorized as comedy . +08-13 15:28 root DEBUG CHiPs is a 2017 American action comedy buddy cop film written and directed by Dax Shepard , based on the 1977 -- 1983 television series of the same name created by Rick Rosner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Don Bradman 's status as a national icon was recognized . +08-13 15:28 root DEBUG Even after he became reclusive in his declining years his opinion was highly sought , and his status as a national icon was still recognised -- more than 50 years after his retirement as a Test player , in 2001 , Prime Minister John Howard of Australia called him the `` greatest living Australian '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marjorie Gross was a writer . +08-13 15:28 root DEBUG Marjorie Gross -LRB- April 18 , 1956 -- June 7 , 1996 -RRB- was a television writer and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Sterile Cuckoo was adapted from a commercial . +08-13 15:28 root DEBUG The movie was adapted by Alvin Sargent from the 1965 novel by John Nichols , and directed by Alan J. Pakula , in his directing debut . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG House is a one-man show starring Hugh Laurie . +08-13 15:28 root DEBUG His flouting of hospital rules and procedures frequently leads him into conflict with his boss , hospital administrator and Dean of Medicine Dr. Lisa Cuddy -LRB- Lisa Edelstein -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reign Over Me was written and directed by dolphins . +08-13 15:28 root DEBUG Reign Over Me is a 2007 American drama film written and directed by Mike Binder , and produced by his brother Jack Binder . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tilda Swinton is a performance artist . +08-13 15:28 root DEBUG Katherine Matilda `` Tilda '' Swinton -LRB- born 5 November 1960 -RRB- is a British actress , performance artist , model , and fashion muse , known for her roles in independent and Hollywood films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kesha 's full name is Kesha Rosa Sebert , a name given to her by her parents . +08-13 15:28 root DEBUG Kesha Rose Sebert -LRB- -LSB- ˈkɛʃə_roʊz_ˈsɛbərt -RSB- ; born March 1 , 1987 ; formerly stylized as Ke $ ha -RRB- is an American singer , songwriter , and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bad Romance sold 12 million copies worldwide . +08-13 15:28 root DEBUG It achieved worldwide success by topping the charts in a variety of markets , ultimately selling 12 million copies worldwide , thus becoming one of the best-selling singles of all time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sleipnir appears in Egyptian mythology . +08-13 15:28 root DEBUG In Norse mythology , Sleipnir -LRB- Old Norse `` slippy '' or `` the slipper '' -RRB- is an eight-legged horse . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristotle studied at Plato 's Academy . +08-13 15:28 root DEBUG At seventeen or eighteen years of age , he joined Plato 's Academy in Athens and remained there until the age of thirty-seven -LRB- c. 347 BC -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Part of Hindu Kush is in Pakistan . +08-13 15:28 root DEBUG The Hindu Kush range has numerous high snow-capped peaks , with the highest point in the Hindu Kush being Tirich Mir or Terichmir at 7708 m in the Chitral District of Khyber Pakhtunkhwa , Pakistan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kelly Preston starred in multiple television shows . +08-13 15:28 root DEBUG She has appeared in more than sixty television and film productions , most notably including Mischief , Twins and Jerry Maguire . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Derek Hough starred in a Romeo and Juliet-inspired movie . +08-13 15:28 root DEBUG In 2013 , he starred in Make Your Move , a Romeo and Juliet-inspired South Korean-American independent dance film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barry Van Dyke is an actor and the son of a doctor . +08-13 15:28 root DEBUG He was best known to audiences as Lieutenant Detective Steve Sloan , a homicide detective and the son of Dr. Mark Sloan -LRB- played by Dick Van Dyke -RRB- on Diagnosis : Murder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carlos Santana is a person . +08-13 15:28 root DEBUG Carlos Santana -LRB- born July 20 , 1947 -RRB- is a Mexican and American musician who first became famous in the late 1960s and early 1970s with his band , Santana , which pioneered a fusion of rock and Latin American music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cheese in the Trap -LRB- TV series -RRB- is a television series . +08-13 15:28 root DEBUG Cheese in the Trap is a South Korean television series starring Park Hae-jin , Kim Go-eun , Seo Kang-joon and Lee Sung-kyung . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janet Leigh was from America . +08-13 15:28 root DEBUG Janet Leigh -LRB- born Jeanette Helen Morrison ; July 6 , 1927 -- October 3 , 2004 -RRB- was an American actress , singer , dancer and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wildfang is a US-based men 's apparel company featuring clothing that is tomboyish in style . +08-13 15:28 root DEBUG Wildfang is a US-based women 's apparel company featuring clothing that is tomboyish in style . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Speech recognition is ignored in the computer science fields . +08-13 15:28 root DEBUG It incorporates knowledge and research in the linguistics , computer science , and electrical engineering fields . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenna Jameson was photographed in the past . +08-13 15:28 root DEBUG Jenna Jameson -LRB- born Jenna Marie Massoli ; April 9 , 1974 -RRB- is an American entrepreneur , webcam model and former pornographic film actress , who has been called the world 's most famous adult entertainment performer and `` The Queen of Porn '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Underdog was directed by an American film director . +08-13 15:28 root DEBUG Directed by Frederik Du Chau and written by Joe Piscatella , Adam Rifkin , and Craig A. Williams , the film stars Jim Belushi , Peter Dinklage , John Slattery , and Patrick Warburton with the voice talents of Jason Lee , Amy Adams , and Brad Garrett . Jason Michael Lee -LRB- born April 25 , 1970 -RRB- is an American actor , producer , comedian and skateboarder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Battle of France never happened . +08-13 15:28 root DEBUG The Battle of France , also known as the Fall of France , was the German invasion of France and the Low Countries during the Second World War . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Croatia has a government . +08-13 15:28 root DEBUG The state controls a part of the economy , with substantial government expenditure . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mud has Matthew McConaughey in its cast . +08-13 15:28 root DEBUG The film stars Matthew McConaughey , Tye Sheridan , Jacob Lofland , Sam Shepard , and Reese Witherspoon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry VIII -LRB- TV serial -RRB- has an all-American cast . +08-13 15:28 root DEBUG It stars Ray Winstone in his first role in a costume drama . Raymond Andrew `` Ray '' Winstone -LRB- -LSB- ˈwɪnstən -RSB- born 19 February 1957 -RRB- is an English film and television actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG History of Earth involves nature . +08-13 15:28 root DEBUG Nearly all branches of natural science have contributed to the understanding of the main events of the Earth 's past . In Western society 's analytic tradition , the empirical sciences and especially natural sciences use tools from formal sciences , such as mathematics and logic , converting information about nature into measurements which can be explained as clear statements of the `` laws of nature '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Always features a British actress . +08-13 15:28 root DEBUG Always is a 1989 American romantic comedy-drama film directed by Steven Spielberg and starring Richard Dreyfuss , Holly Hunter , John Goodman , introducing Brad Johnson , and featuring Audrey Hepburn 's cameo in her final film appearance . Audrey Hepburn -LRB- -LSB- ˈɔːdri_ˈhɛpˌbɜrn -RSB- born Audrey Kathleen Ruston ; 4 May 1929 -- 20 January 1993 -RRB- was a British actress , model , dancer and humanitarian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stripes featured Conrad Dunn . +08-13 15:28 root DEBUG Several actors including John Larroquette , John Diehl , Conrad Dunn and Judge Reinhold were featured in their first significant film roles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paris -LRB- Paris Hilton album -RRB- incorporates elements of pop rock . +08-13 15:28 root DEBUG It also incorporates elements of other genres , such as reggae , soul and pop rock , in its production . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mirny -LRB- sloop-of-war -RRB- was an expedition 's second ship . +08-13 15:28 root DEBUG Mirny was a 20-gun sloop-of-war of the Imperial Russian Navy , the second ship of the First Russian Antarctic Expedition in 1819 -- 1821 , during which Faddey Bellingshausen -LRB- commander of the lead ship Vostok -RRB- and Mikhail Lazarev -LRB- commanding Mirny -RRB- circumnavigated the globe , discovered the continent of Antarctica and twice circumnavigated it , and discovered a number of islands and archipelagos in the Southern Ocean and the Pacific . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Larry the Cable Guy series finale aired on the month of July . +08-13 15:28 root DEBUG The series finale aired August 28 , 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reign Over Me is a film . +08-13 15:28 root DEBUG Reign Over Me is a 2007 American drama film written and directed by Mike Binder , and produced by his brother Jack Binder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Adventures of Pluto Nash is an Australian-American science fiction action comedy film from the 1960s . +08-13 15:28 root DEBUG The Adventures of Pluto Nash is a 2002 Australian-American science fiction action comedy film starring Eddie Murphy -LRB- in a dual role -RRB- and directed by Ron Underwood . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Church is an American citizen . +08-13 15:28 root DEBUG Kenneth Eric Church -LRB- born May 3 , 1977 -RRB- is an American country music singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bad Romance achieved worldwide success . +08-13 15:28 root DEBUG It achieved worldwide success by topping the charts in a variety of markets , ultimately selling 12 million copies worldwide , thus becoming one of the best-selling singles of all time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tool has not won three Grammy Awards . +08-13 15:28 root DEBUG Tool has won three Grammy Awards , performed worldwide tours , and produced albums topping the charts in several countries . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hourglass is the sixteenth studio album of James Taylor . +08-13 15:28 root DEBUG Hourglass is singer-songwriter James Taylor 's fourteenth studio album . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prescott , Arizona is located in the United States . +08-13 15:28 root DEBUG Prescott -LRB- -LSB- ˈprɛskət -RSB- ; ʼWi : kwatha Ksikʼita -RRB- is a city in Yavapai County , Arizona , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Eubank Jr. was born in 1989 . +08-13 15:28 root DEBUG Christopher Livingstone `` Chris '' Eubank Jr. -LRB- born 18 September 1989 -RRB- is a British professional boxer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tiber Oil Field was discovered in September 2002 . +08-13 15:28 root DEBUG The deepwater field -LRB- defined as water depth 1300 to , -RRB- was discovered in September 2009 and it is operated by BP . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billie Joe Armstrong was born on February 17th , 1972 . +08-13 15:28 root DEBUG Billie Joe Armstrong -LRB- born February 17 , 1972 -RRB- is an American musician , singer , songwriter and actor who is best known as the lead vocalist , primary songwriter , and guitarist of the punk rock band Green Day , which he co-founded with Mike Dirnt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Penélope Cruz has modeled for cosmetics company L'Oréal . +08-13 15:28 root DEBUG Cruz has modelled for Mango , Ralph Lauren and L'Oréal . L'Oréal S.A. is a French cosmetics company headquartered in Clichy , Hauts-de-Seine with a registered office in Paris . It is the world 's largest cosmetics company and has developed activities in the field of cosmetics , concentrating on hair colour , skin care , sun protection , make-up , perfume and hair care ; the company is active in dermatology , toxicology , tissue engineering , and biopharmaceutical research fields and is the top nanotechnology patent-holder in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billie Joe Armstrong is an American musician . +08-13 15:28 root DEBUG Billie Joe Armstrong -LRB- born February 17 , 1972 -RRB- is an American musician , singer , songwriter and actor who is best known as the lead vocalist , primary songwriter , and guitarist of the punk rock band Green Day , which he co-founded with Mike Dirnt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Country for Old Men was selected . +08-13 15:28 root DEBUG The American Film Institute listed it as an AFI Movie of the Year , and the National Board of Review selected the film as the best of 2007 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luis Fonsi is a musician . +08-13 15:28 root DEBUG Luis Alfonso Rodríguez López-Cepero , more commonly known by his stage name Luis Fonsi , -LRB- born April 15 , 1978 -RRB- is a Puerto Rican singer , songwriter and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Polar bears are unable to meet the criteria to be classified as marine mammals . +08-13 15:28 root DEBUG Because of their dependence on the sea ice , polar bears are classified as marine mammals ; an alternative basis for classification as marine mammals is that they depend on the ocean as their main food source . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Frozen ranks as the second-highest-grossing original film of all time . +08-13 15:28 root DEBUG It ranks as the highest-grossing animated film of all time , the third-highest-grossing original film of all time , the ninth-highest-grossing film of all time , the highest-grossing film of 2013 , and the third-highest-grossing film in Japan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG L.A. Reid has served as the chairman of an American record label group formed in Italy . +08-13 15:28 root DEBUG He has served as the chairman and CEO of Epic Records , a division of Sony Music Entertainment , the president and CEO of Arista Records , and the chairman and CEO of the Island Def Jam Music Group . -LSB- ˈɛ.rɪ.stə -RSB- was a major American record label . Sony Music Entertainment -LRB- known professionally as Sony Music and abbreviated as SME -RRB- is an American music company owned by Sony that is incorporated as a general partnership of Sony Music Holdings Inc. through Sony Entertainment , a subsidiary of Sony Corporation of America . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fortunes of War stars the actress Emma Thompson . +08-13 15:28 root DEBUG It stars Kenneth Branagh as Guy Pringle , lecturer in English Literature in Bucharest during the early part of the Second World War , and Emma Thompson as his wife Harriet . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Congressional Space Medal of Honor is awarded based on recommendations from the Administrator of Office Depot . +08-13 15:28 root DEBUG The highest award given by NASA , it is awarded by the President of the United States in Congress 's name on recommendations from the Administrator of the National Aeronautics and Space Administration . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The State of Palestine lays claim to a region in Western Asia . +08-13 15:28 root DEBUG The State of Palestine claims the West Bank -LRB- bordering Israel and Jordan -RRB- and Gaza Strip -LRB- bordering Israel and Egypt -RRB- with East Jerusalem as the designated capital . The West Bank -LRB- الضفة الغربية ; הגדה המערבית , HaGadah HaMa'aravit -RRB- is a landlocked territory near the Mediterranean coast of Western Asia , forming the bulk of territory now under Israeli control , or else under joint Israeli-Palestinian Authority control , and which final status of the entire area is yet to be determined by the parties concerned . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Good Wife is a drama . +08-13 15:28 root DEBUG The Good Wife is an American legal and political drama television series that aired on CBS from September 22 , 2009 , to May 8 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashton Kutcher is in romantic comedies . +08-13 15:28 root DEBUG In 2003 , Kutcher appeared in romantic comedies Just Married and My Boss 's Daughter and , the same year , he created , produced , and hosted Punk 'd which aired on MTV for five seasons until its revival in 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods are a primarily , though not exclusively , Asian street gang . +08-13 15:28 root DEBUG The Bloods are a primarily , though not exclusively , African American street gang founded in Los Angeles , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daag stars in Jayasudha . +08-13 15:28 root DEBUG The film was later remade into the Telugu film Vichitra Jeevitham -LRB- 1978 -RRB- starring Akkineni Nageswara Rao , Vanisri , and Jayasudha . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria Palace Theatre is in a place named after Queen Elizabeth . +08-13 15:28 root DEBUG Victoria Palace Theatre is a West End theatre in Victoria Street , in the City of Westminster , opposite Victoria Station . Victoria is a small district in the City of Westminster in central London , named after Victoria Street and Victoria Station and therefore , indirectly , after Queen Victoria . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cry of the Owl is based solely on Patricia Highsmith 's second novel . +08-13 15:28 root DEBUG The Cry of the Owl is a 2009 thriller film based on Patricia Highsmith 's book of the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Game of Thrones -LRB- season 7 -RRB- will introduce several new cast members . +08-13 15:28 root DEBUG The season will introduce several new cast members , including Jim Broadbent and Tom Hopper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Drake Bell has yet to release an EP . +08-13 15:28 root DEBUG Bell released an EP in 2011 called A Reminder independently . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The King and I is based on a novel by an American writer born in 1903 . +08-13 15:28 root DEBUG It is based on Margaret Landon 's novel , Anna and the King of Siam -LRB- 1944 -RRB- , which is in turn derived from the memoirs of Anna Leonowens , governess to the children of King Mongkut of Siam in the early 1860s . Margaret Landon -LRB- September 7 , 1903 -- December 4 , 1993 -RRB- was an American writer best remembered for Anna and the King of Siam , her best-selling 1944 novel of the life of Anna Leonowens which eventually sold over a million copies and was translated into more than twenty languages . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nestor Carbonell played Godzilla in Lost . +08-13 15:28 root DEBUG He is perhaps most famous for his roles as Richard Alpert in ABC 's drama series Lost , and Mayor Anthony Garcia in the Christopher Nolan films The Dark Knight and The Dark Knight Rises . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Human trafficking involves labor . +08-13 15:28 root DEBUG Human trafficking is the trade of humans , most commonly for the purpose of forced labour , sexual slavery , or commercial sexual exploitation for the trafficker or others . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a science fiction film with Riddick . +08-13 15:28 root DEBUG Richard B. Riddick , more commonly known as Riddick , is a fictional character and the antihero of four films in the Riddick series -LRB- Pitch Black , The Chronicles of Riddick , the animated movie The Chronicles of Riddick : Dark Fury , and Riddick -RRB- , as well as the two video games The Chronicles of Riddick : Escape from Butcher Bay and The Chronicles of Riddick : Assault on Dark Athena . The Chronicles of Riddick is a 2004 American science fiction adventure film which follows the adventures of Richard B. Riddick as he attempts to elude capture after the events depicted in the 2000 film Pitch Black . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sheryl Lee appeared in an organization written and directed by Woody Allen . +08-13 15:28 root DEBUG In 2016 , she appeared in Café Society , and also completed the Showtime revival of Twin Peaks -LRB- 2017 -RRB- , reprising her role of Laura Palmer . Café Society is a 2016 American romantic comedy-drama film written and directed by Woody Allen . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Country for Old Men is a drama . +08-13 15:28 root DEBUG No Country for Old Men is a 2007 American neo-western neo-noir thriller film written and directed by Joel and Ethan Coen , based on Cormac McCarthy 's novel of the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trevor Griffiths was born in 1935 . +08-13 15:28 root DEBUG Trevor Griffiths -LRB- born 4 April 1935 , Ancoats , Manchester -RRB- , is an English dramatist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 1974 musical comedy The Sugarland Express was Steven Spielberg 's directorial debut . +08-13 15:28 root DEBUG The Sugarland Express is a 1974 American crime drama film co-written and directed by Steven Spielberg in his theatrical feature film directorial debut . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane McMahon worked in professional wrestling . +08-13 15:28 root DEBUG Shane Brandon McMahon -LRB- born January 15 , 1970 -RRB- is an American businessman and part-time professional wrestler who is a minority owner of WWE and the vice-chairman of Wecast Holdings Inc. . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gifted was created by Judd Apatow . +08-13 15:28 root DEBUG The Gifted is an upcoming American television series created for Fox by Matt Nix , based on Marvel Comics ' X-Men properties . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rage Against the Machine broke up in 1999 . +08-13 15:28 root DEBUG The band 's third album , The Battle of Los Angeles , followed in 1999 , and in 2003 , the album was ranked number 426 on the same list . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Underdog was directed by a Belgian film director . +08-13 15:28 root DEBUG Directed by Frederik Du Chau and written by Joe Piscatella , Adam Rifkin , and Craig A. Williams , the film stars Jim Belushi , Peter Dinklage , John Slattery , and Patrick Warburton with the voice talents of Jason Lee , Amy Adams , and Brad Garrett . Frederik Du Chau -LRB- born 15 May 1965 -RRB- is a Belgian film director , screenwriter and animator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danny Brown is an American musician . +08-13 15:28 root DEBUG Daniel Dewan Sewell -LRB- born March 16 , 1981 -RRB- , better known by his stage name Danny Brown , is an American rapper from Detroit , Michigan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harris Jayaraj is from India . +08-13 15:28 root DEBUG Harris Jayaraj -LRB- born 8 January 1975 -RRB- is an Indian film composer from Chennai , Tamil Nadu . Chennai -LRB- -LSB- məˈdrɑːs -RSB- or -LSB- - ˈdræs -RSB- -RRB- is the capital of the Indian state of Tamil Nadu . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ludwig van Beethoven was part of the classical era as a composer . +08-13 15:28 root DEBUG A crucial figure in the transition between the Classical and Romantic eras in Western art music , he remains one of the most famous and influential of all composers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Penibaetic System is the northernmost of the three systems of mountain ranges in the Iberian Peninsula . +08-13 15:28 root DEBUG The Penibaetic System -LRB- Sistema Penibético or Cordillera Penibética -RRB- is the southernmost of the three systems of mountain ranges of the Baetic System in the southern Iberian Peninsula . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tenacious D ended in 1987 . +08-13 15:28 root DEBUG Tenacious D is an American comedy rock duo that was formed in Los Angeles , California in 1994 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moonlight never premiered at the Telluride Film Festival . +08-13 15:28 root DEBUG Filmed in Miami , Florida , beginning in 2015 , Moonlight premiered at the Telluride Film Festival on September 2 , 2016 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw is an American film . +08-13 15:28 root DEBUG Southpaw is a 2015 American sports drama film directed by Antoine Fuqua , written by Kurt Sutter and starring Jake Gyllenhaal , Forest Whitaker and Rachel McAdams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The French Resistance committed acts of sabotage . +08-13 15:28 root DEBUG The Résistance also planned , coordinated , and executed acts of sabotage on the electrical power grid , transport facilities , and telecommunications networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Columbia River undergoes drainage . +08-13 15:28 root DEBUG Its drainage basin is roughly the size of France and extends into seven US states and a Canadian province . A drainage basin or catchment area is any area of land where precipitation collects and drains off into a common outlet , such as into a river , bay , or other body of water . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Croatia is a popular tourist destination . +08-13 15:28 root DEBUG International Tourism is a significant source of revenue during the summer , with Croatia ranked the 18th most popular tourist destination in the world . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods is narrowly known for its rivalry with the Crips . +08-13 15:28 root DEBUG The gang is widely known for its rivalry with the Crips . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fist of Legend is a remake of a film starring Jackie Chan . +08-13 15:28 root DEBUG It is a remake of the 1972 Fist of Fury , which starred Bruce Lee as the lead character . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cry of the Owl is based on the book The Hobbit . +08-13 15:28 root DEBUG The Cry of the Owl is a 2009 thriller film based on Patricia Highsmith 's book of the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Larry the Cable Guy series finale aired in the year 2014 . +08-13 15:28 root DEBUG The series finale aired August 28 , 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colombiana was produced by Luc Besson in 2001 . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia was directed by a Japanese sushi chef . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . Lars von Trier -LRB- Lars Trier , 30 April 1956 -RRB- is a Danish film director and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Acting is John Krasinski 's career . +08-13 15:28 root DEBUG John Burke Krasinski -LRB- -LSB- krəˈzɪnski -RSB- born October 20 , 1979 -RRB- is an American actor and filmmaker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Invasion literature has yet to become a genre of fiction . +08-13 15:28 root DEBUG Invasion literature -LRB- or the invasion novel -RRB- is a literary genre most notable between 1871 and the First World War -LRB- 1914 -RRB- but still practised to this day . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Hillenburg was fascinated with the ocean as a child , leading him to create Spongebob Squarepants . +08-13 15:28 root DEBUG Born in Lawton , Oklahoma and raised in Anaheim , California , Hillenburg became fascinated with the ocean as a child and also developed an interest in art . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danger UXB is a work . +08-13 15:28 root DEBUG Danger UXB is a 1979 British ITV television series set during the Second World War developed by John Hawkesworth and starring Anthony Andrews as Lieutenant Brian Ash , an officer in the Royal Engineers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Terry Crews was a linebacker . +08-13 15:28 root DEBUG In football , Crews played as a defensive end and linebacker in the National Football League -LRB- NFL -RRB- for the Los Angeles Rams , San Diego Chargers and Washington Redskins , as well as in the World League of American Football with Rhein Fire . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Qui-Gon Jinn is a character in the Star Wars franchise . +08-13 15:28 root DEBUG Qui-Gon Jinn is a fictional character in the Star Wars franchise , portrayed by Liam Neeson as the main protagonist of the 1999 film Star Wars : Episode I -- The Phantom Menace '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kendall Jenner is a person . +08-13 15:28 root DEBUG Kendall Nicole Jenner -LRB- born November 3 , 1995 -RRB- is an American fashion model and television personality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bessie Smith ran a marathon on September 26 , 1937 . +08-13 15:28 root DEBUG Bessie Smith -LRB- April 15 , 1894 -- September 26 , 1937 -RRB- was an American blues singer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wilhelmina Slater is a person . +08-13 15:28 root DEBUG Wilhelmina Vivian Slater -LRB- born Wanda Slater -RRB- is a fictional character in the American dramedy series Ugly Betty . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jens Stoltenberg was Prime Minister of Norway once . +08-13 15:28 root DEBUG Stoltenberg served as Prime Minister of Norway from 2000 to 2001 and from 2005 to 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mud has an American actor in its cast . +08-13 15:28 root DEBUG The film stars Matthew McConaughey , Tye Sheridan , Jacob Lofland , Sam Shepard , and Reese Witherspoon . Matthew David McConaughey -LRB- -LSB- məˈkɒnəheɪ -RSB- born November 4 , 1969 -RRB- is an American actor . Jacob Seth Lofland -LRB- born July 30 , 1996 -RRB- is an American actor best known for his role as Neckbone in the film Mud and for his role as Aris in Maze Runner : The Scorch Trials . Samuel Shepard Rogers III -LRB- born November 5 , 1943 -RRB- , known professionally as Sam Shepard , is an American playwright , actor , author , screenwriter , and director , whose body of work spans over half a century . Laura Jeanne Reese Witherspoon -LRB- -LSB- ˈriːs_ˈwɪðərspuːn -RSB- born March 22 , 1976 -RRB- is an American actress , producer , and entrepreneur . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 14th Dalai Lama fled to Japan during the Tibetan uprising . +08-13 15:28 root DEBUG During the 1959 Tibetan uprising , the Dalai Lama fled to India , where he currently lives as a refugee . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dave Gibbons was born at a Planet Fitness . +08-13 15:28 root DEBUG David Chester `` Dave '' Gibbons -LRB- born 14 April 1949 -RRB- is an English comic book artist , writer and sometimes letterer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane McMahon is a wrestler for WWF . +08-13 15:28 root DEBUG As a wrestler , he won the European Championship once and the Hardcore Championship once , and has wrestled in the main event of multiple WWE pay per views . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Terry Crews played on the San Diego Chargers . +08-13 15:28 root DEBUG In football , Crews played as a defensive end and linebacker in the National Football League -LRB- NFL -RRB- for the Los Angeles Rams , San Diego Chargers and Washington Redskins , as well as in the World League of American Football with Rhein Fire . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Rogan was a person . +08-13 15:28 root DEBUG Joseph James Rogan -LRB- born August 11 , 1967 -RRB- is an American stand-up comedian , color commentator , television host , actor , podcast host , and retired martial artist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ian Brennan is a director . +08-13 15:28 root DEBUG Ian Brennan -LRB- born April 23 , 1978 -RRB- is a television writer , actor , producer and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tie Your Mother Down was released as a single in 1976 . +08-13 15:28 root DEBUG On its original release as a single in 1977 the song peaked at 31 in the UK Singles Chart , however more than 20 years later it was released as a double a-side to `` No-One But You -LRB- Only the Good Die Young -RRB- '' where it reached 13 in UK Singles Chart . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The horse was called a Eohippus when it had multiple toes . +08-13 15:28 root DEBUG The horse has evolved over the past 45 to 55 million years from a small multi-toed creature , Eohippus , into the large , single-toed animal of today . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Match Point was a film by Woody Allen . +08-13 15:28 root DEBUG Match Point is a 2005 British-Luxembourgish psychological thriller film written and directed by Woody Allen and starring Jonathan Rhys Meyers , Scarlett Johansson , Emily Mortimer , Matthew Goode , Brian Cox , and Penelope Wilton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Larroquette worked on Stripes . +08-13 15:28 root DEBUG Several actors including John Larroquette , John Diehl , Conrad Dunn and Judge Reinhold were featured in their first significant film roles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angela Bassett received a master of fine arts degree from Duke University . +08-13 15:28 root DEBUG Bassett began her film career in the mid-1980s , after earning a bachelor of arts degree from Yale University and a master of fine arts degree from drama school . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cretaceous is yet to end . +08-13 15:28 root DEBUG The Cretaceous -LRB- -LSB- pronkrᵻˈteɪʃəs -RSB- , -RRB- is a geologic period and system that spans 79 million years from the end of the Jurassic Period million years ago -LRB- Mya -RRB- to the beginning of the Paleogene Period Mya . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG English people are descended from the grass . +08-13 15:28 root DEBUG Historically , the English population is descended from several peoples -- the earlier Britons -LRB- or Brythons -RRB- and the Germanic tribes that settled in Britain following the withdrawal of the Romans , including Angles , Saxons , Jutes and Frisians . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeram was produced by Vijaya Productions . +08-13 15:28 root DEBUG Veeram -LRB- Valour -RRB- is a 2014 Indian Tamil action film directed by Siva and produced by Vijaya Productions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sarawak 's city with the most people is Kuching . +08-13 15:28 root DEBUG Kuching -LSB- ˈkuːtʃɪŋ -RSB- -LRB- Jawi : , -RRB- , officially the City of Kuching , is the capital and the most populous city in the state of Sarawak in Malaysia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Guatemala endured a civil war . +08-13 15:28 root DEBUG From 1960 to 1996 , Guatemala endured a bloody civil war fought between the US-backed government and leftist rebels , including genocidal massacres of the Maya population perpetrated by the military . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CHiPs is based on a popular TV series of the same name . +08-13 15:28 root DEBUG CHiPs is a 2017 American action comedy buddy cop film written and directed by Dax Shepard , based on the 1977 -- 1983 television series of the same name created by Rick Rosner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dakota Fanning was involved with creative work . +08-13 15:28 root DEBUG She rose to prominence at age seven for her performance as Lucy Dawson in the drama film I Am Sam -LRB- 2001 -RRB- , for which she was nominated for a Screen Actors Guild Award at age eight , making her the youngest nominee in history . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dilwale Dulhania Le Jayenge began filming in January 1994 . +08-13 15:28 root DEBUG The film was shot in India , London and Switzerland , from September 1994 to August 1995 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a screenwriter by the name of Fred Armisen . +08-13 15:28 root DEBUG Fereydun Robert `` Fred '' Armisen -LRB- born December 4 , 1966 -RRB- is an American actor , comedian , voice artist , screenwriter , producer , singer , and musician . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 23 percent of the University of Mississippi 's students are minorities . +08-13 15:28 root DEBUG About 55 percent of its undergraduates and 60 percent overall come from Mississippi , and 23 percent are minorities ; international students come from 90 nations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pterosaurs and large marine reptiles died out in the Cretaceous +08-13 15:28 root DEBUG The Cretaceous ended with a large mass extinction , the Cretaceous -- Paleogene extinction event , in which many groups , including non-avian dinosaurs , pterosaurs and large marine reptiles died out . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The sixth most populous German state is Saxony . +08-13 15:28 root DEBUG Saxony is the tenth largest of Germany 's sixteen states , with an area of 18,413 km2 , and the sixth most populous , with 4 million people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Yune was on a TV series . +08-13 15:28 root DEBUG He was part of the main cast of the Netflix original series Marco Polo until the series was cancelled on December 12 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marcus Bentley is an American broadcaster . +08-13 15:28 root DEBUG Marcus Morgan Bentley -LRB- born 4 October 1967 -RRB- is a British actor , broadcaster and voice-over artist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Middle-earth is a setting . +08-13 15:28 root DEBUG Middle-earth is the fictional setting of much of British writer J. R. R. Tolkien 's legendarium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bahamas is an internationally recognized state that comprises a series of islands that form an archipelago . +08-13 15:28 root DEBUG The Bahamas -LRB- -LSB- bəˈhɑːməz -RSB- -RRB- , known officially as the Commonwealth of The Bahamas , is an archipelagic state within the Lucayan Archipelago . An archipelagic state is any internationally recognized state or country that comprises a series of islands that form an archipelago . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was directed by someone who is based at anywhere except Pixar . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . Andrew Stanton -LRB- born December 3 , 1965 -RRB- is an American film director , screenwriter , producer and voice actor based at Pixar . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cher was released by Geffen Records . +08-13 15:28 root DEBUG Cher is the self-titled eighteenth studio album by American singer-actress Cher , released on November 10 , 1987 by Geffen Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harvard University is barely residential . +08-13 15:28 root DEBUG Harvard is a large , highly residential research university . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Philomena was nominated for ten BAFTA Awards . +08-13 15:28 root DEBUG It was also nominated for four BAFTA Awards and three Golden Globe Awards . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stripes featured a person . +08-13 15:28 root DEBUG Stripes is a 1981 American buddy military comedy film directed by Ivan Reitman , starring Bill Murray , Harold Ramis , Warren Oates , P. J. Soles , Sean Young , and John Candy . William James Murray -LRB- born September 21 , 1950 -RRB- is an American actor , comedian , and writer . Harold Allen Ramis -LRB- November 21 , 1944 -- February 24 , 2014 -RRB- was an American actor , director , writer , and comedian . John Franklin Candy -LRB- October 31 , 1950 -- March 4 , 1994 -RRB- was a Canadian actor and comedian known mainly for his work in Hollywood films . P.J. Soles -LRB- born Pamela Jayne Hardon ; July 17 , 1950 -RRB- is an American film and television actress , known for her roles as Lynda van der Klok in Halloween , Riff Randell in Mary Sean Young -LRB- born November 20 , 1959 -RRB- is an American actress . Warren Mercer Oates -LRB- July 5 , 1928 -- April 3 , 1982 -RRB- was an American actor best known for his performances in several films directed by Sam Peckinpah , including The Wild Bunch -LRB- 1969 -RRB- and Bring Me the Head of Alfredo Garcia -LRB- 1974 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bethany Hamilton engaged in water sports . +08-13 15:28 root DEBUG Bethany Meilani Hamilton-Dirks -LRB- born February 8 , 1990 -RRB- is an American professional surfer who survived a 2003 shark attack in which her left arm was bitten off but who ultimately returned to -- and was victorious in -- professional surfing . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Forceps are a tool . +08-13 15:28 root DEBUG Forceps -LRB- plural forceps or forcipes -RRB- are a handheld , hinged instrument used for grasping and holding objects . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cry of the Owl is based solely on the book The Catcher in the Rye . +08-13 15:28 root DEBUG The Cry of the Owl is a 2009 thriller film based on Patricia Highsmith 's book of the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Milli is by Lil Wayne . +08-13 15:28 root DEBUG `` A Milli '' , abbreviated occasionally as `` Milli '' , is a song by American hip hop recording artist Lil Wayne . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeram was produced by Marvel . +08-13 15:28 root DEBUG Veeram -LRB- Valour -RRB- is a 2014 Indian Tamil action film directed by Siva and produced by Vijaya Productions . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Oliver Stone directed Natural Born Killers . +08-13 15:28 root DEBUG Natural Born Killers is a 1994 American satirical crime film directed by Oliver Stone and starring Woody Harrelson , Juliette Lewis , Robert Downey Jr. , Tom Sizemore , and Tommy Lee Jones . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Lonergan died on October 16 , 1962 . +08-13 15:28 root DEBUG Kenneth Lonergan -LRB- born October 16 , 1962 -RRB- is an American playwright , screenwriter , and director . He is best known for writing Gangs of New York -LRB- 2002 -RRB- and for writing and directing Manchester by the Sea -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matteo Renzi 's date of birth is January 11th , 1975 . +08-13 15:28 root DEBUG Matteo Renzi -LRB- -LSB- matˈtɛːo ˈrɛntsi -RSB- ; born 11 January 1975 -RRB- is an Italian politician who served as the Prime Minister of Italy from February 2014 until December 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Jones won the Three-Point Contest in 2011 . +08-13 15:28 root DEBUG He finished third in the NBA in three-point percentage during the 2007 -- 08 season and won the Three-Point Contest in 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeru Devgan is from India . +08-13 15:28 root DEBUG Veeru Devgan is an Indian stunt and action choreographer and film director in Bollywood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG TV Choice is on from Saturday to Friday . +08-13 15:28 root DEBUG It features weekly TV broadcast programming listings , running from Saturday to Friday , and goes on sale every Tuesday . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birthday Song -LRB- 2 Chainz song -RRB- was produced by Kanye West . +08-13 15:28 root DEBUG The song , which features fellow American rapper Kanye West , was produced by Sonny Digital , West , BWheezy , Anthony Kilhoffer , Lifted and Mike Dean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jennifer Lopez 's The Remixes was not the first in history to debut at number one on the U.S. Billboard 200 . +08-13 15:28 root DEBUG The Remixes , became the first in history to debut at number one on the U.S. Billboard 200 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Lonergan is a man . +08-13 15:28 root DEBUG He is best known for writing Gangs of New York -LRB- 2002 -RRB- and for writing and directing Manchester by the Sea -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is a county . +08-13 15:28 root DEBUG Camden is a city in Camden County , New Jersey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Underdog features the voice talents of Amy Adams as a lead role . +08-13 15:28 root DEBUG Directed by Frederik Du Chau and written by Joe Piscatella , Adam Rifkin , and Craig A. Williams , the film stars Jim Belushi , Peter Dinklage , John Slattery , and Patrick Warburton with the voice talents of Jason Lee , Amy Adams , and Brad Garrett . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Always was directed by a director . +08-13 15:28 root DEBUG Always is a 1989 American romantic comedy-drama film directed by Steven Spielberg and starring Richard Dreyfuss , Holly Hunter , John Goodman , introducing Brad Johnson , and featuring Audrey Hepburn 's cameo in her final film appearance . Steven Allan Spielberg , , -LRB- born December 18 , 1946 -RRB- is an American director , producer , and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despacito has a version which features a musician . +08-13 15:28 root DEBUG On March 17 , 2017 , both a solo pop version and a salsa version featuring Puerto Rican musician Victor Manuelle were released . Victor Manuel Ruiz -LRB- born September 27 , 1968 , The Bronx , New York City -RRB- , known professionally as Víctor Manuelle , is a successful Latin Grammy nominated American-born Puerto Rican salsa singer , songwriter , and improvisational son singer , known to his fans as El Sonero de la Juventud -LRB- `` The Singer Of Youths '' -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Larry Wilmore is a person who performs comedy . +08-13 15:28 root DEBUG Elister L. `` Larry '' Wilmore -LRB- born October 30 , 1961 -RRB- is an American comedian , writer , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Garden State was barely at a festival that takes place in Park City , Utah . +08-13 15:28 root DEBUG It was an official selection of the Sundance Film Festival . The Sundance Film Festival , a program of the Sundance Institute , is an American film festival that takes place annually in Park City , Utah . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Al Jardine is an American rhythm guitarist . +08-13 15:28 root DEBUG Alan Charles Jardine -LRB- born September 3 , 1942 -RRB- is an American musician , singer and songwriter who co-founded the Beach Boys . He is best known as the band 's rhythm guitarist , and for occasionally singing lead vocals on singles such as `` Help Me , Rhonda '' -LRB- 1965 -RRB- , `` Then I Kissed Her '' -LRB- 1965 -RRB- and `` Come Go with Me '' -LRB- 1978 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chagatai language has no speakers . +08-13 15:28 root DEBUG It was also spoken by the early Mughal rulers in the Indian subcontinent , where it influenced the development of Hindustani . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yale University 's alumni includes five notable people . +08-13 15:28 root DEBUG Yale has graduated many notable alumni , including five U.S. Presidents , 19 U.S. Supreme Court Justices , 20 living billionaires , and many heads of state . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Randy Savage wears flamboyant clothing to wrestling matches . +08-13 15:28 root DEBUG He was recognizable by wrestling fans for his distinctively deep and raspy voice , his flamboyant ring attire , intensity exhibited in and out of the ring , using `` Pomp and Circumstance '' as his entrance music , and his signature catch phrase , `` Oooh yeah ! '' +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reign Over Me was scripted and directed by Mike Binder . +08-13 15:28 root DEBUG Reign Over Me is a 2007 American drama film written and directed by Mike Binder , and produced by his brother Jack Binder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Noel Fisher was on Showtime . +08-13 15:28 root DEBUG He is known for his portrayal of Mickey Milkovich on the Showtime series Shameless , as well as his portrayal of Cael Malloy on the FX series The Riches . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Recovery features collaboration between Lil Wayne and Eminem . +08-13 15:28 root DEBUG Eminem also collaborated with artists such as Pink , Lil Wayne , Slaughterhouse and Rihanna for the album . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DJ Quik is a recording artist . +08-13 15:28 root DEBUG David Marvin Blake -LRB- born January 18 , 1970 -RRB- , better known by his stage name DJ Quik , is an American hip hop recording artist , DJ and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kleshas are a state of mind . +08-13 15:28 root DEBUG Kleshas -LRB- -LSB- क्लेश , kleśa -RSB- किलेस kilesa ; ཉ ན མ ངས nyon mongs -RRB- , in Buddhism , are mental states that cloud the mind and manifest in unwholesome actions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hush -LRB- 2016 film -RRB- was written by Trevor Macy . +08-13 15:28 root DEBUG Hush is a 2016 American horror film directed and edited by Mike Flanagan , starring Kate Siegel , and written by both . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashley Graham was on a magazine cover . +08-13 15:28 root DEBUG She has appeared on the cover of fashion magazines such as Vogue , Harper 's Bazaar , Glamour , and Elle . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Homo sapiens are on the IUCN Red List . +08-13 15:28 root DEBUG The ingenuity and adaptability of Homo sapiens has led to it becoming the most influential species on Earth ; it is currently deemed of least concern on the Red List of endangered species by the International Union for Conservation of Nature . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rob Sheridan was born in the late 1970s . +08-13 15:28 root DEBUG Rob Sheridan -LRB- born October 11 , 1979 -RRB- is an American graphic designer , director , and photographer best known for his extensive work with the band Nine Inch Nails . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim McGraw was in a movie with an American actress . +08-13 15:28 root DEBUG McGraw has ventured into acting , with supporting roles in The Blind Side -LRB- with Sandra Bullock -RRB- , Friday Night Lights , The Kingdom , Tomorrowland , and Four Christmases -LRB- with Vince Vaughn and Reese Witherspoon -RRB- , and lead roles in Flicka -LRB- 2006 -RRB- and Country Strong -LRB- 2010 -RRB- . Sandra Annette Bullock -LRB- -LSB- 's ændrə_ˈbʊlək -RSB- born July 26 , 1964 -RRB- is an American actress , producer , and philanthropist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian Army comprises part of the country 's active defense personnel . +08-13 15:28 root DEBUG It is an all-volunteer force and comprises more than 80 % of the country 's active defence personnel . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harvard University is a university . +08-13 15:28 root DEBUG Harvard University is a private Ivy League research university in Cambridge , Massachusetts , established in 1636 , whose history , influence , and wealth have made it one of the world 's most prestigious universities . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG To this day invasion literature remains a part of popular culture . +08-13 15:28 root DEBUG The genre was influential in Britain in shaping politics , national policies and popular perceptions in the years leading up to the First World War , and remains a part of popular culture to this day . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The White House Press Secretary is a senior White House official . +08-13 15:28 root DEBUG The White House Press Secretary is a senior White House official whose primary responsibility is to act as spokesperson for the executive branch of the United States government administration , especially with regard to the President , senior executives , and policies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mary-Kate Olsen and Ashley Olsen are fashion designers . +08-13 15:28 root DEBUG Mary-Kate Olsen and Ashley Olsen -LRB- born June 13 , 1986 -RRB- , also known as the Olsen twins collectively , are American fashion designers and former child actresses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A 2014 film is a sequel to Rio . +08-13 15:28 root DEBUG A sequel , Rio 2 , was released on April 11 , 2014 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roswell was by Jason Katims . +08-13 15:28 root DEBUG Roswell is an American science fiction television series developed , produced , and co-written by Jason Katims . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mary of Teck was queen mother . +08-13 15:28 root DEBUG After George 's death in 1936 , she became queen mother when her eldest son , Edward , ascended the throne , but to her dismay , he abdicated later the same year in order to marry twice-divorced American socialite Wallis Simpson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Efraim Diveroli died before being sentenced to federal prison . +08-13 15:28 root DEBUG Diveroli was sentenced to four years in federal prison . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alexandra Daddario is an actress . +08-13 15:28 root DEBUG Alexandra Anna Daddario -LRB- born March 16 , 1986 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birthday Song -LRB- 2 Chainz song -RRB- was unable to get produced by Mike Dean . +08-13 15:28 root DEBUG The song , which features fellow American rapper Kanye West , was produced by Sonny Digital , West , BWheezy , Anthony Kilhoffer , Lifted and Mike Dean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeru Devgan is Indian . +08-13 15:28 root DEBUG Veeru Devgan is an Indian stunt and action choreographer and film director in Bollywood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Life is inapplicable to inanimate objects . +08-13 15:28 root DEBUG Life is a characteristic distinguishing physical entities having biological processes , such as signaling and self-sustaining processes , from those that do not , either because such functions have ceased , or because they never had such functions and are classified as inanimate . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Adventures of Pluto Nash stars an actor that was born on February 5 , 1961 . +08-13 15:28 root DEBUG The Adventures of Pluto Nash is a 2002 Australian-American science fiction action comedy film starring Eddie Murphy -LRB- in a dual role -RRB- and directed by Ron Underwood . Edward Regan Murphy -LRB- born April 3 , 1961 -RRB- is an American comedian , actor , writer , singer , and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is an American screenwriter and director called Shane Black . +08-13 15:28 root DEBUG Shane Black -LRB- born December 16 , 1961 -RRB- is an American screenwriter , director , producer and actor , known for writing the 1987 action film hit Lethal Weapon , and his directorial debut with the film Kiss Kiss Bang Bang in 2005 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedam was written and directed solely by Stephen King . +08-13 15:28 root DEBUG Vedam -LRB- English : Chant -RRB- is a 2010 Telugu language Indian drama film written and directed by Radhakrishna Jagarlamudi , starring Allu Arjun , Manoj Manchu , Anushka Shetty , Manoj Bajpayee , Saranya Ponvannan , Deeksha Seth , Lekha Washington , and Siya Gautham . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim Roth was not born on May 14th , 1961 . +08-13 15:28 root DEBUG Timothy Simon Roth -LRB- born 14 May 1961 -RRB- is an English actor and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matteo Renzi was born on January 11th , 1975 . +08-13 15:28 root DEBUG Matteo Renzi -LRB- -LSB- matˈtɛːo ˈrɛntsi -RSB- ; born 11 January 1975 -RRB- is an Italian politician who served as the Prime Minister of Italy from February 2014 until December 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sally Hawkins ignored the offer to act in Cate Blanchett . +08-13 15:28 root DEBUG The film tells the story of a rich Manhattan socialite -LRB- played by Cate Blanchett -RRB- who falls on hard times and has to move into her working class sister 's -LRB- Sally Hawkins -RRB- apartment in San Francisco . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ernest Medina played a role in a Vietnam War mass murder . +08-13 15:28 root DEBUG He was the commanding officer of Company C , 1st Battalion , 20th Infantry of the 11th Brigade , Americal Division , the unit responsible for the My Lai Massacre of 16 March 1968 . The Mỹ Lai Massacre -LRB- thảm sát Mỹ Lai , -LSB- tʰâːm ʂǎːt mǐˀ lāːj -RSB- ; -LSB- ˌmiːˈlaɪ -RSB- , -LSB- ˌmiːˈleɪ -RSB- , or -LSB- ˌmaɪˈlaɪ -RSB- -RRB- was the Vietnam War mass killing of between 347 and 504 unarmed civilians in South Vietnam on March 16 , 1968 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 2016 Tour de France had a total of 198 musicians . +08-13 15:28 root DEBUG A total of 198 riders from 22 teams entered the 21-stage race , which was won by Chris Froome of . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up is a town . +08-13 15:28 root DEBUG Knocked Up is a 2007 American romantic comedy film written , directed , and co-produced by Judd Apatow , and starring Seth Rogen , Katherine Heigl , Paul Rudd , and Leslie Mann . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Omar Khadr was detained at Guantanamo Bay . +08-13 15:28 root DEBUG Omar Ahmed Sayid Khadr -LRB- born September 19 , 1986 -RRB- is a Canadian who was detained at Guantanamo Bay as a minor and held there for 10 years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Good Wife is broadcast on a television network . +08-13 15:28 root DEBUG The Good Wife is an American legal and political drama television series that aired on CBS from September 22 , 2009 , to May 8 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The first inauguration of Bill Clinton was held on June 20th , 1993 . +08-13 15:28 root DEBUG The first inauguration of Bill Clinton as the 42nd President of the United States was held on January 20 , 1993 on the West Front of the United States Capitol Building in Washington , D.C. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nicholas Brody goes by Nick for short , with most characters referring to him by the latter . +08-13 15:28 root DEBUG Nicholas `` Nick '' Brody , played by actor Damian Lewis , is a fictional character on the American television series Homeland on Showtime , created by Alex Gansa and Howard Gordon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Guillermo del Toro does not work in the film industry . +08-13 15:28 root DEBUG Guillermo del Toro Gómez -LRB- -LSB- ɡiˈʝeɾmo ðel ˈtoɾo -RSB- ; born October 9 , 1964 -RRB- is a Mexican film director , screenwriter , producer , and novelist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is used to sell a service . +08-13 15:28 root DEBUG Advertising is an audio or visual form of marketing communication that employs an openly sponsored , nonpersonal message to promote or sell a product , service or idea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Millers aired on CBS in 2013 . +08-13 15:28 root DEBUG The multi-camera series aired from October 3 , 2013 to July 18 , 2015 and ran 34 episodes over two seasons on CBS . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jennifer Lopez made a studio album . +08-13 15:28 root DEBUG She ventured into the music industry in 1999 with her debut studio album On the 6 , preceded by the number-one single `` If You Had My Love '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jean-Michel Basquiat died in his studio . +08-13 15:28 root DEBUG He died of a heroin overdose at his art studio at age 27 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edmund H. North was the winner of an Academy Award . +08-13 15:28 root DEBUG Edmund Hall North -LRB- March 12 , 1911 -- August 28 , 1990 -RRB- , was an American screenwriter who shared an Academy Award for Best Original Screenplay with Francis Ford Coppola in 1970 for their script for Patton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One host of Weekly Idol is a comedian . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . Weekly Idol is a South Korean variety show , which airs Wednesdays , 6PM KST , on MBC Every1 , MBC 's cable and satellite network for comedy and variety shows . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG None of the actors in Men in Black II were born on September 15 , 1968 . +08-13 15:28 root DEBUG Men in Black II -LRB- stylized as MIIB -RRB- is a 2002 American science fiction action comedy film starring Tommy Lee Jones , Will Smith , Lara Flynn Boyle , Johnny Knoxville , Rosario Dawson , Tony Shalhoub and Rip Torn . Willard Carroll Smith Jr. -LRB- born September 15 , 1968 -RRB- is an American actor , producer , rapper , and songwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Morse code is less sensitive to poor signal conditions in bad weather conditions . +08-13 15:28 root DEBUG Compared to voice , Morse code is less sensitive to poor signal conditions , yet still comprehensible to humans without a decoding device . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Due Date was only shot in India . +08-13 15:28 root DEBUG The film was shot in Las Cruces , New Mexico , Atlanta , Georgia , and Tuscaloosa , Alabama . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edison Machine Works was set up . +08-13 15:28 root DEBUG The Edison Machine Works was a manufacturing company set up to produce dynamos , large electric motors , and other components of the electrical illumination system being built by Thomas A. Edison in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG How to Train Your Dragon 2 used new filming software . +08-13 15:28 root DEBUG How to Train Your Dragon 2 benefited from advances in animation technology and was DreamWorks ' first film to use scalable multicore processing and the studio 's new animation and lighting software . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nicole Kidman stars in Baz Luhrmann 's film Australia . +08-13 15:28 root DEBUG His 2008 film Australia is an epic historical romantic drama film starring Hugh Jackman and Nicole Kidman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dakota Fanning is incapable of being involved with a film called Annie James in The Motel Life . +08-13 15:28 root DEBUG Her recent film roles have included the eponymous character in Coraline -LRB- 2009 -RRB- , Cherie Currie in The Runaways -LRB- 2010 -RRB- , Annie James in The Motel Life -LRB- 2013 -RRB- , and Jane in The Twilight Saga -LRB- 2009 -- 12 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gordon Ramsay has had apprentices . +08-13 15:28 root DEBUG He combines activities in the television , film , hospitality , and food industries and has promoted and hired various chefs who have apprenticed under his wing . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Folklore includes jokes . +08-13 15:28 root DEBUG Folklore is the body of expressive culture shared by a particular group of people ; it encompasses the traditions common to that culture , subculture or group . These include oral traditions such as tales , proverbs and jokes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych 's protagonist is Olivia Dunham . +08-13 15:28 root DEBUG The series stars James Roday as Shawn Spencer , a young crime consultant for the Santa Barbara Police Department whose `` heightened observational skills '' and impressive detective instincts allow him to convince people that he solves cases with psychic abilities . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Colosseum is in ruin . +08-13 15:28 root DEBUG Although partially ruined because of damage caused by earthquakes and stone-robbers , the Colosseum is still an iconic symbol of Imperial Rome . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Artpop debuted at number one on the United States Radio 200 . +08-13 15:28 root DEBUG The album received generally mixed reviews from music critics , but was commercially successful , debuting at number one on the United States Billboard 200 with first-week sales of 258,000 copies , becoming Gaga 's second consecutive number-one record in the United States and selling 757,000 copies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jason Katims has made no contributions to Roswell . +08-13 15:28 root DEBUG Roswell is an American science fiction television series developed , produced , and co-written by Jason Katims . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Regina King performed the role of Erika Murphy . +08-13 15:28 root DEBUG Since 2015 , she played Erika Murphy on the critically acclaimed HBO drama , The Leftovers , for which she has received a Critics ' Choice Television Award nomination . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Murda Beatz is from Ontario . +08-13 15:28 root DEBUG Shane Lee Lindstrom -LRB- born February 11 , 1994 -RRB- , professionally known as Murda Beatz , is a Canadian hip hop record producer from Fort Erie , Ontario . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brick -LRB- film -RRB- was written by Rian Johnson . +08-13 15:28 root DEBUG Brick is a 2005 American neo-noir mystery film written and directed by Rian Johnson in his directorial debut , starring Joseph Gordon-Levitt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeram is a film from the fall season of 2014 . +08-13 15:28 root DEBUG The film was released on 10 January 2014 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reign Over Me was put out in 2007 . +08-13 15:28 root DEBUG Distributed by Columbia Pictures , the film was released on March 23 , 2007 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aunt May is a character that made zero appearance in media adaptations of comics . +08-13 15:28 root DEBUG The character has appeared in most other media adaptations of the comics , often playing a prominent role . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simón Bolívar 's date of birth was July 24th , 1783 . +08-13 15:28 root DEBUG Simón José Antonio de la Santísima Trinidad Bolívar y Palacios -LRB- -LSB- siˈmon boˈliβar -RSB- ; 24 July 1783 -- 17 December 1830 -RRB- , known as El Libertador , was a Venezuelan military and political leader who played a leading role in the establishment of Venezuela , Bolivia , Colombia , Ecuador , Peru and Panama as sovereign states , independent of Spanish rule . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Greek language is spoken by less than 13.2 million people . +08-13 15:28 root DEBUG The language is spoken by at least 13.2 million people today in Greece , Cyprus , Italy , Albania , Turkey , and the Greek diaspora . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The filming of Dilwale Dulhania Le Jayenge ended in 1790 . +08-13 15:28 root DEBUG The film was shot in India , London and Switzerland , from September 1994 to August 1995 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Armenian Genocide occurred during the Second Constitutional Era . +08-13 15:28 root DEBUG The starting date is conventionally held to be 24 April 1915 , the day that Ottoman authorities rounded up , arrested , and deported 235 to 270 Armenian intellectuals and community leaders from Constantinople to the region of Ankara , the majority of whom were eventually murdered . The Second Constitutional Era -LRB- ايکنجى مشروطيت دورى İkinci Meşrûtiyyet Devri -RRB- of the Ottoman Empire established shortly after the 1908 Young Turk Revolution which forced Sultan Abdul Hamid II to restore the constitutional monarchy by the revival of the Ottoman parliament , the General Assembly of the Ottoman Empire and the restoration of the constitution of 1876 . The last meeting on 18 March 1920 produced a letter of protest to the Allies , and a black cloth covered the pulpit of the Parliament as reminder of its absent members . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Luke Cage was not part of a team . +08-13 15:28 root DEBUG Once freed , Cage becomes a `` hero for hire '' and teams up with fellow superhero Iron Fist as part of the duo , Power Man and Iron Fist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marco Polo did not chronicle his experience . +08-13 15:28 root DEBUG Marco Polo was not the first European to reach China -LRB- see Europeans in Medieval China -RRB- , but he was the first to leave a detailed chronicle of his experience . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Concert for Bangladesh was attended by many people . +08-13 15:28 root DEBUG The concerts were attended by a total of 40,000 people , and raised close to US$ 250,000 for Bangladesh relief , which was administered by UNICEF . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sandra Bullock worked in the film industry . +08-13 15:28 root DEBUG Sandra Annette Bullock -LRB- -LSB- 's ændrə_ˈbʊlək -RSB- born July 26 , 1964 -RRB- is an American actress , producer , and philanthropist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Topman has outlets in six cities and towns in Ireland . +08-13 15:28 root DEBUG A part of the Arcadia Group , which also owns Burton , Miss Selfridge , Wallis , Evans and Dorothy Perkins , Topman has a chain of high-street men 's clothing stores located throughout the United Kingdom and has a presence on just about every UK High Street , and in Ireland main street outlets in six cities and towns . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Steve Ditko studied art at the Cartoonist and Illustrators School . +08-13 15:28 root DEBUG Ditko studied under Batman artist Jerry Robinson at the Cartoonist and Illustrators School in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kim Jong-il is designated Eternal General Secretary after his death . +08-13 15:28 root DEBUG After his death , he was designated as the `` Eternal General Secretary '' of the WPK and the `` Eternal Chairman of the National Defence Commission '' , in keeping with the tradition of establishing eternal posts for the dead members of the Kim dynasty . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bruce Shand full name is Bruce Middleton Hope Shand . +08-13 15:28 root DEBUG Major Bruce Middleton Hope Shand MC and bar -LRB- 22 January 1917 -- 11 June 2006 -RRB- was an officer in the British Army . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wildfang was founded in orange . +08-13 15:28 root DEBUG The company was founded in 2010 by Emma Mcilroy and Julia Parsley , who previously worked at Nike , Inc. in Portland , Oregon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Country for Old Men starred Tommy Lee Jones . +08-13 15:28 root DEBUG A cat-and-mouse drama starring Tommy Lee Jones , Javier Bardem , and Josh Brolin , it follows a Texas welder and Vietnam veteran in the desert landscape of 1980 West Texas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl was recorded by an American singer . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Penguin Books is a publishing house founded in 1930 . +08-13 15:28 root DEBUG It was founded in 1935 by Sir Allen Lane as a line of the publishers The Bodley Head , only becoming a separate company the following year . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A performance in The Godfather Part II won a BAFTA Award for Best Actor . +08-13 15:28 root DEBUG Pacino won the BAFTA Award for Best Actor and was nominated for the Academy Award for Best Actor . The Godfather Part II is a 1974 American crime film produced and directed by Francis Ford Coppola from a screenplay co-written with Mario Puzo , starring Al Pacino and Robert De Niro . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yara Shahidi is American . +08-13 15:28 root DEBUG Yara Sayeh Shahidi شهیدی -LSB- jɑːɾɑː sɑːje ʃæhiːdiː -RSB- -RRB- -LRB- born February 10 , 2000 -RRB- is an American actress and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Make It or Break It is incapable of being a television show . +08-13 15:28 root DEBUG Make It or Break It -LRB- MIOBI -RRB- is an American teen/family comedy-drama television series that focused on the lives of teen gymnasts who strived to make it to the Olympic Games . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Wood is not about the eponymous filmmaker . +08-13 15:28 root DEBUG The film concerns the period in Wood 's life when he made his best-known films as well as his relationship with actor Bela Lugosi , played by Martin Landau . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was directed by Quentin Tarantino . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marvel vs. Capcom : Infinite is only a comic . +08-13 15:28 root DEBUG Marvel vs. Capcom : Infinite is an upcoming fighting video game in development by Capcom . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tool is a band . +08-13 15:28 root DEBUG Tool is an American rock band from Los Angeles , California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barry Van Dyke is the second son of Dick Van Dyke . +08-13 15:28 root DEBUG Barry Van Dyke -LRB- born July 31 , 1951 -RRB- is an American actor and the second son of actor and entertainer Dick Van Dyke plus he was the stepson of makeup artist Arlene Silver-Van Dyke and nephew of Jerry Van Dyke . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soyuz was designed in the 1970s . +08-13 15:28 root DEBUG Soyuz -LRB- Сою́з -LSB- sɐˈjʉs -RSB- , `` Union '' , as in Сове́тский Сою́з , `` Sovetskiy Soyuz '' , `` Soviet Union '' -RRB- is a series of spacecraft designed for the Soviet space programme by the Korolyov Design Bureau -LRB- now RKK Energia -RRB- in the 1960s that remains in service today . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On June 28 , 1991 , Seohyun was born . +08-13 15:28 root DEBUG Seo Ju-hyun -LRB- born June 28 , 1991 -RRB- , known professionally as Seohyun , is a South Korean singer and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenna Jameson started acting in erotic videos in 1990 . +08-13 15:28 root DEBUG She started acting in erotic videos in 1993 after having worked as a stripper and glamor model . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Frusciante was in Stadium Arcadium . +08-13 15:28 root DEBUG The album is also the group 's last to feature guitarist John Frusciante , who confirmed his departure from the band in 2009 . 2006 saw the release of his fifth and final album with the Chili Peppers , Stadium Arcadium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are zero Polynesian languages . +08-13 15:28 root DEBUG There are approximately forty Polynesian languages . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Island Records was co-founded by Chris Blackwell . +08-13 15:28 root DEBUG It was founded by Chris Blackwell , Graeme Goodall and Leslie Kong in Jamaica in 1959 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG X-Men : Apocalypse is a sequel directed by Bryan Singer . +08-13 15:28 root DEBUG Directed by Bryan Singer , with a screenplay by Simon Kinberg from a story conceived by Singer , Kinberg , Michael Dougherty and Dan Harris , the film stars James McAvoy , Michael Fassbender , Jennifer Lawrence , Oscar Isaac , Nicholas Hoult , Rose Byrne , Tye Sheridan , Sophie Turner , Olivia Munn and Lucas Till . It is the ninth installment in the X-Men film series and a sequel to X-Men : Days of Future Past . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jean-Michel Basquiat died at his art studio . +08-13 15:28 root DEBUG He died of a heroin overdose at his art studio at age 27 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jennifer Lopez murdered Ben Affleck . +08-13 15:28 root DEBUG Following her second divorce , Lopez had a high-profile relationship with Ben Affleck , which strongly influenced her third studio album , This Is Me ... Then -LRB- 2002 -RRB- , while also overshadowing the release of Gigli -LRB- 2003 -RRB- , a critical and commercial failure . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alice Cooper 's career spans over five decades . +08-13 15:28 root DEBUG Alice Cooper -LRB- born Vincent Damon Furnier ; February 4 , 1948 -RRB- is an American singer , songwriter , and actor whose career spans over five decades . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alice Cooper graduated college on February 4th , 1948 . +08-13 15:28 root DEBUG Alice Cooper -LRB- born Vincent Damon Furnier ; February 4 , 1948 -RRB- is an American singer , songwriter , and actor whose career spans over five decades . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael B. Jordan acts . +08-13 15:28 root DEBUG Michael Bakari Jordan -LRB- born February 9 , 1987 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Efraim Diveroli had no relation to the arms industry . +08-13 15:28 root DEBUG Efraim Diveroli -LRB- born December 20 , 1985 -RRB- is an American former arms dealer and author . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goosebumps -LRB- film -RRB- was directed by Amy Schumer . +08-13 15:28 root DEBUG It was directed by Rob Letterman , and written by Darren Lemke , based from a story by Scott Alexander and Larry Karaszewski . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe acts for a living . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Giada at Home aired on an American basic cable channel . +08-13 15:28 root DEBUG It first aired on October 18 , 2008 on the Food Network . Food Network -LRB- legally known as Television Food Network -RRB- is an American basic cable and satellite television channel that is owned by Television Food Network , G.P. , a joint venture between Scripps Networks Interactive -LRB- which owns 70 % of the network -RRB- and the Tribune -LRB- FN -RRB- Cable Ventures Inc. -LRB- which owns the remaining 30 % -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mason Evans , Jr. grows up . +08-13 15:28 root DEBUG Filmed from 2002 to 2013 , Boyhood depicts the childhood and adolescence of Mason Evans , Jr. -LRB- Coltrane -RRB- from ages six to eighteen as he grows up in Texas with divorced parents -LRB- Arquette and Hawke -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sikkim is host to Kanchenjunga , the highest peak in India . +08-13 15:28 root DEBUG A part of the Eastern Himalaya , Sikkim is notable for its biodiversity , including alpine and subtropical climates , as well as being a host to Kanchenjunga , the highest peak in India and third highest on Earth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 1974 crime film The Sugarland Express was directed by Christopher Walken . +08-13 15:28 root DEBUG The Sugarland Express is a 1974 American crime drama film co-written and directed by Steven Spielberg in his theatrical feature film directorial debut . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jackpot is a film . +08-13 15:28 root DEBUG The film released on 13 December 2013 with 1150 screens release in India . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New Orleans Pelicans are a part of the Western Conference of the NBA . +08-13 15:28 root DEBUG The Pelicans compete in the National Basketball Association -LRB- NBA -RRB- as a member club of the league 's Western Conference Southwest Division . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fidel Castro transferred , to his brother , his responsibilities . +08-13 15:28 root DEBUG In 2006 he transferred his responsibilities to Vice-President Raúl Castro , who was elected to the presidency by the National Assembly in 2008 . After his brother Fidel Castro took power , Raúl Castro was one of the most important figures in the party , serving as Minister of the Armed Forces for 49 years , from 1959 to 2008 making him the longest serving minister of the armed forces . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Rice resided in Texas . +08-13 15:28 root DEBUG Born in New Orleans , Rice spent much of her early life there before moving to Texas , and later to San Francisco . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG St. Anger was released by Hillary Clinton . +08-13 15:28 root DEBUG It was the band 's last album released through Elektra , thus marking the end of the second-longest timespan between studio albums from Metallica , with nearly six years between the release of Reload and this album . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Palmer -LRB- writer -RRB- is involved in media . +08-13 15:28 root DEBUG He is best known for his books , including Deep Blues ; his music journalism for the New York Times and Rolling Stone magazine ; his work producing blues recordings and the soundtrack of the film Deep Blues ; and his clarinet playing in the 1960s band the Insect Trust . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Creedence Clearwater Revival had Stu Cook on x-ray . +08-13 15:28 root DEBUG The band consisted of lead vocalist , lead guitarist , and primary songwriter John Fogerty , his brother rhythm guitarist Tom Fogerty , bassist Stu Cook and drummer Doug Clifford . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sikkim does not exhibit multiple climates . +08-13 15:28 root DEBUG A part of the Eastern Himalaya , Sikkim is notable for its biodiversity , including alpine and subtropical climates , as well as being a host to Kanchenjunga , the highest peak in India and third highest on Earth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Topman is a men 's clothing seller . +08-13 15:28 root DEBUG Topman is the stand-alone fashion business counterpart of Topshop that caters exclusively to men 's clothing . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anushka Sharma starred in a film . +08-13 15:28 root DEBUG She has established a career in Hindi films , and is one of the most popular and highest-paid actresses in India . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Wallace is a poem . +08-13 15:28 root DEBUG The Actes and Deidis of the Illustre and Vallyeant Campioun Schir William Wallace , also known as The Wallace , is a long `` romantic biographical '' poem by the fifteenth-century Scottish makar of the name Blind Harry probably at some time in the decade before 1488 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aleister Crowley was born on October 12 , 1875 . +08-13 15:28 root DEBUG Aleister Crowley -LRB- -LSB- ˈkroʊli -RSB- born Edward Alexander Crowley ; 12 October 1875 -- 1 December 1947 -RRB- was an English occultist , ceremonial magician , poet , painter , novelist , and mountaineer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was written by anyone except Andrew Stanton . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taylor Lautner has been a voice actor . +08-13 15:28 root DEBUG -LRB- 2005 -RRB- and Danny Phantom -LRB- 2005 -RRB- . Danny Phantom is an American animated series created by Butch Hartman for Nickelodeon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raabta -LRB- song -RRB- is a romantic Hindi song from a movie . +08-13 15:28 root DEBUG `` Raabta '' -LRB- English : Relation -RRB- is a romantic Hindi song from the 2012 Bollywood film , Agent Vinod . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Armenian Genocide was the extermination of Armenians who were mostly Ottoman citizens . +08-13 15:28 root DEBUG Other indigenous and Christian ethnic groups such as the Assyrians and the Ottoman Greeks were similarly targeted for extermination by the Ottoman government in the Assyrian genocide and the Greek genocide , and their treatment is considered by some historians to be part of the same genocidal policy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simón Bolívar was from Venezuela . +08-13 15:28 root DEBUG Simón José Antonio de la Santísima Trinidad Bolívar y Palacios -LRB- -LSB- siˈmon boˈliβar -RSB- ; 24 July 1783 -- 17 December 1830 -RRB- , known as El Libertador , was a Venezuelan military and political leader who played a leading role in the establishment of Venezuela , Bolivia , Colombia , Ecuador , Peru and Panama as sovereign states , independent of Spanish rule . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danielle Cormack acts and is from the country New Zealand . +08-13 15:28 root DEBUG Danielle Cormack -LRB- born 26 December 1970 -RRB- is a stage and screen actress from New Zealand . New Zealand -LSB- njuːˈziːlənd -RSB- -LRB- Aotearoa -LSB- aɔˈtɛaɾɔa -RSB- -RRB- is an island nation in the southwestern Pacific Ocean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Valencia is a city in a country . +08-13 15:28 root DEBUG Valencia -LRB- -LSB- vəˈlɛnsiə -RSB- -LSB- baˈlenθja -RSB- -RRB- , officially València -LRB- -LSB- vaˈlensia -RSB- -RRB- , is the capital of the autonomous community of Valencia and the third largest city in Spain after Madrid and Barcelona , with around 800,000 inhabitants in the administrative centre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chagatai language was spoken in Asia . +08-13 15:28 root DEBUG Chagatai is an extinct Turkic language which was once widely spoken in Central Asia , and remained the shared literary language there until the early 20th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brick -LRB- film -RRB- was written by Michael Bay only . +08-13 15:28 root DEBUG Brick is a 2005 American neo-noir mystery film written and directed by Rian Johnson in his directorial debut , starring Joseph Gordon-Levitt . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Manson is a criminal . +08-13 15:28 root DEBUG Charles Milles Manson -LRB- born Charles Milles Maddox , November 12 , 1934 -RRB- is an American criminal and former cult leader who led what became known as the Manson Family , a quasi-commune that arose in California in the late 1960s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dreamer -LRB- 2005 film -RRB- was directed by Michael Bay only . +08-13 15:28 root DEBUG Dreamer is a 2005 American sports drama film written and directed by John Gatins in his directorial debut . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hedda Gabler 's world premiere was in Munich . +08-13 15:28 root DEBUG Ibsen was present at the world premiere , which took place on 31 January 1891 at the Residenztheater in Munich . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Guillermo del Toro died in 1964 . +08-13 15:28 root DEBUG Guillermo del Toro Gómez -LRB- -LSB- ɡiˈʝeɾmo ðel ˈtoɾo -RSB- ; born October 9 , 1964 -RRB- is a Mexican film director , screenwriter , producer , and novelist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG X-rays are used to detect calcaneal spurs . +08-13 15:28 root DEBUG Calcaneal spurs are typically detected by a radiographic examination -LRB- commonly referred to as an `` x-ray '' -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rupert Murdoch is the leader of News Corporation . +08-13 15:28 root DEBUG Murdoch thus had full control as Chairman and CEO of global media holding company News Corporation , now the world 's second-largest media conglomerate , and its successors , News Corp and 21st Century Fox , after the conglomerate split on 28 June 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shinji Mikami was the director of Resident Evil . +08-13 15:28 root DEBUG He directed the first installment of the survival horror series Resident Evil in 1996 and the first installment of Dino Crisis in 1999 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brad Wilk was a drummer for a hard rock band . +08-13 15:28 root DEBUG Wilk started his career as a drummer for Greta in 1990 , and helped co-found Rage with Tom Morello and Zack de la Rocha in August 1991 . Greta was an American hard rock band formed in 1990 by Paul Plagens , Kyle Baer , Josh Gordon , and Brad Wilk . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by a person who died in March 2014 . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . Arthur Jeffrey Dempster -LRB- August 14 , 1886 -- March 11 , 1950 -RRB- was a Canadian-American physicist best known for his work in mass spectrometry and his discovery of the uranium isotope 235U . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Albert S. Ruddy is born in 1930 . +08-13 15:28 root DEBUG Albert S. Ruddy -LRB- born March 28 , 1930 -RRB- is a Canadian-born film and television producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United Nations Charter was vetoed at the San Francisco War Memorial and Performing Arts Center . +08-13 15:28 root DEBUG It was signed at the San Francisco War Memorial and Performing Arts Center in San Francisco , United States , on 26 June 1945 , by 50 of the 51 original member countries -LRB- Poland , the other original member , which was not represented at the conference , signed it two months later -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taylor Lautner was a voice actor for `` What 's New , Scooby-Doo ? '' . +08-13 15:28 root DEBUG Lautner later began his acting career , appearing in bit roles in comedy series such as The Bernie Mac Show -LRB- 2003 -RRB- and My Wife and Kids -LRB- 2004 -RRB- , before having voice roles in television series like What 's New , Scooby-Doo ? +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rob Sheridan is an American photographer . +08-13 15:28 root DEBUG Rob Sheridan -LRB- born October 11 , 1979 -RRB- is an American graphic designer , director , and photographer best known for his extensive work with the band Nine Inch Nails . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG So You Think You Can Dance premiered on CBS . +08-13 15:28 root DEBUG So You Think You Can Dance is an American televised dance competition show that airs on Fox in the United States and is the flagship series of the international So You Think You Can Dance television franchise . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carlos Santana was born in the 20th century . +08-13 15:28 root DEBUG Carlos Santana -LRB- born July 20 , 1947 -RRB- is a Mexican and American musician who first became famous in the late 1960s and early 1970s with his band , Santana , which pioneered a fusion of rock and Latin American music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tamerlan Tsarnaev was declared a victim of a bombing by the FBI . +08-13 15:28 root DEBUG Shortly after the Federal Bureau of Investigation declared them suspects in the bombings and released images of them , the Tsarnaev brothers killed an MIT policeman , carjacked an SUV , and engaged in a shootout with the police in the Boston suburb of Watertown . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are eleven symphonic works in existence that have been composed by Phillip Glass . +08-13 15:28 root DEBUG He has written numerous operas and musical theatre works , eleven symphonies , eleven concertos , seven string quartets and various other chamber music , and film scores . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the End was the only song written by Linkin Park . +08-13 15:28 root DEBUG It is the eighth track on their debut album Hybrid Theory -LRB- 2000 -RRB- and was released as the album 's fourth single October 9 , 2001 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Thomas Jefferson did not work with James Madison . +08-13 15:28 root DEBUG Jefferson and James Madison organized the Democratic-Republican Party to oppose the Federalist Party during the formation of the First Party System . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A monk is a person . +08-13 15:28 root DEBUG A monk -LRB- -LSB- mʌŋk -RSB- , from μοναχός , monachos , `` single , solitary '' and Latin monachus -RRB- is a person who practices religious asceticism by monastic living , either alone or with any number of other monks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Sullivan was born in 1866 . +08-13 15:28 root DEBUG Johanna Mansfield Sullivan Macy -LRB- April 14 , 1866 -- October 20 , 1936 -RRB- , better known as Anne Sullivan , was an American teacher , best known for being the instructor and lifelong companion of Helen Keller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was acquired by Activision in January 2002 . +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was a computer game developer founded in 1994 , and acquired by Activision in January 2002 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Capsicum chinense is a flowering member of the nightshade family , Solanaceae . +08-13 15:28 root DEBUG Capsicum chinense , commonly known as the `` bonnet pepper '' is a species of chili pepper native to the Americas . Capsicum -LRB- -LSB- ˈkæpsᵻkəm -RSB- also known as peppers -RRB- is a genus of flowering plants in the nightshade family Solanaceae . The chili pepper -LRB- also chile pepper or chilli pepper , from Nahuatl chīlli -LSB- ˈt͡ʃiːli -RSB- -RRB- is the fruit of plants from the genus Capsicum , members of the nightshade family , Solanaceae . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama work . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . A creative work is a manifestation of creative effort including fine artwork -LRB- sculpture , paintings -RRB- , writing -LRB- literature -RRB- , filmmaking , and musical composition . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Quasimodo is featured in The Hunchback of Notre Dame . +08-13 15:28 root DEBUG The film is based on Victor Hugo 's 1831 novel of the same name , and is notable for the grand sets that recall 15th century Paris as well as for Chaney 's performance and make-up as the tortured hunchback Quasimodo . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The horse has shrunk in size as it evolved . +08-13 15:28 root DEBUG The horse has evolved over the past 45 to 55 million years from a small multi-toed creature , Eohippus , into the large , single-toed animal of today . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Lonergan was born March 16 , 1962 . +08-13 15:28 root DEBUG Kenneth Lonergan -LRB- born October 16 , 1962 -RRB- is an American playwright , screenwriter , and director . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG AMGTV is an American family-oriented television network . +08-13 15:28 root DEBUG AMGTV is an American family-oriented television network featuring television programming consisting of drama , sports , movies , entertainment , how-to , hunting and fishing , children 's shows , and other features . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stanley Williams was an inmate in California . +08-13 15:28 root DEBUG Williams was the second inmate in California to be executed in 2005 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is an actor . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG English people are descended from the Romans , as a result of migration . +08-13 15:28 root DEBUG Historically , the English population is descended from several peoples -- the earlier Britons -LRB- or Brythons -RRB- and the Germanic tribes that settled in Britain following the withdrawal of the Romans , including Angles , Saxons , Jutes and Frisians . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Justin Chatwin starred in Doctor Who . +08-13 15:28 root DEBUG In 2016 , Chatwin starred in the CBS summer mystery series American Gothic and in the Christmas 2016 episode of the BBC UK television series Doctor Who , `` The Return of Doctor Mysterio '' , in which he played the character of Grant , loosely based upon Superman/Clark Kent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hungarian invasions were ended by Otto I , Holy Roman Emperor . +08-13 15:28 root DEBUG After putting down a brief civil war among the rebellious duchies , Otto defeated the Magyars at the Battle of Lechfeld in 955 , thus ending the Hungarian invasions of Western Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The World Trade Center opened in NYC . +08-13 15:28 root DEBUG It featured landmark twin towers , which opened on April 4 , 1973 , and were destroyed as a result of the September 11 attacks . The World Trade Center was a large complex of seven buildings in Lower Manhattan , New York City , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenna Jameson started acting in erotic videos in 1999 . +08-13 15:28 root DEBUG She started acting in erotic videos in 1993 after having worked as a stripper and glamor model . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Battle of France led to the collapse of the French army . +08-13 15:28 root DEBUG German forces occupied Paris unopposed on 14 June after a chaotic period of flight of the French government that led to a collapse of the French army . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ian Brennan has only ever worked in finance . +08-13 15:28 root DEBUG He is best known for his work on the American television shows Glee and Scream Queens . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edison Machine Works was set up to produce dynamos . +08-13 15:28 root DEBUG The Edison Machine Works was a manufacturing company set up to produce dynamos , large electric motors , and other components of the electrical illumination system being built by Thomas A. Edison in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fabian Nicieza is a writer . +08-13 15:28 root DEBUG Fabian Nicieza -LRB- born 31 December 1961 -RRB- is an Argentine-American comic book writer and editor who is best known for his work on Marvel titles such as X-Men , X-Force , New Warriors , Cable and Deadpool , and Thunderbolts , for all of which he helped create numerous characters . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Neil Diamond finished college on January 24th , 1941 . +08-13 15:28 root DEBUG Neil Leslie Diamond -LRB- born January 24 , 1941 -RRB- is an American singer-songwriter , musician and actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dub music was developed in the 1970s . +08-13 15:28 root DEBUG Dub is a genre of music that grew out of reggae in the 1960s , and is commonly considered a subgenre , though it has developed to extend beyond the scope of reggae . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aleister Crowley was born in 1875 . +08-13 15:28 root DEBUG Aleister Crowley -LRB- -LSB- ˈkroʊli -RSB- born Edward Alexander Crowley ; 12 October 1875 -- 1 December 1947 -RRB- was an English occultist , ceremonial magician , poet , painter , novelist , and mountaineer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A working animal are incapable of being kept by anyone . +08-13 15:28 root DEBUG A working animal is an animal , usually domesticated , that is kept by humans and trained to perform tasks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Good Wife is a dramatic TV show . +08-13 15:28 root DEBUG The Good Wife is an American legal and political drama television series that aired on CBS from September 22 , 2009 , to May 8 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are rumors that Augustus ' marble , Livia , poisoned him . +08-13 15:28 root DEBUG He probably died from natural causes , although there were unconfirmed rumors that his wife Livia poisoned him . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Republic of Macedonia is a disputed territory . +08-13 15:28 root DEBUG Republika Makedonija -RRB- , is a country in the Balkan peninsula in Southeast Europe . A territorial dispute is a disagreement over the possession/control of land between two or more territorial entities or over the possession or control of land , usually between a new state and the occupying power . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee died in 1989 . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paramore is retired . +08-13 15:28 root DEBUG The band currently consists of lead vocalist Hayley Williams , guitarist Taylor York and drummer Zac Farro . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristotle spent the majority of his life in Athens . +08-13 15:28 root DEBUG At seventeen or eighteen years of age , he joined Plato 's Academy in Athens and remained there until the age of thirty-seven -LRB- c. 347 BC -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Both hosts of Weekly Idol were born in 1983 . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . Defconn -LRB- ; born Yoo Dae-joon , 유대준 , January 6 , 1977 -RRB- is a South Korean rapper and comedic television personality . Weekly Idol is a South Korean variety show , which airs Wednesdays , 6PM KST , on MBC Every1 , MBC 's cable and satellite network for comedy and variety shows . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emma Watson is an actress . +08-13 15:28 root DEBUG Emma Charlotte Duerre Watson -LRB- born 15 April 1990 -RRB- is a French-British actress , model , and activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthias Corvinus patronized art and science during the European Renaissance . +08-13 15:28 root DEBUG Matthias patronized art and science ; his royal library , the Bibliotheca Corviniana , was one of the largest collections of books in Europe . Bibliotheca Corviniana was one of the most renowned libraries of the Renaissance world , established by Matthias Corvinus , King of Hungary between 1458 and 1490 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dilwale Dulhania Le Jayenge was partially filmed in Switzerland . +08-13 15:28 root DEBUG The film was shot in India , London and Switzerland , from September 1994 to August 1995 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prescott , Arizona is in Arizona . +08-13 15:28 root DEBUG Prescott -LRB- -LSB- ˈprɛskət -RSB- ; ʼWi : kwatha Ksikʼita -RRB- is a city in Yavapai County , Arizona , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG TV Choice runs from Saturday to Friday . +08-13 15:28 root DEBUG It features weekly TV broadcast programming listings , running from Saturday to Friday , and goes on sale every Tuesday . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tom DeLonge formed Blink-182 in the 1990s . +08-13 15:28 root DEBUG He is currently the guitarist and lead vocalist of the rock band Angels & Airwaves and was the guitarist , co-lead vocalist and co-founder of the American rock band Blink-182 from 1992 to 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Syracuse , New York , had a population of 145,170 according to the 2010 United States Census . +08-13 15:28 root DEBUG At the 2010 census , the city population was 145,170 , and its metropolitan area had a population of 662,577 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Wizards won a title in 1975 . +08-13 15:28 root DEBUG They have won four conference titles -LRB- 1971 , 1975 , 1978 , 1979 -RRB- , and seven division titles -LRB- 1971 , 1972 , 1973 , 1974 , 1975 , 1979 , 2017 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marvel vs. Capcom : Infinite incorporates combos . +08-13 15:28 root DEBUG The series ' traditional character assists have been removed ; instead , the game incorporates a tag-based combo system , which allows players to form continuous combos between their two characters . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touchscreens are used in consoles . +08-13 15:28 root DEBUG Touchscreens are common in devices such as game consoles , personal computers , tablet computers , electronic voting machines , point of sale systems , and smartphones . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shinji Mikami is a director . +08-13 15:28 root DEBUG is a Japanese video game director and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gin is a spirit which derives its predominant flavour from motor oil . +08-13 15:28 root DEBUG Gin is a spirit which derives its predominant flavour from juniper berries -LRB- Juniperus communis -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthias Corvinus , King of Hungary , established a royal theater troupe between 1458 and 1490 . +08-13 15:28 root DEBUG Matthias Corvinus , also called Matthias I -LRB- Hunyadi Mátyás , Matija Korvin , Matia Corvin , Matej Korvín , Matyáš Korvín 23 February 1443 -- 6 April 1490 -RRB- , was King of Hungary and Croatia from 1458 to 1490 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yale University 's alumni includes five billionaires . +08-13 15:28 root DEBUG Yale has graduated many notable alumni , including five U.S. Presidents , 19 U.S. Supreme Court Justices , 20 living billionaires , and many heads of state . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fabian Nicieza is an Argentine-American . +08-13 15:28 root DEBUG Fabian Nicieza -LRB- born 31 December 1961 -RRB- is an Argentine-American comic book writer and editor who is best known for his work on Marvel titles such as X-Men , X-Force , New Warriors , Cable and Deadpool , and Thunderbolts , for all of which he helped create numerous characters . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1992 , Tom DeLonge formed Blink-182 . +08-13 15:28 root DEBUG He formed Blink-182 with bassist Mark Hoppus and drummer Scott Raynor during his high school years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina was a grouping of French colonial dogs in Southeast Asia . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mohra got nine nominations from a magazine in the nineteen nineties . +08-13 15:28 root DEBUG The film got nine Filmfare nominations in 1995 . Filmfare is an English-language , tabloid-sized magazine about Hindi-language cinema , popularly known as Bollywood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG To Pimp a Butterfly sold at least 850,000 copies . +08-13 15:28 root DEBUG By March 2016 , the album had sold 850,000 copies in the United States , and over one million copies worldwide . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wildfang was founded by Tom Waits and Julia Parsley . +08-13 15:28 root DEBUG The company was founded in 2010 by Emma Mcilroy and Julia Parsley , who previously worked at Nike , Inc. in Portland , Oregon . Wildfang is a US-based women 's apparel company featuring clothing that is tomboyish in style . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Good Wife airs on television . +08-13 15:28 root DEBUG The Good Wife is an American legal and political drama television series that aired on CBS from September 22 , 2009 , to May 8 , 2016 . CBS -LRB- an initialism of the network 's former name , the Columbia Broadcasting System -RRB- is an American English language commercial broadcast television network that is a flagship property of CBS Corporation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wales was always an industrial nation . +08-13 15:28 root DEBUG At the dawn of the Industrial Revolution , development of the mining and metallurgical industries transformed the country from an agricultural society into an industrial nation ; the South Wales Coalfield 's exploitation caused a rapid expansion of Wales ' population . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria Palace Theatre is in the East End . +08-13 15:28 root DEBUG Victoria Palace Theatre is a West End theatre in Victoria Street , in the City of Westminster , opposite Victoria Station . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shinji Mikami is a producer . +08-13 15:28 root DEBUG is a Japanese video game director and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The setting of No Country for Old Men is the 1980 's West Texas desert . +08-13 15:28 root DEBUG A cat-and-mouse drama starring Tommy Lee Jones , Javier Bardem , and Josh Brolin , it follows a Texas welder and Vietnam veteran in the desert landscape of 1980 West Texas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marillyn Hewson is currently the President of Lockheed Martin . +08-13 15:28 root DEBUG Marillyn Hewson is the current President and Chief Executive Officer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exercise lowers resting heart rate . +08-13 15:28 root DEBUG Exercise temporarily increases the rate , but lowers resting heart rate in the long term , and is good for heart health . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Spade starred in something . +08-13 15:28 root DEBUG He also starred and co-starred in the films Tommy Boy , Black Sheep , Joe Dirt , Joe Dirt 2 : Beautiful Loser , Grown Ups , and Grown Ups 2 , among others . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gal Gadot was ranked behind Esti Ginzburgh for highest earning actress/models in Israel . +08-13 15:28 root DEBUG In 2013 she was ranked as the second highest earning actress/models in Israel , behind Bar Refaeli , but ahead of Esti Ginzburg and Shlomit Malka , with the majority of her income coming from acting . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cadet Kelly is the title of a work . +08-13 15:28 root DEBUG Cadet Kelly is a 2002 Disney Channel Original Movie starring Hilary Duff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Libya is the largest country on its continent . +08-13 15:28 root DEBUG With an area of almost 1.8 e6km2 , Libya is the fourth largest country in Africa , and is the 16th largest country in the world . Africa is the world 's second-largest and second-most-populous continent . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by nobody . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shawn Carlson is American . +08-13 15:28 root DEBUG Shawn Carlson -LRB- born 1960 -RRB- is an American physicist , science writer , and a STEM educator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Liverpool is a place . +08-13 15:28 root DEBUG Liverpool -LRB- -LSB- ˈlɪvərpuːl -RSB- -RRB- is a city in North West England , with an estimated population of 478,580 in 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trevor Griffiths is a writer . +08-13 15:28 root DEBUG Trevor Griffiths -LRB- born 4 April 1935 , Ancoats , Manchester -RRB- , is an English dramatist . A playwright , also known as a dramatist , is a person who writes plays . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Appropriation -LRB- art -RRB- played a minor role in musical arts . +08-13 15:28 root DEBUG The use of appropriation has played a significant role in the history of the arts -LRB- literary , visual , musical and performing arts -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arizona is in the southern United States . +08-13 15:28 root DEBUG Arizona -LRB- -LSB- ɛərᵻˈzoʊnə , _ ærᵻ - -RSB- -RRB- -LRB- Hoozdo Hahoodzo -LSB- xòːztò xɑ̀xòːtsò -RSB- O'odham : Alĭ ṣonak -LSB- ˡaɺi ˡʃonak -RSB- -RRB- is a state in the southwestern region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alexandra Daddario was born in the seventies . +08-13 15:28 root DEBUG Alexandra Anna Daddario -LRB- born March 16 , 1986 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bradley Fuller partnered with Andrew Form . +08-13 15:28 root DEBUG He co-owns Platinum Dunes , partnering with both Michael Bay and Andrew Form . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gal Gadot was ranked behind Shlomit Malka for highest earning actress/models in Israel . +08-13 15:28 root DEBUG In 2013 she was ranked as the second highest earning actress/models in Israel , behind Bar Refaeli , but ahead of Esti Ginzburg and Shlomit Malka , with the majority of her income coming from acting . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Kyle was a sniper . +08-13 15:28 root DEBUG Christopher Scott Kyle -LRB- April 8 , 1974 − February 2 , 2013 -RRB- was a United States Navy SEAL veteran and sniper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Krasinski is a director . +08-13 15:28 root DEBUG He also served as a producer and occasional director of the show . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hush -LRB- 2016 film -RRB- was produced by Trevor Macy through Intrepid Pictures . +08-13 15:28 root DEBUG The film was produced by Trevor Macy , through Intrepid Pictures , and Jason Blum through his Blumhouse Productions banner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hurt Locker is a 2008 American war thriller film . +08-13 15:28 root DEBUG The Hurt Locker is a 2008 American war thriller film about an Iraq War Explosive Ordnance Disposal team who are being targeted by insurgents with booby traps , remote control detonations and ambushes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is used to sell a way of doing things . +08-13 15:28 root DEBUG Advertising is an audio or visual form of marketing communication that employs an openly sponsored , nonpersonal message to promote or sell a product , service or idea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Avenged Sevenfold is the fourth studio album of Avenged Sevenfold . +08-13 15:28 root DEBUG Avenged Sevenfold is the eponymous fourth studio album by American heavy metal band Avenged Sevenfold , released on October 30 , 2007 by Warner Bros. . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG TV Choice goes on sale every week . +08-13 15:28 root DEBUG It features weekly TV broadcast programming listings , running from Saturday to Friday , and goes on sale every Tuesday . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tom DeLonge formed Blink-182 . +08-13 15:28 root DEBUG He formed Blink-182 with bassist Mark Hoppus and drummer Scott Raynor during his high school years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buddhism includes kleshas . +08-13 15:28 root DEBUG Kleshas -LRB- -LSB- क्लेश , kleśa -RSB- किलेस kilesa ; ཉ ན མ ངས nyon mongs -RRB- , in Buddhism , are mental states that cloud the mind and manifest in unwholesome actions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aarhus is found on the east coast of the Jutland peninsula . +08-13 15:28 root DEBUG It is located on the east coast of the Jutland peninsula , in the geographical centre of Denmark , 187 km northwest of Copenhagen and 289 km north of Hamburg , Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Forceps are used for grasping . +08-13 15:28 root DEBUG Forceps -LRB- plural forceps or forcipes -RRB- are a handheld , hinged instrument used for grasping and holding objects . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hashtags were used to respond to the dress . +08-13 15:28 root DEBUG In the first week after the surfacing of the image alone , more than 10 million tweets mentioned the dress , using hashtags such as #thedress , #whiteandgold and #blackandblue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gifted was based on Marvel Comics ' X-Men properties . +08-13 15:28 root DEBUG The Gifted is an upcoming American television series created for Fox by Matt Nix , based on Marvel Comics ' X-Men properties . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is in Camden County , New York . +08-13 15:28 root DEBUG Camden is a city in Camden County , New Jersey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United Kingdom developed Heavy Metal music . +08-13 15:28 root DEBUG Heavy metal -LRB- or simply metal -RRB- is a genre of rock music that developed in the late 1960s and early 1970s , largely in the United Kingdom and the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stanley Williams lost his life in 2005 . +08-13 15:28 root DEBUG Stanley `` Tookie '' Williams III -LRB- December 29 , 1953 -- December 13 , 2005 -RRB- was an American gang member and convicted murderer , who was part of the West Side Crips , a street gang which has its roots in South Central Los Angeles in 1969 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashley Cole plays for the Los Angeles Galaxy . +08-13 15:28 root DEBUG Ashley Cole -LRB- born 20 December 1980 -RRB- is an English professional footballer who plays as a left-back for Los Angeles Galaxy in Major League Soccer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Noah Cyrus is the youngest daughter of Billy Ray Cyrus , born on November 3rd , 2004 . +08-13 15:28 root DEBUG Noah Lindsey Cyrus -LRB- born January 8 , 2000 -RRB- is an American actress and singer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Happiness in Slavery is a song . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Boylston station had service from Tremont Street Subway . +08-13 15:28 root DEBUG The tunnel originally served five closely spaced stations : Boylston , Park Street , Scollay Square , Adams Square , and Haymarket , with branches to the Public Garden Portal and Pleasant Street Incline south of Boylston . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Liverpool is independent of Lancashire . +08-13 15:28 root DEBUG In 1889 , it became a county borough independent of Lancashire . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The current Chief Executive Officer of Lockheed Martin was born in May . +08-13 15:28 root DEBUG Marillyn Hewson is the current President and Chief Executive Officer . Marillyn A. Hewson -LRB- born December 27 , 1953 -RRB- is chairwoman , president and chief executive officer of Lockheed Martin . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janet Leigh was a singer . +08-13 15:28 root DEBUG Janet Leigh -LRB- born Jeanette Helen Morrison ; July 6 , 1927 -- October 3 , 2004 -RRB- was an American actress , singer , dancer and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeru Devgan is from Asia . +08-13 15:28 root DEBUG Born into the Devgan family in Amritsar , he is married to Veena , and has four children with her , including the actor Ajay Devgan and director Anil Devgan . Amritsar -LRB- ; ਅ ਮ੍ਰਿਤਸਰ -LSB- əmːɾɪt̪səɾ -RSB- -RRB- , historically also known as Rāmdāspur and colloquially as Ambarsar , is a city in north-western India which is the administrative headquarters of the Amritsar district - located in the Majha region of the Indian state of Punjab . India , officially the Republic of India -LRB- Bhārat Gaṇarājya '' -RRB- , is a country in South Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up was released worldwide in 2003 . +08-13 15:28 root DEBUG Knocked Up is a 2007 American romantic comedy film written , directed , and co-produced by Judd Apatow , and starring Seth Rogen , Katherine Heigl , Paul Rudd , and Leslie Mann . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is set in and around Aberdeen . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Church only sings gospel music . +08-13 15:28 root DEBUG Kenneth Eric Church -LRB- born May 3 , 1977 -RRB- is an American country music singer and songwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chagatai language was spoken in Central Europe . +08-13 15:28 root DEBUG Chagatai is an extinct Turkic language which was once widely spoken in Central Asia , and remained the shared literary language there until the early 20th century . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Margaret Thatcher implemented windows that have come to be known as Thatcherism . +08-13 15:28 root DEBUG As Prime Minister , she implemented policies that have come to be known as Thatcherism . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Giada at Home first aired in 2004 . +08-13 15:28 root DEBUG It first aired on October 18 , 2008 on the Food Network . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Samwell Tarly appears only outside of the A Song of Ice and Fire series . +08-13 15:28 root DEBUG Samwell Tarly , called Sam , is a fictional character in the A Song of Ice and Fire series of fantasy novels by American author George R. R. Martin , and its television adaptation Game of Thrones . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Premam had a theatrical run in Kerala . +08-13 15:28 root DEBUG The film had a theatrical run of 151 days in Kerala and 259 days in Chennai , Tamil Nadu . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mohra is a work . +08-13 15:28 root DEBUG Mohra -LRB- Pawn -RRB- is a 1994 Indian action thriller film directed by Rajiv Rai starring Akshay Kumar , Sunil Shetty , Raveena Tandon and Naseeruddin Shah in the lead roles with Paresh Rawal , Gulshan Grover , Raza Murad and Sadashiv Amrapurkar in supporting roles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The dress was investigated by people . +08-13 15:28 root DEBUG At the same time , members of the scientific community began to investigate the photo for fresh insights into human colour vision . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Packouz was born in 1982 . +08-13 15:28 root DEBUG David Mordechai Packouz -LRB- -LSB- pækhaʊs -RSB- born February 16 , 1982 -RRB- is an American former arms dealer , musician , inventor and entrepreneur . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lost has twelve seasons . +08-13 15:28 root DEBUG Lost is an American television drama series that originally aired on the American Broadcasting Company -LRB- ABC -RRB- from September 22 , 2004 , to May 23 , 2010 , over six seasons , comprising a total of 121 episodes . Six seasons of the show aired , in addition to numerous clip shows to recap previous episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Entourage -LRB- film -RRB- was a film adaptation of a comic . +08-13 15:28 root DEBUG It serves as a continuation of the HBO TV series of the same name created by Ellin . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DJ Quik was born on July 4th , 1998 . +08-13 15:28 root DEBUG David Marvin Blake -LRB- born January 18 , 1970 -RRB- , better known by his stage name DJ Quik , is an American hip hop recording artist , DJ and record producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finding Dory was directed . +08-13 15:28 root DEBUG Directed by Andrew Stanton with co-direction by Angus MacLane , the screenplay was written by Stanton and Victoria Strouse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Happiness in Slavery is an EP by an American band . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Packouz was formerly a large-scale arms dealer . +08-13 15:28 root DEBUG David Mordechai Packouz -LRB- -LSB- pækhaʊs -RSB- born February 16 , 1982 -RRB- is an American former arms dealer , musician , inventor and entrepreneur . In early 2007 , AEY secured a nearly $ 300 million U.S. government contract to supply the Afghan Army with 100 million rounds of AK-47 ammunition , millions of rounds for SVD Dragunov sniper rifles , aviation rockets and other munitions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Croatia is a visiting destination . +08-13 15:28 root DEBUG International Tourism is a significant source of revenue during the summer , with Croatia ranked the 18th most popular tourist destination in the world . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina was unofficially known as the Indochinese Union then the Indochinese Federation . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duane Chapman has a full name . +08-13 15:28 root DEBUG Duane Lee `` Dog '' Chapman I. -LRB- born February 2 , 1953 -RRB- is an American bounty hunter and a former bail bondsman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Manson is an American . +08-13 15:28 root DEBUG Charles Milles Manson -LRB- born Charles Milles Maddox , November 12 , 1934 -RRB- is an American criminal and former cult leader who led what became known as the Manson Family , a quasi-commune that arose in California in the late 1960s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mighty Ducks was distributed by a subsidiary of Doug the Pug . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tottenham Hotspur F.C. is British . +08-13 15:28 root DEBUG Tottenham Hotspur Football Club -LSB- ˈtɒtnəm , _ - tənəm -RSB- , commonly referred to as Spurs , is an English football club located in Tottenham , Haringey , London , that competes in the Premier League . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reign Over Me was written and directed by Spike Lee . +08-13 15:28 root DEBUG Reign Over Me is a 2007 American drama film written and directed by Mike Binder , and produced by his brother Jack Binder . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weekly Idol has a host who is a rapper . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Juventus F.C. is the second oldest association football -LRB- soccer -RRB- club in Italy . +08-13 15:28 root DEBUG The club is the second oldest of its kind still active in the country after Genoa 's football section -LRB- 1893 -RRB- , has traditionally worn a black and white striped home kit since 1903 and has played its home matches in several grounds , being the latest the 41,507-capacity Juventus Stadium . Juventus Stadium , sometimes simply known in Italy as the Stadium , is an all-seater football stadium in the Vallette borough of Turin , Italy , and the home of Serie A club Juventus Football Club . This is a list of football clubs located in Italy , sorted by division , then alphabetically , and including geographical locations , home stadium information and club positions in the prior season . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The King and I is based on a play . +08-13 15:28 root DEBUG It is based on Margaret Landon 's novel , Anna and the King of Siam -LRB- 1944 -RRB- , which is in turn derived from the memoirs of Anna Leonowens , governess to the children of King Mongkut of Siam in the early 1860s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim Roth is a director . +08-13 15:28 root DEBUG Timothy Simon Roth -LRB- born 14 May 1961 -RRB- is an English actor and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia was directed by a screenwriter . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . Lars von Trier -LRB- Lars Trier , 30 April 1956 -RRB- is a Danish film director and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kelly Preston starred in The Cat in the Hat . +08-13 15:28 root DEBUG She also starred in the films The Cat in the Hat , Old Dogs , and Broken Bridges . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edison Machine Works was set up to produce cups . +08-13 15:28 root DEBUG The Edison Machine Works was a manufacturing company set up to produce dynamos , large electric motors , and other components of the electrical illumination system being built by Thomas A. Edison in New York City . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Season 2 of Fargo is a sequel to the events in the first season . +08-13 15:28 root DEBUG A prequel to the events in its first season , season two of Fargo takes place in the Midwestern United States in March 1979 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters was created by Ron Howard . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Villa Park hosted a tennis match on August 12 , 2012 . +08-13 15:28 root DEBUG Villa Park also hosted the 2012 FA Community Shield , as Wembley Stadium was in use for the final of the Olympic football tournament . The 2012 FA Community Shield was the 90th FA Community Shield , a football match played on 12 August 2012 between the winners of the previous season 's Premier League and FA Cup competitions . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kellyanne Conway did not reference the `` Bowling Green massacre '' which never occurred . +08-13 15:28 root DEBUG Since Trump 's inauguration , Conway has been embroiled in a series of controversies , including using the phrase `` alternative facts '' , making reference to a `` Bowling Green massacre '' that never occurred , claiming Michael Flynn had the full confidence of the president hours before he was dismissed , and publicly endorsing commercial products associated with the president 's daughter Ivanka Trump . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Connie Nielsen acts on TV . +08-13 15:28 root DEBUG She starred as Meredith Kane on the Starz TV series Boss -LRB- 2011 -- 2012 -RRB- and was a lead character in the second season of The Following . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Others -LRB- 2001 film -RRB- lost Best Director . +08-13 15:28 root DEBUG The film won eight Goya Awards , including awards for Best Film and Best Director . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sandra Bullock was part of the George Lopez crew . +08-13 15:28 root DEBUG She was an executive producer of the ABC sitcom , George Lopez , and made several appearances during its run . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hush -LRB- 2016 film -RRB- was produced by Trevor Macy . +08-13 15:28 root DEBUG The film was produced by Trevor Macy , through Intrepid Pictures , and Jason Blum through his Blumhouse Productions banner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leonard Nimoy is a narrator . +08-13 15:28 root DEBUG After the original Star Trek series , Nimoy starred in Mission : Impossible for two seasons , hosted the documentary series In Search of ... , narrated Civilization IV , and made several well-received stage appearances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych 's main character is Shawn Spencer . +08-13 15:28 root DEBUG The series stars James Roday as Shawn Spencer , a young crime consultant for the Santa Barbara Police Department whose `` heightened observational skills '' and impressive detective instincts allow him to convince people that he solves cases with psychic abilities . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France does not have three sons . +08-13 15:28 root DEBUG Henry II -LRB- Henri II 31 March 1519 -- 10 July 1559 -RRB- was a monarch of the House of Valois who ruled as King of France from 31 March 1547 until his death in 1559 . He was succeeded in turn by three of his sons , whose ineffective reigns helped to spark the French Wars of Religion between Protestants and Catholics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Wicks is played by Paul Nicholls . +08-13 15:28 root DEBUG He is best known for his roles as Joe Wicks in BBC 's EastEnders , and as DS Sam Casey in ITV 's Law & Order : UK . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Republic of Macedonia is in Europe . +08-13 15:28 root DEBUG Republika Makedonija -RRB- , is a country in the Balkan peninsula in Southeast Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim McGraw had a supporting role in The Blind Side . +08-13 15:28 root DEBUG McGraw has ventured into acting , with supporting roles in The Blind Side -LRB- with Sandra Bullock -RRB- , Friday Night Lights , The Kingdom , Tomorrowland , and Four Christmases -LRB- with Vince Vaughn and Reese Witherspoon -RRB- , and lead roles in Flicka -LRB- 2006 -RRB- and Country Strong -LRB- 2010 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A View to a Kill is only directed by Chris Columbus . +08-13 15:28 root DEBUG It was the third James Bond film to be directed by John Glen , and the last to feature Lois Maxwell as Miss Moneypenny . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James VI and I was a monarch of England . +08-13 15:28 root DEBUG James VI and I -LRB- 19 June 1566 -- 27 March 1625 -RRB- was King of Scotland as James VI from 24 July 1567 and King of England and Ireland as James I from the union of the Scottish and English crowns on 24 March 1603 until his death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saturn Corporation is a registered voter . +08-13 15:28 root DEBUG The Saturn Corporation , also known as Saturn LLC , is a registered trademark established on January 7 , 1985 , as a subsidiary of General Motors . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the Cretaceous pterosaurs and large marine reptiles prospered and continued their survival . +08-13 15:28 root DEBUG The Cretaceous ended with a large mass extinction , the Cretaceous -- Paleogene extinction event , in which many groups , including non-avian dinosaurs , pterosaurs and large marine reptiles died out . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aleister Crowley was European . +08-13 15:28 root DEBUG Aleister Crowley -LRB- -LSB- ˈkroʊli -RSB- born Edward Alexander Crowley ; 12 October 1875 -- 1 December 1947 -RRB- was an English occultist , ceremonial magician , poet , painter , novelist , and mountaineer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baz Luhrmann 's film Australia stars Hugh Jackman . +08-13 15:28 root DEBUG His 2008 film Australia is an epic historical romantic drama film starring Hugh Jackman and Nicole Kidman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mickey Rourke appeared in a 2011 film . +08-13 15:28 root DEBUG Since then , Rourke has appeared in several commercially successful films including the 2010 films Iron Man 2 and The Expendables and the 2011 film Immortals . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG José Ferrer won a Tony Award . +08-13 15:28 root DEBUG In 1947 , Ferrer won the Tony Award for his theatrical performance of Cyrano de Bergerac , and in 1952 , he won the Distinguished Dramatic Actor Award for The Shrike , and also the Outstanding Director Award for directing the plays The Shrike , The Fourposter , and Stalag 17 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despicable Me 2 was written exclusively by Elmo . +08-13 15:28 root DEBUG Produced by Illumination Entertainment for Universal Pictures , and animated by Illumination Mac Guff , the film is directed by Pierre Coffin and Chris Renaud , and written by Cinco Paul and Ken Daurio . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina was a grouping of French colonial territories in Southeast Asia in 1996 . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . After the Fall of France during World War II , the colony was administered by the Vichy government and was under Japanese occupation until March 1945 , when the Japanese overthrew the colonial regime . Following the Geneva Accord of 1954 , the French evacuated Vietnam and French Indochina came to an end . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An expert marksman is the subject of Shooter . +08-13 15:28 root DEBUG The show stars Ryan Phillippe in the lead role of Bob Lee Swagger an expert marksman living in exile who is coaxed back into action after learning of a plot to kill the president . Shooter is an American television drama series based on the novel Point of Impact by Stephen Hunter and the 2007 film of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is a shop . +08-13 15:28 root DEBUG Camden is a city in Camden County , New Jersey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Homer Hickman has written science fiction novels . +08-13 15:28 root DEBUG Hickam has also written a number of best-selling memoirs and novels including the `` Josh Thurlow '' historical fiction novels . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lizzy Caplan is incapable of starring in television show like Party Down . +08-13 15:28 root DEBUG Caplan also starred in television shows The Class , True Blood , and Party Down . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was lost by Arthur Jeffrey Dempster . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee was born in March . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Flaked is a comedy television series . +08-13 15:28 root DEBUG Flaked is an American comedy web television series that stars Will Arnett , who developed it alongside the creator/executive producer of Arrested Development , Mitch Hurwitz . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cry of the Owl is based on a book by an American . +08-13 15:28 root DEBUG The Cry of the Owl is a 2009 thriller film based on Patricia Highsmith 's book of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Rice lived in the US . +08-13 15:28 root DEBUG Born in New Orleans , Rice spent much of her early life there before moving to Texas , and later to San Francisco . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edmund H. North co-wrote the script for Twilight . +08-13 15:28 root DEBUG Edmund Hall North -LRB- March 12 , 1911 -- August 28 , 1990 -RRB- , was an American screenwriter who shared an Academy Award for Best Original Screenplay with Francis Ford Coppola in 1970 for their script for Patton . It was directed by Franklin J. Schaffner from a script by Francis Ford Coppola and Edmund H. North , who based their screenplay on the biography Patton : Ordeal and Triumph by Ladislas Farago and Omar Bradley 's memoir A Soldier 's Story . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Smriti Mandhana is an Indian woman . +08-13 15:28 root DEBUG Smriti Mandhana -LRB- born 18 July 1996 -RRB- is an Indian cricketer who plays for the Indian women 's cricket team . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Civilization IV garnered critical acclaim . +08-13 15:28 root DEBUG The game has received critical acclaim and was hailed as an exemplary product of one of the leading video game producers in the turn-based strategy genre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Good Wife produced a full 300 episode season . +08-13 15:28 root DEBUG With the current climate of how television shows are written and produced , The Good Wife is considered by several critics to be network television 's last great drama producing a full 22 episode season while other and future acclaimed shows are in favor of shorter 6 -- 12 episode seasons . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sleipnir has eight legs . +08-13 15:28 root DEBUG In Norse mythology , Sleipnir -LRB- Old Norse `` slippy '' or `` the slipper '' -RRB- is an eight-legged horse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pirates of the Caribbean was added to Tokyo Disneyland in 1983 . +08-13 15:28 root DEBUG The ride , which tells the story of a band of pirates and their troubles and exploits , was replicated at the Magic Kingdom in 1973 , at Tokyo Disneyland in 1983 , and at Disneyland Paris in 1992 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Country for Old Men is a cat-and-mouse drama . +08-13 15:28 root DEBUG A cat-and-mouse drama starring Tommy Lee Jones , Javier Bardem , and Josh Brolin , it follows a Texas welder and Vietnam veteran in the desert landscape of 1980 West Texas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins was born in December . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Smriti Mandhana 's birthday is July 18 . +08-13 15:28 root DEBUG Smriti Mandhana -LRB- born 18 July 1996 -RRB- is an Indian cricketer who plays for the Indian women 's cricket team . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yara Shahidi is a person . +08-13 15:28 root DEBUG Yara Sayeh Shahidi شهیدی -LSB- jɑːɾɑː sɑːje ʃæhiːdiː -RSB- -RRB- -LRB- born February 10 , 2000 -RRB- is an American actress and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Easy A is an American teen comedy film . +08-13 15:28 root DEBUG Easy A -LRB- stylized as easy A -RRB- is a 2010 American teen comedy film directed by Will Gluck , written by Bert V. Royal and starring Emma Stone , Stanley Tucci , Patricia Clarkson , Thomas Haden Church , Dan Byrd , Amanda Bynes , Penn Badgley , Cam Gigandet , Lisa Kudrow and Aly Michalka . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tiber Oil Field is operated by BP as of 2008 . +08-13 15:28 root DEBUG The deepwater field -LRB- defined as water depth 1300 to , -RRB- was discovered in September 2009 and it is operated by BP . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Premam had a theatrical run of 259 days in Chennai . +08-13 15:28 root DEBUG The film had a theatrical run of 151 days in Kerala and 259 days in Chennai , Tamil Nadu . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Smriti Mandhana was born July 18 , 1996 . +08-13 15:28 root DEBUG Smriti Mandhana -LRB- born 18 July 1996 -RRB- is an Indian cricketer who plays for the Indian women 's cricket team . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Diana , Princess of Wales died in a vehicle accident in Paris on August 31st , 1997 . +08-13 15:28 root DEBUG Media attention and public mourning were extensive after her death in a car crash in Paris on 31 August 1997 and subsequent televised funeral . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Apple II was designed by Steve Wozniak . +08-13 15:28 root DEBUG He primarily designed the 1977 Apple II , known as one of the first highly successful mass-produced microcomputers , while Jobs oversaw the development of its unusual case and Rod Holt developed the unique power supply . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hanford Site hosts a commercial nuclear power plant . +08-13 15:28 root DEBUG Besides the cleanup project , Hanford also hosts a commercial nuclear power plant , the Columbia Generating Station , and various centers for scientific research and development , such as the Pacific Northwest National Laboratory and the LIGO Hanford Observatory . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shadowhunters began its second season in January 2019 . +08-13 15:28 root DEBUG In March 2016 , it was announced that the series had been renewed for a second season of 20 episodes , which premiered on January 2 , 2017 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Peking University is in China . +08-13 15:28 root DEBUG Peking University -LRB- abbreviated PKU and colloquially known in Chinese as Běidà 北大 Chinese : 北京大学 , pinyin : Běijīng Dàxué -RRB- , is a major Chinese research university located in Beijing and a member of the C9 League . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bradley Fuller is the co-owner of Platinum Dunes . +08-13 15:28 root DEBUG He co-owns Platinum Dunes , partnering with both Michael Bay and Andrew Form . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Akkineni Nageswara Rao plays in Daag . +08-13 15:28 root DEBUG The film was later remade into the Telugu film Vichitra Jeevitham -LRB- 1978 -RRB- starring Akkineni Nageswara Rao , Vanisri , and Jayasudha . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Middle-earth was invented by a British writer . +08-13 15:28 root DEBUG Middle-earth is the fictional setting of much of British writer J. R. R. Tolkien 's legendarium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In The 100 , teens are the first to return to Earth . +08-13 15:28 root DEBUG The series follows a group of teens : Clarke Griffin -LRB- Eliza Taylor -RRB- , Bellamy Blake -LRB- Bob Morley -RRB- , Octavia Blake -LRB- Marie Avgeropoulos -RRB- , Jasper Jordan -LRB- Devon Bostick -RRB- , Monty Green -LRB- Christopher Larkin -RRB- , Raven Reyes -LRB- Lindsey Morgan -RRB- , Finn Collins -LRB- Thomas McDonell -RRB- , John Murphy -LRB- Richard Harmon -RRB- , and Wells Jaha -LRB- Eli Goree -RRB- as they are among the first people from a space habitat , `` The Ark '' , to return to Earth after a devastating nuclear apocalypse ; the series also focuses on Dr. Abby Griffin -LRB- Paige Turco -RRB- , Clarke 's mother ; Marcus Kane -LRB- Henry Ian Cusick -RRB- , a council member on the Ark ; and Thelonious Jaha -LRB- Isaiah Washington -RRB- , the Chancellor of the Ark and Wells ' father . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CHiPs is based on a TV series of the same name . +08-13 15:28 root DEBUG CHiPs is a 2017 American action comedy buddy cop film written and directed by Dax Shepard , based on the 1977 -- 1983 television series of the same name created by Rick Rosner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fabian Nicieza is a comic book writer . +08-13 15:28 root DEBUG Fabian Nicieza -LRB- born 31 December 1961 -RRB- is an Argentine-American comic book writer and editor who is best known for his work on Marvel titles such as X-Men , X-Force , New Warriors , Cable and Deadpool , and Thunderbolts , for all of which he helped create numerous characters . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The History of Earth dates back more than 5 billion years . +08-13 15:28 root DEBUG Earth formed around 4.54 billion years ago by accretion from the solar nebula . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hundred Years ' War includes the Civil War . +08-13 15:28 root DEBUG Local conflicts in neighbouring areas , which were contemporarily related to the war , including the War of the Breton Succession -LRB- 1341 -- 1364 -RRB- , the Castilian Civil War -LRB- 1366 -- 1369 -RRB- , the War of the Two Peters -LRB- 1356 -- 1375 -RRB- in Aragon , and the 1383 -- 85 Crisis in Portugal , were availed by the parties to advance their agendas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1995 , Mohra received nine nominations from a magazine . +08-13 15:28 root DEBUG The film got nine Filmfare nominations in 1995 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lithuanians are an ethnic group from the Baltic . +08-13 15:28 root DEBUG Lithuanians '' ' -LRB- lietuviai , singular lietuvis/lietuv ė '' -RRB- are a Baltic ethnic group , native to Lithuania , where they number around 2,561,300 people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Awkward Black Girl was created by a Brit . +08-13 15:28 root DEBUG The Mis-Adventures of Awkward Black Girl -LRB- often simply referred to as Awkward Black Girl -RRB- is an American comedy web series created by and starring Issa Rae . Jo-Issa `` Issa '' Rae Diop -LRB- born January 12 , 1985 -RRB- is an American actress , writer , director , producer and web series creator . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Oliver Stone heavily revised the screenplay for Natural Born Killers . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . Natural Born Killers is a 1994 American satirical crime film directed by Oliver Stone and starring Woody Harrelson , Juliette Lewis , Robert Downey Jr. , Tom Sizemore , and Tommy Lee Jones . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annette Badland was in a BBC series . +08-13 15:28 root DEBUG She has played Margaret Blaine in the BBC science fiction series Doctor Who , Doomsday Dora in The Sparticle Mystery , Birdie Henshall in the drama series Cutting It , Mavis in season 6 of Skins , Ursula Crowe in children 's science fiction/fantasy series Wizards vs Aliens , and Babe Smith in soap opera EastEnders . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shawn Carlson is a scientist . +08-13 15:28 root DEBUG Shawn Carlson -LRB- born 1960 -RRB- is an American physicist , science writer , and a STEM educator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gifted is from the United States . +08-13 15:28 root DEBUG The Gifted is an upcoming American television series created for Fox by Matt Nix , based on Marvel Comics ' X-Men properties . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan O'Bannon graduated college on September 30th , 1946 . +08-13 15:28 root DEBUG Daniel Thomas `` Dan '' O'Bannon -LRB- September 30 , 1946 -- December 17 , 2009 -RRB- was an American film screenwriter , director , visual effects supervisor , and occasional actor , usually in the science fiction and horror genres . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caroline Kennedy is a diplomat . +08-13 15:28 root DEBUG Caroline Bouvier Kennedy -LRB- born November 27 , 1957 -RRB- is an American author , attorney , and diplomat who served as the United States Ambassador to Japan from 2013 to 2017 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birthday Song -LRB- 2 Chainz song -RRB- was unable to feature Kanye West . +08-13 15:28 root DEBUG The song , which features fellow American rapper Kanye West , was produced by Sonny Digital , West , BWheezy , Anthony Kilhoffer , Lifted and Mike Dean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a film series with Riddick in it . +08-13 15:28 root DEBUG Richard B. Riddick , more commonly known as Riddick , is a fictional character and the antihero of four films in the Riddick series -LRB- Pitch Black , The Chronicles of Riddick , the animated movie The Chronicles of Riddick : Dark Fury , and Riddick -RRB- , as well as the two video games The Chronicles of Riddick : Escape from Butcher Bay and The Chronicles of Riddick : Assault on Dark Athena . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Papua was formerly West Irian . +08-13 15:28 root DEBUG It was formerly called Irian Jaya -LRB- before that West Irian or Irian Barat -RRB- and comprised all of Indonesian New Guinea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tremont Street Subway served Boylston station . +08-13 15:28 root DEBUG It now forms the central part of the Green Line , connecting Boylston Street to Park Street and Government Center stations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Country for Old Men is set in the tundra of Alaska . +08-13 15:28 root DEBUG A cat-and-mouse drama starring Tommy Lee Jones , Javier Bardem , and Josh Brolin , it follows a Texas welder and Vietnam veteran in the desert landscape of 1980 West Texas . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeram is a film . +08-13 15:28 root DEBUG Veeram -LRB- Valour -RRB- is a 2014 Indian Tamil action film directed by Siva and produced by Vijaya Productions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a Ghibli film called Princess Mononoke . +08-13 15:28 root DEBUG is a 1997 Japanese epic historical fantasy anime film written and directed by Hayao Miyazaki , produced by Studio Ghibli and distributed by Toho . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Hurt stars in Tinker Tailor Soldier Spy . +08-13 15:28 root DEBUG The film , starring Gary Oldman as George Smiley , along with Colin Firth , Tom Hardy , John Hurt , Toby Jones , Mark Strong , Benedict Cumberbatch , and Ciarán Hinds , is set in London in the early 1970s and follows the hunt for a Soviet double agent at the top of the British secret service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kerplunk , released in 1990 , was Green Day 's last album on the Lookout Records label . +08-13 15:28 root DEBUG Kerplunk is the second studio album by American punk rock band Green Day , released on December 17 , 1991 by Lookout ! +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brazzers is a production company . +08-13 15:28 root DEBUG Brazzers -LRB- -LSB- ˈbræzərz -RSB- -RRB- is a pornographic production company based in Montreal , Canada . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Battle of France is known by no other name . +08-13 15:28 root DEBUG The Battle of France , also known as the Fall of France , was the German invasion of France and the Low Countries during the Second World War . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia 's cast includes Kiefer Sutherland . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 16th was the day Shane Black was born . +08-13 15:28 root DEBUG Shane Black -LRB- born December 16 , 1961 -RRB- is an American screenwriter , director , producer and actor , known for writing the 1987 action film hit Lethal Weapon , and his directorial debut with the film Kiss Kiss Bang Bang in 2005 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cretaceous is yet to start . +08-13 15:28 root DEBUG The Cretaceous -LRB- -LSB- pronkrᵻˈteɪʃəs -RSB- , -RRB- is a geologic period and system that spans 79 million years from the end of the Jurassic Period million years ago -LRB- Mya -RRB- to the beginning of the Paleogene Period Mya . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG José Ferrer was a director of plays . +08-13 15:28 root DEBUG José Vicente Ferrer de Otero y Cintrón -LRB- January 8 , 1912 -- January 26 , 1992 -RRB- , known as José Ferrer , was an American actor and theatre and film director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vanisri stars in Daag . +08-13 15:28 root DEBUG The film was later remade into the Telugu film Vichitra Jeevitham -LRB- 1978 -RRB- starring Akkineni Nageswara Rao , Vanisri , and Jayasudha . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Girl is by at least one singer . +08-13 15:28 root DEBUG Girl -LRB- stylized as G I R L -RRB- is the second studio album by American singer and record producer Pharrell Williams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee is an actor . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG José Ferrer played a character . +08-13 15:28 root DEBUG In 1947 , Ferrer won the Tony Award for his theatrical performance of Cyrano de Bergerac , and in 1952 , he won the Distinguished Dramatic Actor Award for The Shrike , and also the Outstanding Director Award for directing the plays The Shrike , The Fourposter , and Stalag 17 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tatum O'Neal got married . +08-13 15:28 root DEBUG In 1986 , O'Neal married professional tennis player John McEnroe , with whom she had three children . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tilda Swinton is a model . +08-13 15:28 root DEBUG Katherine Matilda `` Tilda '' Swinton -LRB- born 5 November 1960 -RRB- is a British actress , performance artist , model , and fashion muse , known for her roles in independent and Hollywood films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hundred Years ' War features the Lancastrian War . +08-13 15:28 root DEBUG Historians commonly divide the war into three phases separated by truces : the Edwardian Era War -LRB- 1337 -- 1360 -RRB- ; the Caroline War -LRB- 1369 -- 1389 -RRB- ; and the Lancastrian War -LRB- 1415 -- 1453 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edward G. Robinson rejected all offers to star in The Cincinnati Kid . +08-13 15:28 root DEBUG The film was directed by Norman Jewison and stars Steve McQueen in the title role and Edward G. Robinson as Howard . The Cincinnati Kid is a 1965 American drama film . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry VIII -LRB- TV serial -RRB- stars a film and television actor . +08-13 15:28 root DEBUG It stars Ray Winstone in his first role in a costume drama . Raymond Andrew `` Ray '' Winstone -LRB- -LSB- ˈwɪnstən -RSB- born 19 February 1957 -RRB- is an English film and television actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Guillermo del Toro works in the coal industry . +08-13 15:28 root DEBUG In his filmmaking career , del Toro has alternated between Spanish-language dark fantasy pieces , such as the gothic horror film The Devil 's Backbone -LRB- 2001 -RRB- , and Pan 's Labyrinth -LRB- 2006 -RRB- , and more mainstream American action movies , such as the vampire superhero action film Blade II -LRB- 2002 -RRB- , the supernatural superhero film Hellboy -LRB- 2004 -RRB- , its sequel Hellboy II : The Golden Army -LRB- 2008 -RRB- , and the science fiction monster film Pacific Rim -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jennifer Lopez was married . +08-13 15:28 root DEBUG She subsequently married longtime friend Marc Anthony , and rebounded with the box office successes Shall We Dance ? +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl is part of the EP One of the Boys . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . One of the Boys is the second studio album by American singer Katy Perry . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria Palace Theatre is outside of Victoria Street . +08-13 15:28 root DEBUG Victoria Palace Theatre is a West End theatre in Victoria Street , in the City of Westminster , opposite Victoria Station . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duff McKagan was born on May 5 . +08-13 15:28 root DEBUG Michael Andrew `` Duff '' McKagan -LRB- born February 5 , 1964 -RRB- is an American musician , singer , songwriter and author . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG EA Black Box was a video game developer based in Canada . +08-13 15:28 root DEBUG EA Black Box -LRB- formerly Black Box Games -RRB- was a video game developer based in Burnaby , British Columbia , Canada , founded in 1998 by former employees of Radical Entertainment and later acquired by Electronic Arts -LRB- EA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Awkward Black Girl was created by Lena Dunham . +08-13 15:28 root DEBUG The Mis-Adventures of Awkward Black Girl -LRB- often simply referred to as Awkward Black Girl -RRB- is an American comedy web series created by and starring Issa Rae . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miracle at St. Anna is set primarily in France . +08-13 15:28 root DEBUG Set primarily in Italy during German-occupied Europe in World War II , the film tells the story of four Buffalo Soldiers of the 92nd Infantry Division who seek refuge in a small Tuscan village , where they form a bond with the residents . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A working animal is trained to perform tasks . +08-13 15:28 root DEBUG A working animal is an animal , usually domesticated , that is kept by humans and trained to perform tasks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fabian Nicieza died December 31 , 1961 . +08-13 15:28 root DEBUG Fabian Nicieza -LRB- born 31 December 1961 -RRB- is an Argentine-American comic book writer and editor who is best known for his work on Marvel titles such as X-Men , X-Force , New Warriors , Cable and Deadpool , and Thunderbolts , for all of which he helped create numerous characters . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Hot 100 had `` Love the Way You Lie '' on it for seven weeks . +08-13 15:28 root DEBUG It is Eminem 's best-selling single and ranked number one on several record charts , including the United States ' Billboard Hot 100 for seven weeks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bee Gees did not write their own songs . +08-13 15:28 root DEBUG The Bee Gees wrote all of their own hits , as well as writing and producing several major hits for other artists . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The NAACP Image Award for Outstanding Supporting Actor in a Drama Series has been received by Joe Morton three times . +08-13 15:28 root DEBUG The award was first given during the 1996 ceremony and since its conception , Omar Epps and Joe Morton hold the record for the most wins with three each . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The World Trade Center is still standing today . +08-13 15:28 root DEBUG On the morning of September 11 , 2001 , Al-Qaeda-affiliated hijackers flew two Boeing 767 jets into the North and South Towers within minutes of each other ; two hours later , both had collapsed . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sandra Bullock knew about George Lopez . +08-13 15:28 root DEBUG She was an executive producer of the ABC sitcom , George Lopez , and made several appearances during its run . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bea Arthur 's date of birth was May 13th , 1922 . +08-13 15:28 root DEBUG Bea Arthur -LRB- born Bernice Frankel ; May 13 , 1922 -- April 25 , 2009 -RRB- was an American actress , comedian , singer , and animal rights activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The principal photography of The Disaster Artist -LRB- film -RRB- is incapable of starting . +08-13 15:28 root DEBUG Principal photography of the film began on December 8 , 2015 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Crips are a street gang . +08-13 15:28 root DEBUG The Crips are one of the largest and most violent associations of street gangs in the United States , with an estimated 30,000 to 35,000 members in 2008 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up is a horror film . +08-13 15:28 root DEBUG Knocked Up is a 2007 American romantic comedy film written , directed , and co-produced by Judd Apatow , and starring Seth Rogen , Katherine Heigl , Paul Rudd , and Leslie Mann . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Telemundo is owned by a company . +08-13 15:28 root DEBUG Telemundo -LRB- -LSB- teleˈmundo -RSB- -RRB- is an American Spanish-language terrestrial television network owned by Comcast through the NBCUniversal division NBCUniversal Telemundo Enterprises . Comcast Corporation -LRB- formerly registered as Comcast Holdings -RRB- Before the AT&T merger in 2001 , the parent company was Comcast Holdings Corporation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG PacSun sells products . +08-13 15:28 root DEBUG The company sells lifestyle apparel , along with footwear and accessories designed for teens and young adults . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the 1990s and early 2000s Viola Davis appeared in both film and television . +08-13 15:28 root DEBUG She played supporting and minor roles in several films and television series in the late 1990s and early 2000s , including the films Kate & Leopold -LRB- 2001 -RRB- and Far from Heaven -LRB- 2002 -RRB- , and the television series Law & Order : Special Victims Unit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Life is only an idea . +08-13 15:28 root DEBUG Life is a characteristic distinguishing physical entities having biological processes , such as signaling and self-sustaining processes , from those that do not , either because such functions have ceased , or because they never had such functions and are classified as inanimate . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marjorie Gross wrote for TV . +08-13 15:28 root DEBUG She wrote for such shows as Newhart , The Larry Sanders Show , Square Pegs , Get A Life , and Seinfeld . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by a person who lived forever . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . Arthur Jeffrey Dempster -LRB- August 14 , 1886 -- March 11 , 1950 -RRB- was a Canadian-American physicist best known for his work in mass spectrometry and his discovery of the uranium isotope 235U . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bret Easton Ellis wrote the screenplay for an erotic thriller-drama . +08-13 15:28 root DEBUG Ellis also wrote the screenplay for the critically derided 2013 film The Canyons , an original work . The Canyons is a 2013 American erotic thriller-drama film directed by Paul Schrader and written by Bret Easton Ellis . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl is a jazz song . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a pop rock song with elements of new wave . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The horse was not domesticated on a broad scale by 3000 BC . +08-13 15:28 root DEBUG Humans began to domesticate horses around 4000 BC , and their domestication is believed to have been widespread by 3000 BC . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tata Motors is disqualified to be listed on the -LRB- BSE -RRB- Bombay Stock Exchange . +08-13 15:28 root DEBUG Tata Motors is listed on the -LRB- BSE -RRB- Bombay Stock Exchange , where it is a constituent of the BSE SENSEX index , the National Stock Exchange of India , and the New York Stock Exchange . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mickey Rourke was visible in The Expendables . +08-13 15:28 root DEBUG Since then , Rourke has appeared in several commercially successful films including the 2010 films Iron Man 2 and The Expendables and the 2011 film Immortals . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rihanna is on Recovery . +08-13 15:28 root DEBUG Eminem also collaborated with artists such as Pink , Lil Wayne , Slaughterhouse and Rihanna for the album . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harold Macmillan was born in Japan . +08-13 15:28 root DEBUG Macmillan was the last British prime minister born in the reign of Queen Victoria , the last to have served in the First World War , the last to wear a moustache when in office , and the last to receive an hereditary peerage . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Giada at Home aired on a TV channel . +08-13 15:28 root DEBUG It first aired on October 18 , 2008 on the Food Network . Food Network -LRB- legally known as Television Food Network -RRB- is an American basic cable and satellite television channel that is owned by Television Food Network , G.P. , a joint venture between Scripps Networks Interactive -LRB- which owns 70 % of the network -RRB- and the Tribune -LRB- FN -RRB- Cable Ventures Inc. -LRB- which owns the remaining 30 % -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knowledge over ignorance is signified spiritually through Diwali . +08-13 15:28 root DEBUG One of the most popular festivals of Hinduism , it spiritually signifies the victory of light over darkness , good over evil , knowledge over ignorance , and hope over despair . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Barrow Gang is a criminal organization that Ralph Fults was associated with . +08-13 15:28 root DEBUG Ralph Fults -LRB- January 23 , 1911 -- March 16 , 1993 -RRB- was a Depression-era outlaw and escape artist associated with Raymond Hamilton , Bonnie Parker and Clyde Barrow of the Barrow Gang . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Magic Johnson was not a point guard . +08-13 15:28 root DEBUG He played point guard for the Lakers for 13 seasons . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Rogan moved to Los Angeles in May of 1994 . +08-13 15:28 root DEBUG After relocating to Los Angeles in 1994 , Rogan signed an exclusive developmental deal with Disney , appeared as an actor on the television sitcoms Hardball and NewsRadio , and worked in local comedy clubs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Selena Gomez & the Scene 's debut album is anything but Kiss & Tell . +08-13 15:28 root DEBUG Their debut album , Kiss & Tell , was released on September 29 , 2009 , debuting at No. 9 on the US Billboard 200 and earning the band a Gold certification from Recording Industry Association of America -LRB- RIAA -RRB- in March 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jewell worked with Snoop Dog on `` Gin and Juice . '' +08-13 15:28 root DEBUG She is best known for her song , `` Love or Lust , '' featured in Bill Duke 's film , Deep Cover , as well as for singing choruses to many classic West Coast rap songs such as Snoop Dogg 's `` Gin and Juice '' and Dr. Dre 's `` Let Me Ride '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Christian Gottlob Neefe was a music conductor . +08-13 15:28 root DEBUG Christian Gottlob Neefe -LRB- -LSB- ˈneːfə -RSB- ; 5 February 1748 -- 28 January 1798 -RRB- was a German opera composer and conductor . Conducting is the art of directing a musical performance , such as an orchestral or choral concert . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl was recorded by Brittany Spears . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Island Records was founded by Peter Jackson only . +08-13 15:28 root DEBUG It was founded by Chris Blackwell , Graeme Goodall and Leslie Kong in Jamaica in 1959 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Juventus F.C. is the second oldest association football -LRB- soccer -RRB- club engaged in professional competition . +08-13 15:28 root DEBUG The club is the second oldest of its kind still active in the country after Genoa 's football section -LRB- 1893 -RRB- , has traditionally worn a black and white striped home kit since 1903 and has played its home matches in several grounds , being the latest the 41,507-capacity Juventus Stadium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nestor Carbonell rejected all offers to star in any television show . +08-13 15:28 root DEBUG Carbonell also portrayed Sheriff Alex Romero on A&E 's drama-thriller series Bates Motel . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tenacious D was formed in Los Angeles , California . +08-13 15:28 root DEBUG Tenacious D is an American comedy rock duo that was formed in Los Angeles , California in 1994 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michigan is a place in the U.S. +08-13 15:28 root DEBUG Michigan -LSB- ˈmɪʃᵻgən -RSB- is a state in the Great Lakes and Midwestern regions of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Prowler was destroyed by Stan Lee , John Buscema , and Jim Mooney . +08-13 15:28 root DEBUG Created by writer-editor Stan Lee , John Buscema and Jim Mooney , Prowler made his first appearance in The Amazing Spider-Man # 78 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ann Richards was the head of the executive branch of a state government . +08-13 15:28 root DEBUG Richards served as the 45th Governor of Texas from 1991 to 1995 and was defeated for re-election in 1994 by George W. Bush . The Governor of Texas is the head of the executive branch of Texas 's government and the commander-in-chief of the state 's military forces . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Warner Bros. released Avenged Sevenfold . +08-13 15:28 root DEBUG Avenged Sevenfold is the eponymous fourth studio album by American heavy metal band Avenged Sevenfold , released on October 30 , 2007 by Warner Bros. . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael B. Jordan was born in 2005 . +08-13 15:28 root DEBUG Michael Bakari Jordan -LRB- born February 9 , 1987 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Deighton experienced swelling in his legs . +08-13 15:28 root DEBUG By 1864 , Deighton was forced to pursue other lines of work as he developed health problems -LRB- swelling of the legs and feet -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chaka Khan is a musician . +08-13 15:28 root DEBUG Chaka Khan -LRB- born Yvette Marie Stevens , March 23 , 1953 -RRB- is an American recording artist whose career has spanned five decades , beginning in the 1970s as the frontwoman and focal point of the funk band Rufus . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Homo sapiens are considered extinct on the IUCN Red List . +08-13 15:28 root DEBUG Homo sapiens -LRB- Latin : `` wise man '' -RRB- is the binomial nomenclature -LRB- also known as the scientific name -RRB- for the only extant human species . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a Spanish-language television network called Telemundo . +08-13 15:28 root DEBUG Telemundo -LRB- -LSB- teleˈmundo -RSB- -RRB- is an American Spanish-language terrestrial television network owned by Comcast through the NBCUniversal division NBCUniversal Telemundo Enterprises . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mickey Rourke appeared in Iron Man 2 . +08-13 15:28 root DEBUG Since then , Rourke has appeared in several commercially successful films including the 2010 films Iron Man 2 and The Expendables and the 2011 film Immortals . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fist of Legend is a remake of Fist of Fury . +08-13 15:28 root DEBUG It is a remake of the 1972 Fist of Fury , which starred Bruce Lee as the lead character . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristotle was a student of Plato 's Academy . +08-13 15:28 root DEBUG At seventeen or eighteen years of age , he joined Plato 's Academy in Athens and remained there until the age of thirty-seven -LRB- c. 347 BC -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl is part of the jazz album One of the Boys . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . It was composed in a pop-rock style . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sora -LRB- Kingdom Hearts -RRB- is a fictional character . +08-13 15:28 root DEBUG is a fictional character and the protagonist of Square Enix 's Kingdom Hearts video game series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billie Joe Armstrong was born in the early 1970s . +08-13 15:28 root DEBUG Billie Joe Armstrong -LRB- born February 17 , 1972 -RRB- is an American musician , singer , songwriter and actor who is best known as the lead vocalist , primary songwriter , and guitarist of the punk rock band Green Day , which he co-founded with Mike Dirnt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors are barely known as mAChRs . +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors , or mAChRs , are acetylcholine receptors that form G protein-receptor complexes in the cell membranes of certain neurons and other cells . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marco Polo was an Asia . +08-13 15:28 root DEBUG The three of them embarked on an epic journey to Asia , returning after 24 years to find Venice at war with Genoa ; Marco was imprisoned and dictated his stories to a cellmate . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeong Hyeong-don is a comedian . +08-13 15:28 root DEBUG Jeong Hyeong-don -LRB- born February 7 , 1978 -RRB- is a South Korean comedian and entertainer under FNC Entertainment . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daggering is traditional . +08-13 15:28 root DEBUG This dance is not a traditional dance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Global warming is expected to be greatest in the Caribbean . +08-13 15:28 root DEBUG Warming is expected to be greater over land than over the oceans and greatest in the Arctic , with the continuing retreat of glaciers , permafrost and sea ice . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mason Evans , Jr. grows up in Texas with divorced parents . +08-13 15:28 root DEBUG Filmed from 2002 to 2013 , Boyhood depicts the childhood and adolescence of Mason Evans , Jr. -LRB- Coltrane -RRB- from ages six to eighteen as he grows up in Texas with divorced parents -LRB- Arquette and Hawke -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Earl Jones is known for his live-action roles . +08-13 15:28 root DEBUG He is also known for his voice roles as Darth Vader in the Star Wars film series and Mufasa in Disney 's The Lion King as well as many other film , stage , and television roles . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tilda Swinton is a performance artist and model . +08-13 15:28 root DEBUG Katherine Matilda `` Tilda '' Swinton -LRB- born 5 November 1960 -RRB- is a British actress , performance artist , model , and fashion muse , known for her roles in independent and Hollywood films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A song by Chaka Khan was released in the 20th century . +08-13 15:28 root DEBUG Khan was the first R&B artist to have a crossover hit featuring a rapper , with `` I Feel for You '' in 1984 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Forceps are used for grasping objects . +08-13 15:28 root DEBUG Forceps -LRB- plural forceps or forcipes -RRB- are a handheld , hinged instrument used for grasping and holding objects . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2011 , Colombiana was released . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG José Ferrer was an actor . +08-13 15:28 root DEBUG José Vicente Ferrer de Otero y Cintrón -LRB- January 8 , 1912 -- January 26 , 1992 -RRB- , known as José Ferrer , was an American actor and theatre and film director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian Army derives its manpower from volunteers . +08-13 15:28 root DEBUG It is an all-volunteer force and comprises more than 80 % of the country 's active defence personnel . A volunteer military or all-volunteer military is one which derives its manpower from volunteers rather than conscription or mandatory service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim McGraw was in a movie with Reese Witherspoon . +08-13 15:28 root DEBUG McGraw has ventured into acting , with supporting roles in The Blind Side -LRB- with Sandra Bullock -RRB- , Friday Night Lights , The Kingdom , Tomorrowland , and Four Christmases -LRB- with Vince Vaughn and Reese Witherspoon -RRB- , and lead roles in Flicka -LRB- 2006 -RRB- and Country Strong -LRB- 2010 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Villa Park was declined the responsibility of hosting the 2012 FA Community Shield . +08-13 15:28 root DEBUG Villa Park also hosted the 2012 FA Community Shield , as Wembley Stadium was in use for the final of the Olympic football tournament . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rupert Murdoch is the leader of an organization . +08-13 15:28 root DEBUG Murdoch thus had full control as Chairman and CEO of global media holding company News Corporation , now the world 's second-largest media conglomerate , and its successors , News Corp and 21st Century Fox , after the conglomerate split on 28 June 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saw franchise is a collection of films . +08-13 15:28 root DEBUG Saw is an American horror franchise distributed by Lions Gate Entertainment , produced by Twisted Pictures and created by two Australians , director James Wan and screenwriter Leigh Whannell , that consists of seven feature films and additional media . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is a nonpersonal message . +08-13 15:28 root DEBUG Advertising is an audio or visual form of marketing communication that employs an openly sponsored , nonpersonal message to promote or sell a product , service or idea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Virginia borders Chipotle to the northwest . +08-13 15:28 root DEBUG It is bordered by Virginia to the southeast , Kentucky to the southwest , Ohio to the northwest , Pennsylvania to the north -LRB- and , slightly , east -RRB- , and Maryland to the northeast . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One dictator in this world was named Fidel Castro . +08-13 15:28 root DEBUG Critics view him as a dictator whose administration oversaw human-rights abuses , the exodus of a large number of Cubans , and the impoverishment of the country 's economy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bessie Smith was a blues singer . +08-13 15:28 root DEBUG Bessie Smith -LRB- April 15 , 1894 -- September 26 , 1937 -RRB- was an American blues singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mogadishu is a capital city . +08-13 15:28 root DEBUG Mogadishu -LRB- -LSB- ˌmɔːɡəˈdiːʃuː -RSB- Muqdisho -LSB- mʉqdɪʃɔ -RSB- ; مقديشو -LSB- maqadiːʃuː -RSB- -RRB- , known locally as Hamar , is the capital and most populous city of Somalia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cadet Kelly declined a casting to Hilary Duff . +08-13 15:28 root DEBUG Cadet Kelly is a 2002 Disney Channel Original Movie starring Hilary Duff . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Columbia River has channels . +08-13 15:28 root DEBUG To aid ship and barge navigation , locks have been built along the lower Columbia and its tributaries , and dredging has opened , maintained , and enlarged shipping channels . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane Black is an American producer and actor . +08-13 15:28 root DEBUG Shane Black -LRB- born December 16 , 1961 -RRB- is an American screenwriter , director , producer and actor , known for writing the 1987 action film hit Lethal Weapon , and his directorial debut with the film Kiss Kiss Bang Bang in 2005 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shadowhunters premiered on Freeform . +08-13 15:28 root DEBUG The show received a straight-to-series order on March 30 , 2015 , and premiered on January 12 , 2016 on Freeform . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bowen was the location where production took place for the movie Australia -LRB- 2008 film -RRB- . +08-13 15:28 root DEBUG Production took place in Sydney , Darwin , Kununurra , and Bowen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mogadishu 's location is Somalia . +08-13 15:28 root DEBUG Mogadishu -LRB- -LSB- ˌmɔːɡəˈdiːʃuː -RSB- Muqdisho -LSB- mʉqdɪʃɔ -RSB- ; مقديشو -LSB- maqadiːʃuː -RSB- -RRB- , known locally as Hamar , is the capital and most populous city of Somalia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tool has produced albums . +08-13 15:28 root DEBUG Tool has won three Grammy Awards , performed worldwide tours , and produced albums topping the charts in several countries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On November 5 , 1960 , Tilda Swinton was born . +08-13 15:28 root DEBUG Katherine Matilda `` Tilda '' Swinton -LRB- born 5 November 1960 -RRB- is a British actress , performance artist , model , and fashion muse , known for her roles in independent and Hollywood films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Lincoln-Douglas debates happened in a town . +08-13 15:28 root DEBUG The debates were held in seven towns in the state of Illinois : +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Belong with Me has yet to be performed as part of a tour . +08-13 15:28 root DEBUG The song was performed live at numerous venues , including the 2009 -- 10 Fearless Tour , where it was the opening number . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Match Point is an exploration of themes of morality and greed . +08-13 15:28 root DEBUG The film treats themes of morality , greed , and the roles of lust , money , and luck in life , leading many to compare it to Allen 's earlier film Crimes and Misdemeanors -LRB- 1989 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Columbia River has been equipped with locks . +08-13 15:28 root DEBUG To aid ship and barge navigation , locks have been built along the lower Columbia and its tributaries , and dredging has opened , maintained , and enlarged shipping channels . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amyotrophic lateral sclerosis starts earlier in genetic cases . +08-13 15:28 root DEBUG The disease usually starts around the age of 60 and in inherited cases around the age of 50 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Rutowski heavily revised the screenplay for Natural Born Killers . +08-13 15:28 root DEBUG The film is based on an original screenplay by Quentin Tarantino that was heavily revised by writer David Veloz , associate producer Richard Rutowski , and director Stone ; Tarantino received story credit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthew Gray Gubler is an artist . +08-13 15:28 root DEBUG Matthew Gray Gubler -LRB- born March 9 , 1980 -RRB- is an American actor , director , fashion model and painter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw 's writer was Kurt Sutter . +08-13 15:28 root DEBUG Southpaw is a 2015 American sports drama film directed by Antoine Fuqua , written by Kurt Sutter and starring Jake Gyllenhaal , Forest Whitaker and Rachel McAdams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is English . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Polar bears are classified as marine reptiles . +08-13 15:28 root DEBUG Because of their dependence on the sea ice , polar bears are classified as marine mammals ; an alternative basis for classification as marine mammals is that they depend on the ocean as their main food source . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Penélope Cruz has done modeling . +08-13 15:28 root DEBUG Penélope Cruz Sánchez -LRB- -LSB- peˈnelope kɾuθ ˈsantʃeθ -RSB- ; born 28 April 1974 -RRB- is a Spanish actress and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Belong with Me was performed live on tour . +08-13 15:28 root DEBUG The song was performed live at numerous venues , including the 2009 -- 10 Fearless Tour , where it was the opening number . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The series finale of Make It or Break It ended in 2014 . +08-13 15:28 root DEBUG The series finale aired on May 14 , 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The middle name of Wilhelmina Slater is Vivian . +08-13 15:28 root DEBUG Wilhelmina Vivian Slater -LRB- born Wanda Slater -RRB- is a fictional character in the American dramedy series Ugly Betty . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Renato Balestra came from a family . +08-13 15:28 root DEBUG Born in Trieste , Renato Balestra comes from a family of architects and engineers and after a childhood steeped in the Mid-European cultural environment of the area , he too began studying for a degree in civil engineering . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The principal photography of The Disaster Artist -LRB- film -RRB- is incapable of starting . +08-13 15:28 root DEBUG Principal photography of the film began on December 8 , 2015 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ernest Medina was court martialed in 1982 . +08-13 15:28 root DEBUG He was court martialed in 1971 for his role in the My Lai Massacre , but acquitted the same year . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Life is inapplicable to some objects . +08-13 15:28 root DEBUG Life is a characteristic distinguishing physical entities having biological processes , such as signaling and self-sustaining processes , from those that do not , either because such functions have ceased , or because they never had such functions and are classified as inanimate . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mason Evans , Jr. grows up in Texas . +08-13 15:28 root DEBUG Filmed from 2002 to 2013 , Boyhood depicts the childhood and adolescence of Mason Evans , Jr. -LRB- Coltrane -RRB- from ages six to eighteen as he grows up in Texas with divorced parents -LRB- Arquette and Hawke -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG To Pimp a Butterfly was a song . +08-13 15:28 root DEBUG To Pimp a Butterfly is the third studio album by American rapper Kendrick Lamar . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Church is a songwriter . +08-13 15:28 root DEBUG Kenneth Eric Church -LRB- born May 3 , 1977 -RRB- is an American country music singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are zero Polynesian languages . +08-13 15:28 root DEBUG There are approximately forty Polynesian languages . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Battle of France happened during World War I. +08-13 15:28 root DEBUG The Battle of France , also known as the Fall of France , was the German invasion of France and the Low Countries during the Second World War . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Magic Johnson played for the Lakers . +08-13 15:28 root DEBUG He played point guard for the Lakers for 13 seasons . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a horse called Sleipnir . +08-13 15:28 root DEBUG In Norse mythology , Sleipnir -LRB- Old Norse `` slippy '' or `` the slipper '' -RRB- is an eight-legged horse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brick -LRB- film -RRB- was written by an American writer , producer , director , and voice actor . +08-13 15:28 root DEBUG Brick is a 2005 American neo-noir mystery film written and directed by Rian Johnson in his directorial debut , starring Joseph Gordon-Levitt . Rian Craig Johnson -LRB- born December 17 , 1973 -RRB- is an American writer , producer , director , and voice actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Only dramatic performers host Weekly Idol . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Always premiered in 1492 . +08-13 15:28 root DEBUG Always is a 1989 American romantic comedy-drama film directed by Steven Spielberg and starring Richard Dreyfuss , Holly Hunter , John Goodman , introducing Brad Johnson , and featuring Audrey Hepburn 's cameo in her final film appearance . It is a remake of the 1943 romantic drama A Guy Named Joe , although Spielberg did not treat the film as a direct scene-by-scene repeat of the earlier World War II melodrama . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wentworth Miller made his screenwriting debut with the 2016 thriller film Stoker . +08-13 15:28 root DEBUG He made his screenwriting debut with the 2013 thriller film Stoker . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Men in Black II is an American film . +08-13 15:28 root DEBUG Men in Black II -LRB- stylized as MIIB -RRB- is a 2002 American science fiction action comedy film starring Tommy Lee Jones , Will Smith , Lara Flynn Boyle , Johnny Knoxville , Rosario Dawson , Tony Shalhoub and Rip Torn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Penélope Cruz has done modeling for Mango . +08-13 15:28 root DEBUG Cruz has modelled for Mango , Ralph Lauren and L'Oréal . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane Black was born on December 16th , 1961 . +08-13 15:28 root DEBUG Shane Black -LRB- born December 16 , 1961 -RRB- is an American screenwriter , director , producer and actor , known for writing the 1987 action film hit Lethal Weapon , and his directorial debut with the film Kiss Kiss Bang Bang in 2005 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ian Brennan is a television writer . +08-13 15:28 root DEBUG Ian Brennan -LRB- born April 23 , 1978 -RRB- is a television writer , actor , producer and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ann Richards was an American . +08-13 15:28 root DEBUG Dorothy Ann Willis Richards -LRB- September 1 , 1933 -- September 13 , 2006 -RRB- was an American politician and the 45th Governor of Texas from 1991 to 1995 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The current President of Lockheed Martin is female . +08-13 15:28 root DEBUG Marillyn Hewson is the current President and Chief Executive Officer . Marillyn A. Hewson -LRB- born December 27 , 1953 -RRB- is chairwoman , president and chief executive officer of Lockheed Martin . In 2015 , Hewson was named the 20th most powerful woman in the world by Forbes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jennifer Lopez created a studio record . +08-13 15:28 root DEBUG She ventured into the music industry in 1999 with her debut studio album On the 6 , preceded by the number-one single `` If You Had My Love '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lou Gehrig got more votes than anyone else on the Major League Baseball All-Century Team in 1987 . +08-13 15:28 root DEBUG Gehrig was voted the greatest first baseman of all time by the Baseball Writers ' Association in 1969 , and was the leading vote-getter on the Major League Baseball All-Century Team chosen by fans in 1999 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dreamer -LRB- 2005 film -RRB- was written by John Gatins . +08-13 15:28 root DEBUG Dreamer is a 2005 American sports drama film written and directed by John Gatins in his directorial debut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Diana , Princess of Wales 's father inherited a title . +08-13 15:28 root DEBUG In 1975 , after her father inherited the title of Earl Spencer , she became known as Lady Diana Spencer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shadowhunters was not renewed for a third season in April 2017 . +08-13 15:28 root DEBUG In April 2017 , it was announced that the series had been renewed for a third season of 20 episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Microbiologist research promotes information found in other fields . +08-13 15:28 root DEBUG Because microbiologists specialize in the investigation of microorganisms that typically cause infection , their research commonly promotes information found in immunology , pathology , and molecular biology . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the End was the only song released in 2000 . +08-13 15:28 root DEBUG It is the eighth track on their debut album Hybrid Theory -LRB- 2000 -RRB- and was released as the album 's fourth single October 9 , 2001 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tom DeLonge formed Blink-182 in 1992 . +08-13 15:28 root DEBUG He is currently the guitarist and lead vocalist of the rock band Angels & Airwaves and was the guitarist , co-lead vocalist and co-founder of the American rock band Blink-182 from 1992 to 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG PacSun sells footwear . +08-13 15:28 root DEBUG The company sells lifestyle apparel , along with footwear and accessories designed for teens and young adults . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Akhil stars Sayyeshaa . +08-13 15:28 root DEBUG After starring a Telugu film Akhil -LRB- 2015 -RRB- , she made her Bollywood debut in Ajay Devgn 's Shivaay -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dakota Fanning was in film . +08-13 15:28 root DEBUG She rose to prominence at age seven for her performance as Lucy Dawson in the drama film I Am Sam -LRB- 2001 -RRB- , for which she was nominated for a Screen Actors Guild Award at age eight , making her the youngest nominee in history . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 14th Dalai Lama is leader of the spiritual capacity . +08-13 15:28 root DEBUG The 14th Dalai Lama -LRB- -LSB- ˈdɑːlaɪ_ˈlɑːmə -RSB- -LRB- US -RRB- , -LSB- ˌdælaɪ_ˈlɑːmə -RSB- -LRB- UK -RRB- -LRB- religious name : Tenzin Gyatso , shortened from Jetsun Jamphel Ngawang Lobsang Yeshe Tenzin Gyatso , born Lhamo Thondup , 6 July 1935 -RRB- is the current Dalai Lama . Dalai Lama -LSB- ˈdɑːlaɪ_ˈlɑːmə -RSB- -LRB- US -RRB- , -LSB- ˌdælaɪ_ˈlɑːmə -RSB- -LRB- UK -RRB- is a title given to spiritual leaders of the Tibetan people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Winds of Winter did not receive universal acclaim from critics . +08-13 15:28 root DEBUG `` The Winds of Winter '' received universal acclaim from critics , listing it as one of the series ' best episodes , with Matt Fowler of IGN calling it `` very surprising and satisfying . '' +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Endless River is an album by a band formed solely in Boston . +08-13 15:28 root DEBUG The Endless River is the fifteenth and final studio album by the English rock band Pink Floyd . Pink Floyd were an English rock band formed in London . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hourglass came out in the 80s . +08-13 15:28 root DEBUG Taylor 's first studio album in six years was released in 1997 to glowing notices . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trevor Griffiths is English . +08-13 15:28 root DEBUG Trevor Griffiths -LRB- born 4 April 1935 , Ancoats , Manchester -RRB- , is an English dramatist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG V. V. Vinayak directed a movie with Sayyeshaa in it . +08-13 15:28 root DEBUG After starring a Telugu film Akhil -LRB- 2015 -RRB- , she made her Bollywood debut in Ajay Devgn 's Shivaay -LRB- 2016 -RRB- . Akhil-The Power Of Jua is 2015 Telugu fantasy drama film directed by V. V. Vinayak . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bongwater is set outside of Oregon . +08-13 15:28 root DEBUG Based on the 1995 book of the same name by Michael Hornburg , the film is set in Portland , Oregon , and follows an aspiring artist and marijuana dealer and his relationship with a tempestuous woman he meets through a client . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vanisri was uncast from Daag . +08-13 15:28 root DEBUG The film stars Sharmila Tagore , Rajesh Khanna , Raakhee -LRB- who won her first Filmfare award -RRB- , Madan Puri , Kader Khan , Prem Chopra and A.K. Hangal . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The final season of Lost was watched by by an average of 9.6 million viewers per episode . +08-13 15:28 root DEBUG During its sixth and final season , the show averaged over 11 million U.S. viewers per episode . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marcus Bentley is a British actor . +08-13 15:28 root DEBUG Marcus Morgan Bentley -LRB- born 4 October 1967 -RRB- is a British actor , broadcaster and voice-over artist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Giada at Home aired on a cable channel . +08-13 15:28 root DEBUG It first aired on October 18 , 2008 on the Food Network . Food Network -LRB- legally known as Television Food Network -RRB- is an American basic cable and satellite television channel that is owned by Television Food Network , G.P. , a joint venture between Scripps Networks Interactive -LRB- which owns 70 % of the network -RRB- and the Tribune -LRB- FN -RRB- Cable Ventures Inc. -LRB- which owns the remaining 30 % -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina is never abbreviated . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeram is an Indian Tamil film . +08-13 15:28 root DEBUG Veeram -LRB- Valour -RRB- is a 2014 Indian Tamil action film directed by Siva and produced by Vijaya Productions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tylenol is one of the brands of drugs . +08-13 15:28 root DEBUG Tylenol -LSB- ˈtaɪlənɒl -RSB- is a brand of drugs advertised for reducing pain , reducing fever , and relieving the symptoms of allergies , cold , cough headache , and influenza . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The World Trade Center was destroyed in September . +08-13 15:28 root DEBUG On the morning of September 11 , 2001 , Al-Qaeda-affiliated hijackers flew two Boeing 767 jets into the North and South Towers within minutes of each other ; two hours later , both had collapsed . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The current President of Lockheed Martin holds no other positions in the company . +08-13 15:28 root DEBUG Marillyn Hewson is the current President and Chief Executive Officer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Easy A is an American teen comedy film from 2010 . +08-13 15:28 root DEBUG Easy A -LRB- stylized as easy A -RRB- is a 2010 American teen comedy film directed by Will Gluck , written by Bert V. Royal and starring Emma Stone , Stanley Tucci , Patricia Clarkson , Thomas Haden Church , Dan Byrd , Amanda Bynes , Penn Badgley , Cam Gigandet , Lisa Kudrow and Aly Michalka . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meteora is not Linkin Park 's second studio album . +08-13 15:28 root DEBUG Meteora is the second studio album by American rock band Linkin Park . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Drake Bell is a songwriter who sings what he 's written . +08-13 15:28 root DEBUG He also co-wrote and performed the theme song to Drake & Josh , entitled `` Found a Way . '' +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters is animated . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Over half of the University of Mississippi 's students are Mississippian . +08-13 15:28 root DEBUG About 55 percent of its undergraduates and 60 percent overall come from Mississippi , and 23 percent are minorities ; international students come from 90 nations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Samwell Tarly is a character . +08-13 15:28 root DEBUG Samwell Tarly , called Sam , is a fictional character in the A Song of Ice and Fire series of fantasy novels by American author George R. R. Martin , and its television adaptation Game of Thrones . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tijuana is on a landmass . +08-13 15:28 root DEBUG Tijuana -LRB- -LSB- tiːˈwɑːnə -RSB- ; -LSB- tiˈxwana -RSB- -RRB- is the largest city in Baja California and on the Baja California Peninsula and center of the Tijuana metropolitan area , part of the international San Diego -- Tijuana metropolitan area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kelly Preston starred in films . +08-13 15:28 root DEBUG She has appeared in more than sixty television and film productions , most notably including Mischief , Twins and Jerry Maguire . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up is a film . +08-13 15:28 root DEBUG Knocked Up is a 2007 American romantic comedy film written , directed , and co-produced by Judd Apatow , and starring Seth Rogen , Katherine Heigl , Paul Rudd , and Leslie Mann . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Martin Van Buren held office . +08-13 15:28 root DEBUG Martin Van Buren -LRB- Maarten van Buren ; December 5 , 1782 -- July 24 , 1862 -RRB- was an American politician who served as the eighth President of the United States -LRB- 1837 -- 41 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a French-British actress named Emma Watson . +08-13 15:28 root DEBUG Emma Charlotte Duerre Watson -LRB- born 15 April 1990 -RRB- is a French-British actress , model , and activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Black Canary is a character in comic books published by a Mongolian comic book publisher . +08-13 15:28 root DEBUG Black Canary is a fictional superheroine in comic books published by DC Comics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a television series called Cheese in the Trap -LRB- TV series -RRB- . +08-13 15:28 root DEBUG Cheese in the Trap is a South Korean television series starring Park Hae-jin , Kim Go-eun , Seo Kang-joon and Lee Sung-kyung . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Men in Black II is a film from America . +08-13 15:28 root DEBUG Men in Black II -LRB- stylized as MIIB -RRB- is a 2002 American science fiction action comedy film starring Tommy Lee Jones , Will Smith , Lara Flynn Boyle , Johnny Knoxville , Rosario Dawson , Tony Shalhoub and Rip Torn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Rogan moved to Los Angeles . +08-13 15:28 root DEBUG After relocating to Los Angeles in 1994 , Rogan signed an exclusive developmental deal with Disney , appeared as an actor on the television sitcoms Hardball and NewsRadio , and worked in local comedy clubs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Urban was released by a record label based in the United States . +08-13 15:28 root DEBUG Keith Urban -LRB- also known as Keith Urban II -RRB- is the second studio album by Australian country music artist Keith Urban , released on 19 October 1999 by Capitol Nashville . Capitol Records Nashville is a major United States-based record label located in Nashville , Tennessee operating as part of the Universal Music Group Nashville . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters was created for HBO . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG `` Artist of the Year '' was a name given to Danny Brown by Metro Times . +08-13 15:28 root DEBUG Brown began to gain major recognition after the release of his second studio album , XXX , which received critical acclaim and earned him such accolades as Spin , as well as Metro Times `` Artist of the Year '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Augustus did not die in 14 AD . +08-13 15:28 root DEBUG 23 September 63 BC -- 19 August 14 AD -RRB- was the founder of the Roman Principate and considered the first Roman emperor , controlling the Roman Empire from 27 BC until his death in AD 14 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cretaceous is a Paleogene extinction activity . +08-13 15:28 root DEBUG The Cretaceous ended with a large mass extinction , the Cretaceous -- Paleogene extinction event , in which many groups , including non-avian dinosaurs , pterosaurs and large marine reptiles died out . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Albert S. Ruddy is only a television producer . +08-13 15:28 root DEBUG Albert S. Ruddy -LRB- born March 28 , 1930 -RRB- is a Canadian-born film and television producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Justine Bateman is in the arts . +08-13 15:28 root DEBUG Justine Tanya Bateman -LRB- born February 19 , 1966 -RRB- is an American writer , producer , and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duff McKagan was born on February 5 . +08-13 15:28 root DEBUG Michael Andrew `` Duff '' McKagan -LRB- born February 5 , 1964 -RRB- is an American musician , singer , songwriter and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was separated from Activision in January 2002 . +08-13 15:28 root DEBUG Gray Matter Interactive Studios , Inc. was a computer game developer founded in 1994 , and acquired by Activision in January 2002 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mary-Kate Olsen and Ashley Olsen used to be child actresses . +08-13 15:28 root DEBUG Mary-Kate Olsen and Ashley Olsen -LRB- born June 13 , 1986 -RRB- , also known as the Olsen twins collectively , are American fashion designers and former child actresses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Derek Hough has worked . +08-13 15:28 root DEBUG Since September 2007 , Hough has become known for his work on the ABC dance-competition series , Dancing with the Stars , on which he has won a record six seasons . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shadowhunters premiered in July 2016 . +08-13 15:28 root DEBUG The show received a straight-to-series order on March 30 , 2015 , and premiered on January 12 , 2016 on Freeform . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Country for Old Men starred Harrison Ford . +08-13 15:28 root DEBUG A cat-and-mouse drama starring Tommy Lee Jones , Javier Bardem , and Josh Brolin , it follows a Texas welder and Vietnam veteran in the desert landscape of 1980 West Texas . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG `` Love the Way You Lie '' is Eminem 's best-selling single . +08-13 15:28 root DEBUG It is Eminem 's best-selling single and ranked number one on several record charts , including the United States ' Billboard Hot 100 for seven weeks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A&E serves as the flagship property of America . +08-13 15:28 root DEBUG A&E -LRB- previously Arts & Entertainment Network -RRB- is an American cable and satellite television channel that serves as the flagship television property of A&E Networks , a joint venture between the Hearst Corporation and Disney -- ABC Television Group subsidiary of the Walt Disney Company -LRB- both of which maintain a 50 % ownership interest -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Colbert refuses to host talk shows . +08-13 15:28 root DEBUG Colbert has hosted The Late Show with Stephen Colbert , a late-night television talk show on CBS , since September 8 , 2015 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eddie Guerrero experienced drug addiction . +08-13 15:28 root DEBUG He experienced various substance abuse problems , including alcoholism and an addiction to painkillers ; these real-life issues were sometimes incorporated into his storylines . Substance abuse , also known as drug abuse , is a patterned use of a drug in which the user consumes the substance in amounts or with methods which are harmful to themselves or others , and is a form of substance-related disorder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Noel Fisher portrayed a fictional character . +08-13 15:28 root DEBUG He is known for his portrayal of Mickey Milkovich on the Showtime series Shameless , as well as his portrayal of Cael Malloy on the FX series The Riches . The following is a list of the fictional characters appearing in the American comedy-drama television series Shameless , created by Paul Abbott . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a method of communication called Morse Corde . +08-13 15:28 root DEBUG Morse code is a method of transmitting text information as a series of on-off tones , lights , or clicks that can be directly understood by a skilled listener or observer without special equipment . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Happiness in Slavery is a song by an industrial rock band . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Late Show with Stephen Colbert is hosted by Stephen Colbert . +08-13 15:28 root DEBUG Colbert has hosted The Late Show with Stephen Colbert , a late-night television talk show on CBS , since September 8 , 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dark Tower was released in 2012 . +08-13 15:28 root DEBUG The film is set to be released on August 4 , 2017 in 3D and 2D by Columbia Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danger UXB is a British television series . +08-13 15:28 root DEBUG Danger UXB is a 1979 British ITV television series set during the Second World War developed by John Hawkesworth and starring Anthony Andrews as Lieutenant Brian Ash , an officer in the Royal Engineers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a film that is about an ex-convict titled Swordfish -LRB- film -RRB- . +08-13 15:28 root DEBUG The film centers on Stanley Jobson , an ex-con and computer hacker who is targeted for recruitment into a bank robbery conspiracy because of his formidable hacking skills . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Church is a person . +08-13 15:28 root DEBUG Kenneth Eric Church -LRB- born May 3 , 1977 -RRB- is an American country music singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riddick is in a series . +08-13 15:28 root DEBUG Richard B. Riddick , more commonly known as Riddick , is a fictional character and the antihero of four films in the Riddick series -LRB- Pitch Black , The Chronicles of Riddick , the animated movie The Chronicles of Riddick : Dark Fury , and Riddick -RRB- , as well as the two video games The Chronicles of Riddick : Escape from Butcher Bay and The Chronicles of Riddick : Assault on Dark Athena . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The horse was referred to as a Eohippus when it had multiple toes . +08-13 15:28 root DEBUG The horse has evolved over the past 45 to 55 million years from a small multi-toed creature , Eohippus , into the large , single-toed animal of today . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marjorie Gross wrote for American sitcoms . +08-13 15:28 root DEBUG She wrote for such shows as Newhart , The Larry Sanders Show , Square Pegs , Get A Life , and Seinfeld . Newhart is an American sitcom that aired on CBS from October 25 , 1982 to May 21 , 1990 , with a total of 184 half-hour episodes spanning over eight seasons . Seinfeld is an American sitcom that originally ran for nine seasons on NBC , from 1989 to 1998 . The Larry Sanders Show is an American television sitcom set in the office and studio of a fictional late-night talk show . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fortunes of War omits Kenneth Branagh . +08-13 15:28 root DEBUG It stars Kenneth Branagh as Guy Pringle , lecturer in English Literature in Bucharest during the early part of the Second World War , and Emma Thompson as his wife Harriet . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Awkward Black Girl is a series on the Internet . +08-13 15:28 root DEBUG The Mis-Adventures of Awkward Black Girl -LRB- often simply referred to as Awkward Black Girl -RRB- is an American comedy web series created by and starring Issa Rae . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia was directed by a Danish screenwriter . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . Lars von Trier -LRB- Lars Trier , 30 April 1956 -RRB- is a Danish film director and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hourglass was released just 5 weeks after Taylor 's previous album . +08-13 15:28 root DEBUG Taylor 's first studio album in six years was released in 1997 to glowing notices . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stripes was at least one actor 's first significant film role . +08-13 15:28 root DEBUG Several actors including John Larroquette , John Diehl , Conrad Dunn and Judge Reinhold were featured in their first significant film roles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Croatia is incapable of rendering services . +08-13 15:28 root DEBUG The service sector dominates Croatia 's economy , followed by the industrial sector and agriculture . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colin Kaepernick is a person . +08-13 15:28 root DEBUG Colin Rand Kaepernick -LRB- -LSB- ` kæpərnɪk -RSB- ; born November 3 , 1987 -RRB- is an American football quarterback who is currently a free agent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Smriti Mandhana plays for the Indian men 's cricket team . +08-13 15:28 root DEBUG Smriti Mandhana -LRB- born 18 July 1996 -RRB- is an Indian cricketer who plays for the Indian women 's cricket team . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bullitt is an American drama and thriller from 1968 directed by Peter Yates . +08-13 15:28 root DEBUG Bullitt is a 1968 American drama -- thriller film directed by Peter Yates and produced by Philip D'Antoni . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Greek language has speakers in Cyprus . +08-13 15:28 root DEBUG In its modern form , the Greek language is the official language in two countries , Greece and Cyprus , a recognised minority language in seven other countries , and is one of the 24 official languages of the European Union . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG `` I Feel for You '' by Chaka Khan was released five years after 1984 . +08-13 15:28 root DEBUG Khan was the first R&B artist to have a crossover hit featuring a rapper , with `` I Feel for You '' in 1984 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In a Lonely Place was based on a book of the same name . +08-13 15:28 root DEBUG The script was adapted by Edmund North from the 1947 novel of the same name by Dorothy B. Hughes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pirates of the Caribbean is in Disneyland Paris since 1992 . +08-13 15:28 root DEBUG The ride , which tells the story of a band of pirates and their troubles and exploits , was replicated at the Magic Kingdom in 1973 , at Tokyo Disneyland in 1983 , and at Disneyland Paris in 1992 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The CONCACAF Champions League is organized by corpses . +08-13 15:28 root DEBUG The CONCACAF Champions League is an annual continental football club competition organized by CONCACAF for the top football clubs in North America , Central America and the Caribbean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The human brain lacks a cerebellum . +08-13 15:28 root DEBUG The brain consists of the cerebrum , the brainstem and the cerebellum . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alice Cooper is a singer , songwriter and actor . +08-13 15:28 root DEBUG Alice Cooper -LRB- born Vincent Damon Furnier ; February 4 , 1948 -RRB- is an American singer , songwriter , and actor whose career spans over five decades . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Dad was released in 1998 . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthew Gray Gubler is American . +08-13 15:28 root DEBUG Matthew Gray Gubler -LRB- born March 9 , 1980 -RRB- is an American actor , director , fashion model and painter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by a person who was known for his work in mass spectrometry in 2014 . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . Arthur Jeffrey Dempster -LRB- August 14 , 1886 -- March 11 , 1950 -RRB- was a Canadian-American physicist best known for his work in mass spectrometry and his discovery of the uranium isotope 235U . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Due Date was shot in space . +08-13 15:28 root DEBUG The film was shot in Las Cruces , New Mexico , Atlanta , Georgia , and Tuscaloosa , Alabama . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Princess Mononoke is a film . +08-13 15:28 root DEBUG is a 1997 Japanese epic historical fantasy anime film written and directed by Hayao Miyazaki , produced by Studio Ghibli and distributed by Toho . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saxony is a German state . +08-13 15:28 root DEBUG The Free State of Saxony -LRB- der Freistaat Sachsen -LSB- ˈfʁaɪ̯ʃtaːt ˈzaksn̩ -RSB- Swobodny stat Sakska -RRB- is a landlocked federal state of Germany , bordering the federal states of Brandenburg , Saxony Anhalt , Thuringia , and Bavaria , as well as the countries of Poland -LRB- Lower Silesian and Lubusz Voivodeships -RRB- and the Czech Republic -LRB- Karlovy Vary , Liberec and Ústí nad Labem Regions -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Topman has outlets in one Irish city . +08-13 15:28 root DEBUG A part of the Arcadia Group , which also owns Burton , Miss Selfridge , Wallis , Evans and Dorothy Perkins , Topman has a chain of high-street men 's clothing stores located throughout the United Kingdom and has a presence on just about every UK High Street , and in Ireland main street outlets in six cities and towns . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mighty Ducks was only produced by Paramount Pictures . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG North Vietnam was a state in a region . +08-13 15:28 root DEBUG North Vietnam , officially the Democratic Republic of Vietnam -LRB- DRV -RRB- , was a state in Southeast Asia which existed from 1945 to 1976 . Southeast Asia or Southeastern Asia is a subregion of Asia , consisting of the countries that are geographically south of China , east of India , west of New Guinea and north of Australia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Terry Crews played in a sports league . +08-13 15:28 root DEBUG Terry Alan Crews -LRB- born July 30 , 1968 -RRB- is an American actor , artist , and former American football player . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France has three sons . +08-13 15:28 root DEBUG He was succeeded in turn by three of his sons , whose ineffective reigns helped to spark the French Wars of Religion between Protestants and Catholics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kleshas are part of Buddhism . +08-13 15:28 root DEBUG Kleshas -LRB- -LSB- क्लेश , kleśa -RSB- किलेस kilesa ; ཉ ན མ ངས nyon mongs -RRB- , in Buddhism , are mental states that cloud the mind and manifest in unwholesome actions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sheryl Lee appeared in a film in 2016 . +08-13 15:28 root DEBUG In 2016 , she appeared in Café Society , and also completed the Showtime revival of Twin Peaks -LRB- 2017 -RRB- , reprising her role of Laura Palmer . Café Society is a 2016 American romantic comedy-drama film written and directed by Woody Allen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Epistemology has nothing to do with the study of the nature of knowledge . +08-13 15:28 root DEBUG Epistemology studies the nature of knowledge , justification , and the rationality of belief . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Katy Perry 's song Roar -LRB- song -RRB- came out for the first time on her fifth studio album . +08-13 15:28 root DEBUG `` Roar '' is a song by American singer Katy Perry for her fourth studio album , Prism -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veeru Devgan is a stunt performer . +08-13 15:28 root DEBUG Veeru Devgan is an Indian stunt and action choreographer and film director in Bollywood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poseidon earned $ 160 million . +08-13 15:28 root DEBUG Poseidon grossed $ 181,674,817 at the worldwide box office on a budget of $ 160 million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Spade starred in Tommy Boy . +08-13 15:28 root DEBUG He also starred and co-starred in the films Tommy Boy , Black Sheep , Joe Dirt , Joe Dirt 2 : Beautiful Loser , Grown Ups , and Grown Ups 2 , among others . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edmund H. North died March 12 , 1911 . +08-13 15:28 root DEBUG Edmund Hall North -LRB- March 12 , 1911 -- August 28 , 1990 -RRB- , was an American screenwriter who shared an Academy Award for Best Original Screenplay with Francis Ford Coppola in 1970 for their script for Patton . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ludwig van Beethoven was born in the United States . +08-13 15:28 root DEBUG Born in Bonn , then the capital of the Electorate of Cologne and part of the Holy Roman Empire , Beethoven displayed his musical talents at an early age and was taught by his father Johann van Beethoven and by composer and conductor Christian Gottlob Neefe . The Federal City of Bonn -LRB- -LSB- ˈbɔn -RSB- -RRB- is a city on the banks of the Rhine in the German state of North Rhine-Westphalia , with a population of 311,287 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saturn Corporation is registered as a trademark . +08-13 15:28 root DEBUG The Saturn Corporation , also known as Saturn LLC , is a registered trademark established on January 7 , 1985 , as a subsidiary of General Motors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Greek language is spoken in Albania . +08-13 15:28 root DEBUG The language is spoken by at least 13.2 million people today in Greece , Cyprus , Italy , Albania , Turkey , and the Greek diaspora . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bad Romance sold 12 million copies . +08-13 15:28 root DEBUG It achieved worldwide success by topping the charts in a variety of markets , ultimately selling 12 million copies worldwide , thus becoming one of the best-selling singles of all time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Ham United F.C. was not originally called Thames Ironworks . +08-13 15:28 root DEBUG The club was founded in 1895 as Thames Ironworks and reformed in 1900 as West Ham United . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dub music occurred before reggae . +08-13 15:28 root DEBUG Dub is a genre of music that grew out of reggae in the 1960s , and is commonly considered a subgenre , though it has developed to extend beyond the scope of reggae . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The State of Palestine claims the Gaza Strip and is contested . +08-13 15:28 root DEBUG The State of Palestine claims the West Bank -LRB- bordering Israel and Jordan -RRB- and Gaza Strip -LRB- bordering Israel and Egypt -RRB- with East Jerusalem as the designated capital . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian Institute of Management Bangalore offers an executive training program . +08-13 15:28 root DEBUG It offers Post Graduate , Doctoral and executive training programmes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Deighton worked a Californian gold claim . +08-13 15:28 root DEBUG Next , Deighton worked a gold claim in California , along with many others , until February 1858 when there was news of gold further north in a British territory known as New Caledonia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG English people are descended from the shack . +08-13 15:28 root DEBUG Historically , the English population is descended from several peoples -- the earlier Britons -LRB- or Brythons -RRB- and the Germanic tribes that settled in Britain following the withdrawal of the Romans , including Angles , Saxons , Jutes and Frisians . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Manson is a former leader . +08-13 15:28 root DEBUG Charles Milles Manson -LRB- born Charles Milles Maddox , November 12 , 1934 -RRB- is an American criminal and former cult leader who led what became known as the Manson Family , a quasi-commune that arose in California in the late 1960s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michigan is not a top destination for recreational boating . +08-13 15:28 root DEBUG As a result , it is one of the leading U.S. states for recreational boating . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dub music was developed before the 1960s . +08-13 15:28 root DEBUG Dub is a genre of music that grew out of reggae in the 1960s , and is commonly considered a subgenre , though it has developed to extend beyond the scope of reggae . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Star Trek : Discovery is part of CBS All Access launch . +08-13 15:28 root DEBUG Star Trek : Discovery is an upcoming American television series created by Bryan Fuller and Alex Kurtzman for CBS All Access . It is the first series developed specifically for that service , and the first Star Trek series since Star Trek : Enterprise concluded in 2005 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is a producer . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Manson is a convicted murderer . +08-13 15:28 root DEBUG Manson also received first-degree murder convictions for the deaths of Gary Hinman and Donald `` Shorty '' Shea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee is from America . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pelican Brief is based on a novel of the same name by John Grisham . +08-13 15:28 root DEBUG The Pelican Brief is a 1993 American legal political thriller based on the novel of the same name by John Grisham . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Commercial sexual exploitation is a reason for human trafficking . +08-13 15:28 root DEBUG Human trafficking is the trade of humans , most commonly for the purpose of forced labour , sexual slavery , or commercial sexual exploitation for the trafficker or others . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quran is a secular text . +08-13 15:28 root DEBUG The Quran -LRB- -LSB- kɔrˈɑːn -RSB- ; القرآن , literally meaning `` the recitation '' ; also romanized Qur ` an or Koran -RRB- is the central religious text of Islam , which Muslims believe to be a revelation from God -LRB- Allah -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG L.A. Reid was turned down for the role of CEO of an American record label owned by Sony Music Entertainment . +08-13 15:28 root DEBUG He has served as the chairman and CEO of Epic Records , a division of Sony Music Entertainment , the president and CEO of Arista Records , and the chairman and CEO of the Island Def Jam Music Group . Epic Records is an American record label owned by Sony Music Entertainment , a subsidiary of Sony Corporation of America , Inc. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poseidon grossed money . +08-13 15:28 root DEBUG Poseidon grossed $ 181,674,817 at the worldwide box office on a budget of $ 160 million . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saw franchise is only consists of TV episodes . +08-13 15:28 root DEBUG Saw is an American horror franchise distributed by Lions Gate Entertainment , produced by Twisted Pictures and created by two Australians , director James Wan and screenwriter Leigh Whannell , that consists of seven feature films and additional media . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rio 's sequel is an American musical comedy film . +08-13 15:28 root DEBUG A sequel , Rio 2 , was released on April 11 , 2014 . Rio 2 is a 2014 American 3D computer-animated musical comedy film produced by Blue Sky Studios and directed by Carlos Saldanha . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristotle spent time in Greece . +08-13 15:28 root DEBUG Aristotle -LRB- -LSB- ˈærɪˌstɒtəl -RSB- Ἀριστοτέλης , -LSB- aristotélɛːs -RSB- , Aristotélēs ; 384 -- 322 BC -RRB- was an ancient Greek philosopher and scientist born in the city of Stagira , Chalkidice , on the northern periphery of Classical Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cincinnati Kid stars Steve McQueen as Waluigi . +08-13 15:28 root DEBUG It tells the story of Eric `` The Kid '' Stoner , a young Depression-era poker player , as he seeks to establish his reputation as the best . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is set in and around Edinburgh . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lost did not last from September 22 , 2004 to May 23 , 2010 . +08-13 15:28 root DEBUG Lost is an American television drama series that originally aired on the American Broadcasting Company -LRB- ABC -RRB- from September 22 , 2004 , to May 23 , 2010 , over six seasons , comprising a total of 121 episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia was directed solely by Kevin Spacey . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tie Your Mother Down was only ever released as part of an album instead of as a single . +08-13 15:28 root DEBUG On its original release as a single in 1977 the song peaked at 31 in the UK Singles Chart , however more than 20 years later it was released as a double a-side to `` No-One But You -LRB- Only the Good Die Young -RRB- '' where it reached 13 in UK Singles Chart . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rachel Green is one of the six main characters in the sitcom The Simpsons . +08-13 15:28 root DEBUG Rachel Karen Green is a fictional character , one of the six main characters who appeared in the American sitcom Friends . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Billboard Dad stars a woman . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The NAACP Image Award for Outstanding Supporting Actor in a Drama Series has been received by an actor . +08-13 15:28 root DEBUG The award was first given during the 1996 ceremony and since its conception , Omar Epps and Joe Morton hold the record for the most wins with three each . Joseph Thomas `` Joe '' Morton , Jr. -LRB- born October 18 , 1947 -RRB- is an American stage , television , and film actor . Omar Hashim Epps -LRB- born July 20 , 1973 -RRB- is an American actor , rapper , songwriter , and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caroline Kennedy is a person . +08-13 15:28 root DEBUG Caroline Bouvier Kennedy -LRB- born November 27 , 1957 -RRB- is an American author , attorney , and diplomat who served as the United States Ambassador to Japan from 2013 to 2017 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Season 2 of Fargo takes place after 1979 . +08-13 15:28 root DEBUG A prequel to the events in its first season , season two of Fargo takes place in the Midwestern United States in March 1979 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria Palace Theatre is outside the City of Westminster . +08-13 15:28 root DEBUG Victoria Palace Theatre is a West End theatre in Victoria Street , in the City of Westminster , opposite Victoria Station . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Starrcade was regarded as a flagship event of the year . +08-13 15:28 root DEBUG Starrcade was regarded by the NWA and WCW as their flagship event of the year , much in the same vein that its rival , the World Wrestling Entertainment , regards WrestleMania . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saturn Corporation is a subsidiary of General Motor . +08-13 15:28 root DEBUG The Saturn Corporation , also known as Saturn LLC , is a registered trademark established on January 7 , 1985 , as a subsidiary of General Motors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The French Resistance executed acts of sabotage on electric power grids . +08-13 15:28 root DEBUG The Résistance also planned , coordinated , and executed acts of sabotage on the electrical power grid , transport facilities , and telecommunications networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tylenol is advertised for reducing pain . +08-13 15:28 root DEBUG Tylenol -LSB- ˈtaɪlənɒl -RSB- is a brand of drugs advertised for reducing pain , reducing fever , and relieving the symptoms of allergies , cold , cough headache , and influenza . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roland Emmerich is a campaigner for the LGBT community . +08-13 15:28 root DEBUG He is a collector of art and an active campaigner for the LGBT community , and is openly gay . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yale University 's alumni includes many presidents . +08-13 15:28 root DEBUG Yale has graduated many notable alumni , including five U.S. Presidents , 19 U.S. Supreme Court Justices , 20 living billionaires , and many heads of state . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nestor Carbonell was in two movies . +08-13 15:28 root DEBUG He is perhaps most famous for his roles as Richard Alpert in ABC 's drama series Lost , and Mayor Anthony Garcia in the Christopher Nolan films The Dark Knight and The Dark Knight Rises . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poseidon had a budget of $ 160 million and did not make a profit . +08-13 15:28 root DEBUG Poseidon grossed $ 181,674,817 at the worldwide box office on a budget of $ 160 million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG How to Train Your Dragon 2 was an award-winning film . +08-13 15:28 root DEBUG It received the Golden Globe Award for Best Animated Feature Film and was nominated for an Academy Award for Best Animated Feature . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Church is an artist . +08-13 15:28 root DEBUG Kenneth Eric Church -LRB- born May 3 , 1977 -RRB- is an American country music singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Steve McQueen stars in The Cincinnati Kid . +08-13 15:28 root DEBUG The film was directed by Norman Jewison and stars Steve McQueen in the title role and Edward G. Robinson as Howard . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poseidon had a budget of $ 1.40 . +08-13 15:28 root DEBUG Poseidon grossed $ 181,674,817 at the worldwide box office on a budget of $ 160 million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The ocean fascinated Stephen Hillenburg when he was a child . +08-13 15:28 root DEBUG Born in Lawton , Oklahoma and raised in Anaheim , California , Hillenburg became fascinated with the ocean as a child and also developed an interest in art . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tool has won three tanks . +08-13 15:28 root DEBUG Tool has won three Grammy Awards , performed worldwide tours , and produced albums topping the charts in several countries . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Yune was on a show that aired on Netflix . +08-13 15:28 root DEBUG He was part of the main cast of the Netflix original series Marco Polo until the series was cancelled on December 12 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bea Arthur was born in 1922 . +08-13 15:28 root DEBUG Bea Arthur -LRB- born Bernice Frankel ; May 13 , 1922 -- April 25 , 2009 -RRB- was an American actress , comedian , singer , and animal rights activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duane Chapman is a former bail bondsman . +08-13 15:28 root DEBUG Duane Lee `` Dog '' Chapman I. -LRB- born February 2 , 1953 -RRB- is an American bounty hunter and a former bail bondsman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rabbta -LRB- song -RRB- is a Hindi song from a 2012 film . +08-13 15:28 root DEBUG `` Raabta '' -LRB- English : Relation -RRB- is a romantic Hindi song from the 2012 Bollywood film , Agent Vinod . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Britt Robertson portrayed the role of Sophia Amoruso . +08-13 15:28 root DEBUG Robertson received wider recognition in 2015 after landing the roles of Sophia Danko in The Longest Ride and Casey Newton in Tomorrowland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johnny Galecki acted in an HBO sitcom for ten years . +08-13 15:28 root DEBUG He is known for playing David Healy in the ABC sitcom Roseanne from 1992 -- 1997 and Dr. Leonard Hofstadter in the CBS sitcom The Big Bang Theory since 2007 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Glee.com is a website launched in 2010 . +08-13 15:28 root DEBUG The site was launched in February 2007 by Community Connect Inc. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Palo Alto , California 's location is the United States . +08-13 15:28 root DEBUG Palo Alto -LRB- -LSB- ˌpæloʊ_ˈæltoʊ -RSB- ; -LSB- ˈpalo ˈalto -RSB- ; from palo , literally `` stick '' , colloquially `` tree '' , and alto `` tall '' ; meaning : `` tall tree '' -RRB- is a charter city located in the northwest corner of Santa Clara County , California , in the San Francisco Bay Area of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Happiness in Slavery is a song . +08-13 15:28 root DEBUG `` Happiness in Slavery '' is a song by American industrial rock band Nine Inch Nails from their debut extended play -LRB- EP -RRB- , Broken -LRB- 1992 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy Summers appears in the Buffy the Vampire Slayer film . +08-13 15:28 root DEBUG She first appeared in the 1992 film Buffy the Vampire Slayer before going on to appear in the television series and subsequent comic book of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alan Metter directed Billboard Dad . +08-13 15:28 root DEBUG Billboard Dad -LRB- film -RRB- is a 1998 American direct-to-video comedy film , directed by Alan Metter starring Mary-Kate and Ashley Olsen . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters was created for cats . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Craig David was nominated for Best American Male . +08-13 15:28 root DEBUG David has been nominated for thirteen Brit Awards : four times for Best British Male , and twice received a Grammy Award nomination for Best Male Pop Vocal Performance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tilda Swinton is an actress . +08-13 15:28 root DEBUG Katherine Matilda `` Tilda '' Swinton -LRB- born 5 November 1960 -RRB- is a British actress , performance artist , model , and fashion muse , known for her roles in independent and Hollywood films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Calcaneal spurs are found by a radiographic examination . +08-13 15:28 root DEBUG Calcaneal spurs are typically detected by a radiographic examination -LRB- commonly referred to as an `` x-ray '' -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DNA is a work . +08-13 15:28 root DEBUG DNA is the debut studio album by British girl group Little Mix . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Garden State was at a festival that takes place in a corpse . +08-13 15:28 root DEBUG It was an official selection of the Sundance Film Festival . The Sundance Film Festival , a program of the Sundance Institute , is an American film festival that takes place annually in Park City , Utah . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Poldark is a television show . +08-13 15:28 root DEBUG Poldark is a British-American drama television series that was first broadcast on BBC One on 8 March 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Derek Hough starred in a work . +08-13 15:28 root DEBUG Hough has also starred in various stage productions , including the 2006 original production of Footloose : The Musical at the Novello Theatre in London 's West End , as well as the 2015 New York Spring Spectacular at Radio City Music Hall in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bea Arthur hated animals . +08-13 15:28 root DEBUG Bea Arthur -LRB- born Bernice Frankel ; May 13 , 1922 -- April 25 , 2009 -RRB- was an American actress , comedian , singer , and animal rights activist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG During the 49ers 63rd season in the National Football League Colin Kaepernick became a starter . +08-13 15:28 root DEBUG Kaepernick began his professional career as a backup to Alex Smith , but became the 49ers ' starter in the middle of the 2012 season after Smith suffered a concussion . The San Francisco 49ers season was the franchise 's 63rd season in the National Football League , the 67th overall , the second under the head coach/general manager tandem of Jim Harbaugh and Trent Baalke , and their penultimate season at Candlestick Park . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nicholas Brody is also called Nick . +08-13 15:28 root DEBUG Nicholas `` Nick '' Brody , played by actor Damian Lewis , is a fictional character on the American television series Homeland on Showtime , created by Alex Gansa and Howard Gordon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marco Polo left a chronicle of his experience . +08-13 15:28 root DEBUG His travels are recorded in Livres des merveilles du monde -LRB- Book of the Marvels of the World , also known as The Travels of Marco Polo , c. 1300 -RRB- , a book that described to Europeans the wealth and great size of China , its capital Peking , and other Asian cities and countries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Star Trek : Discovery is based on the series created by George Lucas . +08-13 15:28 root DEBUG It is the first series developed specifically for that service , and the first Star Trek series since Star Trek : Enterprise concluded in 2005 . Star Trek is an American science fiction media franchise based on the television series created by Gene Roddenberry . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DNA is a collection of songs . +08-13 15:28 root DEBUG DNA is the debut studio album by British girl group Little Mix . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baz Luhrmann 's film Australia stars an Australian actress and film producer . +08-13 15:28 root DEBUG His 2008 film Australia is an epic historical romantic drama film starring Hugh Jackman and Nicole Kidman . Nicole Mary Kidman , AC -LRB- born June 20 , 1967 -RRB- is an Australian actress and film producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Martin Van Buren was appointed . +08-13 15:28 root DEBUG In 1831 , following his resignation as Secretary of State , which aided Jackson in resolving the Petticoat affair , Jackson gave Van Buren a recess appointment as American minister to Britain . A recess appointment is the appointment , by the President of the United States , of a senior federal official while the U.S. Senate is in recess . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wish Upon was directed by John R. Leonetti . +08-13 15:28 root DEBUG Wish Upon is a 2017 supernatural horror thriller film directed by John R. Leonetti and starring Joey King , Ryan Phillipe , Ki Hong Lee , Shannon Purser , Sydney Park and Sherilyn Fenn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aleister Crowley was English . +08-13 15:28 root DEBUG Aleister Crowley -LRB- -LSB- ˈkroʊli -RSB- born Edward Alexander Crowley ; 12 October 1875 -- 1 December 1947 -RRB- was an English occultist , ceremonial magician , poet , painter , novelist , and mountaineer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Humphrey Bogart received an award nomination . +08-13 15:28 root DEBUG Over his career , he received three Academy Award nominations for Best Actor , winning one -LRB- for The African Queen -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The website Glee.com was first launched in 2010 . +08-13 15:28 root DEBUG The site was launched in February 2007 by Community Connect Inc. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tijuana is the center of the Tijuana metropolitan area . +08-13 15:28 root DEBUG Tijuana -LRB- -LSB- tiːˈwɑːnə -RSB- ; -LSB- tiˈxwana -RSB- -RRB- is the largest city in Baja California and on the Baja California Peninsula and center of the Tijuana metropolitan area , part of the international San Diego -- Tijuana metropolitan area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Steve Wozniak designed a piece of technology . +08-13 15:28 root DEBUG He primarily designed the 1977 Apple II , known as one of the first highly successful mass-produced microcomputers , while Jobs oversaw the development of its unusual case and Rod Holt developed the unique power supply . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG `` Love the Way You Lie '' received five Grammy nominations . +08-13 15:28 root DEBUG The song won many awards and received five Grammy nominations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Email filtering output is incapable of delivering unchanged messages . +08-13 15:28 root DEBUG For its output , it might pass the message through unchanged for delivery to the user 's mailbox , redirect the message for delivery elsewhere , or even throw the message away . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Damon Albarn collaborated with Brian Eno . +08-13 15:28 root DEBUG His debut solo studio album Everyday Robots -- co-produced by XL Recordings CEO Richard Russell -- was released on 28 April 2014 and featured collaborations with Brian Eno , Natasha Khan and the Leytonstone City Pentecostal Mission Church Choir as well as sampling several rants by Lord Buckley . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Wallace -LRB- poem -RRB- is historically inaccurate . +08-13 15:28 root DEBUG The poem is historically inaccurate , and mentions several events that never happened . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duff McKagan was born on August 5 . +08-13 15:28 root DEBUG Michael Andrew `` Duff '' McKagan -LRB- born February 5 , 1964 -RRB- is an American musician , singer , songwriter and author . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brad Wilk co-founded Rage in the 20th century . +08-13 15:28 root DEBUG Wilk started his career as a drummer for Greta in 1990 , and helped co-found Rage with Tom Morello and Zack de la Rocha in August 1991 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DNA is an album . +08-13 15:28 root DEBUG DNA is the debut studio album by British girl group Little Mix . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Lonergan is a person who directs movies . +08-13 15:28 root DEBUG He earned an Academy Award for Best Director nomination for Manchester by the Sea , and was nominated for an Academy Award for Best Original Screenplay for You Can Count on Me , Gangs of New York and Manchester by the Sea , winning the Oscar for the last at the 89th Academy Awards . Manchester by the Sea is a 2016 American drama film written and directed by Kenneth Lonergan , and starring Casey Affleck , Michelle Williams , Kyle Chandler , and Lucas Hedges . Written and directed by Kenneth Lonergan , it tells the story of Sammy , a single mother living in a small town , and her complicated relationships with family and friends . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New York Knicks are in the Eastern Conference . +08-13 15:28 root DEBUG The Knicks compete in the National Basketball Association -LRB- NBA -RRB- as a member of the Atlantic Division of the Eastern Conference . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leslie Kong founded Island Records . +08-13 15:28 root DEBUG It was founded by Chris Blackwell , Graeme Goodall and Leslie Kong in Jamaica in 1959 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Virginia borders Pennsylvania . +08-13 15:28 root DEBUG It is bordered by Virginia to the southeast , Kentucky to the southwest , Ohio to the northwest , Pennsylvania to the north -LRB- and , slightly , east -RRB- , and Maryland to the northeast . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nestor Carbonell played Mayor Anthony Garcia in The Dark Knight and The Dark Knight Rises during the 19th century . +08-13 15:28 root DEBUG Néstor Gastón Carbonell -LRB- -LSB- ˈnestor ɣasˈtoŋ karβoˈneʎ -RSB- ; born December 1 , 1967 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG San Diego Comic-Con was originally known as the Golden State Comic Book Convention . +08-13 15:28 root DEBUG It was founded as the Golden State Comic Book Convention in 1970 by a group of San Diegans that included Shel Dorf , Richard Alf , Ken Krueger and Mike Towry ; later , it was called the `` San Diego Comic Book Convention '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Always features Audrey Hepburn . +08-13 15:28 root DEBUG Always is a 1989 American romantic comedy-drama film directed by Steven Spielberg and starring Richard Dreyfuss , Holly Hunter , John Goodman , introducing Brad Johnson , and featuring Audrey Hepburn 's cameo in her final film appearance . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alice Cooper sings , writes songs , and acts for a living . +08-13 15:28 root DEBUG Alice Cooper -LRB- born Vincent Damon Furnier ; February 4 , 1948 -RRB- is an American singer , songwriter , and actor whose career spans over five decades . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Off the Wall led to someone winning an award . +08-13 15:28 root DEBUG The record gained critical acclaim and recognition , and won the singer his first Grammy Award . Jackson received positive reviews for his vocal performance on the record . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Winds of Winter is an episode . +08-13 15:28 root DEBUG `` The Winds of Winter '' is the tenth and final episode of the sixth season of HBO 's fantasy television series Game of Thrones , and the sixtieth overall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pelican Brief is based solely on a poem . +08-13 15:28 root DEBUG The Pelican Brief is a 1993 American legal political thriller based on the novel of the same name by John Grisham . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tiber Oil Field is a landlocked oil field . +08-13 15:28 root DEBUG The Tiber Oil Field is a deepwater offshore oil field located in the Keathley Canyon block 102 of the United States sector of the Gulf of Mexico . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee was born . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aparshakti Khurana works in India . +08-13 15:28 root DEBUG Aparshakti Khurrana is an Indian Bollywood actor , RJ , and TV anchor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Rogan appeared in an American baseball sitcom . +08-13 15:28 root DEBUG After relocating to Los Angeles in 1994 , Rogan signed an exclusive developmental deal with Disney , appeared as an actor on the television sitcoms Hardball and NewsRadio , and worked in local comedy clubs . Hardball is an American baseball sitcom that aired Sunday nights at 8:30 pm on Fox from September 4 , 1994 to October 23 , 1994 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina was officially known as the Indochinese Federation after 1955 . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Youtube has been listed in a position by a web traffic analysis company based in California . +08-13 15:28 root DEBUG , the website is ranked as the second most popular site in the world by Alexa Internet , a web traffic analysis company . Alexa Internet , Inc. is a California-based company that provides commercial web traffic data and analytics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kelly Preston starred in the film Old Dogs . +08-13 15:28 root DEBUG She also starred in the films The Cat in the Hat , Old Dogs , and Broken Bridges . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rabies does not affect the brain . +08-13 15:28 root DEBUG Rabies is a viral disease that causes inflammation of the brain in humans and other mammals . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tiber Oil Field is located in the Keathley Canyon block 102 of the Mexican sector of the Gulf of Mexico . +08-13 15:28 root DEBUG The Tiber Oil Field is a deepwater offshore oil field located in the Keathley Canyon block 102 of the United States sector of the Gulf of Mexico . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee 's middle name is Ryan . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG West Ham United F.C. was not founded in 1895 . +08-13 15:28 root DEBUG The club was founded in 1895 as Thames Ironworks and reformed in 1900 as West Ham United . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting 's setting is within Scotland . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Penn acts in films . +08-13 15:28 root DEBUG He has won two Academy Awards , for his roles in the mystery drama Mystic River -LRB- 2003 -RRB- and the biopic Milk -LRB- 2008 -RRB- . Mystic River is a 2003 American mystery drama film directed and scored by Clint Eastwood . Milk is a 2008 American biographical film based on the life of gay rights activist and politician Harvey Milk , who was the first openly gay person to be elected to public office in California , as a member of the San Francisco Board of Supervisors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Knocked Up only grossed $ 19 million worldwide . +08-13 15:28 root DEBUG The film was released on June 1 , 2007 to box office success , grossing $ 219 million worldwide , and acclaim from critics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeong Hyeong-don is South Korean . +08-13 15:28 root DEBUG Jeong Hyeong-don -LRB- born February 7 , 1978 -RRB- is a South Korean comedian and entertainer under FNC Entertainment . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cate Blanchett is a cast in the film Blue Jasmine . +08-13 15:28 root DEBUG The film tells the story of a rich Manhattan socialite -LRB- played by Cate Blanchett -RRB- who falls on hard times and has to move into her working class sister 's -LRB- Sally Hawkins -RRB- apartment in San Francisco . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Penibaetic System is an arrangement of mountain ranges . +08-13 15:28 root DEBUG The Penibaetic System -LRB- Sistema Penibético or Cordillera Penibética -RRB- is the southernmost of the three systems of mountain ranges of the Baetic System in the southern Iberian Peninsula . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rupert Murdoch formed BSkyB in 1990 . +08-13 15:28 root DEBUG Murdoch formed the British broadcaster BSkyB in 1990 , and during the 1990s expanded into Asian networks and South American television . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kellyanne Conway has used a phrase . +08-13 15:28 root DEBUG Since Trump 's inauguration , Conway has been embroiled in a series of controversies , including using the phrase `` alternative facts '' , making reference to a `` Bowling Green massacre '' that never occurred , claiming Michael Flynn had the full confidence of the president hours before he was dismissed , and publicly endorsing commercial products associated with the president 's daughter Ivanka Trump . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mogadishu is a place . +08-13 15:28 root DEBUG Mogadishu -LRB- -LSB- ˌmɔːɡəˈdiːʃuː -RSB- Muqdisho -LSB- mʉqdɪʃɔ -RSB- ; مقديشو -LSB- maqadiːʃuː -RSB- -RRB- , known locally as Hamar , is the capital and most populous city of Somalia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A brief civil war was put down by Otto I , Holy Roman Emperor . +08-13 15:28 root DEBUG After putting down a brief civil war among the rebellious duchies , Otto defeated the Magyars at the Battle of Lechfeld in 955 , thus ending the Hungarian invasions of Western Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mighty Ducks was distributed by PewDiePie . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Varsity Blues -LRB- film -RRB- made zero profits and revenue . +08-13 15:28 root DEBUG The film drew a domestic box office gross of $ 52 million against its estimated $ 16 million budget despite mixed critical reviews . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sheryl Lee reprised her role of a woman . +08-13 15:28 root DEBUG In 2016 , she appeared in Café Society , and also completed the Showtime revival of Twin Peaks -LRB- 2017 -RRB- , reprising her role of Laura Palmer . Laura Palmer is a fictional character in the Twin Peaks franchise . She is portrayed by Sheryl Lee and was created by the series creators David Lynch and Mark Frost . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Guillermo del Toro was born on October 9 , 1964 . +08-13 15:28 root DEBUG Guillermo del Toro Gómez -LRB- -LSB- ɡiˈʝeɾmo ðel ˈtoɾo -RSB- ; born October 9 , 1964 -RRB- is a Mexican film director , screenwriter , producer , and novelist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gin derives part of its flavour from berries . +08-13 15:28 root DEBUG Gin is a spirit which derives its predominant flavour from juniper berries -LRB- Juniperus communis -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Colosseum is in Europe . +08-13 15:28 root DEBUG The Colosseum or Coliseum -LRB- -LSB- kɒləˈsiːəm -RSB- -RRB- , also known as the Flavian Amphitheatre -LRB- Latin : Amphitheatrum Flavium ; Italian : Anfiteatro Flavio -LSB- aŋfiteˈaːtro ˈflaːvjo -RSB- or Colosseo -LSB- kolosˈsɛːo -RSB- -RRB- , is an oval amphitheatre in the centre of the city of Rome , Italy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fabian Nicieza was born in 1961 . +08-13 15:28 root DEBUG Fabian Nicieza -LRB- born 31 December 1961 -RRB- is an Argentine-American comic book writer and editor who is best known for his work on Marvel titles such as X-Men , X-Force , New Warriors , Cable and Deadpool , and Thunderbolts , for all of which he helped create numerous characters . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trevor Griffiths was born in Spain . +08-13 15:28 root DEBUG Trevor Griffiths -LRB- born 4 April 1935 , Ancoats , Manchester -RRB- , is an English dramatist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Starrcade was a professional wrestling event . +08-13 15:28 root DEBUG Starrcade was an annual professional wrestling event , originally broadcast via closed-circuit television and eventually broadcast via pay-per-view television , held from 1983 to 2000 by the National Wrestling Alliance -LRB- NWA -RRB- and later World Championship Wrestling -LRB- WCW -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A part of Saw -LRB- franchise -RRB- is a film . +08-13 15:28 root DEBUG He was introduced briefly in Saw and developed in more detail in Saw II . Saw is a 2004 American thriller film directed by James Wan . Saw II is a 2005 American horror film , a sequel to 2004 's Saw and the second installment in the seven-part Saw franchise , directed and co-written by Darren Lynn Bousman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a biographical film called Jackie -LRB- 2016 film -RRB- . +08-13 15:28 root DEBUG Jackie is a 2016 biographical drama film directed by Pablo Larraín and written by Noah Oppenheim . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vietnam is a state . +08-13 15:28 root DEBUG Vietnam -LRB- ˌ ; -LSB- vîət nāːm -RSB- -RRB- , officially the Socialist Republic of Vietnam -LRB- SRV ; , is the easternmost country on the Indochina Peninsula in Southeast Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Global warming effects all regions in exactly the same way . +08-13 15:28 root DEBUG Future climate change and associated impacts will differ from region to region around the globe . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Artpop debuted at number one on the United States Billboard 200 in 1999 . +08-13 15:28 root DEBUG Artpop -LRB- stylized as ARTPOP -RRB- is the third studio album by American singer Lady Gaga , released on November 6 , 2013 , by Streamline and Interscope Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Calcaneal spurs are only detected by a dancing technique . +08-13 15:28 root DEBUG Calcaneal spurs are typically detected by a radiographic examination -LRB- commonly referred to as an `` x-ray '' -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camden , New Jersey is a publication . +08-13 15:28 root DEBUG Camden is a city in Camden County , New Jersey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The World Trade Center is still standing . +08-13 15:28 root DEBUG It featured landmark twin towers , which opened on April 4 , 1973 , and were destroyed as a result of the September 11 attacks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina was a grouping of British colonial territories . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedam stars Indian film actors and actresses . +08-13 15:28 root DEBUG Vedam -LRB- English : Chant -RRB- is a 2010 Telugu language Indian drama film written and directed by Radhakrishna Jagarlamudi , starring Allu Arjun , Manoj Manchu , Anushka Shetty , Manoj Bajpayee , Saranya Ponvannan , Deeksha Seth , Lekha Washington , and Siya Gautham . Manchu Manoj Kumar is an Indian film actor known for his works exclusively in Telugu cinema . Manoj Bajpayee -LRB- born 23 April 1969 -RRB- , also credited as Manoj Bajpai , is an Indian film actor who predominantly works in Hindi cinema and has also done Telugu and Tamil language films . Allu Arjun is an Indian film actor who primarily works in Telugu cinema . Sweety Shetty -LRB- born 7 November 1981 -RRB- , known by her stage name Anushka Shetty , is an Indian actress and model who predominantly works in Telugu and Tamil films . Saranya Ponvannan -LRB- born April 1970 -RRB- , also known as Sheela , is a popular award-winning Indian film actress who has predominantly appeared in Tamil language and Telugu language films and a few Malayalam and Kannada language films . Lekha Washington is an Indian film actress and product designer , who has appeared in Tamil , Hindi , Telugu and Kannada language films . Deeksha Seth -LRB- born 14 February 1990 -RRB- is an Indian film actress and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Los Angeles Rams is a team that Terry Crews played for . +08-13 15:28 root DEBUG In football , Crews played as a defensive end and linebacker in the National Football League -LRB- NFL -RRB- for the Los Angeles Rams , San Diego Chargers and Washington Redskins , as well as in the World League of American Football with Rhein Fire . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Margaret Thatcher was a person . +08-13 15:28 root DEBUG Margaret Hilda Thatcher , Baroness Thatcher , -LRB- ; 13 October 1925 -- 8 April 2013 -RRB- was a British stateswoman , who served as Prime Minister of the United Kingdom from 1979 to 1990 and as Leader of the Conservative Party from 1975 to 1990 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Polar bears depend on sea ice . +08-13 15:28 root DEBUG Because of their dependence on the sea ice , polar bears are classified as marine mammals ; an alternative basis for classification as marine mammals is that they depend on the ocean as their main food source . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United Nations Charter was signed at the New York War Memorial and Performing Arts Center . +08-13 15:28 root DEBUG It was signed at the San Francisco War Memorial and Performing Arts Center in San Francisco , United States , on 26 June 1945 , by 50 of the 51 original member countries -LRB- Poland , the other original member , which was not represented at the conference , signed it two months later -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hanford Site hosts a laboratory . +08-13 15:28 root DEBUG Besides the cleanup project , Hanford also hosts a commercial nuclear power plant , the Columbia Generating Station , and various centers for scientific research and development , such as the Pacific Northwest National Laboratory and the LIGO Hanford Observatory . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A part of Saw -LRB- franchise -RRB- is Saw II . +08-13 15:28 root DEBUG He was introduced briefly in Saw and developed in more detail in Saw II . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mount Rushmore was made from 1927-1956 . +08-13 15:28 root DEBUG Lack of funding forced construction to end in late October 1941 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 17th was the day Billie Joe Armstrong was born . +08-13 15:28 root DEBUG Billie Joe Armstrong -LRB- born February 17 , 1972 -RRB- is an American musician , singer , songwriter and actor who is best known as the lead vocalist , primary songwriter , and guitarist of the punk rock band Green Day , which he co-founded with Mike Dirnt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dark Tower is a film . +08-13 15:28 root DEBUG The Dark Tower is an upcoming American science fantasy western action horror film directed and co-written by Nikolaj Arcel . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Sterile Cuckoo was adapted from a biography by John Nichols . +08-13 15:28 root DEBUG The movie was adapted by Alvin Sargent from the 1965 novel by John Nichols , and directed by Alan J. Pakula , in his directing debut . The Sterile Cuckoo , is the 1965 novel by John Nichols . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Don Bradman was called the `` greatest living Australian '' by Sir Ian McKellen . +08-13 15:28 root DEBUG Even after he became reclusive in his declining years his opinion was highly sought , and his status as a national icon was still recognised -- more than 50 years after his retirement as a Test player , in 2001 , Prime Minister John Howard of Australia called him the `` greatest living Australian '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edison Machine Works was set up to produce chassis . +08-13 15:28 root DEBUG The Edison Machine Works was a manufacturing company set up to produce dynamos , large electric motors , and other components of the electrical illumination system being built by Thomas A. Edison in New York City . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Creedence Clearwater Revival had John Fogerty as lead vocalist and guitarist for the song Fortunate Son . +08-13 15:28 root DEBUG The band consisted of lead vocalist , lead guitarist , and primary songwriter John Fogerty , his brother rhythm guitarist Tom Fogerty , bassist Stu Cook and drummer Doug Clifford . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Palmer -LRB- writer -RRB- played the clarinet in a band . +08-13 15:28 root DEBUG He is best known for his books , including Deep Blues ; his music journalism for the New York Times and Rolling Stone magazine ; his work producing blues recordings and the soundtrack of the film Deep Blues ; and his clarinet playing in the 1960s band the Insect Trust . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lockhead Martin F-35 Lightning II was an expensive aircraft . +08-13 15:28 root DEBUG The program is the most expensive military weapons system in history , and has been much criticized inside and outside government , in the U.S. and in allied countries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Frozen is a film from 2013 . +08-13 15:28 root DEBUG Frozen is a 2013 American 3D computer-animated musical fantasy film produced by Walt Disney Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mount Rushmore was made . +08-13 15:28 root DEBUG Mount Rushmore National Memorial is a sculpture carved into the granite face of Mount Rushmore , a batholith in the Black Hills in Keystone , South Dakota , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mickey Rourke appeared in a movie . +08-13 15:28 root DEBUG Since then , Rourke has appeared in several commercially successful films including the 2010 films Iron Man 2 and The Expendables and the 2011 film Immortals . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Life applies only to physical entities without self-sustaining processes . +08-13 15:28 root DEBUG Life is a characteristic distinguishing physical entities having biological processes , such as signaling and self-sustaining processes , from those that do not , either because such functions have ceased , or because they never had such functions and are classified as inanimate . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yara Shahidi is a person . +08-13 15:28 root DEBUG Yara Sayeh Shahidi شهیدی -LSB- jɑːɾɑː sɑːje ʃæhiːdiː -RSB- -RRB- -LRB- born February 10 , 2000 -RRB- is an American actress and model . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Justine Bateman was born in the 1950s . +08-13 15:28 root DEBUG Justine Tanya Bateman -LRB- born February 19 , 1966 -RRB- is an American writer , producer , and actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tim McGraw was turned down for a role in The Blind Side . +08-13 15:28 root DEBUG McGraw has ventured into acting , with supporting roles in The Blind Side -LRB- with Sandra Bullock -RRB- , Friday Night Lights , The Kingdom , Tomorrowland , and Four Christmases -LRB- with Vince Vaughn and Reese Witherspoon -RRB- , and lead roles in Flicka -LRB- 2006 -RRB- and Country Strong -LRB- 2010 -RRB- . Quinton Aaron stars as Michael Oher , alongside Sandra Bullock as Leigh Anne Tuohy , Tim McGraw as Sean Tuohy , and Kathy Bates as Miss Sue . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Martin Van Buren was Secretary of Defense . +08-13 15:28 root DEBUG A member of the Democratic Party , he served in a number of other senior roles , including eighth Vice President -LRB- 1833 -- 37 -RRB- and tenth Secretary of State -LRB- 1829 -- 31 -RRB- , both under Andrew Jackson . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jennifer Lopez has dated . +08-13 15:28 root DEBUG Following her second divorce , Lopez had a high-profile relationship with Ben Affleck , which strongly influenced her third studio album , This Is Me ... Then -LRB- 2002 -RRB- , while also overshadowing the release of Gigli -LRB- 2003 -RRB- , a critical and commercial failure . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Global warming causes the abandonment of populated areas due to rising sea levels . +08-13 15:28 root DEBUG Effects significant to humans include the threat to food security from decreasing crop yields and the abandonment of populated areas due to rising sea levels . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Easy A 's writer is Bert V. Royal . +08-13 15:28 root DEBUG Easy A -LRB- stylized as easy A -RRB- is a 2010 American teen comedy film directed by Will Gluck , written by Bert V. Royal and starring Emma Stone , Stanley Tucci , Patricia Clarkson , Thomas Haden Church , Dan Byrd , Amanda Bynes , Penn Badgley , Cam Gigandet , Lisa Kudrow and Aly Michalka . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristotle never entered formal education . +08-13 15:28 root DEBUG At seventeen or eighteen years of age , he joined Plato 's Academy in Athens and remained there until the age of thirty-seven -LRB- c. 347 BC -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is a person . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weekly Idol is hosted by Michio Kaku . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . Weekly Idol is a South Korean variety show , which airs Wednesdays , 6PM KST , on MBC Every1 , MBC 's cable and satellite network for comedy and variety shows . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria Palace Theatre is opposite a central London railway terminus . +08-13 15:28 root DEBUG Victoria Palace Theatre is a West End theatre in Victoria Street , in the City of Westminster , opposite Victoria Station . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Church was born May 3 , 1977 . +08-13 15:28 root DEBUG Kenneth Eric Church -LRB- born May 3 , 1977 -RRB- is an American country music singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Britt Robertson was in the film series Girlboss . +08-13 15:28 root DEBUG That same year , she headlined the Netflix comedy television series Girlboss , portraying self-made millionaire Sophia Amoruso . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a 2008 film by Baz Luhrmann . +08-13 15:28 root DEBUG His 2008 film Australia is an epic historical romantic drama film starring Hugh Jackman and Nicole Kidman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pharrell Williams was a drummer in a band . +08-13 15:28 root DEBUG He is the lead vocalist and drummer of the rock-funk-hip hop band N * E * R * D , that he formed with Hugo and childhood friend , Shay Haley . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Francis I of France died in September . +08-13 15:28 root DEBUG Francis I -LRB- François Ier -RRB- -LRB- 12 September 1494 -- 31 March 1547 -RRB- was the first King of France from the Angoulême branch of the House of Valois , reigning from 1515 until his death . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tenacious D was formed in Alaska . +08-13 15:28 root DEBUG Tenacious D is an American comedy rock duo that was formed in Los Angeles , California in 1994 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hush -LRB- 2016 film -RRB- was produced . +08-13 15:28 root DEBUG The film was produced by Trevor Macy , through Intrepid Pictures , and Jason Blum through his Blumhouse Productions banner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors are actylcholine cells . +08-13 15:28 root DEBUG Muscarinic acetylcholine receptors , or mAChRs , are acetylcholine receptors that form G protein-receptor complexes in the cell membranes of certain neurons and other cells . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Kissed a Girl was only recorded by an American bassist . +08-13 15:28 root DEBUG `` I Kissed a Girl '' is a song recorded by American singer Katy Perry for her second studio album , One of the Boys -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duff McKagan was born in May of 1964 . +08-13 15:28 root DEBUG Michael Andrew `` Duff '' McKagan -LRB- born February 5 , 1964 -RRB- is an American musician , singer , songwriter and author . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Mendes is a designer . +08-13 15:28 root DEBUG She designs a fashion collection for New York & Company and is also the creative director of CIRCA Beauty , a makeup line sold at Walgreens . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tatum O'Neal got married . +08-13 15:28 root DEBUG In 1986 , O'Neal married professional tennis player John McEnroe , with whom she had three children . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins is a woman who acts . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chaka Khan makes music . +08-13 15:28 root DEBUG Chaka Khan -LRB- born Yvette Marie Stevens , March 23 , 1953 -RRB- is an American recording artist whose career has spanned five decades , beginning in the 1970s as the frontwoman and focal point of the funk band Rufus . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The third James Bond film directed by John Glen is A View to a Kill . +08-13 15:28 root DEBUG A View to a Kill -LRB- 1985 -RRB- is the fourteenth spy film of the James Bond series , and the seventh and last to star Roger Moore as the fictional MI6 agent James Bond . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy Summers appears in a recorded work . +08-13 15:28 root DEBUG She first appeared in the 1992 film Buffy the Vampire Slayer before going on to appear in the television series and subsequent comic book of the same name . Buffy the Vampire Slayer is a 1992 American comedy horror film about a Valley girl cheerleader named Buffy who learns that it is her fate to hunt vampires . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Damian Lewis plays Nicholas Brody . +08-13 15:28 root DEBUG Nicholas `` Nick '' Brody , played by actor Damian Lewis , is a fictional character on the American television series Homeland on Showtime , created by Alex Gansa and Howard Gordon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenneth Lonergan is a man . +08-13 15:28 root DEBUG He is best known for writing Gangs of New York -LRB- 2002 -RRB- and for writing and directing Manchester by the Sea -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jens Stoltenberg was the first Prime Minister of Norway from 2005 to 2013 . +08-13 15:28 root DEBUG Stoltenberg served as Prime Minister of Norway from 2000 to 2001 and from 2005 to 2013 . Erna Solberg became Prime Minister in 2013 , replacing Jens Stoltenberg . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Syracuse , New York , had a population of 145,170 in 2010 . +08-13 15:28 root DEBUG At the 2010 census , the city population was 145,170 , and its metropolitan area had a population of 662,577 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins date of birth is December 14 , 1971 . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Colombiana was released after 2000 . +08-13 15:28 root DEBUG Colombiana is a 2011 French action film co-written and produced by Luc Besson and directed by Olivier Megaton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lalla Ward is an actress . +08-13 15:28 root DEBUG Lalla Ward -LRB- born Sarah Jill Ward ; 28 June 1951 -RRB- is an English actress and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dreamer -LRB- 2005 film -RRB- is an American 2005 film . +08-13 15:28 root DEBUG Dreamer is a 2005 American sports drama film written and directed by John Gatins in his directorial debut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bahamas is a city . +08-13 15:28 root DEBUG It consists of more than 700 islands , cays , and islets in the Atlantic Ocean and is located north of Cuba and Hispaniola -LRB- Haiti and the Dominican Republic -RRB- ; northwest of the Turks and Caicos Islands ; southeast of the US state of Florida and east of the Florida Keys . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Greek language is spoken in the Mediterranean . +08-13 15:28 root DEBUG Greek -LRB- Modern Greek : ελληνικά -LSB- eliniˈka -RSB- , elliniká , `` Greek '' , ελληνική γλώσσα -LSB- eliniˈci ˈɣlosa -RSB- , ellinikí glóssa , `` Greek language '' -RRB- is an independent branch of the Indo-European family of languages , native to Greece and other parts of the Eastern Mediterranean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The King and I is based on Anna and the King of Siam . +08-13 15:28 root DEBUG It is based on Margaret Landon 's novel , Anna and the King of Siam -LRB- 1944 -RRB- , which is in turn derived from the memoirs of Anna Leonowens , governess to the children of King Mongkut of Siam in the early 1860s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Packouz is a musician . +08-13 15:28 root DEBUG David Mordechai Packouz -LRB- -LSB- pækhaʊs -RSB- born February 16 , 1982 -RRB- is an American former arms dealer , musician , inventor and entrepreneur . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Republic of Macedonia is a country . +08-13 15:28 root DEBUG Republika Makedonija -RRB- , is a country in the Balkan peninsula in Southeast Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Christa McAuliffe taught social studies . +08-13 15:28 root DEBUG She took a teaching position as a social studies teacher at Concord High School in New Hampshire in 1983 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mickey Rourke appeared in a superhero film based on a Marvel Comics character . +08-13 15:28 root DEBUG Since then , Rourke has appeared in several commercially successful films including the 2010 films Iron Man 2 and The Expendables and the 2011 film Immortals . Iron Man 2 is a 2010 American superhero film based on the Marvel Comics character Iron Man , produced by Marvel Studios and distributed by Paramount Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Janelle Monáe has a full name . +08-13 15:28 root DEBUG Janelle Monáe Robinson -LRB- born December 1 , 1985 -RRB- -LRB- -LSB- dʒəˈnɛl_moʊˈneɪ -RSB- -RRB- is an American singer , songwriter , actress , and model signed to her own imprint , Wondaland Arts Society , and Atlantic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hot Right Now is a DJ Fresh single . +08-13 15:28 root DEBUG `` Hot Right Now '' is a single by British drum and bass producer DJ Fresh , released as the second single from his third studio album , Nextlevelism . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saw franchise lost over $ 873 million . +08-13 15:28 root DEBUG The films collectively grossed over $ 873 million at the box office worldwide . Saw is an American horror franchise distributed by Lions Gate Entertainment , produced by Twisted Pictures and created by two Australians , director James Wan and screenwriter Leigh Whannell , that consists of seven feature films and additional media . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ashley Cole graduated college on December 20 , 1980 . +08-13 15:28 root DEBUG Ashley Cole -LRB- born 20 December 1980 -RRB- is an English professional footballer who plays as a left-back for Los Angeles Galaxy in Major League Soccer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Kyle was a United States Navy SEAL veteran and sniper . +08-13 15:28 root DEBUG Christopher Scott Kyle -LRB- April 8 , 1974 − February 2 , 2013 -RRB- was a United States Navy SEAL veteran and sniper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The filming of Dilwale Dulhania Le Jayenge ended in March 1995 . +08-13 15:28 root DEBUG Released on 20 October 1995 , the film stars Shah Rukh Khan and Kajol . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cheese in the Trap -LRB- TV series -RRB- is from South Korea . +08-13 15:28 root DEBUG Cheese in the Trap is a South Korean television series starring Park Hae-jin , Kim Go-eun , Seo Kang-joon and Lee Sung-kyung . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Neil Diamond is an American singer . +08-13 15:28 root DEBUG Neil Leslie Diamond -LRB- born January 24 , 1941 -RRB- is an American singer-songwriter , musician and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Colbert is a talk show host currently hosting The Late Show . +08-13 15:28 root DEBUG Colbert has hosted The Late Show with Stephen Colbert , a late-night television talk show on CBS , since September 8 , 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Magic Johnson owned the Lakers . +08-13 15:28 root DEBUG Named by Ebony magazine as one of America 's most influential black businessmen in 2009 , Johnson has numerous business interests , and was a part-owner of the Lakers for several years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Milli is a song created by a recording artist who works in the genre of hip hop . +08-13 15:28 root DEBUG `` A Milli '' , abbreviated occasionally as `` Milli '' , is a song by American hip hop recording artist Lil Wayne . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kim Jong-il is designated Eternal Chairman of the National Defence Commission . +08-13 15:28 root DEBUG After his death , he was designated as the `` Eternal General Secretary '' of the WPK and the `` Eternal Chairman of the National Defence Commission '' , in keeping with the tradition of establishing eternal posts for the dead members of the Kim dynasty . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Falahee 's birth year is 1989 . +08-13 15:28 root DEBUG Jack Ryan Falahee -LRB- born February 20 , 1989 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Craig David has been nominated for several Grammy Awards . +08-13 15:28 root DEBUG David has been nominated for thirteen Brit Awards : four times for Best British Male , and twice received a Grammy Award nomination for Best Male Pop Vocal Performance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exercise temporarily decreases the heart rate . +08-13 15:28 root DEBUG Exercise temporarily increases the rate , but lowers resting heart rate in the long term , and is good for heart health . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chrysler Building was the tallest building for a while at 318.9 meters tall . +08-13 15:28 root DEBUG At 318.9 m , the structure was the world 's tallest building for 11 months before it was surpassed by the Empire State Building in 1931 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a show that is satire focused called The Daily Show . +08-13 15:28 root DEBUG The Daily Show is an American news satire and late-night talk show television program . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters was created by Guillermo del Toro . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Manson led what became known as The Brethren . +08-13 15:28 root DEBUG Charles Milles Manson -LRB- born Charles Milles Maddox , November 12 , 1934 -RRB- is an American criminal and former cult leader who led what became known as the Manson Family , a quasi-commune that arose in California in the late 1960s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters was only created by Adam Sandler . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia was directed by Christopher Nolan . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Garden State was shown at an American film fair . +08-13 15:28 root DEBUG It was an official selection of the Sundance Film Festival . The Sundance Film Festival , a program of the Sundance Institute , is an American film festival that takes place annually in Park City , Utah . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Francis I of France was born on the twelfth of September in the year 1494 . +08-13 15:28 root DEBUG Francis I -LRB- François Ier -RRB- -LRB- 12 September 1494 -- 31 March 1547 -RRB- was the first King of France from the Angoulême branch of the House of Valois , reigning from 1515 until his death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG French Indochina was only ever spelled in one way . +08-13 15:28 root DEBUG French Indochina -LRB- previously spelled as French Indo-China -RRB- -LRB- Indochine française សហភ ពឥណ ឌ ច ន Đông Dương thuộc Pháp , -LSB- ɗə̄wŋm jɨ̄əŋ tʰûək fǎp -RSB- , frequently abbreviated to Đông Pháp ; ຝຣັ່ງແຫຼັມອິນດູຈີນ Cantonese : -RRB- , officially known as the Indochinese Union -LRB- Union indochinoise -RRB- after 1887 and the Indochinese Federation -LRB- Fédération indochinoise -RRB- after 1947 , was a grouping of French colonial territories in Southeast Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ingushetia was incapable of being established after Chechen-Ingush ASSR split into two . +08-13 15:28 root DEBUG It was established on June 4 , 1992 after the Chechen-Ingush Autonomous Soviet Socialist Republic was split in two . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mighty Ducks was only distributed by a subsidiary of 20th Century Fox . +08-13 15:28 root DEBUG It was produced by The Kerner Entertainment Company and Avnet -- Kerner Productions and distributed by Walt Disney Pictures . Walt Disney Pictures , Inc. is an American film production company and a subsidiary of Walt Disney Studios , owned by The Walt Disney Company . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered by a French-American physicist . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . Arthur Jeffrey Dempster -LRB- August 14 , 1886 -- March 11 , 1950 -RRB- was a Canadian-American physicist best known for his work in mass spectrometry and his discovery of the uranium isotope 235U . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael B. Jordan died in 1987 . +08-13 15:28 root DEBUG Michael Bakari Jordan -LRB- born February 9 , 1987 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mike Huckabee is a Republican . +08-13 15:28 root DEBUG He was a candidate in the United States Republican presidential primaries in both 2008 and 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jokes are included in folklore . +08-13 15:28 root DEBUG These include oral traditions such as tales , proverbs and jokes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl Jam plays music . +08-13 15:28 root DEBUG Pearl Jam is an American rock band formed in Seattle , Washington , in 1990 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods was founded in California . +08-13 15:28 root DEBUG The Bloods are a primarily , though not exclusively , African American street gang founded in Los Angeles , California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lost has infinite seasons . +08-13 15:28 root DEBUG Lost is an American television drama series that originally aired on the American Broadcasting Company -LRB- ABC -RRB- from September 22 , 2004 , to May 23 , 2010 , over six seasons , comprising a total of 121 episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The first inauguration of Bill Clinton made him the 42nd President of the United States . +08-13 15:28 root DEBUG The first inauguration of Bill Clinton as the 42nd President of the United States was held on January 20 , 1993 on the West Front of the United States Capitol Building in Washington , D.C. . However , over the years , various traditions have arisen that have expanded the inauguration from a simple oath-taking ceremony to a day-long event , including parades and multiple social gatherings . The only inauguration element mandated by the United States Constitution is that the president make an oath or affirmation before that person can `` enter on the Execution '' of the office of the presidency . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edison Machine Works was set up to produce other components of the electrical illumination system . +08-13 15:28 root DEBUG The Edison Machine Works was a manufacturing company set up to produce dynamos , large electric motors , and other components of the electrical illumination system being built by Thomas A. Edison in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mirny -LRB- sloop-of-war -RRB- was in expedition . +08-13 15:28 root DEBUG Mirny was a 20-gun sloop-of-war of the Imperial Russian Navy , the second ship of the First Russian Antarctic Expedition in 1819 -- 1821 , during which Faddey Bellingshausen -LRB- commander of the lead ship Vostok -RRB- and Mikhail Lazarev -LRB- commanding Mirny -RRB- circumnavigated the globe , discovered the continent of Antarctica and twice circumnavigated it , and discovered a number of islands and archipelagos in the Southern Ocean and the Pacific . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Road to El Dorado stars an actor . +08-13 15:28 root DEBUG The film stars Kevin Kline , Kenneth Branagh , Armand Assante , Jim Cummings , Edward James Olmos , Tobin Bell and Rosie Perez . Kevin Delaney Kline -LRB- born October 24 , 1947 -RRB- is an American film and stage actor and singer . James Jonah `` Jim '' Cummings -LRB- born November 3 , 1952 -RRB- is an American voice actor and singer , who has appeared in almost 400 roles . Armand Anthony Assante , Jr. -LRB- born October 4 , 1949 -RRB- is an American actor . Edward James Olmos -LRB- born February 24 , 1947 -RRB- is an American actor and director . Sir Kenneth Charles Branagh -LRB- -LSB- ˈbrænə -RSB- born 10 December 1960 -RRB- is a Northern Irish actor , director , producer , and screenwriter originally from Belfast . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kellyanne Conway did not claim Michael Flynn had the full confidence of the president hours before he was dismissed . +08-13 15:28 root DEBUG Since Trump 's inauguration , Conway has been embroiled in a series of controversies , including using the phrase `` alternative facts '' , making reference to a `` Bowling Green massacre '' that never occurred , claiming Michael Flynn had the full confidence of the president hours before he was dismissed , and publicly endorsing commercial products associated with the president 's daughter Ivanka Trump . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Snoop Dogg worked with Jewell . +08-13 15:28 root DEBUG She is best known for her song , `` Love or Lust , '' featured in Bill Duke 's film , Deep Cover , as well as for singing choruses to many classic West Coast rap songs such as Snoop Dogg 's `` Gin and Juice '' and Dr. Dre 's `` Let Me Ride '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bhagat Singh was executed . +08-13 15:28 root DEBUG Singh was convicted and hanged in March 1931 , aged 23 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Diana , Princess of Wales was renowned as Lady Diana Spencer . +08-13 15:28 root DEBUG In 1975 , after her father inherited the title of Earl Spencer , she became known as Lady Diana Spencer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aleister Crowley was a poet . +08-13 15:28 root DEBUG Aleister Crowley -LRB- -LSB- ˈkroʊli -RSB- born Edward Alexander Crowley ; 12 October 1875 -- 1 December 1947 -RRB- was an English occultist , ceremonial magician , poet , painter , novelist , and mountaineer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sheryl Lee repeated her role of Laura Palmer . +08-13 15:28 root DEBUG In 2016 , she appeared in Café Society , and also completed the Showtime revival of Twin Peaks -LRB- 2017 -RRB- , reprising her role of Laura Palmer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Live Through This has only been sold in Australia . +08-13 15:28 root DEBUG As of 2010 , it has sold over 1.6 million copies in the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Make It or Break It is on NBC television channel . +08-13 15:28 root DEBUG It premiered on ABC Family on June 22 , 2009 , with 2.5 million viewers . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caroline Kennedy is Ambassador to Japan . +08-13 15:28 root DEBUG Caroline Bouvier Kennedy -LRB- born November 27 , 1957 -RRB- is an American author , attorney , and diplomat who served as the United States Ambassador to Japan from 2013 to 2017 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Josh Thurlow historical fiction novels were written by Homer Hickman . +08-13 15:28 root DEBUG Hickam has also written a number of best-selling memoirs and novels including the `` Josh Thurlow '' historical fiction novels . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stadium Arcadium was released after 2009 . +08-13 15:28 root DEBUG The album was released on May 9 , 2006 , on Warner Bros. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunchback of Notre Dame has only ever been based off of a poem . +08-13 15:28 root DEBUG The film is based on Victor Hugo 's 1831 novel of the same name , and is notable for the grand sets that recall 15th century Paris as well as for Chaney 's performance and make-up as the tortured hunchback Quasimodo . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paris -LRB- Paris Hilton album -RRB- is devoid of elements of soul . +08-13 15:28 root DEBUG It also incorporates elements of other genres , such as reggae , soul and pop rock , in its production . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Numb was part of a 2011 DLC for Rock Band 3 . +08-13 15:28 root DEBUG In January 2011 , `` Numb '' was released in a Linkin Park DLC pack for Rock Band 3 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tie Your Mother Down was absent from Queen 's 1976 album . +08-13 15:28 root DEBUG It is the opening track and the second single from their 1976 album A Day at the Races . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Samwell Tarly appears in the A Song of Ice and Fire series book A Clash of Kings . +08-13 15:28 root DEBUG He subsequently appeared in Martin 's A Clash of Kings before being a POV character in the later novels . A Clash of Kings is the second novel in A Song of Ice and Fire , an epic fantasy series by American author George R. R. Martin expected to consist of seven volumes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The series finale of Make It or Break It ended on the 16th . +08-13 15:28 root DEBUG The series finale aired on May 14 , 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Adventures of Pluto Nash was released in Africa . +08-13 15:28 root DEBUG The film was released in the United States on August 16 , 2002 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Recovery is an album by Marshall Mathers III . +08-13 15:28 root DEBUG Recovery is the seventh studio album by American rapper Eminem . Marshall Bruce Mathers III -LRB- born October 17 , 1972 -RRB- , known professionally as Eminem -LRB- often stylized as EMINƎM -RRB- , is an American rapper , record producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The White House Press Secretary is an official . +08-13 15:28 root DEBUG The White House Press Secretary is a senior White House official whose primary responsibility is to act as spokesperson for the executive branch of the United States government administration , especially with regard to the President , senior executives , and policies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl Jam did not sold many songs in the early 1990s . +08-13 15:28 root DEBUG Pearl Jam has outlasted and outsold many of its contemporaries from the alternative rock breakthrough of the early 1990s , and is considered one of the most influential bands of that decade . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rupert Murdoch has control of a business . +08-13 15:28 root DEBUG Murdoch thus had full control as Chairman and CEO of global media holding company News Corporation , now the world 's second-largest media conglomerate , and its successors , News Corp and 21st Century Fox , after the conglomerate split on 28 June 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leonard Nimoy narrated a game . +08-13 15:28 root DEBUG After the original Star Trek series , Nimoy starred in Mission : Impossible for two seasons , hosted the documentary series In Search of ... , narrated Civilization IV , and made several well-received stage appearances . Sid Meier 's Civilization IV is a turn-based strategy computer game and the fourth installment of the Civilization series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Highway to Heaven is a Korean television series . +08-13 15:28 root DEBUG Highway to Heaven is an American television drama series which ran on NBC from 1984 to 1989 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The setting of Bongwater is Oregon . +08-13 15:28 root DEBUG Based on the 1995 book of the same name by Michael Hornburg , the film is set in Portland , Oregon , and follows an aspiring artist and marijuana dealer and his relationship with a tempestuous woman he meets through a client . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Island Records was founded by only J.K. Rowling . +08-13 15:28 root DEBUG It was founded by Chris Blackwell , Graeme Goodall and Leslie Kong in Jamaica in 1959 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the End was written by Linkin Park . +08-13 15:28 root DEBUG `` In the End '' is a song by American rock band Linkin Park . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Hillenburg developed an interest in art . +08-13 15:28 root DEBUG Born in Lawton , Oklahoma and raised in Anaheim , California , Hillenburg became fascinated with the ocean as a child and also developed an interest in art . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Jones has been referred to as the `` Champ '' . +08-13 15:28 root DEBUG His nickname is `` Champ '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On the first day of 2010 , Shane McMahon officially retired . +08-13 15:28 root DEBUG In 2009 , McMahon announced his resignation from WWE which went into effect January 1 , 2010 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Wallace is a work of poetry . +08-13 15:28 root DEBUG The Actes and Deidis of the Illustre and Vallyeant Campioun Schir William Wallace , also known as The Wallace , is a long `` romantic biographical '' poem by the fifteenth-century Scottish makar of the name Blind Harry probably at some time in the decade before 1488 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Derek Hough starred in an independent dance film . +08-13 15:28 root DEBUG In 2013 , he starred in Make Your Move , a Romeo and Juliet-inspired South Korean-American independent dance film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fred Armisen is a screenwriter . +08-13 15:28 root DEBUG Fereydun Robert `` Fred '' Armisen -LRB- born December 4 , 1966 -RRB- is an American actor , comedian , voice artist , screenwriter , producer , singer , and musician . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Earl Scruggs was born on January 6th , 1924 . +08-13 15:28 root DEBUG Earl Eugene Scruggs -LRB- January 6 , 1924 -- March 28 , 2012 -RRB- was an American musician noted for popularizing a three-finger banjo picking style , now called `` Scruggs style '' , that is a defining characteristic of bluegrass music . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leonard Nimoy is a person . +08-13 15:28 root DEBUG Leonard Simon Nimoy -LRB- -LSB- ˈniːmɔɪ -RSB- March 26 , 1931 -- February 27 , 2015 -RRB- was an American actor , film director , photographer , author , singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Advertising is a visual form of marketing communication . +08-13 15:28 root DEBUG Advertising is an audio or visual form of marketing communication that employs an openly sponsored , nonpersonal message to promote or sell a product , service or idea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eva Mendes is a person . +08-13 15:28 root DEBUG Eva de la Caridad Mendez -LRB- born March 5 , 1974 -RRB- is an American actress , model and businesswoman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Drake Bell released an extended play in 2011 . +08-13 15:28 root DEBUG Bell released an EP in 2011 called A Reminder independently . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The rate of endometrial cancer has gone up in a number of countries . +08-13 15:28 root DEBUG Rates of endometrial cancer have risen in a number of countries between the 1980s and 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Spade starred in Grown Ups 2 . +08-13 15:28 root DEBUG He also starred and co-starred in the films Tommy Boy , Black Sheep , Joe Dirt , Joe Dirt 2 : Beautiful Loser , Grown Ups , and Grown Ups 2 , among others . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United Nations Charter was vetoed on June 26 , 1945 . +08-13 15:28 root DEBUG It was signed at the San Francisco War Memorial and Performing Arts Center in San Francisco , United States , on 26 June 1945 , by 50 of the 51 original member countries -LRB- Poland , the other original member , which was not represented at the conference , signed it two months later -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Palo Alto , California is located in a county . +08-13 15:28 root DEBUG Palo Alto -LRB- -LSB- ˌpæloʊ_ˈæltoʊ -RSB- ; -LSB- ˈpalo ˈalto -RSB- ; from palo , literally `` stick '' , colloquially `` tree '' , and alto `` tall '' ; meaning : `` tall tree '' -RRB- is a charter city located in the northwest corner of Santa Clara County , California , in the San Francisco Bay Area of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG EA Black Box was based in a country . +08-13 15:28 root DEBUG EA Black Box -LRB- formerly Black Box Games -RRB- was a video game developer based in Burnaby , British Columbia , Canada , founded in 1998 by former employees of Radical Entertainment and later acquired by Electronic Arts -LRB- EA -RRB- . Canada -LRB- -LSB- ˈkænədə -RSB- -LSB- kanadɑ -RSB- -RRB- is a country in the northern part of North America . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw was written solely but William Shakespeare . +08-13 15:28 root DEBUG Southpaw is a 2015 American sports drama film directed by Antoine Fuqua , written by Kurt Sutter and starring Jake Gyllenhaal , Forest Whitaker and Rachel McAdams . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Civilization IV is a turn-based strategy video game . +08-13 15:28 root DEBUG Sid Meier 's Civilization IV is a turn-based strategy computer game and the fourth installment of the Civilization series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pelican Brief is based on a novel by an American writer . +08-13 15:28 root DEBUG The Pelican Brief is a 1993 American legal political thriller based on the novel of the same name by John Grisham . John Ray Grisham , Jr. -LRB- -LSB- ˈɡrɪʃəm -RSB- born February 8 , 1955 -RRB- is an American bestselling writer , attorney , politician , and activist best known for his popular legal thrillers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aleister Crowley died on October 12 , 1874 . +08-13 15:28 root DEBUG Aleister Crowley -LRB- -LSB- ˈkroʊli -RSB- born Edward Alexander Crowley ; 12 October 1875 -- 1 December 1947 -RRB- was an English occultist , ceremonial magician , poet , painter , novelist , and mountaineer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Folklore includes an oral tradition . +08-13 15:28 root DEBUG These include oral traditions such as tales , proverbs and jokes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A novel writer from America wrote Winter 's Tale . +08-13 15:28 root DEBUG Winter 's Tale is a 1983 novel by Mark Helprin . Mark Helprin -LRB- born June 28 , 1947 -RRB- is an American novelist , journalist , conservative commentator , Senior Fellow of the Claremont Institute for the Study of Statesmanship and Political Philosophy , Fellow of the American Academy in Rome , and Member of the Council on Foreign Relations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stripes featured an Italian in a role . +08-13 15:28 root DEBUG Stripes is a 1981 American buddy military comedy film directed by Ivan Reitman , starring Bill Murray , Harold Ramis , Warren Oates , P. J. Soles , Sean Young , and John Candy . William James Murray -LRB- born September 21 , 1950 -RRB- is an American actor , comedian , and writer . Harold Allen Ramis -LRB- November 21 , 1944 -- February 24 , 2014 -RRB- was an American actor , director , writer , and comedian . Ivan Reitman , OC -LRB- born October 27 , 1946 -RRB- is a Canadian film producer and director , best known for his comedy work , especially in the 1980s and 1990s . John Franklin Candy -LRB- October 31 , 1950 -- March 4 , 1994 -RRB- was a Canadian actor and comedian known mainly for his work in Hollywood films . P.J. Soles -LRB- born Pamela Jayne Hardon ; July 17 , 1950 -RRB- is an American film and television actress , known for her roles as Lynda van der Klok in Halloween , Riff Randell in Mary Sean Young -LRB- born November 20 , 1959 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Awkward Black Girl was created by Issa Rae . +08-13 15:28 root DEBUG The Mis-Adventures of Awkward Black Girl -LRB- often simply referred to as Awkward Black Girl -RRB- is an American comedy web series created by and starring Issa Rae . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Craig David has been nominated for the presidency . +08-13 15:28 root DEBUG David has been nominated for thirteen Brit Awards : four times for Best British Male , and twice received a Grammy Award nomination for Best Male Pop Vocal Performance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedam stars Deeksha Seth . +08-13 15:28 root DEBUG Vedam -LRB- English : Chant -RRB- is a 2010 Telugu language Indian drama film written and directed by Radhakrishna Jagarlamudi , starring Allu Arjun , Manoj Manchu , Anushka Shetty , Manoj Bajpayee , Saranya Ponvannan , Deeksha Seth , Lekha Washington , and Siya Gautham . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Email filtering output is capable of throwing messages away . +08-13 15:28 root DEBUG For its output , it might pass the message through unchanged for delivery to the user 's mailbox , redirect the message for delivery elsewhere , or even throw the message away . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matteo Renzi served as Prime Minister of Italy . +08-13 15:28 root DEBUG Matteo Renzi -LRB- -LSB- matˈtɛːo ˈrɛntsi -RSB- ; born 11 January 1975 -RRB- is an Italian politician who served as the Prime Minister of Italy from February 2014 until December 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danielle Cormack was born on December 26 , 1970 . +08-13 15:28 root DEBUG Danielle Cormack -LRB- born 26 December 1970 -RRB- is a stage and screen actress from New Zealand . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mirny -LRB- sloop-of-war -RRB- was commanded by artificial intelligence . +08-13 15:28 root DEBUG Mirny was a 20-gun sloop-of-war of the Imperial Russian Navy , the second ship of the First Russian Antarctic Expedition in 1819 -- 1821 , during which Faddey Bellingshausen -LRB- commander of the lead ship Vostok -RRB- and Mikhail Lazarev -LRB- commanding Mirny -RRB- circumnavigated the globe , discovered the continent of Antarctica and twice circumnavigated it , and discovered a number of islands and archipelagos in the Southern Ocean and the Pacific . Admiral Mikhail Petrovich Lazarev -LRB- Михаил Петрович Лазарев , 3 November 1788 -- 11 April 1851 -RRB- was a Russian fleet commander and an explorer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The second oldest association football -LRB- soccer -RRB- club in Italy is Juventus F.C. +08-13 15:28 root DEBUG The club is the second oldest of its kind still active in the country after Genoa 's football section -LRB- 1893 -RRB- , has traditionally worn a black and white striped home kit since 1903 and has played its home matches in several grounds , being the latest the 41,507-capacity Juventus Stadium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birthday Song 's -LRB- 2 Chainz song -RRB- producer was Mike Dean . +08-13 15:28 root DEBUG The song , which features fellow American rapper Kanye West , was produced by Sonny Digital , West , BWheezy , Anthony Kilhoffer , Lifted and Mike Dean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Halsey signed her first recording contract with Astralwerks . +08-13 15:28 root DEBUG In 2014 , she signed her first recording contract with Astralwerks and released her debut EP , titled Room 93 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A solo career was had by Mel B. +08-13 15:28 root DEBUG Brown began her solo career when she released `` I Want You Back '' with Missy Elliott on Virgin Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Always premiered in the Paleozoic Era . +08-13 15:28 root DEBUG Always is a 1989 American romantic comedy-drama film directed by Steven Spielberg and starring Richard Dreyfuss , Holly Hunter , John Goodman , introducing Brad Johnson , and featuring Audrey Hepburn 's cameo in her final film appearance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aerobic exercise lowers resting heart rate in the long term . +08-13 15:28 root DEBUG Exercise temporarily increases the rate , but lowers resting heart rate in the long term , and is good for heart health . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Wizards have been the winners of seven division titles . +08-13 15:28 root DEBUG They have won four conference titles -LRB- 1971 , 1975 , 1978 , 1979 -RRB- , and seven division titles -LRB- 1971 , 1972 , 1973 , 1974 , 1975 , 1979 , 2017 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tinker Tailor Soldier Spy stars Gary Oldman . +08-13 15:28 root DEBUG The film , starring Gary Oldman as George Smiley , along with Colin Firth , Tom Hardy , John Hurt , Toby Jones , Mark Strong , Benedict Cumberbatch , and Ciarán Hinds , is set in London in the early 1970s and follows the hunt for a Soviet double agent at the top of the British secret service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dreamers featured Eva Green . +08-13 15:28 root DEBUG She started her career in theatre before making her film debut in 2003 in Bernardo Bertolucci 's film The Dreamers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dark Tower was released by Focus Features . +08-13 15:28 root DEBUG The film is set to be released on August 4 , 2017 in 3D and 2D by Columbia Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Peter Dinklage acts in Underdog . +08-13 15:28 root DEBUG Directed by Frederik Du Chau and written by Joe Piscatella , Adam Rifkin , and Craig A. Williams , the film stars Jim Belushi , Peter Dinklage , John Slattery , and Patrick Warburton with the voice talents of Jason Lee , Amy Adams , and Brad Garrett . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victoria -LRB- Dance Exponents song -RRB- was an album that was first released in 1990 . +08-13 15:28 root DEBUG Released in 1982 it reached Number 6 on the New Zealand singles chart . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reign Over Me is a film . +08-13 15:28 root DEBUG Reign Over Me is a 2007 American drama film written and directed by Mike Binder , and produced by his brother Jack Binder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southpaw was released 2011 . +08-13 15:28 root DEBUG The film was released on July 24 , 2015 , by The Weinstein Company . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Belong with Me is an album . +08-13 15:28 root DEBUG `` You Belong with Me '' is a song performed by American singer-songwriter Taylor Swift . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Basildon is English . +08-13 15:28 root DEBUG Basildon -LSB- ˈbæzɪldən -RSB- is the largest town in the borough of Basildon in the county of Essex , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Island Records was founded by only Batman . +08-13 15:28 root DEBUG It was founded by Chris Blackwell , Graeme Goodall and Leslie Kong in Jamaica in 1959 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aparshakti Khurana works in journalism . +08-13 15:28 root DEBUG Aparshakti Khurrana is an Indian Bollywood actor , RJ , and TV anchor . A news presenter -- also known as a newsreader , newscaster -LRB- short for `` news broadcaster '' -RRB- , anchorman or anchorwoman , news anchor or simply an anchor -- is a person who presents news during a news program on television , on the radio or on the Internet . Journalism is the production and distribution of reports on the interaction of events , facts , ideas , and people that are the `` news of the day '' and that impacts society to at least some degree . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2002 , The Adventures of Pluto Nash was released . +08-13 15:28 root DEBUG The Adventures of Pluto Nash is a 2002 Australian-American science fiction action comedy film starring Eddie Murphy -LRB- in a dual role -RRB- and directed by Ron Underwood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hedda Gabler 's world premiere took place at a theater . +08-13 15:28 root DEBUG Ibsen was present at the world premiere , which took place on 31 January 1891 at the Residenztheater in Munich . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mirny -LRB- sloop-of-war -RRB- was a ship of the navy of the Russian Empire . +08-13 15:28 root DEBUG Mirny was a 20-gun sloop-of-war of the Imperial Russian Navy , the second ship of the First Russian Antarctic Expedition in 1819 -- 1821 , during which Faddey Bellingshausen -LRB- commander of the lead ship Vostok -RRB- and Mikhail Lazarev -LRB- commanding Mirny -RRB- circumnavigated the globe , discovered the continent of Antarctica and twice circumnavigated it , and discovered a number of islands and archipelagos in the Southern Ocean and the Pacific . The Imperial Russian Navy was the navy of the Russian Empire . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wentworth Miller made his screenwriting debut . +08-13 15:28 root DEBUG He made his screenwriting debut with the 2013 thriller film Stoker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a person that has had acting roles name Tom Baker . +08-13 15:28 root DEBUG Thomas Stewart `` Tom '' Baker -LRB- born 20 January 1934 -RRB- is an English actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bloods was founded in San Diego , California . +08-13 15:28 root DEBUG The Bloods are a primarily , though not exclusively , African American street gang founded in Los Angeles , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nicholas Brody is a TV character . +08-13 15:28 root DEBUG Nicholas `` Nick '' Brody , played by actor Damian Lewis , is a fictional character on the American television series Homeland on Showtime , created by Alex Gansa and Howard Gordon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sidse Babett Knudsen works in television . +08-13 15:28 root DEBUG Sidse Babett Knudsen -LRB- -LSB- ˈsisə b̥ab̥ɛd̥ ˈkʰnusn̩ -RSB- ; born 22 November 1968 -RRB- is a Danish actress who works in theatre , television , and film . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael B. Jordan is American . +08-13 15:28 root DEBUG Michael Bakari Jordan -LRB- born February 9 , 1987 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wish Upon was released in 2016 . +08-13 15:28 root DEBUG It is set to be released in theaters on July 14 , 2017 , by Broad Green Pictures and Orion Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Epistemology has nothing to do with the study of the rationality of belief . +08-13 15:28 root DEBUG Epistemology studies the nature of knowledge , justification , and the rationality of belief . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pelican Brief is based on the novel of the same name by John Grisham . +08-13 15:28 root DEBUG The Pelican Brief is a 1993 American legal political thriller based on the novel of the same name by John Grisham . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Diana , Princess of Wales did not die in a car crash in Paris on August 31st , 1997 . +08-13 15:28 root DEBUG Media attention and public mourning were extensive after her death in a car crash in Paris on 31 August 1997 and subsequent televised funeral . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Creedence Clearwater Revival had John Fogerty as lead vocalist and guitarist . +08-13 15:28 root DEBUG The band consisted of lead vocalist , lead guitarist , and primary songwriter John Fogerty , his brother rhythm guitarist Tom Fogerty , bassist Stu Cook and drummer Doug Clifford . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG EA Black Box was based in a box . +08-13 15:28 root DEBUG EA Black Box -LRB- formerly Black Box Games -RRB- was a video game developer based in Burnaby , British Columbia , Canada , founded in 1998 by former employees of Radical Entertainment and later acquired by Electronic Arts -LRB- EA -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bee Gees did not produce music . +08-13 15:28 root DEBUG Their line-up consisted of brothers Barry , Robin and Maurice Gibb . Barry Alan Crompton Gibb , -LRB- born 1 September 1946 -RRB- is a British singer , songwriter and record producer who rose to worldwide fame as a co-founder of the group Bee Gees , one of the most commercially successful and critically acclaimed groups in the history of popular music . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Angela Bassett has only received a bachelors degree . +08-13 15:28 root DEBUG Bassett began her film career in the mid-1980s , after earning a bachelor of arts degree from Yale University and a master of fine arts degree from drama school . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cry of the Owl is based on a song . +08-13 15:28 root DEBUG The Cry of the Owl is a 2009 thriller film based on Patricia Highsmith 's book of the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 100 also follows the teens parents and leaders on The Ark. . +08-13 15:28 root DEBUG The series follows a group of teens : Clarke Griffin -LRB- Eliza Taylor -RRB- , Bellamy Blake -LRB- Bob Morley -RRB- , Octavia Blake -LRB- Marie Avgeropoulos -RRB- , Jasper Jordan -LRB- Devon Bostick -RRB- , Monty Green -LRB- Christopher Larkin -RRB- , Raven Reyes -LRB- Lindsey Morgan -RRB- , Finn Collins -LRB- Thomas McDonell -RRB- , John Murphy -LRB- Richard Harmon -RRB- , and Wells Jaha -LRB- Eli Goree -RRB- as they are among the first people from a space habitat , `` The Ark '' , to return to Earth after a devastating nuclear apocalypse ; the series also focuses on Dr. Abby Griffin -LRB- Paige Turco -RRB- , Clarke 's mother ; Marcus Kane -LRB- Henry Ian Cusick -RRB- , a council member on the Ark ; and Thelonious Jaha -LRB- Isaiah Washington -RRB- , the Chancellor of the Ark and Wells ' father . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 1974 crime film The Sugarland Express was directed by Steven Spielberg . +08-13 15:28 root DEBUG The Sugarland Express is a 1974 American crime drama film co-written and directed by Steven Spielberg in his theatrical feature film directorial debut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paramore formed in Tennessee . +08-13 15:28 root DEBUG Paramore is an American rock band from Franklin , Tennessee , formed in 2004 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG St. Anger was released by a record label . +08-13 15:28 root DEBUG St. Anger is the eighth studio album by American heavy metal band Metallica , released on June 5 , 2003 , by Elektra Records . Elektra Records is an American record label owned by Warner Music Group , founded in 1950 by Jac Holzman and Paul Rickolt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taylor Lautner was on television situational comedies . +08-13 15:28 root DEBUG Lautner later began his acting career , appearing in bit roles in comedy series such as The Bernie Mac Show -LRB- 2003 -RRB- and My Wife and Kids -LRB- 2004 -RRB- , before having voice roles in television series like What 's New , Scooby-Doo ? My Wife and Kids is an American television sitcom that ran on ABC from March 28 , 2001 , until May 17 , 2005 . The Bernie Mac Show -LRB- often shortened to Bernie Mac in syndication -RRB- is an American sitcom that aired on Fox for five seasons from November 14 , 2001 to April 14 , 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edison Machine Works was founded to make dynamos . +08-13 15:28 root DEBUG The Edison Machine Works was a manufacturing company set up to produce dynamos , large electric motors , and other components of the electrical illumination system being built by Thomas A. Edison in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Magic Johnson was an athlete . +08-13 15:28 root DEBUG Earvin `` Magic '' Johnson Jr. -LRB- born August 14 , 1959 -RRB- is an American retired professional basketball player and current president of basketball operations of the Los Angeles Lakers of the National Basketball Association -LRB- NBA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Danger UXB is from the late seventies . +08-13 15:28 root DEBUG Danger UXB is a 1979 British ITV television series set during the Second World War developed by John Hawkesworth and starring Anthony Andrews as Lieutenant Brian Ash , an officer in the Royal Engineers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tinker Tailor Soldier Spy is a motion picture . +08-13 15:28 root DEBUG Tinker Tailor Soldier Spy is a 2011 Cold War espionage film directed by Tomas Alfredson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins is an actress . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trollhunters is computer-animated and of the fantasy genre . +08-13 15:28 root DEBUG Trollhunters is an American computer-animated fantasy television series created for Netflix by Guillermo del Toro and produced by DreamWorks Animation and Double Dare You . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Valencia is the seaport hub of Valencia . +08-13 15:28 root DEBUG The Port of Valencia is the 5th busiest container port in Europe and the busiest container port on the Mediterranean Sea . The Port of Valencia , seaport located in Valencia , Spain . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A working animal can perform tasks after being trained . +08-13 15:28 root DEBUG A working animal is an animal , usually domesticated , that is kept by humans and trained to perform tasks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG T2 Trainspotting is a British film . +08-13 15:28 root DEBUG T2 Trainspotting is a 2017 British comedy drama film , set in and around Edinburgh , Scotland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Dolmayan was born in 1973 . +08-13 15:28 root DEBUG John Hovig Dolmayan -LRB- Ջոն Դոլմայան , born July 15 , 1973 -RRB- is a Lebanese-born Armenian -- American songwriter and drummer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Augustus lived until the age of 79 . +08-13 15:28 root DEBUG Augustus died in AD 14 at the age of 75 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Duane Chapman is a person . +08-13 15:28 root DEBUG Duane Lee `` Dog '' Chapman I. -LRB- born February 2 , 1953 -RRB- is an American bounty hunter and a former bail bondsman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG So You Think You Can Dance premiered on July 20th , 2005 . +08-13 15:28 root DEBUG The series premiered on July 20 , 2005 with over ten million viewers and ended the summer season as the top-rated show on television . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bassoon King is non-fiction . +08-13 15:28 root DEBUG The Bassoon King : My Life in Art , Faith , and Idiocy is a non-fiction book authored by American actor Rainn Wilson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gifted was formed by Matt Nix . +08-13 15:28 root DEBUG The Gifted is an upcoming American television series created for Fox by Matt Nix , based on Marvel Comics ' X-Men properties . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blade Runner 2049 is a sequel . +08-13 15:28 root DEBUG It is the sequel to 1982 's Blade Runner and stars Ryan Gosling and Harrison Ford , who is reprising his role as Rick Deckard , with Ana de Armas , Mackenzie Davis , Sylvia Hoeks , Lennie James , Carla Juri , Robin Wright , Dave Bautista and Jared Leto in supporting roles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Sugarland Express was co-written by Steven Spielberg . +08-13 15:28 root DEBUG The Sugarland Express is a 1974 American crime drama film co-written and directed by Steven Spielberg in his theatrical feature film directorial debut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Despacito has a version which features Victor Manuelle . +08-13 15:28 root DEBUG On March 17 , 2017 , both a solo pop version and a salsa version featuring Puerto Rican musician Victor Manuelle were released . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bret Easton Ellis wrote a screenplay . +08-13 15:28 root DEBUG Ellis also wrote the screenplay for the critically derided 2013 film The Canyons , an original work . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DJ Quik is an American . +08-13 15:28 root DEBUG David Marvin Blake -LRB- born January 18 , 1970 -RRB- , better known by his stage name DJ Quik , is an American hip hop recording artist , DJ and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alexandra Daddario was born in the nineties . +08-13 15:28 root DEBUG Alexandra Anna Daddario -LRB- born March 16 , 1986 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Marvel vs. Capcom : Infinite is a movie . +08-13 15:28 root DEBUG Marvel vs. Capcom : Infinite is an upcoming fighting video game in development by Capcom . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Don Bradman had years of decline . +08-13 15:28 root DEBUG Even after he became reclusive in his declining years his opinion was highly sought , and his status as a national icon was still recognised -- more than 50 years after his retirement as a Test player , in 2001 , Prime Minister John Howard of Australia called him the `` greatest living Australian '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Albert S. Ruddy is not born in India . +08-13 15:28 root DEBUG Albert S. Ruddy -LRB- born March 28 , 1930 -RRB- is a Canadian-born film and television producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ingushetia was established on the 3rd . +08-13 15:28 root DEBUG It was established on June 4 , 1992 after the Chechen-Ingush Autonomous Soviet Socialist Republic was split in two . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sidse Babett Knudsen died on November 22nd , 1967 . +08-13 15:28 root DEBUG Sidse Babett Knudsen -LRB- -LSB- ˈsisə b̥ab̥ɛd̥ ˈkʰnusn̩ -RSB- ; born 22 November 1968 -RRB- is a Danish actress who works in theatre , television , and film . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Down with Love is an action film from 1998 . +08-13 15:28 root DEBUG Down with Love is a 2003 romantic comedy film . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Margaret Thatcher has yet to implement any policies that have come to be known as Thatcherism . +08-13 15:28 root DEBUG As Prime Minister , she implemented policies that have come to be known as Thatcherism . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tie Your Mother Down was released in 2007 . +08-13 15:28 root DEBUG It is the opening track and the second single from their 1976 album A Day at the Races . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG CHiPs was written by a person . +08-13 15:28 root DEBUG CHiPs is a 2017 American action comedy buddy cop film written and directed by Dax Shepard , based on the 1977 -- 1983 television series of the same name created by Rick Rosner . Dax Randall Shepard -LRB- born January 2 , 1975 -RRB- is an American actor , writer and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weekly Idol has a host born in the year 1978 . +08-13 15:28 root DEBUG The show is hosted by comedian Jeong Hyeong-don and rapper Defconn . Jeong Hyeong-don -LRB- born February 7 , 1978 -RRB- is a South Korean comedian and entertainer under FNC Entertainment . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edmund H. North was an American citizen . +08-13 15:28 root DEBUG Edmund Hall North -LRB- March 12 , 1911 -- August 28 , 1990 -RRB- , was an American screenwriter who shared an Academy Award for Best Original Screenplay with Francis Ford Coppola in 1970 for their script for Patton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aparshakti Khurana appeared in a film . +08-13 15:28 root DEBUG Khurana made his Bollywood debut with Aamir Khan 's `` Dangal '' . Dangal -LRB- Wrestling competition -RRB- is a 2016 Indian Hindi-language biographical sports drama film directed by Nitesh Tiwari . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gin is a wine . +08-13 15:28 root DEBUG Gin is a spirit which derives its predominant flavour from juniper berries -LRB- Juniperus communis -RRB- . A distilled beverage , spirit , liquor , hard liquor or hard alcohol is an alcoholic beverage produced by distillation of grains , fruit , or vegetables that have already gone through alcoholic fermentation . As examples , this term does not include beverages such as beer , wine , sake , and cider , as they are fermented but not distilled . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fidel Castro lost all elections for President of Cuba . +08-13 15:28 root DEBUG Fidel Alejandro Castro Ruz -LRB- -LSB- fiˈðel aleˈhandɾo ˈkastɾo ˈrus -RSB- ; August 13 , 1926 -- November 25 , 2016 -RRB- was a Cuban revolutionary and politician who governed the Republic of Cuba as Prime Minister from 1959 to 1976 and then as President from 1976 to 2008 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brick -LRB- film -RRB- is a film . +08-13 15:28 root DEBUG Brick is a 2005 American neo-noir mystery film written and directed by Rian Johnson in his directorial debut , starring Joseph Gordon-Levitt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sancho Panza is a character in a novel written by Don Miguel de Cervantes Saavedra . +08-13 15:28 root DEBUG Sancho Panza -LSB- ˈsantʃo ˈpanθa -RSB- is a fictional character in the novel Don Quixote written by Spanish author Don Miguel de Cervantes Saavedra in 1605 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG English people are descended from the Angles as a result of migration . +08-13 15:28 root DEBUG The English identity is of early medieval origin , when they were known in Old English as the Angelcynn -LRB- `` family of the Angles '' -RRB- . Their ethnonym is derived from the Angles , one of the Germanic peoples who migrated to Great Britain around the 5th century AD . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bullitt is an American drama and thriller . +08-13 15:28 root DEBUG Bullitt is a 1968 American drama -- thriller film directed by Peter Yates and produced by Philip D'Antoni . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Franchising is regulated in over thirty countries . +08-13 15:28 root DEBUG Thirty-three countries -- including the United States and Australia -- have laws that explicitly regulate franchising , with the majority of all other countries having laws which have a direct or indirect effect on franchising . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tom DeLonge formed a band in high school . +08-13 15:28 root DEBUG He formed Blink-182 with bassist Mark Hoppus and drummer Scott Raynor during his high school years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a website called Yandex . +08-13 15:28 root DEBUG The Yandex.ru home page has been rated the most popular website in Russia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lockhead Martin F-35 Lightning II was an expensive aircraft . +08-13 15:28 root DEBUG The program is the most expensive military weapons system in history , and has been much criticized inside and outside government , in the U.S. and in allied countries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On December 27 , 1931 , Scotty Moore was born . +08-13 15:28 root DEBUG Winfield Scott `` Scotty '' Moore III -LRB- December 27 , 1931 -- June 28 , 2016 -RRB- was an American guitarist and recording engineer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 1974 American dramatic crime film The Sugarland Express was directed by Steven Spielberg . +08-13 15:28 root DEBUG The Sugarland Express is a 1974 American crime drama film co-written and directed by Steven Spielberg in his theatrical feature film directorial debut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Omar Khadr was convicted . +08-13 15:28 root DEBUG His conviction and sentence were widely denounced by civil rights groups and various newspaper editorials . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joe Rogan had an acting career . +08-13 15:28 root DEBUG After relocating to Los Angeles in 1994 , Rogan signed an exclusive developmental deal with Disney , appeared as an actor on the television sitcoms Hardball and NewsRadio , and worked in local comedy clubs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Sullivan was an American teacher . +08-13 15:28 root DEBUG Johanna Mansfield Sullivan Macy -LRB- April 14 , 1866 -- October 20 , 1936 -RRB- , better known as Anne Sullivan , was an American teacher , best known for being the instructor and lifelong companion of Helen Keller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthew Gray Gubler is a model . +08-13 15:28 root DEBUG Matthew Gray Gubler -LRB- born March 9 , 1980 -RRB- is an American actor , director , fashion model and painter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edgar Wright is a person who directs . +08-13 15:28 root DEBUG Edgar Howard Wright -LRB- born 18 April 1974 -RRB- is an English director , screenwriter , producer , and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Republic of Macedonia is in Southeast Europe and is very cultured . +08-13 15:28 root DEBUG Republika Makedonija -RRB- , is a country in the Balkan peninsula in Southeast Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brick -LRB- film -RRB- is a mystery film . +08-13 15:28 root DEBUG Brick is a 2005 American neo-noir mystery film written and directed by Rian Johnson in his directorial debut , starring Joseph Gordon-Levitt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Seohyun is from South Korea . +08-13 15:28 root DEBUG Seo Ju-hyun -LRB- born June 28 , 1991 -RRB- , known professionally as Seohyun , is a South Korean singer and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bullitt is a movie directed by Phillip D'Antoni . +08-13 15:28 root DEBUG Bullitt is a 1968 American drama -- thriller film directed by Peter Yates and produced by Philip D'Antoni . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kellogg 's products are only manufactured in one country . +08-13 15:28 root DEBUG The Kellogg Company -LRB- also Kellogg 's , Kellogg , and Kellogg 's of Battle Creek -RRB- is an American multinational food manufacturing company headquartered in Battle Creek , Michigan , United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG How to Train Your Dragon 2 used scalable multicore processing . +08-13 15:28 root DEBUG How to Train Your Dragon 2 benefited from advances in animation technology and was DreamWorks ' first film to use scalable multicore processing and the studio 's new animation and lighting software . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cry of the Owl is a thriller film . +08-13 15:28 root DEBUG The Cry of the Owl is a 2009 thriller film based on Patricia Highsmith 's book of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium-235 was discovered five years before 1935 . +08-13 15:28 root DEBUG It was discovered in 1935 by Arthur Jeffrey Dempster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gal Gadot was ranked ahead of Bar Rafaeli or highest earning actress/models in Israel . +08-13 15:28 root DEBUG In 2013 she was ranked as the second highest earning actress/models in Israel , behind Bar Refaeli , but ahead of Esti Ginzburg and Shlomit Malka , with the majority of her income coming from acting . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sandra Bullock was in George Lopez . +08-13 15:28 root DEBUG She was an executive producer of the ABC sitcom , George Lopez , and made several appearances during its run . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry II of France was not involved with the cause of a war about religion . +08-13 15:28 root DEBUG He was succeeded in turn by three of his sons , whose ineffective reigns helped to spark the French Wars of Religion between Protestants and Catholics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Deighton was forced to pursue other criminals . +08-13 15:28 root DEBUG By 1864 , Deighton was forced to pursue other lines of work as he developed health problems -LRB- swelling of the legs and feet -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Creedence Clearwater Revival was a band . +08-13 15:28 root DEBUG Creedence Clearwater Revival , often informally abbreviated to Creedence or CCR , was an American rock band active in the late 1960s and early 1970s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Franchising is regulated in at least one country . +08-13 15:28 root DEBUG Thirty-three countries -- including the United States and Australia -- have laws that explicitly regulate franchising , with the majority of all other countries having laws which have a direct or indirect effect on franchising . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Beaverton , Oregon is a place . +08-13 15:28 root DEBUG Beaverton is a city in Washington County , in the U.S. state of Oregon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG AMGTV is an American television network . +08-13 15:28 root DEBUG AMGTV is an American family-oriented television network featuring television programming consisting of drama , sports , movies , entertainment , how-to , hunting and fishing , children 's shows , and other features . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG During the Battle of France , English forces occupied Paris . +08-13 15:28 root DEBUG German forces occupied Paris unopposed on 14 June after a chaotic period of flight of the French government that led to a collapse of the French army . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kleshas only open the mind . +08-13 15:28 root DEBUG Kleshas -LRB- -LSB- क्लेश , kleśa -RSB- किलेस kilesa ; ཉ ན མ ངས nyon mongs -RRB- , in Buddhism , are mental states that cloud the mind and manifest in unwholesome actions . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chile is part of South America . +08-13 15:28 root DEBUG Chile , is a South American country occupying a long , narrow strip of land between the Andes to the east and the Pacific Ocean to the west . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In Oklahoma , Stephen Hillenburg was born . +08-13 15:28 root DEBUG Born in Lawton , Oklahoma and raised in Anaheim , California , Hillenburg became fascinated with the ocean as a child and also developed an interest in art . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Renato Balestra studied for a degree in engineering . +08-13 15:28 root DEBUG Born in Trieste , Renato Balestra comes from a family of architects and engineers and after a childhood steeped in the Mid-European cultural environment of the area , he too began studying for a degree in civil engineering . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rian Johnson wrote Brick -LRB- film -RRB- . +08-13 15:28 root DEBUG Brick is a 2005 American neo-noir mystery film written and directed by Rian Johnson in his directorial debut , starring Joseph Gordon-Levitt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michaela Watkins has a full name . +08-13 15:28 root DEBUG Michaela Suzanne Watkins -LRB- born December 14 , 1971 -RRB- is an American actress and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hedda Gabler 's world premiere was on January 31st , 1891 . +08-13 15:28 root DEBUG Ibsen was present at the world premiere , which took place on 31 January 1891 at the Residenztheater in Munich . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meteora was created by Linkin Park . +08-13 15:28 root DEBUG Meteora is the second studio album by American rock band Linkin Park . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The San Diego Chargers is a team that Terry Crews played on . +08-13 15:28 root DEBUG In football , Crews played as a defensive end and linebacker in the National Football League -LRB- NFL -RRB- for the Los Angeles Rams , San Diego Chargers and Washington Redskins , as well as in the World League of American Football with Rhein Fire . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ann Richards was the 45th Governor of Texas . +08-13 15:28 root DEBUG Dorothy Ann Willis Richards -LRB- September 1 , 1933 -- September 13 , 2006 -RRB- was an American politician and the 45th Governor of Texas from 1991 to 1995 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kentucky is known for horse racing . +08-13 15:28 root DEBUG Kentucky is also known for horse racing , bourbon distilleries , coal , the historic site My Old Kentucky Home , automobile manufacturing , tobacco , bluegrass music , college basketball , and Kentucky Fried Chicken . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nicholas Brody is a character on Homeland . +08-13 15:28 root DEBUG Nicholas `` Nick '' Brody , played by actor Damian Lewis , is a fictional character on the American television series Homeland on Showtime , created by Alex Gansa and Howard Gordon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Glee.com was launched in February of 2017 by Community Connect Inc. . . +08-13 15:28 root DEBUG The site was launched in February 2007 by Community Connect Inc. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Connie Nielsen acted in a Fox American television series . +08-13 15:28 root DEBUG She starred as Meredith Kane on the Starz TV series Boss -LRB- 2011 -- 2012 -RRB- and was a lead character in the second season of The Following . The second season of the Fox American television psychological thriller series The Following premiered on January 19 , 2014 and concluded on April 28 , 2014 , with a total of 15 episodes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melancholia stars Kirsten Dunst . +08-13 15:28 root DEBUG Melancholia is a 2011 science-fiction drama-psychological thriller film written and directed by Lars von Trier and starring Kirsten Dunst , Charlotte Gainsbourg , Alexander Skarsgård , Cameron Spurr , and Kiefer Sutherland . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kellyanne Conway has used the phrase `` alternative facts . '' +08-13 15:28 root DEBUG Since Trump 's inauguration , Conway has been embroiled in a series of controversies , including using the phrase `` alternative facts '' , making reference to a `` Bowling Green massacre '' that never occurred , claiming Michael Flynn had the full confidence of the president hours before he was dismissed , and publicly endorsing commercial products associated with the president 's daughter Ivanka Trump . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Winter 's Tale is the story of Mark Helprin . +08-13 15:28 root DEBUG Winter 's Tale is a 1983 novel by Mark Helprin . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Home for the Holidays stars a famous American actor . +08-13 15:28 root DEBUG The film stars Holly Hunter , Robert Downey Jr. , Anne Bancroft , Charles Durning , Dylan McDermott , Geraldine Chaplin , Steve Guttenberg , Cynthia Stevenson , Claire Danes , Austin Pendleton and David Strathairn . Anna Maria Louisa Italiano -LRB- September 17 , 1931 -- June 6 , 2005 -RRB- , known professionally as Anne Bancroft , was an American actress associated with the method acting school , having studied under Lee Strasberg . Charles Edward Durning -LRB- February 28 , 1923 -- December 24 , 2012 -RRB- was an American actor , with appearances in over 200 movies , television shows and plays . Holly Hunter -LRB- born March 20 , 1958 -RRB- is an American actress and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aarhus is 187 km north and west of Copenhagen . +08-13 15:28 root DEBUG It is located on the east coast of the Jutland peninsula , in the geographical centre of Denmark , 187 km northwest of Copenhagen and 289 km north of Hamburg , Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reign Over Me stars people . +08-13 15:28 root DEBUG The film stars Adam Sandler , Don Cheadle , Jada Pinkett Smith , Liv Tyler , Donald Sutherland , Saffron Burrows and Mike Binder himself . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Miranda Otto began her acting career at age 18 . +08-13 15:28 root DEBUG The daughter of actors Barry and Lindsay Otto , and the sister of actress Gracie Otto , Brisbane-born Miranda began her acting career at age 18 in 1986 , and has appeared in a variety of independent and major studio films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 2 Hearts is a musical composition by Minogue . +08-13 15:28 root DEBUG `` 2 Hearts '' is a song recorded by Australian singer Kylie Minogue for her tenth studio album , X -LRB- 2007 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New Jersey Turnpike has zero shoulders . +08-13 15:28 root DEBUG The Turnpike has 12 ft lanes , 10 ft shoulders , 13 rest areas named after notable residents of New Jersey , and unusual exit signage that was considered the pinnacle of highway building in the 1950s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hezbollah received a type of training from Iran . +08-13 15:28 root DEBUG Its leaders were followers of Ayatollah Khomeini , and its forces were trained and organized by a contingent of 1,500 Revolutionary Guards that arrived from Iran with permission from the Syrian government , which was in occupation of Lebanon at the time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ice-T refused to ever make hip-hop music . +08-13 15:28 root DEBUG He began his career as a rapper in the 1980s and was signed to Sire Records in 1987 , when he released his debut album Rhyme Pays , one of the first hip-hop albums to carry an explicit content sticker . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gettysburg Address is a speech . +08-13 15:28 root DEBUG Despite the speech 's prominent place in the history and popular culture of the United States , the exact wording and location of the speech are disputed . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Dance has always been banned in the Netherlands . +08-13 15:28 root DEBUG `` One Dance '' reached number one in 15 countries , including Australia , Canada , France , Germany , Ireland , the Netherlands , New Zealand , Switzerland , the United Kingdom , and the United States , becoming Drake 's first number-one single in all 15 countries as the lead artist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adidas designs items . +08-13 15:28 root DEBUG Adidas AG -LRB- -LSB- ˈadiˌdas -RSB- -RRB- -LRB- stylised as adidas since 1949 -RRB- is a German multinational corporation , headquartered in Herzogenaurach , Germany , that designs and manufactures shoes , clothing and accessories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Konidela Production Company was established . +08-13 15:28 root DEBUG Konidela Production Company is an Indian film production company established by actor Ram Charan , son of Chiranjeevi . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paul von Hindenburg was a man . +08-13 15:28 root DEBUG Paul Ludwig Hans Anton von Beneckendorff und von Hindenburg , known generally as Paul von Hindenburg -LRB- -LSB- ˈpaʊl fɔn ˈhɪndn̩bʊɐ̯k -RSB- ; 2 October 1847 -- 2 August 1934 -RRB- was a German military officer , statesman , and politician who largely controlled German policy in the second half of World War I and served as the elected President of Germany from 1925 until his death in 1934 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenny McCarthy modeled for Playboy magazine . +08-13 15:28 root DEBUG She began her career in 1993 as a nude model for Playboy magazine and was later named their Playmate of the Year . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mutiny on the Bounty is an American film . +08-13 15:28 root DEBUG Mutiny on the Bounty is a 1962 American Technicolor epic historical drama film starring Marlon Brando , Trevor Howard and Richard Harris , based on the novel Mutiny on the Bounty by Charles Nordhoff and James Norman Hall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Death Note is a Japanese television drama series that first aired in 2015 . +08-13 15:28 root DEBUG is a Japanese television drama series based on the manga series of the same name by Tsugumi Ohba and Takeshi Obata . The drama premiered on NTV on July 5 , 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawson 's date of birth was November 20 , 1932 . +08-13 15:28 root DEBUG Richard Dawson -LRB- born Colin Lionel Emm ; 20 November 1932 -- 2 June 2012 -RRB- was a British-American actor and comedian , and a game show host and panellist in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Blue Dog coalition was formed by conservative republicans . +08-13 15:28 root DEBUG The Blue Dog Coalition , commonly known as the Blue Dogs or Blue Dog Democrats , is a caucus of United States Congressional Representatives from the Democratic Party who identify as conservative Democrats . It was formed in 1995 during the 104th Congress to give more conservative members from the Democratic party a unified voice after the Democrats ' loss of Congress in the U.S. Congressional election of 1994 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mount Hood is the lowest point in its state . +08-13 15:28 root DEBUG In addition to being Oregon 's highest mountain , it is one of the loftiest mountains in the nation based on its prominence . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG US Airways Flight 1549 had 1978 people on board . +08-13 15:28 root DEBUG All 155 people aboard were rescued by nearby boats and there were few serious injuries . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louie -LRB- season 1 -RRB- is a romance-disaster TV series . +08-13 15:28 root DEBUG The first season of the American television comedy series Louie premiered on June 29 , 2010 and concluded on September 7 , 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There was an attempt to incorporate Cyprus into Greece . +08-13 15:28 root DEBUG On 15 July 1974 , a coup d'état was staged by Greek Cypriot nationalists and elements of the Greek military junta in an attempt at enosis , the incorporation of Cyprus into Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daredevil is based on the character of the same name . +08-13 15:28 root DEBUG Marvel 's Daredevil , or simply Daredevil , is an American web television series created for Netflix by Drew Goddard , based on the Marvel Comics character of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games are a series of sporting events . +08-13 15:28 root DEBUG The Hunger Games film series consists of four science fiction dystopian adventure films based on The Hunger Games trilogy of novels , by the American author Suzanne Collins . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah is produced by Neela Tele Films Private Limited and has run a long time . +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah -LRB- English : Taarak Mehta 's Different Perspective -RRB- is India 's longest running sitcom serial produced by Neela Tele Films Private Limited . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Move -LRB- Little Mix song -RRB- was released in October of 2013 . +08-13 15:28 root DEBUG The single received its first airplay in the United Kingdom on 23 September 2013 and was released for digital download on 3 November 2013 , a week before the release of Salute in that country . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vera Wang is an American Fashion Designer . +08-13 15:28 root DEBUG Vera Ellen Wang -LRB- , -LSB- u̯ɑ̌ŋ u̯éɪ̯u̯éɪ̯ -RSB- ; born June 27 , 1949 -RRB- is an American fashion designer based in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sennacherib was assassinated in 687 BCE . +08-13 15:28 root DEBUG He was assassinated in obscure circumstances in 681 BCE , apparently by his eldest son -LRB- his designated successor , Esarhaddon , was the youngest -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Augustus Prew was born in Westminster , London , Scotland . +08-13 15:28 root DEBUG Prew was born in Westminster , London , England and is the son of Wendy Dagworthy , a fashion designer , and Jonathan W. Prew , a photographer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Physics is not one of the oldest academic disciplines . +08-13 15:28 root DEBUG Physics is one of the oldest academic disciplines , perhaps the oldest through its inclusion of astronomy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a software that is branded with a number for the versions it is released as called Adobe Photoshop . +08-13 15:28 root DEBUG However , in October 2002 , following the introduction of Creative Suite branding , each new version of Photoshop was designated with `` CS '' plus a number ; e.g. , the eighth major version of Photoshop was Photoshop CS and the ninth major version was Photoshop CS2 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Mullin played with a team who play basketball professionally . +08-13 15:28 root DEBUG He played with the Warriors from the 1985 -- 86 until the 1996 -- 97 season . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maggie Q starred in a CW series . +08-13 15:28 root DEBUG She is known for starring in the action films Mission : Impossible III and Live Free or Die Hard and played the title role of The CW 's action-thriller series Nikita , airing from 2010 to 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Netscape Navigator was rejected by a subsidiary of AOL . +08-13 15:28 root DEBUG This was primarily due to the increased usage of Microsoft 's Internet Explorer web browser software , and partly because the Netscape Corporation -LRB- later purchased by AOL -RRB- did not sustain Netscape Navigator 's technical innovation after the late 1990s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brie Larson was denied any role in the movie Short Term 12 . +08-13 15:28 root DEBUG Larson 's breakthrough role came with the independent drama Short Term 12 -LRB- 2013 -RRB- , for which she received critical acclaim . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amy Adams stars in Trouble with the Curve . +08-13 15:28 root DEBUG Trouble with the Curve is a 2012 sports-drama film directed by Robert Lorenz , and starring Clint Eastwood , Amy Adams , Justin Timberlake , Matthew Lillard and John Goodman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Dylan Grazer was born in Tampa , Florida . +08-13 15:28 root DEBUG Jack Dylan Grazer -LRB- born September 3 , 2003 -RRB- is an American child actor and was born in Los Angeles , California to parents Angela Lafever and Gavin Grazer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two of Mozart 's sons were alive after his death . +08-13 15:28 root DEBUG He was survived by his wife Constanze and two sons . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Half Girlfriend was partially filmed in Delhi . +08-13 15:28 root DEBUG Principal photography commenced in June 2016 and filming locations include Delhi , Mumbai , Patna , Dumraon , Varanasi , New York City and Cape Town . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prices for stocks can be shown in Google Search . +08-13 15:28 root DEBUG These include synonyms , weather forecasts , time zones , stock quotes , maps , earthquake data , movie showtimes , airports , home listings , and sports scores . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Commodore is a naval rank . +08-13 15:28 root DEBUG Commodore is a naval rank used in many navies that is superior to a navy captain , but below a rear admiral . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Solanum contains plants with ornamental flowers . +08-13 15:28 root DEBUG It also contains the nightshades and horse nettles , as well as numerous plants cultivated for their ornamental flowers and fruit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ted Cruz is an American male . +08-13 15:28 root DEBUG Rafael Edward `` Ted '' Cruz -LSB- ˈkruːz -RSB- -LRB- born December 22 , 1970 -RRB- is an American politician and attorney , who has served as the junior United States Senator from Texas since 2013 . He was a candidate for the Republican nomination for President of the United States in the 2016 election . From 1999 to 2003 , he served in various political appointee positions : the Director of the Office of Policy Planning at the Federal Trade Commission -LRB- FTC -RRB- , an Associate Deputy Attorney General at the United States Department of Justice , and a Domestic Policy Advisor to George W. Bush on the 2000 George W. Bush Presidential campaign . He was the first Hispanic , and the longest-serving , Solicitor General in Texas history . From 2004 to 2009 , Cruz was an Adjunct Professor at the University of Texas School of Law in Austin , Texas , where he taught U.S. Supreme Court litigation . He defeated former State Representative Paul Sadler in the November 2012 general election , winning 56 -- 41 % . He is the first Hispanic American to serve as a U.S. Senator representing Texas , and is one of three senators of Cuban descent . He chairs the Senate Judiciary Subcommittee on Oversight , Federal Rights and Agency Activities , and is the Chairman of the Senate Commerce Subcommittee on Space , Science and Competitiveness . In November 2012 , he was appointed Vice-Chairman of the National Republican Senatorial Committee . During the primary campaign , his base of support was strongest with `` women , white evangelical Protestants , people over the age of 50 , and those who identified themselves as conservatives '' , though he had crossover appeal to other factions within his party , including libertarian conservatives and millennials . He eventually emerged as the main challenger to frontrunner Donald Trump . He suspended his campaign for president on May 3 , 2016 , after losing the Republican primary in Indiana to Trump . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Vandals were an East Germanic tribe or group of tribes . +08-13 15:28 root DEBUG The Vandals were an East Germanic tribe , or group of tribes , who were first heard of in southern Poland , but later moved around Europe establishing kingdoms in Spain and later North Africa in the 5th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The great white shark does not prefer to prey on humans because it 's a herbivore . +08-13 15:28 root DEBUG It is also known to prey upon a variety of other marine animals , including fish and seabirds . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joni Mitchell released an album . +08-13 15:28 root DEBUG Mitchell switched labels and began moving toward jazz rhythms by way of lush pop textures on 1974 's Court and Spark , her best-selling LP , featuring the radio hits `` Help Me '' and `` Free Man in Paris '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cyprus is a place where tourists go . +08-13 15:28 root DEBUG Cyprus is a major tourist destination in the Mediterranean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Proponents of globalism tend to advocate for decreases in immigration . +08-13 15:28 root DEBUG It tends to advocate for such policies as increases in immigration , free trade , lowering tariffs , interventionism and global governance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG France is the owner of Corsica . +08-13 15:28 root DEBUG Corsica -LRB- -LSB- ˈkɔrsɪkə -RSB- Corse -LSB- kɔʁs -RSB- Corsican and Italian : Corsica -LSB- ˈkɔrsika -RSB- -RRB- is an island in the Mediterranean Sea and one of the 13 regions of France . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The cinematography of Far from the Madding Crowd was by an English cinematographer . +08-13 15:28 root DEBUG The cinematography was by Nicolas Roeg and the soundtrack was by Richard Rodney Bennett . Nicolas Jack Roeg -LRB- -LSB- ˈroʊɡ -RSB- born 15 August 1928 -RRB- is an English film director and cinematographer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reanimation is not a remix album . +08-13 15:28 root DEBUG Reanimation is the first remix album by American rock band Linkin Park as a follow-up to their first studio album , Hybrid Theory , and released on July 30 , 2002 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story was written and directed solely by Rob Lowe . +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story is a 2004 American sports comedy film written and directed by Rawson Marshall Thurber and starring Vince Vaughn and Ben Stiller . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Times switched to a compact format in response to commuter complaints . +08-13 15:28 root DEBUG The Times was printed in broadsheet format for 219 years , but switched to compact size in 2004 in an attempt to appeal more to younger readers and commuters using public transport . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 was directed by Barack Obama . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III of France died without a successor . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Boleyn was maid of honour to the Queen of England . +08-13 15:28 root DEBUG Anne was the daughter of Thomas Boleyn , 1st Earl of Wiltshire , and his wife , Lady Elizabeth Howard , and was educated in the Netherlands and France , largely as a maid of honour to Claude of France . Claude of France -LRB- 13 October 1499 -- 20 July 1524 -RRB- , was Sovereign Duchess of the Duchy of Brittany after her mother , Anne , and Queen of France by marriage to Francis I. +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shannon Lee is a martial artist . +08-13 15:28 root DEBUG Shannon Emery Lee -LRB- born April 19 , 1969 -RRB- is an American actress , martial artist and businesswoman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lorelai Gilmore has a mother who appears on the show . +08-13 15:28 root DEBUG The dynamic of single parenthood and the tension between Lorelai and her wealthy parents , Richard -LRB- Edward Herrmann -RRB- and especially her controlling mother , Emily -LRB- Kelly Bishop -RRB- , form the main theme of the series story line . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Deepika Padukone 's acting career includes comedies , dramas , and romances . +08-13 15:28 root DEBUG Padukone 's acclaimed portrayal of a character based on Juliet in the tragic romance Goliyon Ki Raasleela Ram-Leela -LRB- 2013 -RRB- and a headstrong architect in the comedy-drama Piku -LRB- 2015 -RRB- won her two Best Actress awards at Filmfare . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Natasha Lyonne was born in 1979 . +08-13 15:28 root DEBUG Natasha Bianca Lyonne Braunstein -LRB- born April 4 , 1979 -RRB- , better known as Natasha Lyonne , is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barbarella is not non-fiction . +08-13 15:28 root DEBUG Barbarella is a 1968 science fiction film directed by Roger Vadim based on the French comic Barbarella . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Baja 1000 was organized by Vince Vaughn beginning in 1967 . +08-13 15:28 root DEBUG From 1967 to 1972 , the race was organized by the National Off-Road Racing Association -LRB- NORRA -RRB- and grew in popularity with ABC 's `` Wide World of Sports '' sending Jim McKay to cover the 1968 event , and attracting new participants like the late Mickey Thompson , Indy 500 winner Parnelli Jones , movie actor James Garner , and Mary McGee , the first woman to compete in the event . Vincent Anthony Vaughn -LRB- born March 28 , 1970 -RRB- is an American actor , producer , screenwriter , activist , and comedian . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Commodore is ranked above a navy captain and a rear admiral . +08-13 15:28 root DEBUG Commodore is a naval rank used in many navies that is superior to a navy captain , but below a rear admiral . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daenerys Targaryen was introduced in A Feast for Crows . +08-13 15:28 root DEBUG Introduced in 1996 's A Game of Thrones , Daenerys -LRB- along with her older brother , Viserys -RRB- is one of the last confirmed members of House Targaryen who , until fifteen years before the events of the first novel , had ruled from the Iron Throne for nearly three hundred years . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Good Day to Die Hard was a documentary film about the death of Bruce Willis . +08-13 15:28 root DEBUG The main plot finds McClane travelling to Russia to get his estranged son , Jack , an undercover CIA agent , out of prison . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The current Duke of York is a person . +08-13 15:28 root DEBUG The current Duke of York is Prince Andrew , the second son of Queen Elizabeth II . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenny McCarthy began her career in 1993 . +08-13 15:28 root DEBUG She began her career in 1993 as a nude model for Playboy magazine and was later named their Playmate of the Year . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party was only written by Barack Obama . +08-13 15:28 root DEBUG Sausage Party is a 2016 adult computer-animated comedy film directed by Greg Tiernan and Conrad Vernon and written by Kyle Hunter , Ariel Shaffir , Seth Rogen and Evan Goldberg . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Freddie Highmore starred in the television series Bates Motel . +08-13 15:28 root DEBUG For five seasons , Highmore starred as Norman Bates in the A&E drama-thriller series Bates Motel -LRB- 2013 -- 2017 -RRB- , for which he was twice nominated for the Critics ' Choice Television Award for Best Actor in a Drama Series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Antigua and Barbuda was named after the Virgin of La Antigua in order to show respect to her . +08-13 15:28 root DEBUG The country 's name was given by Christopher Columbus in 1493 after discovering the island , in honor of the Virgin of La Antigua in the Seville Cathedral . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emmanuel Macron worked as a banker . +08-13 15:28 root DEBUG A former civil servant and investment banker , he studied philosophy at Paris Nanterre University , completed a Master 's of Public Affairs at Sciences Po , and graduated from the École nationale d'administration -LRB- ENA -RRB- in 2004 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maria Theresa reigned for only one year . +08-13 15:28 root DEBUG She started her 40-year reign when her father , Emperor Charles VI , died in October 1740 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beverly Hillbillies had nine seasons starting in 1972 . +08-13 15:28 root DEBUG The Beverly Hillbillies is an American sitcom originally broadcast on CBS for nine seasons , from September 26 , 1962 , to March 23 , 1971 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chadwick Boseman portrayed a film character . +08-13 15:28 root DEBUG He is known for portraying Jackie Robinson in 42 -LRB- 2013 -RRB- , James Brown in Get on Up -LRB- 2014 -RRB- , and T'Challa in the Marvel Studios film Captain America : Civil War -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barcelona has a population of 1.6 thousand . +08-13 15:28 root DEBUG Barcelona -LRB- -LSB- bɑrsəˈloʊnə -RSB- , -LSB- bəɾsəˈlonə -RSB- , -LSB- barθeˈlona -RSB- -RRB- is the capital city of the autonomous community of Catalonia in the Kingdom of Spain , as well as the country 's second most populous municipality , with a population of 1.6 million within city limits . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Celebrity Rehab with Dr. Drew is a TV show . +08-13 15:28 root DEBUG Celebrity Rehab with Dr. Drew , later called simply Rehab with Dr. Drew , is a reality television show that aired on the cable network VH1 in which many of the episodes chronicle a group of well-known people as they are treated for alcohol and drug addiction by Dr. Drew Pinsky and his staff at the Pasadena Recovery Center in Pasadena , California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Originals -LRB- TV series -RRB- began airing on The CW in October of 2005 . +08-13 15:28 root DEBUG The Originals is an American television series that began airing on The CW on October 3 , 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Castlevania was developed for the Nintendo Wii . +08-13 15:28 root DEBUG Castlevania , known in Japan as , is an action-platformer video game developed and published by Konami for the Family Computer Disk System video game console in Japan in September 1986 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Lee Curtis had a starring role in John Carpenter 's Halloween . +08-13 15:28 root DEBUG She made her film debut in 1978 by starring as Laurie Strode in John Carpenter 's Halloween -LRB- 1978 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The basis for The Beguiled is a novel with a setting in the American South . +08-13 15:28 root DEBUG The script was written by Albert Maltz and is based on the 1966 Southern Gothic novel written by Thomas P. Cullinan , originally titled A Painted Devil . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indiana Pacers were established as an ABA member . +08-13 15:28 root DEBUG The Pacers were first established in 1967 as a member of the American Basketball Association -LRB- ABA -RRB- and became a member of the NBA in 1976 as a result of the ABA -- NBA merger . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nymphomaniac -LRB- film -RRB- is part of the `` Depression Trilogy '' along with Antichrist . +08-13 15:28 root DEBUG Nymphomaniac is the third and final installment in von Trier 's unofficially titled `` Depression Trilogy '' , having been preceded by Antichrist and Melancholia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ice-T began his career as a rapper in the 1980s . +08-13 15:28 root DEBUG He began his career as a rapper in the 1980s and was signed to Sire Records in 1987 , when he released his debut album Rhyme Pays , one of the first hip-hop albums to carry an explicit content sticker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jason Bourne has British actor Riz Ahmed as part of the cast . +08-13 15:28 root DEBUG Julia Stiles , Vincent Cassel , Riz Ahmed , Ato Essandoh and Scott Shepherd also star . Rizwan Ahmed -LRB- -LSB- ; born 1 December 1982 -RRB- , also known as Riz MC , is a British actor and rapper of Pakistani descent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Franklin was an author . +08-13 15:28 root DEBUG Franklin was a renowned polymath and a leading author , printer , political theorist , politician , freemason , postmaster , scientist , inventor , civic activist , statesman , and diplomat . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenny McCarthy is a model . +08-13 15:28 root DEBUG Jennifer Ann McCarthy -LRB- born November 1 , 1972 -RRB- , credited as Jenny McCarthy and Jenny Wahlberg , is an American actress , model , television host , author , screenwriter , and anti-vaccine activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Brolin has had roles in situational comedies . +08-13 15:28 root DEBUG James Brolin -LRB- -LSB- ˈbroʊlᵻn -RSB- born July 18 , 1940 -RRB- is an American actor , producer , and director , best known for his roles in film and television , including sitcoms and soap operas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Hardwicke is an award-winning film director . +08-13 15:28 root DEBUG Catherine Hardwicke -LRB- born Helen Catherine Hardwicke ; -RRB- is an American film director , production designer and screenwriter . Her works include the Academy Award-nominated independent film Thirteen , which she co-wrote with Nikki Reed , the film 's co-star , the Biblically-themed The Nativity Story , the vampire film Twilight , the werewolf film Red Riding Hood , and the classic skateboarding film Lords of Dogtown . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Warren Beatty was the co-writer , producer , and director of an epic drama movie . +08-13 15:28 root DEBUG Beatty is the first and only person to have been twice nominated for acting in , directing , writing , and producing the same film -- first with Heaven Can Wait -LRB- 1978 -RRB- , which was co-written by Elaine May and co-directed by Buck Henry , and again with Reds , which he co-wrote with Trevor Griffiths . Reds is a 1981 American epic drama film co-written , produced and directed by Warren Beatty . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Warren Beatty was a co-writer on Heaven Can Wait . +08-13 15:28 root DEBUG Beatty is the first and only person to have been twice nominated for acting in , directing , writing , and producing the same film -- first with Heaven Can Wait -LRB- 1978 -RRB- , which was co-written by Elaine May and co-directed by Buck Henry , and again with Reds , which he co-wrote with Trevor Griffiths . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SpongeBob SquarePants is the most distributed property of MTV Networks . +08-13 15:28 root DEBUG The series ' popularity has made it a media franchise , as well as the highest rated series to ever air on Nickelodeon , and the most distributed property of MTV Networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was the first time the Super Bowl was played in outer-space . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pink was born in 1979 . +08-13 15:28 root DEBUG Alecia Beth Moore -LRB- born September 8 , 1979 -RRB- , known professionally as Pink -LRB- frequently stylized as -RRB- , is an American singer , songwriter , dancer , and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dodo has been depicted with brownish-grey hair . +08-13 15:28 root DEBUG It has been depicted with brownish-grey plumage , yellow feet , a tuft of tail feathers , a grey , naked head , and a black , yellow , and green beak . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2015 , among Americans , 30 % of adults had consumed alcoholic drink in the last year . +08-13 15:28 root DEBUG For instance , in 2015 , among Americans , 89 % of adults had consumed alcohol at some point , 70 % had drunk it in the last year , and 56 % in the last month . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Atlanta metropolitan area covers 39 counties . +08-13 15:28 root DEBUG The Combined Statistical Area spans up to 39 counties in north Georgia and had an estimated 2015 population of 6.3 million people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG US Airways Flight 1549 was piloted by Amelia Earhart and Charles Lindbergh . +08-13 15:28 root DEBUG Unable to reach any airport , pilots Chesley Sullenberger and Jeffrey Skiles glided the plane to a ditching in the Hudson River off midtown Manhattan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tangled is a shoelace . +08-13 15:28 root DEBUG Tangled is a 2010 American 3D computer-animated musical fantasy-comedy film produced by Walt Disney Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jean-Jacques Dessalines ruled over a territory . +08-13 15:28 root DEBUG Jean-Jacques Dessalines -LRB- -LSB- ʒɑ̃ ʒak dɛs.salin -RSB- ; 20 September 1758 -- 17 October 1806 -RRB- was a leader of the Haitian Revolution and the first ruler of an independent Haiti under the 1805 constitution . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raven-Symoné is an entertainer . +08-13 15:28 root DEBUG Raven-Symoné Christina Pearman -LRB- -LSB- ˈreɪ.vən _ sɪˈmoʊn -RSB- born December 10 , 1985 -RRB- , sometimes credited as Raven , is an American actress , singer , songwriter , television personality , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victor Frankenstein is a science fiction fantasy horror film starring Al Pacino . +08-13 15:28 root DEBUG Starring James McAvoy as Victor Frankenstein and Daniel Radcliffe as Igor , the film was released by 20th Century Fox on November 25 , 2015 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On May 19 , 1945 , Ian Gillan was born . +08-13 15:28 root DEBUG Ian Gillan -LRB- born 19 August 1945 -RRB- is an English singer and songwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Northwestern University is a recently added member of the Big Ten Conference . +08-13 15:28 root DEBUG Northwestern is a founding member of the Big Ten Conference and remains the only private university in the conference . The Big Ten Conference was established in 1895 when Purdue University president James H. Smart and representatives from the University of Chicago , University of Illinois , University of Michigan , University of Minnesota , Northwestern University , and University of Wisconsin gathered at Chicago 's Palmer House Hotel to set policies aimed at regulating intercollegiate athletics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alex Jones was born in the eighties . +08-13 15:28 root DEBUG Alexander Emerick Jones -LRB- born February 11 , 1974 -RRB- is an American far-right radio show host , filmmaker , writer , and conspiracy theorist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Want to Know What Love Is is a single . +08-13 15:28 root DEBUG `` I Want to Know What Love Is '' is a power ballad by the British-American rock band Foreigner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are one or more seasons of Heroes . +08-13 15:28 root DEBUG Heroes is an American psychological thriller science fiction television drama series created by Tim Kring that appeared on NBC for four seasons from September 25 , 2006 through February 8 , 2010 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a drama called Exit the King . +08-13 15:28 root DEBUG Exit the King -LRB- Le Roi se meurt -RRB- is an absurdist drama by Eugène Ionesco that premiered in 1962 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Skopje was contested between dead bodies . +08-13 15:28 root DEBUG During much of the early medieval period , the town was contested between the Byzantines and the Bulgarian Empire , whose capital it was between 972 and 992 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jiang Wen was born on January 5 , 1963 . +08-13 15:28 root DEBUG Jiang Wen -LRB- born 5 January 1963 -RRB- is a Chinese film actor , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sabbir Khan only directed films with no people . +08-13 15:28 root DEBUG In 2009 he made his directorial debut with the film Kambakkht Ishq -LRB- 2009 -RRB- that starred Akshay Kumar and Kareena Kapoor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG UNESCO 's City of Literature program is separate from its Creative Cities Network . +08-13 15:28 root DEBUG UNESCO 's City of Literature program is part of its Creative Cities Network which was launched in 2004 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touch My Body was released in 2008 . +08-13 15:28 root DEBUG `` Touch My Body '' is a song by American singer and songwriter Mariah Carey , taken from her eleventh studio album , E = MC ² -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The House of the Spirits is about the life of a young man named Frank during the military dictatorship in Morocco . +08-13 15:28 root DEBUG Based on the 1982 novel La Casa de los Espíritus by Isabel Allende , the film is about the life of a young lady named Clara during the military dictatorship in Chile , and her recollection of her family history , mainly the rise of her husband , Esteban Trueba . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New Jersey Turnpike only has 10 foot lanes . +08-13 15:28 root DEBUG The Turnpike has 12 ft lanes , 10 ft shoulders , 13 rest areas named after notable residents of New Jersey , and unusual exit signage that was considered the pinnacle of highway building in the 1950s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2016 , Sausage Party was released . +08-13 15:28 root DEBUG Sausage Party is a 2016 adult computer-animated comedy film directed by Greg Tiernan and Conrad Vernon and written by Kyle Hunter , Ariel Shaffir , Seth Rogen and Evan Goldberg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jarhead , a 2005 American biographical war drama , was directed by the award-winning auteur Sam Mendes . +08-13 15:28 root DEBUG Jarhead is a 2005 American biographical war drama film based on U.S. Marine Anthony Swofford 's 2003 memoir of the same name , directed by Sam Mendes , starring Jake Gyllenhaal as Swofford with Jamie Foxx , Peter Sarsgaard and Chris Cooper . He is best known for directing the comedy-drama film American Beauty -LRB- 1999 -RRB- , which earned him the Academy Award and Golden Globe Award for Best Director , the crime film Road to Perdition -LRB- 2002 -RRB- , and the James Bond films Skyfall -LRB- 2012 -RRB- and Spectre -LRB- 2015 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Walking Dead -LRB- comic book -RRB- inspired The Walking Dead : Torn Apart . +08-13 15:28 root DEBUG The franchise has also spawned multiple additional media properties , including video games -LRB- such as The Walking Dead video game -RRB- , a companion television series -LRB- Fear the Walking Dead -RRB- , webisode series -LRB- The Walking Dead : Torn Apart , The Walking Dead : Cold Storage , and The Walking Dead : The Oath -RRB- , and various additional publications , including novels -LRB- The Walking Dead : Rise of the Governor -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Menace II Society is set in Paris . +08-13 15:28 root DEBUG The film is set in the 1990s South Central Los Angeles , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georges Gilles de la Tourette described symptoms of Tourette 's syndrome . +08-13 15:28 root DEBUG Tourette described the symptoms of Tourette 's syndrome in nine patients in 1884 , using the name `` maladie des tics '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South Island is referred to as the `` mainland . '' +08-13 15:28 root DEBUG It has a 32 percent larger landmass than the North Island so is sometimes referred to as the `` mainland '' of New Zealand , especially by South Island residents , but only 23 percent of New Zealand 's million inhabitants live there . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Catcher in the Rye never deals with issues of innocence and connection . +08-13 15:28 root DEBUG The novel also deals with complex issues of innocence , identity , belonging , loss , and connection . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Firefox is one of the most popular web browsers . +08-13 15:28 root DEBUG It is also the most popular desktop browser in many other African countries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Japan is in Asia . +08-13 15:28 root DEBUG Japan -LRB- 日本 Nippon -LSB- ɲip̚poɴ -RSB- or Nihon -LSB- ɲihoɴ -RSB- formally or Nihon-koku , meaning `` State of Japan '' -RRB- is a sovereign island nation in East Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Samsung entered the shipbuilding industries in the 1970 's . +08-13 15:28 root DEBUG Samsung entered the electronics industry in the late 1960s and the construction and shipbuilding industries in the mid-1970s ; these areas would drive its subsequent growth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men starred a person . +08-13 15:28 root DEBUG Originally starring Charlie Sheen , Jon Cryer , and Angus T. Jones , the series was about a hedonistic jingle writer , Charlie Harper ; his uptight brother Alan ; and Alan 's troublesome son Jake . Carlos Irwin Estévez -LRB- born September 3 , 1965 -RRB- , known professionally as Charlie Sheen , is an American actor . Angus Turner Jones -LRB- born October 8 , 1993 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watchmen is a film set in an alternate history in the year 1985 . +08-13 15:28 root DEBUG A dark satirical and dystopian take on the superhero genre , the film is set in an alternate history in the year 1985 at the height of the Cold War between the United States and the Soviet Union , as a group of mostly retired American superheroes investigates the murder of one of their own before uncovering an elaborate and deadly conspiracy , while their moral limitations are challenged by the complex nature of the circumstances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hit is a 1984 film . +08-13 15:28 root DEBUG The Hit is a 1984 British road crime film directed by Stephen Frears and starring John Hurt , Terence Stamp , Laura del Sol and Tim Roth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mandy Moore is a writer . +08-13 15:28 root DEBUG Amanda Leigh Moore -LRB- born April 10 , 1984 -RRB- is an American singer-songwriter and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cars 3 will not be directed by someone working for Pixar . +08-13 15:28 root DEBUG It is being directed by Brian Fee , a storyboard artist on Cars -LRB- 2006 -RRB- and Cars 2 -LRB- 2011 -RRB- . Brian Fee is an American storyboard artist and director , working for Pixar . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Love Club EP is the debut extended play by Jayden Smith . +08-13 15:28 root DEBUG The Love Club EP is the debut extended play -LRB- EP -RRB- by New Zealand singer Lorde . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Icelandic Coast Guard is responsible for something . +08-13 15:28 root DEBUG The Icelandic Coast Guard -LRB- , Landhelgisgæslan or simply Gæslan -RRB- is the service responsible for Iceland 's coastal defense and maritime and aeronautical search and rescue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Azithromycin is not sold under many trade names worldwide . +08-13 15:28 root DEBUG It is available as a generic medication and is sold under many trade names worldwide . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kojol did not receive an award in 2011 . +08-13 15:28 root DEBUG In 2011 , the Government of India awarded her with the Padma Shri , the fourth highest civilian honour of the country . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Road House is a movie . +08-13 15:28 root DEBUG Road House is a 1989 American action film directed by Rowdy Herrington and starring Patrick Swayze as a bouncer at a newly refurbished roadside bar who protects a small town in Missouri from a corrupt businessman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annabelle is not at The Warrens ' Occult Museum . +08-13 15:28 root DEBUG The doll resides in a glass box at The Warrens ' Occult Museum in Monroe , Connecticut . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ricardo Montalbán acted in film and television . +08-13 15:28 root DEBUG Among his notable roles were Mr. Roarke on the television series Fantasy Island -LRB- 1977 -- 1984 -RRB- , and Khan Noonien Singh on the original Star Trek series beginning in 1967 and the film Star Trek II : The Wrath of Khan -LRB- 1982 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ron Howard directed The Paper . +08-13 15:28 root DEBUG The Paper is a 1994 American comedy-drama film directed by Ron Howard and starring Michael Keaton , Glenn Close , Marisa Tomei , Randy Quaid and Robert Duvall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tom Kenny stars in The SpongeBob SquarePants Movie . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Frusciante is a musician . +08-13 15:28 root DEBUG John Anthony Frusciante -LRB- -LSB- fruːˈʃɑːnteɪ -RSB- born March 5 , 1970 -RRB- is an American guitarist , singer , producer and composer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John S. McCain Jr. entered the submarine service and has a fan base . +08-13 15:28 root DEBUG McCain grew up in Washington , D.C. , and graduated from the U.S. Naval Academy in 1931 , after which he entered the submarine service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hollow Man has yet to have a sequel . +08-13 15:28 root DEBUG A direct-to-video stand-alone sequel called Hollow Man 2 starring Christian Slater and Peter Facinelli was released in 2006 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Laura Robson participated in the International Tennis Federation . +08-13 15:28 root DEBUG She debuted on the International Tennis Federation -LRB- ITF -RRB- junior tour in 2007 , and a year later won the Wimbledon Junior Girls ' Championship at the age of 14 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Faye Resnick is an interior designer . +08-13 15:28 root DEBUG Faye Denise Resnick -LRB- born July 3 , 1957 -RRB- is an American television personality , author , and interior designer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Ross had nothing to do with the Maybach Music Group . +08-13 15:28 root DEBUG In 2009 , Ross founded the record label Maybach Music Group , on which he released his studio albums Deeper Than Rap -LRB- 2009 -RRB- , Teflon Don -LRB- 2010 -RRB- , God Forgives , I Do n't -LRB- 2012 -RRB- , Mastermind , Hood Billionaire -LRB- 2014 -RRB- , Black Market -LRB- 2015 -RRB- , and Rather You Than Me -LRB- 2017 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Westworld 's fourth season concluded on December 4 , 2016 . +08-13 15:28 root DEBUG The first season premiered on October 2 , 2016 , concluded on December 4 , 2016 , and consists of ten episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Donald Duck wears a shirt . +08-13 15:28 root DEBUG He typically wears a sailor shirt and cap with a bow tie . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG For the last five consecutive FIFA World Cups , Japan national football team qualified . +08-13 15:28 root DEBUG Japan is one of the most successful teams in Asia , having qualified for the last five consecutive FIFA World Cups with second round advancements in 2002 & 2010 , and having won the AFC Asian Cup a record four times in 1992 , 2000 , 2004 & 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Skopje was a city . +08-13 15:28 root DEBUG Skopje -LRB- Скопје , -LSB- ˈskɔpjɛ -RSB- -RRB- is the capital and largest city of the Republic of Macedonia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Japan is located in Asia . +08-13 15:28 root DEBUG Japan -LRB- 日本 Nippon -LSB- ɲip̚poɴ -RSB- or Nihon -LSB- ɲihoɴ -RSB- formally or Nihon-koku , meaning `` State of Japan '' -RRB- is a sovereign island nation in East Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Producing jazz records is a career of Fred Seibert . +08-13 15:28 root DEBUG He has produced live action and animated programs for cable television , and the internet , and began his professional career as a jazz and blues record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kaya Scodelario is an entertainer . +08-13 15:28 root DEBUG Kaya Scodelario-Davis -LRB- born Kaya Rose Humphrey ; March 13 , 1992 -RRB- is an English actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Office -LRB- US -RRB- debuted on ABC only . +08-13 15:28 root DEBUG The show debuted on NBC as a mid-season replacement and ran for nine seasons and 201 episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hannah and Her Sisters is an American comedy-drama . +08-13 15:28 root DEBUG Hannah and Her Sisters is a 1986 American comedy-drama film which tells the intertwined stories of an extended family over two years that begins and ends with a family Thanksgiving dinner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Theresa May served . +08-13 15:28 root DEBUG Theresa Mary May -LRB- née Brasier ; born 1 October 1956 -RRB- is a British politician who has served as Prime Minister of the United Kingdom since 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scaramuccia is another name for Scaramouche . +08-13 15:28 root DEBUG Scaramuccia -LRB- literally `` little skirmisher '' -RRB- , also known as Scaramouche or Scaramouch , is a stock clown character of the Italian commedia dell ` arte . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One form of ground fighting is Brazilian jiu-jitsu . +08-13 15:28 root DEBUG Brazilian Jiu-Jitsu -LRB- -LSB- dʒuːˈdʒɪtsuː -RSB- -LSB- ˈʒiw ˈʒitsu -RSB- , -LSB- ˈʒu ˈʒitsu -RSB- , -LSB- dʒiˈu dʒiˈtsu -RSB- -RRB- -LRB- BJJ ; jiu-jitsu brasileiro -RRB- is a martial art , combat sport system that focuses on grappling and especially ground fighting . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In odd-numbered years , the Africa Cup of Nations occurs . +08-13 15:28 root DEBUG Since 1968 , it has been held every two years . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pocahontas 's birth name was Matoaka . +08-13 15:28 root DEBUG Pocahontas -LRB- born Matoaka , known as Amonute , 1596 -- 1617 -RRB- was a Native American woman notable for her association with the colonial settlement at Jamestown , Virginia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Lee Curtis ' mother was famous . +08-13 15:28 root DEBUG Curtis is the daughter of the actress Janet Leigh and actor Tony Curtis . She is best remembered for her performance in Psycho , for which she was awarded the Golden Globe Award for Best Supporting Actress and received an Academy Award nomination . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Gagliardi died on April 11 , 2014 . +08-13 15:28 root DEBUG Gagliardi died of cancer on May 11 , 2014 , after battling cancer for eight years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Independent Spirit Awards are held the day after the Academy Awards . +08-13 15:28 root DEBUG The awards show is held inside a tent on the beach in Santa Monica , California , usually on the day before the Academy Awards -LRB- since 1999 ; originally the Saturday before -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A United Kingdom is a biographical romantic drama film . +08-13 15:28 root DEBUG A United Kingdom is a 2016 British biographical romantic drama film directed by Amma Asante and written by Guy Hibbert , based on the true-life romance between Sir Seretse Khama and his wife Ruth Williams Khama . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed and Lorraine Warren investigated the paranormal . +08-13 15:28 root DEBUG Edward Warren Miney -LRB- September 7 , 1926 -- August 23 , 2006 -RRB- and Lorraine Rita Warren -LRB- née Moran , born January 31 , 1927 -RRB- were a married Roman Catholic couple who were highly controversial American paranormal investigators and authors associated with prominent cases of hauntings . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alan White is an official who represents a country abroad . +08-13 15:28 root DEBUG Alan White -LRB- diplomat -RRB- , former British Ambassador to Bolivia and Chile 1985 -- 1987 +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barcelona is the capitol city of Catalonia . +08-13 15:28 root DEBUG Barcelona -LRB- -LSB- bɑrsəˈloʊnə -RSB- , -LSB- bəɾsəˈlonə -RSB- , -LSB- barθeˈlona -RSB- -RRB- is the capital city of the autonomous community of Catalonia in the Kingdom of Spain , as well as the country 's second most populous municipality , with a population of 1.6 million within city limits . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dopamine induces neuromodulation . +08-13 15:28 root DEBUG Major neuromodulators in the central nervous system include dopamine , serotonin , acetylcholine , histamine , and norepinephrine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annabelle is in Australia . +08-13 15:28 root DEBUG The doll resides in a glass box at The Warrens ' Occult Museum in Monroe , Connecticut . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hyksos always banned horse burials . +08-13 15:28 root DEBUG The Hyksos practiced horse burials , and their chief deity , their native storm god , Baal , became associated with the Egyptian storm and desert god , Set . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The SpongeBob SquarePants Movie ha yet to be directed . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ukrainian Soviet Socialist Republic always represented itself . +08-13 15:28 root DEBUG The Ukrainian SSR was a founding member of the United Nations , although it was legally represented by the All-Union state in its affairs with countries outside of the Soviet Union . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bengal tiger has only spots . +08-13 15:28 root DEBUG None of the Tiger Conservation Landscapes within the Bengal tiger 's range is considered large enough to support an effective population size of 250 adult individuals . The tiger -LRB- Panthera tigris -RRB- is the largest cat species , most recognisable for their pattern of dark vertical stripes on reddish-orange fur with a lighter underside . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Parkinson 's disease has afflicted Davis Phinney . +08-13 15:28 root DEBUG People with parkinsonism who have increased the public 's awareness of the condition include actor Michael J. Fox , Olympic cyclist Davis Phinney , and late professional boxer Muhammad Ali . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moscovium is an element . +08-13 15:28 root DEBUG Moscovium is a superheavy synthetic element with symbol Mc and atomic number 115 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amancio Ortega was born in 1936 . +08-13 15:28 root DEBUG Amancio Ortega Gaona -LRB- -LSB- aˈmanθjo orˈteɣa ɣaˈona -RSB- ; born 28 March 1936 -RRB- is a Spanish business tycoon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Lloyd George was voted the second greatest British prime minister of the 20th century . +08-13 15:28 root DEBUG He was voted the third greatest British prime minister of the 20th century in a poll of 139 academics organised by MORI , and in 2002 he was named among the 100 Greatest Britons following a UK-wide vote . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baloch persons are an Iranic group of humans . +08-13 15:28 root DEBUG They mainly speak the Balochi language , a branch of Northwestern Iranian languages , and are an Iranic people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nina Jacobson was born in 1965 . +08-13 15:28 root DEBUG Nina Jacobson -LRB- born 1965 -RRB- is an American film executive who , until July 2006 , was president of the Buena Vista Motion Pictures Group , a subsidiary of The Walt Disney Company . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doxycycline may induce diarrhea . +08-13 15:28 root DEBUG Common side effects include diarrhea , nausea , vomiting , a red rash , and an increased risk of a sunburn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vic Mensa has been nominated for a Grammy Award . +08-13 15:28 root DEBUG Victor Kwesi Mensah -LRB- born June 6 , 1993 -RRB- , better known by his stage name Vic Mensa , is a Grammy-nominated American rapper from Chicago , Illinois . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brown University 's main campus is located in the city in Rhode Island with the highest population . +08-13 15:28 root DEBUG Brown University is a private Ivy League research university in Providence , Rhode Island , United States , founded in 1764 as `` The College in the English Colony of Rhode Island and Providence Plantations . '' Providence is the capital of and most populous city in the U.S. state of Rhode Island , founded in 1636 , and one of the oldest cities in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hammer Film Productions produced the horror movie The Quiet Ones . +08-13 15:28 root DEBUG Since then it has produced several films , including Let Me In -LRB- 2010 -RRB- , The Resident -LRB- 2011 -RRB- , The Woman in Black -LRB- 2012 -RRB- and The Quiet Ones -LRB- 2014 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gory Guerrero was a wrestler . +08-13 15:28 root DEBUG Salvador Guerrero Quesada -LRB- January 11 , 1921 -- April 18 , 1990 -RRB- , better known as Gory Guerrero , was one of the premier Hispanic professional wrestlers in the early days of Lucha Libre when most wrestlers were imported from outside of Mexico . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG It is customary to wear outfits while Trick-or-Treating . +08-13 15:28 root DEBUG In Britain and Ireland the tradition of going house-to-house collecting food at Halloween goes back at least as far as the 16th century , as had the tradition of people wearing costumes at Halloween . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Issa Rae shows various media created by people of color . +08-13 15:28 root DEBUG Since the premiere of Awkward Black Girl , Rae has developed her own YouTube platform where she features various content created by people of color . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Punch-Drunk Love was distributed by Columbia Pictures . +08-13 15:28 root DEBUG The film was produced by Revolution Studios and New Line Cinema , and distributed by Columbia Pictures ; it features the video art of Jeremy Blake in the form of visual interludes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cleopatre debuted after a death . . +08-13 15:28 root DEBUG It was first performed at the Opéra de Monte-Carlo on 23 February 1914 , nearly two years after Massenet 's death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Younger did not premier in 2015 . +08-13 15:28 root DEBUG The series premiered on March 31 , 2015 on TV Land and received generally positive reviews from critics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shut Up debuted at number 33 . +08-13 15:28 root DEBUG The song initially entered at number 59 on the UK Singles Chart in September 2015 , however following a Christmas number one campaign the song rose to number 8 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fuller House -LRB- TV series -RRB- is in a genre . +08-13 15:28 root DEBUG Fuller House is an American family sitcom and sequel to the 1987 -- 95 television series Full House , airing as a Netflix original series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matt Bomer was born on October 11 , 1957 . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sejong the Great passed away in 1450 . +08-13 15:28 root DEBUG Sejong the Great -LRB- -LSB- se.dʑoŋ -RSB- ; 15 May 1397 - 8 April 1450 -RRB- was the fourth king of Joseon-dynasty Korea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barbarella was directed by George Lucas . +08-13 15:28 root DEBUG Barbarella is a 1968 science fiction film directed by Roger Vadim based on the French comic Barbarella . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawson was born November 20th 1932 . +08-13 15:28 root DEBUG Richard Dawson -LRB- born Colin Lionel Emm ; 20 November 1932 -- 2 June 2012 -RRB- was a British-American actor and comedian , and a game show host and panellist in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Hardwicke is American . +08-13 15:28 root DEBUG Catherine Hardwicke -LRB- born Helen Catherine Hardwicke ; -RRB- is an American film director , production designer and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dawood Ibrahim was birthed in 1955 . +08-13 15:28 root DEBUG Dawood Ibrahim -LRB- Marathi : दाऊद इब्राहीम कासकर , born Dawood Ibrahim Kaskar 26 December 1955 -RRB- , known as Dawood Bhai or simply Bhai is a gangster and terrorist originally from Dongri in Mumbai , India . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Quay premiered at a movie theater . +08-13 15:28 root DEBUG The film premiered at the Film Forum theatre in New York City on 19 August 2015 . Film Forum is a nonprofit movie theater at 209 West Houston Street in Hudson Square , Manhattan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mutiny on the Bounty is based on a book . +08-13 15:28 root DEBUG Mutiny on the Bounty is a 1962 American Technicolor epic historical drama film starring Marlon Brando , Trevor Howard and Richard Harris , based on the novel Mutiny on the Bounty by Charles Nordhoff and James Norman Hall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An Education was created by a journalist . +08-13 15:28 root DEBUG An Education is a 2009 coming-of-age drama film based on a memoir of the same name by British journalist Lynn Barber . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ronaldinho has taken part in 97 games . +08-13 15:28 root DEBUG Ronaldinho has played 97 matches and scored 33 goals for the Brazil national team . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South Island is sometimes referred to as the `` mainland '' of Australia . +08-13 15:28 root DEBUG It has a 32 percent larger landmass than the North Island so is sometimes referred to as the `` mainland '' of New Zealand , especially by South Island residents , but only 23 percent of New Zealand 's million inhabitants live there . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ricardo Montalbán died in 1920 . +08-13 15:28 root DEBUG Ricardo Gonzalo Pedro Montalbán y Merino , KSG -LRB- -LSB- ˌmɒntəlˈbɑːn -RSB- -LSB- montalˈβan -RSB- ; November 25 , 1920 -- January 14 , 2009 -RRB- was a Mexican actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pink is an American dancer . +08-13 15:28 root DEBUG Alecia Beth Moore -LRB- born September 8 , 1979 -RRB- , known professionally as Pink -LRB- frequently stylized as -RRB- , is an American singer , songwriter , dancer , and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On August 18th , 2009 , The Last Song -LRB- film -RRB- ended filming . +08-13 15:28 root DEBUG Filming lasted from June 15 to August 18 , 2009 with much of it occurring on the island 's beach and pier . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Clueless -LRB- film -RRB- was followed by books . +08-13 15:28 root DEBUG The film was followed by a spin-off television sitcom and series of books . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Guns N ' Roses started in 1995 . +08-13 15:28 root DEBUG Guns N ' Roses , often abbreviated as GnR , is an American hard rock band from Los Angeles formed in 1985 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Azithromycin is available as a generic medication for infections . +08-13 15:28 root DEBUG It is available as a generic medication and is sold under many trade names worldwide . It may also be used for a number of sexually transmitted infections including chlamydia and gonorrhea infections . Azithromycin is an antibiotic useful for the treatment of a number of bacterial infections . This includes middle ear infections , strep throat , pneumonia , traveler 's diarrhea , and certain other intestinal infections . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ann Biderman died on August 15th , 1950 . +08-13 15:28 root DEBUG Ann Biderman -LRB- born August 15 , 1951 -RRB- is an American film and television writer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The House of the Spirits is about the life of a young lady named Clara during the military dictatorship in Algeria . +08-13 15:28 root DEBUG Based on the 1982 novel La Casa de los Espíritus by Isabel Allende , the film is about the life of a young lady named Clara during the military dictatorship in Chile , and her recollection of her family history , mainly the rise of her husband , Esteban Trueba . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG UNICEF UK is a National Committee . +08-13 15:28 root DEBUG UNICEF UK , also known as the United Kingdom Committee for UNICEF , is one of 36 UNICEF National Committees based in industrialised countries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Food Network is available in the United States . +08-13 15:28 root DEBUG Food Network -LRB- legally known as Television Food Network -RRB- is an American basic cable and satellite television channel that is owned by Television Food Network , G.P. , a joint venture between Scripps Networks Interactive -LRB- which owns 70 % of the network -RRB- and the Tribune -LRB- FN -RRB- Cable Ventures Inc. -LRB- which owns the remaining 30 % -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victor Frankenstein is a 2015 American film . +08-13 15:28 root DEBUG Victor Frankenstein is a 2015 American science fiction fantasy horror film based on contemporary adaptations of Mary Shelley 's 1818 novel Frankenstein . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Milk is based on the life of John McCain . +08-13 15:28 root DEBUG Milk is a 2008 American biographical film based on the life of gay rights activist and politician Harvey Milk , who was the first openly gay person to be elected to public office in California , as a member of the San Francisco Board of Supervisors . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Warren Beatty co-wrote Reds . +08-13 15:28 root DEBUG Beatty is the first and only person to have been twice nominated for acting in , directing , writing , and producing the same film -- first with Heaven Can Wait -LRB- 1978 -RRB- , which was co-written by Elaine May and co-directed by Buck Henry , and again with Reds , which he co-wrote with Trevor Griffiths . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan has the 42nd largest economy in nominal gross domestic product . +08-13 15:28 root DEBUG The Pakistani economy is the 24th-largest in the world in terms of purchasing power and the 41st-largest in terms of nominal GDP -LRB- World Bank -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Little Prince -LRB- 2015 film -RRB- is a film . +08-13 15:28 root DEBUG The Little Prince is a 2015 English-language French-Italian 3D animated fantasy adventure family drama film directed by Mark Osborne and based on the 1943 novel of the same name by Antoine de Saint-Exupéry . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Designated Survivor -LRB- TV series -RRB- is a television show . +08-13 15:28 root DEBUG Designated Survivor is an American political drama television series created by David Guggenheim , starring Kiefer Sutherland , airing on ABC . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Writers Guild Award was nominated to Key & Peele . +08-13 15:28 root DEBUG Key & Peele won a Peabody Award and two Primetime Emmy Awards and has been nominated for various other awards , including Writers Guild Award , NAACP Image Award and 16 additional Primetime Emmy Awards in various categories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Legendary Entertainment and Wanda Cinemas are owned by the same entity . +08-13 15:28 root DEBUG Since 2016 , Legendary has been a subsidiary of the Chinese conglomerate Wanda Group . Wanda Group , or Dalian Wanda , is a Chinese multinational conglomerate corporation and the world 's biggest private property developer and owner and the world 's largest cinema chain operator , owning Wanda Cinemas and the Hoyts Group , as well as a majority share of AMC Theatres . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedic Sanskrit is a language . +08-13 15:28 root DEBUG Vedic Sanskrit is an Indo-European language , more specifically one branch of the Indo-Iranian group . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bob Ross was an artist . +08-13 15:28 root DEBUG Robert Norman Ross -LRB- October 29 , 1942 -- July 4 , 1995 -RRB- was an American painter , art instructor , and television host . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story 's writer and director was Rawson Marshall . +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story is a 2004 American sports comedy film written and directed by Rawson Marshall Thurber and starring Vince Vaughn and Ben Stiller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maria Theresa was the mother of Emperor Charles VI . +08-13 15:28 root DEBUG She started her 40-year reign when her father , Emperor Charles VI , died in October 1740 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bob Ross never hosted a show on PBS . +08-13 15:28 root DEBUG He was the creator and host of The Joy of Painting , an instructional television program that aired from 1983 to 1994 on PBS in the United States , and also aired in Canada , Latin America , and Europe . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doug Petrie made a cameo in Dr. Horrible 's Sing-Along Blog . +08-13 15:28 root DEBUG He made a cameo on Joss Whedon 's web-based film , Dr. Horrible 's Sing-Along Blog , as `` Professor Normal '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG William Howard Taft only accepted offers of appointment to a United States court . +08-13 15:28 root DEBUG Despite his personal ambition to become chief justice , Taft declined repeated offers of appointment to the Supreme Court of the United States , believing his political work to be more important . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Betsy Hodges was a candidate for a 2013 election . +08-13 15:28 root DEBUG Hodges won the 2013 Minneapolis mayoral election and was inaugurated on January 2 , 2014 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Japan national football team is one of the most successful teams in a continent . +08-13 15:28 root DEBUG Japan is one of the most successful teams in Asia , having qualified for the last five consecutive FIFA World Cups with second round advancements in 2002 & 2010 , and having won the AFC Asian Cup a record four times in 1992 , 2000 , 2004 & 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melilla has an area of 11.3 km2 . +08-13 15:28 root DEBUG Melilla -LRB- -LSB- məˈliːjə -RSB- ; -LSB- meˈliʎa -RSB- , -LSB- meˈliʝa -RSB- ; Mřič -LSB- , Maliliyyah -RRB- is a Spanish autonomous city located on the north coast of Africa , sharing a border with Morocco with an area of 12.3 km2 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riz Ahmed acted in an American miniseries based on a British television series . +08-13 15:28 root DEBUG He also starred in the HBO miniseries The Night Of as Nasir Khan ; the show and his performance were critically lauded , earning him Golden Globe and SAG nominations . The Night Of is an American eight-part crime drama television miniseries based on Criminal Justice , a 2008 -- 09 British television series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Babur died on December 26 , 1730 . +08-13 15:28 root DEBUG Babur -LRB- -LSB- بابر , lit = Tiger , translit = Bābur -RSB- 14 February 148326 December 1530 -RRB- , born Ẓahīr-ud-Dīn Muḥammad -LRB- -LSB- ظهیرالدین محمد , translit = Ẓahīr ad-Dīn Muḥammad -RSB- -RRB- , was a conqueror from Central Asia who , following a series of setbacks , finally succeeded in laying the basis for the Mughal dynasty in the Indian subcontinent and became the first Mughal emperor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vampire Academy was a financial failure grossing only $ 14 million . +08-13 15:28 root DEBUG The film was a failure critically and financially , grossing only $ 15.4 million worldwide against a $ 30 million budget , making the film a box office flop . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are 30 knockouts part of the career boxing record of Floyd Mayweather Jr. . +08-13 15:28 root DEBUG He finished his career with a record of 26 wins without a loss or draw in world title fights -LRB- 10 by KO -RRB- ; 23 wins -LRB- 9 KOs -RRB- in lineal title fights ; 24 wins -LRB- 7 KOs -RRB- against former or current world titlists ; 12 wins -LRB- 3 KOs -RRB- against former or current lineal champions ; and 2 wins -LRB- 1 KO -RRB- against International Boxing Hall of Fame inductees . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Babbit directed The Quiet . +08-13 15:28 root DEBUG The Quiet is a 2005 American drama thriller film directed by Jamie Babbit and starring Camilla Belle and Elisha Cuthbert . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Monster is a work of art . +08-13 15:28 root DEBUG `` The Monster '' is a song by American rapper Eminem , featuring guest vocals from Barbadian singer Rihanna , taken from Eminem 's album The Marshall Mathers LP 2 -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sejong the Great died in the fifteenth century . +08-13 15:28 root DEBUG Sejong the Great -LRB- -LSB- se.dʑoŋ -RSB- ; 15 May 1397 - 8 April 1450 -RRB- was the fourth king of Joseon-dynasty Korea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Guthrie Theater 's first building stopped operating in 2006 . +08-13 15:28 root DEBUG The first building was designed by Ralph Rapson , included a 1,441-seat thrust stage designed by Tanya Moiseiwitsch , and was operated from 1963 -- 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney is a songwriter and record producer . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Linkin Park 's second studio album , released in 2004 , was Meteora . +08-13 15:28 root DEBUG Their following studio album Meteora continued the band 's success , topping the Billboard 200 album chart in 2003 , and was followed by extensive touring and charity work around the world . It was released on March 25 , 2003 through Warner Bros. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jerome Flynn was born on March 16 , 1963 . +08-13 15:28 root DEBUG Jerome Patrick Flynn -LRB- born 16 March 1963 -RRB- is an English actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kate Walsh was on a television show . +08-13 15:28 root DEBUG Kathleen Erin Walsh -LRB- born October 13 , 1967 -RRB- is an American actress and businesswoman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Norman Bates is a fictional character . +08-13 15:28 root DEBUG Norman Bates is a fictional character created by Robert Bloch as the main antagonist in his 1959 novel Psycho , and portrayed by Anthony Perkins in the 1960 film of the same name directed by Alfred Hitchcock and its sequels , and by Freddie Highmore in the television series Bates Motel . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Multiple people were involved in the development of Team Fortress 2 . +08-13 15:28 root DEBUG The development is led by John Cook and Robin Walker , creators of the original Team Fortress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dawood Ibrahim is originally from Mumbai . +08-13 15:28 root DEBUG Dawood Ibrahim -LRB- Marathi : दाऊद इब्राहीम कासकर , born Dawood Ibrahim Kaskar 26 December 1955 -RRB- , known as Dawood Bhai or simply Bhai is a gangster and terrorist originally from Dongri in Mumbai , India . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cambridgeshire 's local government is only one unitary authority . +08-13 15:28 root DEBUG Local government is divided between Cambridgeshire County Council and Peterborough City Council , which is a separate unitary authority . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brie Larson is an actress . +08-13 15:28 root DEBUG Brianne Sidonie Desaulniers -LRB- born October 1 , 1989 -RRB- , known professionally as Brie Larson , is an American actress , director , and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New England Patriots owns the record for most Super Bowls lost . +08-13 15:28 root DEBUG The franchise has since set numerous notable records , including most wins in a ten-year period -LRB- 126 , in 2003 -- 2012 -RRB- , an undefeated 16-game regular season in 2007 , the longest winning streak consisting of regular season and playoff games in NFL history -LRB- a 21-game streak from October 2003 to October 2004 -RRB- , and the most consecutive division titles won by a team in NFL history -LRB- won eight straight division titles from 2009 to 2016 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandal was in the 1980 's . +08-13 15:28 root DEBUG Scandal is an American rock band from the 1980s fronted by Patty Smyth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brie Larson is an American actress . +08-13 15:28 root DEBUG Brianne Sidonie Desaulniers -LRB- born October 1 , 1989 -RRB- , known professionally as Brie Larson , is an American actress , director , and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Akon is a singer . +08-13 15:28 root DEBUG Aliaume Damala Badara Akon Thiam -LRB- born April 16 , 1973 -RRB- , better known as Akon -LRB- pronounced -LSB- ˈeɪkɒn -RSB- -RRB- , is an American singer , rapper , songwriter , businessman , record producer and actor of Senegalese descent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vic Mensa is an American . +08-13 15:28 root DEBUG Victor Kwesi Mensah -LRB- born June 6 , 1993 -RRB- , better known by his stage name Vic Mensa , is a Grammy-nominated American rapper from Chicago , Illinois . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cordilleran Ice Sheet covered a large portion of North America . +08-13 15:28 root DEBUG The Cordilleran ice sheet was a major ice sheet that periodically covered large parts of North America during glacial periods over the last ~ 2.6 million years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bill Graham Civic Auditorium was designed after John Galen Howard died . +08-13 15:28 root DEBUG It was designed by renowned Bay Area architect John Galen Howard and built in 1915 as part of the Panama -- Pacific International Exposition . John Galen Howard -LRB- May 8 , 1864 in Chelmsford , Massachusetts -- July 18 , 1931 in San Francisco , California -RRB- was an American architect who began his career in New York before moving to San Francisco , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Argentina is not also subdivided into one autonomous city . +08-13 15:28 root DEBUG The country is subdivided into twenty-three provinces -LRB- provincias , singular provincia -RRB- and one autonomous city -LRB- ciudad autónoma -RRB- , Buenos Aires , which is the federal capital of the nation -LRB- -LSB- Capital Federal , links = no -RSB- -RRB- as decided by Congress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Church of Jesus Christ of Latter-day Saints has a fasting law . +08-13 15:28 root DEBUG Faithful members adhere to church laws of sexual purity , health , fasting , and Sabbath observance , and contribute ten percent of their income to the church in tithing . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Formula One 's Red Bull Racing races under an Austrian license . +08-13 15:28 root DEBUG Red Bull Racing is a Formula One racing team , racing under an Austrian licence , based in the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a remake called Brick Mansions . +08-13 15:28 root DEBUG It is a remake of the 2004 French film District 13 , in which Belle had also starred . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Norman Bates is main antagonist in Psycho . +08-13 15:28 root DEBUG Norman Bates is a fictional character created by Robert Bloch as the main antagonist in his 1959 novel Psycho , and portrayed by Anthony Perkins in the 1960 film of the same name directed by Alfred Hitchcock and its sequels , and by Freddie Highmore in the television series Bates Motel . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Personality is affected by the hindrance of values . +08-13 15:28 root DEBUG Personality is a set of individual differences that are affected by the development of an individual : values , attitudes , personal memories , social relationships , habits , and skills . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Battle of the Bastards had a viewership of over a million in its initial broadcast . +08-13 15:28 root DEBUG In the United States , the episode had a viewership of 7.66 million in its initial broadcast . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rob McElhenney plays the character Mac on It 's Always Sunny in Philadelphia . +08-13 15:28 root DEBUG Robert Dale `` Rob '' McElhenney -LRB- born April 14 , 1977 -RRB- is an American actor , director , producer , and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vincent D'Onofrio was nominated for an Emmy Award . +08-13 15:28 root DEBUG Among other honors , D'Onofrio is a Saturn Award winner and an Emmy Award nominee . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sarah Hyland is a New Yorker . +08-13 15:28 root DEBUG Born in New York City , Hyland attended the Professional Performing Arts School in Manhattan , followed by small roles in the films Private Parts -LRB- 1997 -RRB- , Annie -LRB- 1999 -RRB- , and Blind Date -LRB- 2007 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Color of Night won zero Golden Raspberry awards . +08-13 15:28 root DEBUG Color of Night flopped at the box office and won a Golden Raspberry Award as the worst film of 1994 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan Trachtenberg is a person . +08-13 15:28 root DEBUG Dan Trachtenberg is an American filmmaker and podcast host . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Deepika Padukone has been in at least four Indian films . +08-13 15:28 root DEBUG She rose to prominence with starring roles in the romantic comedies Yeh Jawaani Hai Deewani -LRB- 2013 -RRB- and Chennai Express -LRB- 2013 -RRB- , the heist comedy Happy New Year -LRB- 2014 -RRB- , and the historical romance Bajirao Mastani -LRB- 2015 -RRB- , all of which rank among the highest-grossing Bollywood films . Bajirao Mastani is a 2015 Indian epic historical romance film directed by Sanjay Leela Bhansali , who also composed the music of the film . Happy New Year , sometimes abbreviated as HNY is a 2014 Indian musical heist comedy directed by Farah Khan and produced by Gauri Khan under the banner of Red Chillies Entertainment . Chennai Express -LSB- tʃᵻˈnaɪ -RSB- -LSB- ɪkˈsprɛs -RSB- is a 2013 Indian romantic action comedy film directed by Rohit Shetty , and produced by Gauri Khan for Red Chillies Entertainment . Yeh Jawaani Hai Deewani -LRB- English : This Youth is Crazy -RRB- , is a 2013 Indian romantic comedy drama film , written and directed by Ayan Mukerji and produced by Karan Johar . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Loretta Sanchez is only German . +08-13 15:28 root DEBUG Loretta L. Sánchez -LRB- born January 7 , 1960 -RRB- is an American politician who served in the United States House of Representatives from 1997 to 2017 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Firefox is the first most popular web browser . +08-13 15:28 root DEBUG , Firefox has between 9 % and 16 % of worldwide usage as a `` desktop '' browser , making it the second most popular web browser . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ukrainian Soviet Socialist Republic was in an international organization . +08-13 15:28 root DEBUG The Ukrainian SSR was a founding member of the United Nations , although it was legally represented by the All-Union state in its affairs with countries outside of the Soviet Union . The United Nations -LRB- UN -RRB- is an intergovernmental organization to promote international co-operation and to create and maintain international order . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Overexposed is a car . +08-13 15:28 root DEBUG Overexposed is the fourth studio album by the American band Maroon 5 , released on June 20 , 2012 , by A&M Octone Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The film The Good German was directed by Cate Blanchett . +08-13 15:28 root DEBUG It was directed by Steven Soderbergh , and stars George Clooney , Cate Blanchett , and Tobey Maguire . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG According to some , Zoroastrianism 's major features have not influenced other religious systems . +08-13 15:28 root DEBUG Major features of Zoroastrianism , such as messianism , heaven and hell , and free will have , some believe , influenced other religious systems , including Second Temple Judaism , Gnosticism , Christianity , and Islam . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saturn Award for Best Fantasy Film is presented by the Academy of Motion Picture Arts and Sciences . +08-13 15:28 root DEBUG The Saturn Award for Best Fantasy Film is an award presented to the best film in the fantasy genre by the Academy of Science Fiction , Fantasy & Horror Films . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kung Fu Panda grossed $ 20,300,000 on opening day , in 2006 . +08-13 15:28 root DEBUG Kung Fu Panda is a 2008 American computer-animated action comedy martial arts film produced by DreamWorks Animation and distributed by Paramount Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Attenborough was controller of BBC Two . +08-13 15:28 root DEBUG He is also a former senior manager at the BBC , having served as controller of BBC Two and director of programming for BBC Television in the 1960s and 1970s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annelise van der Pol declined to ever do musical theater . +08-13 15:28 root DEBUG Following her early career in musical theatre , she was best known for her role as Chelsea Daniels on That 's So Raven . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Military deception only overlaps with psychological peace . +08-13 15:28 root DEBUG As a form of strategic use of information -LRB- disinformation -RRB- , it overlaps with psychological warfare . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fly is a science fiction character . +08-13 15:28 root DEBUG The Fly is a 1986 American science fiction horror film directed and co-written by David Cronenberg . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One of the cast members of the DC Extended Universe is Henry Cavill . +08-13 15:28 root DEBUG Cavill gained further prominence and international fame playing the titular superhero Superman in the DC Extended Universe starting with the 2013 reboot film Man of Steel , originally the highest-grossing Superman film of all time until it was surpassed by 2016 's Batman v Superman : Dawn of Justice , where he reprised his role as Superman ; making it his highest-grossing film to date . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adidas designs athletic clothing . +08-13 15:28 root DEBUG It is the largest sportswear manufacturer in Europe , and the second biggest in the world . Sportswear or activewear is clothing , including footwear , worn for sport or physical exercise . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gray Matters is a motion picture . +08-13 15:28 root DEBUG Gray Matters is a 2006 romantic comedy film directed by Sue Kramer , starring Heather Graham , Tom Cavanagh and Bridget Moynahan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bob Ross created the Internet . +08-13 15:28 root DEBUG He was the creator and host of The Joy of Painting , an instructional television program that aired from 1983 to 1994 on PBS in the United States , and also aired in Canada , Latin America , and Europe . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Zemeckis has rarely directed movies . +08-13 15:28 root DEBUG The movies he has directed have ranged across a wide variety of genres , for both adults and families . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Musala is a certain amount of meters tall . +08-13 15:28 root DEBUG Musala -LRB- Мусала from Arabic through Ottoman Turkish : Musalla , `` near God '' or `` place for prayer '' is the highest peak in the entire Balkan Peninsula , standing at 2,925 m -LRB- 9,596 ft -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hinduism has shared textual resources . +08-13 15:28 root DEBUG Although Hinduism contains a broad range of philosophies , it is linked by shared concepts , recognisable rituals , cosmology , shared textual resources , and pilgrimage to sacred sites . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cordilleran Ice Sheet is made up mostly of snow . +08-13 15:28 root DEBUG The Cordilleran ice sheet was a major ice sheet that periodically covered large parts of North America during glacial periods over the last ~ 2.6 million years . An ice sheet is a mass of glacier ice that covers surrounding terrain and is greater than 50000 km2 , thus also known as continental glacier . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eurotas -LRB- river -RRB- is in Greece . +08-13 15:28 root DEBUG The Eurotas or Evrotas -LRB- Greek : Ευρώτας -RRB- is the main river of Laconia and one of the major rivers of the Peloponnese , in Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Story of My Life was recorded by a girl band . +08-13 15:28 root DEBUG `` Story of My Life '' is a song recorded by English Irish boy band One Direction . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Syco was founded by Simon Cowell . +08-13 15:28 root DEBUG Syco Entertainment , often known simply as Syco , is a British entertainment company established by British entertainment mogul Simon Cowell . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney is involved in music . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Premier League Asia Trophy is held biennially in a grave . +08-13 15:28 root DEBUG The Premier League Asia Trophy -LRB- formerly the FA Premier League Asia Cup -RRB- is a pre-season association football friendly tournament held biennial in Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shut Up is a song by Stormzy . +08-13 15:28 root DEBUG `` Shut Up '' is a song by English Grime artist and MC Stormzy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zoey Deutch did not portray Stephanie Fleming in Why Him ? +08-13 15:28 root DEBUG -LRB- 2016 -RRB- , Stephanie Fleming in Why Him ? Zoey Francis Thompson Deutch -LRB- born November 10 , 1994 -RRB- is an American actress . She is known for portraying Rosemarie `` Rose '' Hathaway in Vampire Academy -LRB- 2014 -RRB- , Beverly in the Richard Linklater film Everybody Wants Some !! +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cthulhu is a gigantic Lovecraftian entity worshipped by cultists . +08-13 15:28 root DEBUG Cthulhu -LRB- -LSB- - all -LRB- k -RRB- ʟ̝̊ʊlʔɬuː -RSB- -RRB- is a cosmic entity created by writer H. P. Lovecraft and first introduced in the short story `` The Call of Cthulhu '' , published in the American pulp magazine Weird Tales in 1928 . Lovecraft depicts Cthulhu as a gigantic entity worshipped by cultists . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG China is the world 's second largest economy by nominal GDP . +08-13 15:28 root DEBUG , it is the world 's second-largest economy by nominal GDP and largest by purchasing power parity -LRB- PPP -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exit the King is by Eugene Ionesco . +08-13 15:28 root DEBUG Exit the King -LRB- Le Roi se meurt -RRB- is an absurdist drama by Eugène Ionesco that premiered in 1962 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Tenth Doctor is accompanied by Rose Tyler for The End of Time . +08-13 15:28 root DEBUG He eventually parts ways with them all by the end of the 2008 series finale , `` Journey 's End '' , after which he attempts to travel alone for the duration of the 2008 -- 2010 specials before being accompanied by Donna Noble 's grandfather Wilfred Mott on his final adventure in The End of Time . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG George Harrison 's first marriage started in 1964 . +08-13 15:28 root DEBUG Harrison 's first marriage , to model Pattie Boyd in 1966 , ended in divorce in 1977 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chinatown is a film from the United States . +08-13 15:28 root DEBUG Chinatown is a 1974 American neo-noir mystery film , directed by Roman Polanski from a screenplay by Robert Towne , starring Jack Nicholson and Faye Dunaway . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Laura Robson is an athlete . +08-13 15:28 root DEBUG Laura Robson -LRB- born 21 January 1994 -RRB- is a British tennis player and an Olympic Mixed Doubles silver medalist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dulquer Salmaan acted in a 2012 film . +08-13 15:28 root DEBUG He received his first Filmfare Award for Best Actor nomination for his performance in Ustad Hotel -LRB- 2012 -RRB- . Ustad Hotel is a 2012 Indian Malayalam-language drama film directed by Anwar Rasheed , written by Anjali Menon and produced by Listin Stephen under the banner of Magic Frames . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sweet Home Alabama is a short film that was written in reply to Neil Young 's song Alabama . +08-13 15:28 root DEBUG The song was written in reply to `` Southern Man '' and `` Alabama '' by Neil Young ; Young is name-checked in the song 's lyrics . `` Sweet Home Alabama '' is a song by Southern rock band Lynyrd Skynyrd that first appeared in 1974 on their second album , Second Helping . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Akon is a musician . +08-13 15:28 root DEBUG Aliaume Damala Badara Akon Thiam -LRB- born April 16 , 1973 -RRB- , better known as Akon -LRB- pronounced -LSB- ˈeɪkɒn -RSB- -RRB- , is an American singer , rapper , songwriter , businessman , record producer and actor of Senegalese descent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandinavia includes the remote Norwegian islands of Svalbard and Jan Mayen . +08-13 15:28 root DEBUG The remote Norwegian islands of Svalbard and Jan Mayen are usually not seen as a part of Scandinavia , nor is Greenland , an overseas territory of Denmark . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hermit crabs belong to the superfamily Hominoidea . +08-13 15:28 root DEBUG Hermit crabs are decapod crustaceans of the superfamily Paguroidea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian National Congress was founded only before December 1884 . +08-13 15:28 root DEBUG It was founded in Bombay in late December 1885 , during the British Raj in India . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Tenth Doctor appears in at least one episode of Doctor Who . +08-13 15:28 root DEBUG The Tenth Doctor is an incarnation of the Doctor , the protagonist of the BBC science fiction television programme Doctor Who , who is played by David Tennant in three series as well as nine specials . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Honeymoon is a collection of music . +08-13 15:28 root DEBUG Honeymoon is the fourth studio album and third major-label record by American singer and songwriter Lana Del Rey . An album is a collection of audio recordings issued as a single item on CD , record , audio tape or another medium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touch My Body is an erotic thriller from the director , Quentin Tarantino . +08-13 15:28 root DEBUG `` Touch My Body '' is a song by American singer and songwriter Mariah Carey , taken from her eleventh studio album , E = MC ² -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a law of chastity in the Church of Jesus Christ of Latter-day Saints . +08-13 15:28 root DEBUG Faithful members adhere to church laws of sexual purity , health , fasting , and Sabbath observance , and contribute ten percent of their income to the church in tithing . The law of chastity is a moral code defined by The Church of Jesus Christ of Latter-day Saints -LRB- LDS Church -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Burj Khalifa contains elevators . +08-13 15:28 root DEBUG It contains a total of 57 elevators and 8 escalators . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Danish language is spoken in Spain . +08-13 15:28 root DEBUG There are also minor Danish-speaking communities in Norway , Sweden , Spain , the United States , Canada , Brazil and Argentina . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jerome Flynn is an English singer . +08-13 15:28 root DEBUG Jerome Patrick Flynn -LRB- born 16 March 1963 -RRB- is an English actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alan Shepard served in the US Navy . +08-13 15:28 root DEBUG A graduate of the United States Naval Academy at Annapolis , Shepard saw action with the surface navy during World War II . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Babur was born on May 14 , 1783 . +08-13 15:28 root DEBUG Babur -LRB- -LSB- بابر , lit = Tiger , translit = Bābur -RSB- 14 February 148326 December 1530 -RRB- , born Ẓahīr-ud-Dīn Muḥammad -LRB- -LSB- ظهیرالدین محمد , translit = Ẓahīr ad-Dīn Muḥammad -RSB- -RRB- , was a conqueror from Central Asia who , following a series of setbacks , finally succeeded in laying the basis for the Mughal dynasty in the Indian subcontinent and became the first Mughal emperor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Cowell was a part of a reality show . +08-13 15:28 root DEBUG He is most recognised as a judge on the British TV talent competition series Pop Idol , The X Factor , and Britain 's Got Talent , and the American TV talent competition shows American Idol , The X Factor , and America 's Got Talent . In April 2014 , the format was named the world 's most successful reality TV format ever by the Guinness World Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Clueless -LRB- film -RRB- was followed by a spin-off television sitcom with the same name . +08-13 15:28 root DEBUG The film was followed by a spin-off television sitcom and series of books . Clueless is an American sitcom based on the 1995 teen film of the same name -LRB- which was inspired by the Jane Austen book Emma -RRB- . Clueless is a 1995 American coming-of-age comedy film written and directed by Amy Heckerling . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 was directed by a nameless robot . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Gunn has no experience as an actor . +08-13 15:28 root DEBUG Sean Gunn is an American actor , best known for his role as Kirk Gleason on the television show Gilmore Girls -LRB- 2000 -- 2007 -RRB- and Kraglin in Guardians of the Galaxy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Originals -LRB- TV series -RRB- began airing on The CW in November of 2013 . +08-13 15:28 root DEBUG The Originals is an American television series that began airing on The CW on October 3 , 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Practical Magic is based on a 1995 novel by J. K. Rowling . +08-13 15:28 root DEBUG Practical Magic is a 1998 American romantic comedy film based on the 1995 novel of the same name by Alice Hoffman . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tyler Perry is associated with the title comedian . +08-13 15:28 root DEBUG Tyler Perry -LRB- born Emmitt Perry Jr. ; September 13 , 1969 -RRB- is an American actor , comedian , filmmaker , writer , and songwriter , specializing in the gospel genre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 was produced by DreamWorks . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Thin Red Line -LRB- 1998 film -RRB- portrays soldiers . +08-13 15:28 root DEBUG It portrays soldiers of C Company , 1st Battalion , 27th Infantry Regiment , 25th Infantry Division , played by Sean Penn , Jim Caviezel , Nick Nolte , Elias Koteas and Ben Chaplin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Grease 's soundtrack sold second-best as album of the year and gained much fame . +08-13 15:28 root DEBUG Its soundtrack album ended 1978 as the second-best selling album of the year in the United States , behind the soundtrack of Saturday Night Fever . The song `` You 're the One That I Want '' was a US and UK # 1 for stars John Travolta and Olivia Newton-John . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Little Dorrit was only published in the 1980s . +08-13 15:28 root DEBUG Little Dorrit is a novel by Charles Dickens , originally published in serial form between 1855 and 1857 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edouard Seguin worked in murdering . +08-13 15:28 root DEBUG Édouard Séguin -LRB- January 20 , 1812 -- October 28 , 1880 -RRB- was a physician and educationist born in Clamecy , Nièvre , France . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Mullin played with a professional baseball team . +08-13 15:28 root DEBUG Thereafter , Mullin played with the Indiana Pacers from 1997 until the 1999 -- 2000 season . The Indiana Pacers are an American professional basketball team based in Indianapolis . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jed Whedon is the son of a screenwriter . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan Trachtenberg has refused to host any podcasts . +08-13 15:28 root DEBUG Dan Trachtenberg is an American filmmaker and podcast host . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Laura Robson is a Wimbledon Junior Girls ' Championship winner . +08-13 15:28 root DEBUG She debuted on the International Tennis Federation -LRB- ITF -RRB- junior tour in 2007 , and a year later won the Wimbledon Junior Girls ' Championship at the age of 14 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ted Cruz is a politician and attorney . +08-13 15:28 root DEBUG Rafael Edward `` Ted '' Cruz -LSB- ˈkruːz -RSB- -LRB- born December 22 , 1970 -RRB- is an American politician and attorney , who has served as the junior United States Senator from Texas since 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tenacious D achieved chart status after its release . +08-13 15:28 root DEBUG While Tenacious D did not achieve chart success after its release , it was certified platinum by the Recording Industry Association of America by the end of 2005 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annie is a movie . +08-13 15:28 root DEBUG Annie is a 2014 American musical comedy-drama film directed by Will Gluck and produced by Village Roadshow Pictures and Will Smith 's Overbrook Entertainment for Sony Pictures ' Columbia Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caesar is Orson Welles 's 1937 Julius Caesar adaptation . +08-13 15:28 root DEBUG Caesar is the title of Orson Welles 's innovative 1937 adaptation of William Shakespeare 's Julius Caesar , a modern-dress bare-stage production that evoked comparison to contemporary Fascist Italy and Nazi Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eurotas -LRB- river -RRB- is the main river of Laconia . +08-13 15:28 root DEBUG The Eurotas or Evrotas -LRB- Greek : Ευρώτας -RRB- is the main river of Laconia and one of the major rivers of the Peloponnese , in Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gory Guerrero 's date of birth was January 11th , 1921 . +08-13 15:28 root DEBUG Salvador Guerrero Quesada -LRB- January 11 , 1921 -- April 18 , 1990 -RRB- , better known as Gory Guerrero , was one of the premier Hispanic professional wrestlers in the early days of Lucha Libre when most wrestlers were imported from outside of Mexico . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A member of the Grateful Dead was Tom Constanten . +08-13 15:28 root DEBUG The other official members of the band are Tom Constanten -LRB- keyboards ; 1968 -- 1970 -RRB- , John Perry Barlow -LRB- nonperforming lyricist ; 1971 -- 1995 -RRB- , Keith Godchaux -LRB- keyboards ; 1971 -- 1979 -RRB- , Donna Godchaux -LRB- vocals ; 1972 -- 1979 -RRB- , Brent Mydland -LRB- keyboards , vocals ; 1979 -- 1990 -RRB- , and Vince Welnick -LRB- keyboards , vocals ; 1990 -- 1995 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wolfgang Amadeus Mozart never married . +08-13 15:28 root DEBUG He was survived by his wife Constanze and two sons . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cyclades are in a Sea . +08-13 15:28 root DEBUG The Cyclades -LRB- -LSB- ˈsɪklədiːz -RSB- Κυκλάδες , -LSB- cikˈlaðes -RSB- -RRB- are an island group in the Aegean Sea , southeast of mainland Greece and a former administrative prefecture of Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Qin dynasty introduced several legislation . +08-13 15:28 root DEBUG The Qin dynasty introduced several reforms : currency , weights and measures were standardized , and a uniform system of writing was established . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keegan-Michael Key played the character of Luther twice . +08-13 15:28 root DEBUG In 2015 , Key appeared at the White House Correspondents ' Dinner as the character Luther , President Barack Obama 's anger translator . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jon Hamm received eight Primetime Emmy Award nominations . +08-13 15:28 root DEBUG Hamm has received 16 Primetime Emmy Award nominations for his performances in Mad Men , 30 Rock -LRB- 2006 -- 2013 -RRB- , and Unbreakable Kimmy Schmidt -LRB- 2015 -- present -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dark matter is a theoretical kind of matter . +08-13 15:28 root DEBUG Dark matter is a hypothetical type of matter distinct from baryonic matter -LRB- ordinary matter such as protons and neutrons -RRB- , neutrinos and dark energy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reanimation is not by Linkin Park . +08-13 15:28 root DEBUG Reanimation is the first remix album by American rock band Linkin Park as a follow-up to their first studio album , Hybrid Theory , and released on July 30 , 2002 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jiang Wen is an actor . +08-13 15:28 root DEBUG Jiang Wen -LRB- born 5 January 1963 -RRB- is a Chinese film actor , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The SpongeBob SquarePants Movie stars Clancy Brown . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Laura Robson won the Wimbledon Junior Girls ' Championship at age 14 . +08-13 15:28 root DEBUG She debuted on the International Tennis Federation -LRB- ITF -RRB- junior tour in 2007 , and a year later won the Wimbledon Junior Girls ' Championship at the age of 14 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sebastian Vettel works for Red Bull . +08-13 15:28 root DEBUG Vettel left Red Bull Racing and ended his long-term association with the company after the season and signed a contract with Ferrari for , after activating a clause to terminate his Red Bull contract early . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adam Lambert was the first openly gay artist to top the U.S. Billboard 200 . +08-13 15:28 root DEBUG The album premiered at number one on the U.S. Billboard 200 , making him the first openly gay artist to top the album charts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bengal tiger is from a region . +08-13 15:28 root DEBUG Bengal tigers number around 440 in Bangladesh and 163 -- 253 in Nepal . Bengal -LRB- -LSB- bɛŋˈɡɔːl -RSB- বাংলা / বঙ্গ -RRB- is a geopolitical , cultural and historical region in Asia , which is located in the eastern part of the Indian subcontinent at the apex of the Bay of Bengal . Bangladesh forms the largest and eastern part of the Bengal region . The region was home to many principalities that had inland naval prowess . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The MP for Maidenhead was once Theresa May . +08-13 15:28 root DEBUG She has been the Member of Parliament -LRB- MP -RRB- for Maidenhead since 1997 and Leader of the Conservative Party since July 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG US Airways Flight 1549 landed in Boise . +08-13 15:28 root DEBUG Unable to reach any airport , pilots Chesley Sullenberger and Jeffrey Skiles glided the plane to a ditching in the Hudson River off midtown Manhattan . The Hudson River is a 315 mi river that flows from north to south primarily through eastern New York in the United States . Midtown Manhattan , or Midtown , represents the central lengthwise portion of the borough and island of Manhattan in New York City . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The End of Time is the Tenth Doctor 's final adventure , terminating in his death . +08-13 15:28 root DEBUG He eventually parts ways with them all by the end of the 2008 series finale , `` Journey 's End '' , after which he attempts to travel alone for the duration of the 2008 -- 2010 specials before being accompanied by Donna Noble 's grandfather Wilfred Mott on his final adventure in The End of Time . The Doctor is able to avert this , but incurs fatal injuries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth Olsen was born . +08-13 15:28 root DEBUG Elizabeth Chase `` Lizzie '' Olsen -LRB- born February 16 , 1989 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trouble with the Curve stars a cat . +08-13 15:28 root DEBUG The film revolves around an aging baseball scout whose daughter joins him on a scouting trip . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pattern recognition systems are deleted from labeled `` training '' data . +08-13 15:28 root DEBUG Pattern recognition systems are in many cases trained from labeled `` training '' data -LRB- supervised learning -RRB- , but when no labeled data are available other algorithms can be used to discover previously unknown patterns -LRB- unsupervised learning -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beguiled had a script . +08-13 15:28 root DEBUG The script was written by Albert Maltz and is based on the 1966 Southern Gothic novel written by Thomas P. Cullinan , originally titled A Painted Devil . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barcelona has a population of less than one million . +08-13 15:28 root DEBUG Barcelona -LRB- -LSB- bɑrsəˈloʊnə -RSB- , -LSB- bəɾsəˈlonə -RSB- , -LSB- barθeˈlona -RSB- -RRB- is the capital city of the autonomous community of Catalonia in the Kingdom of Spain , as well as the country 's second most populous municipality , with a population of 1.6 million within city limits . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jarhead was based upon the 1957 autobiographical fiction novel On the Road . +08-13 15:28 root DEBUG Jarhead is a 2005 American biographical war drama film based on U.S. Marine Anthony Swofford 's 2003 memoir of the same name , directed by Sam Mendes , starring Jake Gyllenhaal as Swofford with Jamie Foxx , Peter Sarsgaard and Chris Cooper . Jarhead is a 2003 Gulf War memoir by author and former U.S. Marine Anthony Swofford . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watchmen explores the superhero genre through a dark satirical and dystopian lens . +08-13 15:28 root DEBUG A dark satirical and dystopian take on the superhero genre , the film is set in an alternate history in the year 1985 at the height of the Cold War between the United States and the Soviet Union , as a group of mostly retired American superheroes investigates the murder of one of their own before uncovering an elaborate and deadly conspiracy , while their moral limitations are challenged by the complex nature of the circumstances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was the first time the Super Bowl was played in the Dallas-Fort Worth area and had the lowest recorded attendance of any Super Bowl up until that point . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . The game 's attendance was 103,219 , just short of the Super Bowl record 103,985 set in Super Bowl XIV at the Rose Bowl in Pasadena , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Ross released Hood Billionaire . +08-13 15:28 root DEBUG In 2009 , Ross founded the record label Maybach Music Group , on which he released his studio albums Deeper Than Rap -LRB- 2009 -RRB- , Teflon Don -LRB- 2010 -RRB- , God Forgives , I Do n't -LRB- 2012 -RRB- , Mastermind , Hood Billionaire -LRB- 2014 -RRB- , Black Market -LRB- 2015 -RRB- , and Rather You Than Me -LRB- 2017 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Blue Dog Coalition came into existence in the year 2023 . +08-13 15:28 root DEBUG It was formed in 1995 during the 104th Congress to give more conservative members from the Democratic party a unified voice after the Democrats ' loss of Congress in the U.S. Congressional election of 1994 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hannah and Her Sisters is an American 1986 film . +08-13 15:28 root DEBUG Hannah and Her Sisters is a 1986 American comedy-drama film which tells the intertwined stories of an extended family over two years that begins and ends with a family Thanksgiving dinner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Floyd Mayweather Jr. has made 30 career music albums . +08-13 15:28 root DEBUG He finished his career with a record of 26 wins without a loss or draw in world title fights -LRB- 10 by KO -RRB- ; 23 wins -LRB- 9 KOs -RRB- in lineal title fights ; 24 wins -LRB- 7 KOs -RRB- against former or current world titlists ; 12 wins -LRB- 3 KOs -RRB- against former or current lineal champions ; and 2 wins -LRB- 1 KO -RRB- against International Boxing Hall of Fame inductees . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedic Sanskrit is an ancient language dating at least as far back as the second millennium BCE . +08-13 15:28 root DEBUG It is the ancient language of the Vedas of Hinduism , texts compiled over the period of the mid-2nd to mid-1st millennium BCE . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles de Gaulle lost all elections for President of the Fifth French Republic . +08-13 15:28 root DEBUG In 1958 , he founded the Fifth Republic and was elected as the President of France , a position he held until his resignation in 1969 . De Gaulle , who was the first president elected under the Fifth Republic in December 1958 , believed in a strong head of state , which he described as embodying l'esprit de la nation -LRB- `` the spirit of the nation '' -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gamal Abdel Nasser 's funeral was in the capital of Egypt . +08-13 15:28 root DEBUG His funeral in Cairo drew five million mourners and an outpouring of grief across the Arab world . Cairo is the capital and largest city of Egypt . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrea Pirlo plays for the Italian national team . +08-13 15:28 root DEBUG Andrea Pirlo , Ufficiale OMRI -LRB- born 19 May 1979 -RRB- is an Italian professional footballer who plays for American club New York City FC and the Italy national team . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aphrodite is the daughter of a Titaness in Homer 's Iliad . +08-13 15:28 root DEBUG In Homer 's Iliad , however , she is the daughter of Zeus and Dione . Dione -LRB- -LSB- daɪˈoʊni -RSB- Διώνη , Diōnē -RRB- was an ancient Greek goddess , an oracular Titaness primarily known from Book V of Homer 's Iliad , where she tends to the wounds suffered by her daughter Aphrodite . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manchester by the Sea has grossed money . +08-13 15:28 root DEBUG It began a limited release on November 18 , 2016 , before going wide on December 16 , 2016 and grossed $ 74 million worldwide on an $ 8.5 million budget . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Google Search displays movie runtimes . +08-13 15:28 root DEBUG These include synonyms , weather forecasts , time zones , stock quotes , maps , earthquake data , movie showtimes , airports , home listings , and sports scores . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Milk is based on the life of a person . +08-13 15:28 root DEBUG Milk is a 2008 American biographical film based on the life of gay rights activist and politician Harvey Milk , who was the first openly gay person to be elected to public office in California , as a member of the San Francisco Board of Supervisors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kate Walsh appeared on a television drama on ABC . +08-13 15:28 root DEBUG Her roles include Dr. Addison Montgomery on the ABC television dramas Grey 's Anatomy and Private Practice , Rebecca Wright on the short-lived NBC sitcom Bad Judge , and Olivia Baker on the Netflix drama series 13 Reasons Why . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice was directed by a German man . +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film to be directed by Lewis Gilbert , who later directed the 1977 film The Spy Who Loved Me and the 1979 film Moonraker , both starring Roger Moore . Lewis Gilbert , -LRB- born 6 March 1920 -RRB- is a British film director , producer and screenwriter , who has directed more than 40 films during six decades ; among them such varied titles as Reach for the Sky -LRB- 1956 -RRB- , Sink the Bismarck ! +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles de Gaulle was an enemy of the French Resistance . +08-13 15:28 root DEBUG Despite frosty relations with Britain and especially the United States , he emerged as the undisputed leader of the French resistance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG L. Ron Hubbard died in the 1980s . +08-13 15:28 root DEBUG Lafayette Ronald Hubbard -LRB- March 13 , 1911 -- January 24 , 1986 -RRB- , better known as L. Ron Hubbard -LRB- -LSB- ɛl_rɒn_ˈhʌˌbərd -RSB- -RRB- and often referred to by his initials , LRH , was an American author and the founder of the Church of Scientology . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chinatown 's screenplay was by Robert Towne . +08-13 15:28 root DEBUG Chinatown is a 1974 American neo-noir mystery film , directed by Roman Polanski from a screenplay by Robert Towne , starring Jack Nicholson and Faye Dunaway . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doxycycline may cause increased risk of sunburn in children . +08-13 15:28 root DEBUG Common side effects include diarrhea , nausea , vomiting , a red rash , and an increased risk of a sunburn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG William Cohen is from Maine . +08-13 15:28 root DEBUG William Sebastian Cohen -LRB- born August 28 , 1940 -RRB- is an American politician and author from the U.S. state of Maine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uta Hagan has a middle name . +08-13 15:28 root DEBUG Uta Thyra Hagen -LRB- 12 June 1919 -- 14 January 2004 -RRB- was an American actress and theatre practitioner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Finland is sometimes thought to be a part of Scandinavia . +08-13 15:28 root DEBUG However , the Faroe Islands , also a Danish overseas territory , are sometimes included , as sometimes are Iceland , Finland , and the Finnish autonomous region of the Åland Islands , because of their historical association with the Scandinavian countries and the Scandinavian peoples and languages . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A near-Earth object is not a solar body . +08-13 15:28 root DEBUG A near-Earth object -LRB- NEO -RRB- is any small Solar System body whose orbit brings it into proximity with Earth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cher was united in marriage to Sonny Bono . +08-13 15:28 root DEBUG Salvatore Phillip `` Sonny '' Bono -LRB- -LSB- ˈboʊnoʊ -RSB- February 16 , 1935 -- January 5 , 1998 -RRB- was an American singer , producer , and politician who came to fame in partnership with his second wife Cher , as the popular singing duo Sonny & Cher . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ukrainian Soviet Socialist Republic was a member of the UN . +08-13 15:28 root DEBUG The Ukrainian SSR was a founding member of the United Nations , although it was legally represented by the All-Union state in its affairs with countries outside of the Soviet Union . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A. P. J. Abdul Kalam was voted in as the Head of State of India . +08-13 15:28 root DEBUG Avul Pakir Jainulabdeen Abdul Kalam better known as A.P.J. Abdul Kalam -LSB- ˈæbdʊl_kəˈlɑːm -RSB- -LRB- 15 October 1931 -- 27 July 2015 -RRB- was the 11th President of India from 2002 to 2007 . The President of the Republic of India is the Head of State of India and the Commander-in-chief of the Indian Armed Forces . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 66th Primetime Emmy Awards was hosted by the host of a show . +08-13 15:28 root DEBUG Comedian and Late Night host Seth Meyers hosted the ceremony for the first time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louis Malle produced only German language films . +08-13 15:28 root DEBUG His film Le Monde du silence won the Palme d'Or in 1956 and the Academy Award for Best Documentary in 1957 , although he was not credited at the ceremony with the award instead being presented to the film 's co-director Jacques Cousteau . The Silent World -LRB- Le Monde du silence -RRB- is a 1956 French documentary film co-directed by the famed French oceanographer Jacques-Yves Cousteau and a young Louis Malle . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One of the most notable features of Zoroastrianism is the belief and doctrine that is focused on the arrival of the messiah . +08-13 15:28 root DEBUG Major features of Zoroastrianism , such as messianism , heaven and hell , and free will have , some believe , influenced other religious systems , including Second Temple Judaism , Gnosticism , Christianity , and Islam . In Abrahamic religions , Messianism is the belief and doctrine that is centered on the advent of the messiah , who acts as the chosen savior and leader of humanity by God . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dodo has been depicted with orange plumage . +08-13 15:28 root DEBUG It has been depicted with brownish-grey plumage , yellow feet , a tuft of tail feathers , a grey , naked head , and a black , yellow , and green beak . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedic Sanskrit is the language of the Vedic texts of Hinduism . +08-13 15:28 root DEBUG It is the ancient language of the Vedas of Hinduism , texts compiled over the period of the mid-2nd to mid-1st millennium BCE . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veep is a show on television . +08-13 15:28 root DEBUG Veep is an American political satire comedy television series , starring Julia Louis-Dreyfus , that premiered on HBO on April 22 , 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan Brown died June 22 , 1964 . +08-13 15:28 root DEBUG Three of them , Angels & Demons -LRB- 2000 -RRB- , The Da Vinci Code -LRB- 2003 -RRB- , and Inferno -LRB- 2013 -RRB- , have been adapted into films . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Want to Know What Love Is is a song . +08-13 15:28 root DEBUG `` I Want to Know What Love Is '' is a power ballad by the British-American rock band Foreigner . Sentimental ballads , also known as pop ballads , rock ballads or power ballads , are an emotional style of music that often deal with romantic and intimate relationships , and to a lesser extent , war -LRB- protest songs -RRB- , loneliness , death , drug abuse , politics and religion , usually in a poignant but solemn manner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mom -LRB- TV series -RRB- has been nominated at an award show . +08-13 15:28 root DEBUG The show has also garnered multiple nominations at the Critics ' Choice Television Awards and the People 's Choice Awards during its run . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Woman in Black was abandoned by Hammer Film Productions in 2012 in favor of working on Freddie vs. Jason . +08-13 15:28 root DEBUG Since then it has produced several films , including Let Me In -LRB- 2010 -RRB- , The Resident -LRB- 2011 -RRB- , The Woman in Black -LRB- 2012 -RRB- and The Quiet Ones -LRB- 2014 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG House of Balloons is someone 's first mixtape . +08-13 15:28 root DEBUG House of Balloons is the debut mixtape by Canadian singer The Weeknd . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eurotas -LRB- river -RRB- is one of Peloponnese 's major rivers . +08-13 15:28 root DEBUG The Eurotas or Evrotas -LRB- Greek : Ευρώτας -RRB- is the main river of Laconia and one of the major rivers of the Peloponnese , in Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Boleyn returned to England . +08-13 15:28 root DEBUG Anne returned to England in early 1522 , to marry her Irish cousin James Butler , 9th Earl of Ormond ; the marriage plans were broken up by Cardinal Wolsey , and instead she secured a post at court as maid of honour to Henry VIII 's wife , Catherine of Aragon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The cinematography of Far from the Madding Crowd was by at least one person . +08-13 15:28 root DEBUG The cinematography was by Nicolas Roeg and the soundtrack was by Richard Rodney Bennett . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brent Mydland was a member of the Grateful Dead . +08-13 15:28 root DEBUG The other official members of the band are Tom Constanten -LRB- keyboards ; 1968 -- 1970 -RRB- , John Perry Barlow -LRB- nonperforming lyricist ; 1971 -- 1995 -RRB- , Keith Godchaux -LRB- keyboards ; 1971 -- 1979 -RRB- , Donna Godchaux -LRB- vocals ; 1972 -- 1979 -RRB- , Brent Mydland -LRB- keyboards , vocals ; 1979 -- 1990 -RRB- , and Vince Welnick -LRB- keyboards , vocals ; 1990 -- 1995 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party was directed by Greg Tiernan and Conrad Vernon . +08-13 15:28 root DEBUG Sausage Party is a 2016 adult computer-animated comedy film directed by Greg Tiernan and Conrad Vernon and written by Kyle Hunter , Ariel Shaffir , Seth Rogen and Evan Goldberg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Team Fortress 2 development was led by John Cook . +08-13 15:28 root DEBUG The development is led by John Cook and Robin Walker , creators of the original Team Fortress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney was born on March 26th , 1968 . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Augutus Prew 's mother was a clothing designer . +08-13 15:28 root DEBUG Prew was born in Westminster , London , England and is the son of Wendy Dagworthy , a fashion designer , and Jonathan W. Prew , a photographer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Action films are a subgenre of martial arts films . +08-13 15:28 root DEBUG A subgenre of the action film , martial arts films contain numerous martial arts fights between characters . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthew Vaughn was born on May 9th , 1977 . +08-13 15:28 root DEBUG Matthew Allard de Vere Drummond -LRB- born Matthew Allard Robert Vaughn ; 7 March 1971 -RRB- is an English film producer , director , and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Office -LRB- US -RRB- was filmed in front of a live audience . +08-13 15:28 root DEBUG To simulate the look of an actual documentary , it is filmed in a single-camera setup , without a studio audience or a laugh track . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Unison -LRB- Celine Dion album -RRB- was originally released in May 1990 . +08-13 15:28 root DEBUG The album was originally released on 2 April 1990 by Columbia Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Foot Locker is a retailer from the United States . +08-13 15:28 root DEBUG Foot Locker Retail , Inc. is an American sportswear and footwear retailer , with its headquarters in Midtown Manhattan , New York City , and operating in 28 countries worldwide . The United States of America -LRB- USA -RRB- , commonly known as the United States -LRB- U.S. -RRB- or America , is a constitutional federal republic composed of 50 states , a federal district , five major self-governing territories , and various possessions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Minor League Baseball is a hierarchy of leagues . +08-13 15:28 root DEBUG Minor League Baseball is a hierarchy of professional baseball leagues in the Americas that compete at levels below Major League Baseball -LRB- MLB -RRB- and provide opportunities for player development and a way to prepare for the major leagues . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Oscar Isaac played a fictional character . +08-13 15:28 root DEBUG He is known for his lead film roles in the comedy-drama Inside Llewyn Davis -LRB- 2013 -RRB- , for which he received a Golden Globe Award nomination , the crime drama A Most Violent Year -LRB- 2014 -RRB- and the science fiction thriller Ex Machina -LRB- 2015 -RRB- , in which he played Nathan Hamlet Bateman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kajol is a civilian woman . +08-13 15:28 root DEBUG Kajol -LRB- born Kajol Mukherjee ; 5 August 1974 -RRB- , is an Indian film actress , who predominantly works in Hindi cinema . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Netscape Navigator is unable to access the internet . +08-13 15:28 root DEBUG Netscape Navigator is a discontinued proprietary web browser , and the original browser of the Netscape line , from versions 1 to 4.08 , and 9.x . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Color of Night did horribly in box office ratings . +08-13 15:28 root DEBUG Color of Night flopped at the box office and won a Golden Raspberry Award as the worst film of 1994 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brown University 's main campus is located in the second largest city in New England . +08-13 15:28 root DEBUG Brown 's main campus is located in the College Hill Historic District in the city of Providence , the third largest city in New England . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leslie Alexander is a former bond trader . +08-13 15:28 root DEBUG He is a former bond trader from New Jersey who owns the National Basketball Association -LRB- NBA -RRB- team Houston Rockets . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Planet Hollywood Las Vegas is owned by a corporation based in Paris , Texas . +08-13 15:28 root DEBUG It is owned and operated by Caesars Entertainment Corporation . Caesars Entertainment Corporation , is an American gaming corporation based in Paradise , Nevada that owns and operates over 50 casinos and hotels , and seven golf courses under several brands . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Pet can only supply physical interaction . +08-13 15:28 root DEBUG Pets can give companionship to elderly adults who do not have adequate social interaction with other people , as well as to other people who are living alone . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New England Patriots got to seven Super Bowls . +08-13 15:28 root DEBUG The Patriots have appeared in the Super Bowl nine times in franchise history , the most of any team , seven of them since the arrival of head coach Bill Belichick and quarterback Tom Brady in 2000 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trouble with the Curve was directed by a squid . +08-13 15:28 root DEBUG Trouble with the Curve is a 2012 sports-drama film directed by Robert Lorenz , and starring Clint Eastwood , Amy Adams , Justin Timberlake , Matthew Lillard and John Goodman . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amy Winehouse did not die of alcohol poisoning . +08-13 15:28 root DEBUG Winehouse died of alcohol poisoning on 23 July 2011 , aged 27 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yugoslavia failed to exist during most of the 20th century . +08-13 15:28 root DEBUG Yugoslavia -LRB- Jugoslavija / Југославија , Jugoslavija , Југославија -RRB- was a country in Southeast Europe during most of the 20th century . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Fortus is a guitarist of Guns N ' Roses . +08-13 15:28 root DEBUG He is best known as a member of the hard rock band Guns N ' Roses , with whom he has been a member since 2002 , and with whom he has recorded one studio album . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barbarella is based on a comic by Gene Luen Yang . +08-13 15:28 root DEBUG Barbarella is a 1968 science fiction film directed by Roger Vadim based on the French comic Barbarella . Barbarella is a fictional heroine in a French science fiction comic book created by Jean-Claude Forest . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Google Search can find stock quotes . +08-13 15:28 root DEBUG These include synonyms , weather forecasts , time zones , stock quotes , maps , earthquake data , movie showtimes , airports , home listings , and sports scores . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kyle Maclachlan has been nominated for an Emmy award because of a television series called Twin Peaks . +08-13 15:28 root DEBUG MacLachlan has won a Golden Globe Award for Best Actor -- Television Series Drama and has been nominated for two Emmy Awards , all for Twin Peaks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camp Flog Gnaw is an event . +08-13 15:28 root DEBUG Camp Flog Gnaw is an annual carnival created and hosted by Tyler , The Creator and Odd Future . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zoroastrianism has no major features . +08-13 15:28 root DEBUG Major features of Zoroastrianism , such as messianism , heaven and hell , and free will have , some believe , influenced other religious systems , including Second Temple Judaism , Gnosticism , Christianity , and Islam . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Numenius of Apamea was a Greek philosopher who lived in Syria . +08-13 15:28 root DEBUG Numenius of Apamea was a Greek philosopher , who lived in Apamea in Syria and flourished during the latter half of the 2nd century AD . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beverly Hillbillies had ten seasons . +08-13 15:28 root DEBUG The Beverly Hillbillies ranked among the top 20 most-watched programs on television for eight of its nine seasons , twice ranking as the number one series of the year , with a number of episodes that remain among the most-watched television episodes in history . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louis Malle worked in a French industry . +08-13 15:28 root DEBUG Malle worked in both French cinema and Hollywood , and he produced both French and English language films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leslie Alexander owns a team in the NBA . +08-13 15:28 root DEBUG He is a former bond trader from New Jersey who owns the National Basketball Association -LRB- NBA -RRB- team Houston Rockets . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Brolin has never appeared in a sitcom . +08-13 15:28 root DEBUG James Brolin -LRB- -LSB- ˈbroʊlᵻn -RSB- born July 18 , 1940 -RRB- is an American actor , producer , and director , best known for his roles in film and television , including sitcoms and soap operas . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Freddie Highmore starred in a television series . +08-13 15:28 root DEBUG For five seasons , Highmore starred as Norman Bates in the A&E drama-thriller series Bates Motel -LRB- 2013 -- 2017 -RRB- , for which he was twice nominated for the Critics ' Choice Television Award for Best Actor in a Drama Series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War ended in 1862 . +08-13 15:28 root DEBUG The American Civil War was fought in the United States from 1861 to 1865 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG University of Chicago Law School is ranked first for `` Faculty quality based on American Academy of Arts and Sciences Membership . '' +08-13 15:28 root DEBUG Chicago is ranked second by Brian Leiter of the University of Chicago Law School on the `` Top 15 Schools From Which the Most ` Prestigious ' Law Firms Hire New Lawyers , '' and first for `` Faculty quality based on American Academy of Arts and Sciences Membership . '' +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG B. R. Ambedkar spent his whole life in Portugal . +08-13 15:28 root DEBUG Bhimrao Ramji Ambedkar -LRB- 14 April 1891 -- 6 December 1956 -RRB- , popularly known as Baba Saheb , was an Indian jurist , economist , politician and social reformer who inspired the Dalit Buddhist Movement and campaigned against social discrimination against Untouchables -LRB- Dalits -RRB- , while also supporting the rights of women and labour . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bank of America has machines . +08-13 15:28 root DEBUG It has a retail banking footprint that serves approximately 46 million consumer and small business relationships at 4,600 banking centers and 15,900 automated teller machines -LRB- ATMs -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tennessee was the last state to join the Confederacy . +08-13 15:28 root DEBUG Tennessee was the last state to leave the Union and join the Confederacy at the outbreak of the American Civil War in 1861 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Resident Evil is a film . +08-13 15:28 root DEBUG Resident Evil is a 2002 German-British science fiction action horror film written and directed by Paul W. S. Anderson and produced by Bernd Eichinger . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kate Walsh was on a sitcom . +08-13 15:28 root DEBUG Her roles include Dr. Addison Montgomery on the ABC television dramas Grey 's Anatomy and Private Practice , Rebecca Wright on the short-lived NBC sitcom Bad Judge , and Olivia Baker on the Netflix drama series 13 Reasons Why . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jimi Hendrix was a person . +08-13 15:28 root DEBUG James Marshall `` Jimi '' Hendrix -LRB- born Johnny Allen Hendrix ; November 27 , 1942 -- September 18 , 1970 -RRB- was an American rock guitarist , singer , and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael Hutchence died on November 12th , 1997 . +08-13 15:28 root DEBUG Michael Kelland John Hutchence -LRB- 22 January 1960 -- 22 November 1997 -RRB- was an Australian musician and actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mamata Banerjee was born on January 5th , 1955 . +08-13 15:28 root DEBUG Mamata Banerjee -LRB- -LSB- mɔmɔt̪a bɔnd̪d̪oˈpad̪ʱˈae̯ -RSB- -LRB- Bengali - মমতা বন্দপাধ্যায় -RRB- also known as Didi was born 5 January 1955 -RRB- is an Indian politician who has been Chief Minister of West Bengal since 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hammer Film Productions has worked on horror movies . +08-13 15:28 root DEBUG During its most successful years , Hammer dominated the horror film market , enjoying worldwide distribution and considerable financial success . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raja Hindustani was directed by 5 directors each from a different region of India . +08-13 15:28 root DEBUG Raja Hindustani -LRB- translation : Indian King -RRB- is a 1996 Indian blockbuster Hindi-language drama romance film directed by Dharmesh Darshan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Independent Spirit Awards are held the day before the Golden Globe Awards . +08-13 15:28 root DEBUG The awards show is held inside a tent on the beach in Santa Monica , California , usually on the day before the Academy Awards -LRB- since 1999 ; originally the Saturday before -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Salman Rushdie won a literary prize . +08-13 15:28 root DEBUG His second novel , Midnight 's Children -LRB- 1981 -RRB- , won the Booker Prize in 1981 and was deemed to be `` the best novel of all winners '' on two separate occasions , marking the 25th and the 40th anniversary of the prize . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Icelandic Coast Guard is responsible for something . +08-13 15:28 root DEBUG The Icelandic Coast Guard -LRB- , Landhelgisgæslan or simply Gæslan -RRB- is the service responsible for Iceland 's coastal defense and maritime and aeronautical search and rescue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adidas is German . +08-13 15:28 root DEBUG Adidas AG -LRB- -LSB- ˈadiˌdas -RSB- -RRB- -LRB- stylised as adidas since 1949 -RRB- is a German multinational corporation , headquartered in Herzogenaurach , Germany , that designs and manufactures shoes , clothing and accessories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Land plants are multicellular organisms . +08-13 15:28 root DEBUG All species of animals , land plants and most fungi are multicellular , as are many algae , whereas a few organisms are partially uni - and partially multicellular , like slime molds and social amoebae such as the genus Dictyostelium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Revolver has topped multiple charts . +08-13 15:28 root DEBUG The record topped the UK Albums Chart for seven weeks and America 's Billboard Top LPs list for six weeks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pitch Perfect 2 centers on a fictional educational institution . +08-13 15:28 root DEBUG The film centers on the fictional Barden University and The Bellas , an all-female a cappella singing group . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rebel in the Rye only aired in 2005 . +08-13 15:28 root DEBUG It premiered at the 2017 Sundance Film Festival on January 24 , 2017 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nymphomaniac -LRB- film -RRB- is part of a trilogy . +08-13 15:28 root DEBUG Nymphomaniac is the third and final installment in von Trier 's unofficially titled `` Depression Trilogy '' , having been preceded by Antichrist and Melancholia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Strings Attached only ever came out in 2007 . +08-13 15:28 root DEBUG No Strings Attached is a 2011 American romantic comedy film directed by Ivan Reitman and written by Elizabeth Meriwether . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was certified mildew in the US in January 2006 . +08-13 15:28 root DEBUG The album was first certified gold in the United States on January 12 , 2006 ; a subsequent platinum record certification was awarded on March 16 , 2006 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Walker -LRB- actor -RRB- is a stand up performer . +08-13 15:28 root DEBUG Benjamin Walker Davis -LRB- born June 21 , 1982 -RRB- , known professionally as Benjamin Walker , is an American actor and stand-up comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG American Library Association is old . +08-13 15:28 root DEBUG It is the oldest and largest library association in the world , with more than 62,000 members . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny Bono , whose full name is Salvatore Phillip Bono , was born on February 16 , 1935 . +08-13 15:28 root DEBUG Salvatore Phillip `` Sonny '' Bono -LRB- -LSB- ˈboʊnoʊ -RSB- February 16 , 1935 -- January 5 , 1998 -RRB- was an American singer , producer , and politician who came to fame in partnership with his second wife Cher , as the popular singing duo Sonny & Cher . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brian De Palma is a Westerner . +08-13 15:28 root DEBUG Brian Russell De Palma -LRB- born September 11 , 1940 -RRB- is an American film director and screenwriter . The United States of America -LRB- USA -RRB- , commonly known as the United States -LRB- U.S. -RRB- or America , is a constitutional federal republic composed of 50 states , a federal district , five major self-governing territories , and various possessions . Forty-eight of the fifty states and the federal district are contiguous and located in North America between Canada and Mexico . The state of Alaska is in the northwest corner of North America , bordered by Canada to the east and across the Bering Strait from Russia to the west . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Nobel Prize in Chemistry was given to a human from Holland . +08-13 15:28 root DEBUG The first Nobel Prize in Chemistry was awarded in 1901 to Jacobus Henricus van ' t Hoff , of the Netherlands , `` for his discovery of the laws of chemical dynamics and osmotic pressure in solutions . '' The Netherlands , -LRB- -LSB- ˈnɛðərləndz -RSB- Nederland -LSB- ˈneːdərˌlɑnt -RSB- ; Nederlân -RRB- also known informally as Holland , is the main constituent country of the Kingdom of the Netherlands . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shut Up debuted at number 71 . +08-13 15:28 root DEBUG The song initially entered at number 59 on the UK Singles Chart in September 2015 , however following a Christmas number one campaign the song rose to number 8 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Automated teller machines are part of Bank of America . +08-13 15:28 root DEBUG It has a retail banking footprint that serves approximately 46 million consumer and small business relationships at 4,600 banking centers and 15,900 automated teller machines -LRB- ATMs -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael Hutchence has yet to die . +08-13 15:28 root DEBUG Michael Kelland John Hutchence -LRB- 22 January 1960 -- 22 November 1997 -RRB- was an Australian musician and actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heath Ledger did not direct music videos . +08-13 15:28 root DEBUG He also produced and directed music videos and aspired to be a film director . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Good Day to Die Hard was directed by John Moore in 2008 . +08-13 15:28 root DEBUG A Good Day to Die Hard is a 2013 American action thriller film and the fifth installment in the Die Hard film series . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Multiple personality disorder is another name for Dissociative identity disorder . +08-13 15:28 root DEBUG Dissociative identity disorder -LRB- DID -RRB- , also known as multiple personality disorder -LRB- MPD -RRB- , is a mental disorder characterized by at least two distinct and relatively enduring identities or dissociated personality states . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Flew Over the Cuckoo 's Nest only won one Academy Award . +08-13 15:28 root DEBUG The film was the second to win all five major Academy Awards -LRB- Best Picture , Actor in Lead Role , Actress in Lead Role , Director , and Screenplay -RRB- following It Happened One Night in 1934 , an accomplishment not repeated until 1991 by The Silence of the Lambs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl -LRB- Steven Universe -RRB- is a fictional alien being . +08-13 15:28 root DEBUG She is a `` Gem '' , a fictional alien being that exists as a magical gemstone projecting a holographic body . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trouble with the Curve was only released in 2013 . +08-13 15:28 root DEBUG Filming began in March 2012 , and the film was released on September 21 , 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mike Friedrich is a comic book writer . +08-13 15:28 root DEBUG Mike Friedrich -LRB- born March 27 , 1949 -RRB- is an American comic book writer and publisher best known for his work at Marvel and DC Comics , and for publishing the anthology series Star * Reach , one of the first independent comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Google Search shows no home information . +08-13 15:28 root DEBUG These include synonyms , weather forecasts , time zones , stock quotes , maps , earthquake data , movie showtimes , airports , home listings , and sports scores . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG For two hundred and nineteen years , The Times printed in broadsheet format . +08-13 15:28 root DEBUG The Times was printed in broadsheet format for 219 years , but switched to compact size in 2004 in an attempt to appeal more to younger readers and commuters using public transport . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jed Whedon was born in December . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael Hutchence has yet to die . +08-13 15:28 root DEBUG Michael Kelland John Hutchence -LRB- 22 January 1960 -- 22 November 1997 -RRB- was an Australian musician and actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Suite Life of Zack & Cody was created by Danny Kallis . +08-13 15:28 root DEBUG The Suite Life of Zack & Cody is an American sitcom created by Danny Kallis and Jim Geoghan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There was a republic of the Soviet Union called the Latvian Soviet Socialist Republic . +08-13 15:28 root DEBUG The Latvian Soviet Socialist Republic -LRB- Latvian SSR ; Latvijas Padomju Sociālistiskā Republika Латвийская Советская Социалистическая Республика , Latviyskaya Sovetskaya Sotsialisticheskaya Respublika -RRB- , also known as Soviet Latvia or Latvia , was a republic of the Soviet Union . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Boleyn went back to England . +08-13 15:28 root DEBUG Anne returned to England in early 1522 , to marry her Irish cousin James Butler , 9th Earl of Ormond ; the marriage plans were broken up by Cardinal Wolsey , and instead she secured a post at court as maid of honour to Henry VIII 's wife , Catherine of Aragon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Google Search can return monetary conversions . +08-13 15:28 root DEBUG There are special features for numbers , dates , and some specific forms , including ranges , prices , temperatures , money and measurement unit conversions , calculations , package tracking , patents , area codes , and language translation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The House of the Spirits is about the life of a young lady during the military dictatorship in Chile . +08-13 15:28 root DEBUG Based on the 1982 novel La Casa de los Espíritus by Isabel Allende , the film is about the life of a young lady named Clara during the military dictatorship in Chile , and her recollection of her family history , mainly the rise of her husband , Esteban Trueba . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Love Club EP is too short to qualify as an album . +08-13 15:28 root DEBUG The Love Club EP is the debut extended play -LRB- EP -RRB- by New Zealand singer Lorde . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A United Kingdom is a biographical romantic comedy film . +08-13 15:28 root DEBUG A United Kingdom is a 2016 British biographical romantic drama film directed by Amma Asante and written by Guy Hibbert , based on the true-life romance between Sir Seretse Khama and his wife Ruth Williams Khama . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Norman Bates is a character . +08-13 15:28 root DEBUG Norman Bates is a fictional character created by Robert Bloch as the main antagonist in his 1959 novel Psycho , and portrayed by Anthony Perkins in the 1960 film of the same name directed by Alfred Hitchcock and its sequels , and by Freddie Highmore in the television series Bates Motel . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dulquer Salmaan refused to ever become an actor . +08-13 15:28 root DEBUG Dulquer Salmaan -LRB- born 28 July 1986 -RRB- , referred popularly as DQ , is an Indian film actor who appears predominantly in Malayalam films . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Times Higher Education World University Rankings is a publication of rankings by The Chronicle of Higher Education . +08-13 15:28 root DEBUG Times Higher Education World University Rankings is an annual publication of university rankings by Times Higher Education -LRB- THE -RRB- magazine . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daredevil is based on the Marvel Comics character of the same name . +08-13 15:28 root DEBUG Marvel 's Daredevil , or simply Daredevil , is an American web television series created for Netflix by Drew Goddard , based on the Marvel Comics character of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chinatown was written by Robert Towne . +08-13 15:28 root DEBUG Chinatown is a 1974 American neo-noir mystery film , directed by Roman Polanski from a screenplay by Robert Towne , starring Jack Nicholson and Faye Dunaway . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG FC Bayern Munich was founded by only one football player . +08-13 15:28 root DEBUG FC Bayern was founded in 1900 by 11 football players , led by Franz John . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1966 , George Harrison got married for the first time . +08-13 15:28 root DEBUG Harrison 's first marriage , to model Pattie Boyd in 1966 , ended in divorce in 1977 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Deepika Padukone has appeared in more than three Indian movies . +08-13 15:28 root DEBUG Padukone received praise for portraying the lead roles in the romance Love Aaj Kal -LRB- 2009 -RRB- and the drama Lafangey Parindey -LRB- 2010 -RRB- , but her performances in the romance Bachna Ae Haseeno -LRB- 2008 -RRB- and the comedy Housefull -LRB- 2010 -RRB- were met with negative reviews . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The English Wikipedia is an edition of an expensive online encyclopedia . +08-13 15:28 root DEBUG The English Wikipedia is the English-language edition of the free online encyclopedia Wikipedia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Designated Survivor -LRB- TV series -RRB- is part of ABC . +08-13 15:28 root DEBUG Designated Survivor is an American political drama television series created by David Guggenheim , starring Kiefer Sutherland , airing on ABC . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shane Black directed The Nice Guys . +08-13 15:28 root DEBUG The Nice Guys is a 2016 American neo-noir action comedy film directed by Shane Black and written by Black and Anthony Bagarozzi . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Some level of success is had by Scream . +08-13 15:28 root DEBUG The first series entry , Scream , was released on December 20 , 1996 and is currently the highest-grossing slasher film in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Syco was established by Simon Cowell . +08-13 15:28 root DEBUG Syco Entertainment , often known simply as Syco , is a British entertainment company established by British entertainment mogul Simon Cowell . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 was released in 2004 . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney is American . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men featured Charlie Sheen . +08-13 15:28 root DEBUG Originally starring Charlie Sheen , Jon Cryer , and Angus T. Jones , the series was about a hedonistic jingle writer , Charlie Harper ; his uptight brother Alan ; and Alan 's troublesome son Jake . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caesar is an adaptation of Shakespeare 's Julius Caesar . +08-13 15:28 root DEBUG Caesar is the title of Orson Welles 's innovative 1937 adaptation of William Shakespeare 's Julius Caesar , a modern-dress bare-stage production that evoked comparison to contemporary Fascist Italy and Nazi Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tennessee is in America . +08-13 15:28 root DEBUG Tennessee -LRB- -LSB- tɛnᵻˈsiː -RSB- -RRB- -LRB- -LSB- ᏔᎾᏏ , translit = Tanasi -RSB- -RRB- is a state located in the southeastern region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prague 's historic center is not on UNESCO 's list of World Heritage Sites . +08-13 15:28 root DEBUG Since 1992 , the extensive historic centre of Prague has been included in the UNESCO list of World Heritage Sites . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedic Sanskrit is a language of ancient times . +08-13 15:28 root DEBUG It is the ancient language of the Vedas of Hinduism , texts compiled over the period of the mid-2nd to mid-1st millennium BCE . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A thunderstorm is a type of weather . +08-13 15:28 root DEBUG Thunderstorms are responsible for the development and formation of many severe weather phenomena . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG GLOW has one episode . +08-13 15:28 root DEBUG The first season will consist of 10 episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Milk is based on a gay rights activist 's life . +08-13 15:28 root DEBUG Milk is a 2008 American biographical film based on the life of gay rights activist and politician Harvey Milk , who was the first openly gay person to be elected to public office in California , as a member of the San Francisco Board of Supervisors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zac Efron is a citizen . +08-13 15:28 root DEBUG Zachary David Alexander Efron -LRB- born October 18 , 1987 -RRB- is an American actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beverly Hillbillies ranked as the number one series of the year . +08-13 15:28 root DEBUG The Beverly Hillbillies ranked among the top 20 most-watched programs on television for eight of its nine seasons , twice ranking as the number one series of the year , with a number of episodes that remain among the most-watched television episodes in history . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Burj Khalifa is a tall building with multiple floors . +08-13 15:28 root DEBUG The Burj Khalifa -LRB- برج خليفة , Arabic for `` Khalifa Tower '' ; pronounced -LSB- langˈbɝdʒ_kə ` li : fə -RSB- -RRB- , known as the Burj Dubai before its inauguration , is a megatall skyscraper in Dubai , United Arab Emirates . A skyscraper is a tall , continuously habitable building having multiple floors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hinduism has a cosmological view of the universe . +08-13 15:28 root DEBUG Although Hinduism contains a broad range of philosophies , it is linked by shared concepts , recognisable rituals , cosmology , shared textual resources , and pilgrimage to sacred sites . In Hindu cosmology , the universe is cyclically created and destroyed . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Netscape Navigator was succeeded by the honeymoon suite . +08-13 15:28 root DEBUG The Netscape Navigator web browser was succeeded by the Netscape Communicator suite in 1997 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Grease did not come out in 1978 . +08-13 15:28 root DEBUG Grease is a 1978 American musical romantic comedy film based on Jim Jacobs and Warren Casey 's musical of the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed and Lorraine Warren were pseudoscience believers . +08-13 15:28 root DEBUG Edward Warren Miney -LRB- September 7 , 1926 -- August 23 , 2006 -RRB- and Lorraine Rita Warren -LRB- née Moran , born January 31 , 1927 -RRB- were a married Roman Catholic couple who were highly controversial American paranormal investigators and authors associated with prominent cases of hauntings . Ghost hunting is a fringe pseudoscience wherein its adherents visit and investigate locations that are reported to be haunted by ghosts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United States dollar is not exclusively used in the United States . +08-13 15:28 root DEBUG Since the currency is the most used in international transactions , it is the world 's primary reserve currency . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG American Idol -LRB- season 8 -RRB- was moderated by Ryan Seacrest . +08-13 15:28 root DEBUG Judges Simon Cowell , Paula Abdul , and Randy Jackson continued to judge the show 's contestants , along with Ryan Seacrest as host . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian National Congress was founded in England . +08-13 15:28 root DEBUG It was founded in Bombay in late December 1885 , during the British Raj in India . Mumbai -LRB- -LSB- mʊmˈbaɪ -RSB- also known as Bombay , the official name until 1995 -RRB- is the capital city of the Indian state of Maharashtra . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrea Pirlo is an Italian . +08-13 15:28 root DEBUG Andrea Pirlo , Ufficiale OMRI -LRB- born 19 May 1979 -RRB- is an Italian professional footballer who plays for American club New York City FC and the Italy national team . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The world 's second largest economy by GDP is China . +08-13 15:28 root DEBUG , it is the world 's second-largest economy by nominal GDP and largest by purchasing power parity -LRB- PPP -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Phoenix , Arizona is a capital . +08-13 15:28 root DEBUG Phoenix -LRB- -LSB- ˈfiːnᵻks -RSB- -RRB- is the capital and most populous city of the U.S. state of Arizona . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Project Y 's goal was to invent the first nukes . +08-13 15:28 root DEBUG Its mission was to design and build the first atomic bombs . A nuclear weapon is an explosive device that derives its destructive force from nuclear reactions , either fission -LRB- fission bomb -RRB- or a combination of fission and fusion -LRB- thermonuclear weapon -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A near-Earth object is not a small orbiting body . +08-13 15:28 root DEBUG A near-Earth object -LRB- NEO -RRB- is any small Solar System body whose orbit brings it into proximity with Earth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adam Lambert was the first openly gay artist to top the album charts . +08-13 15:28 root DEBUG The album premiered at number one on the U.S. Billboard 200 , making him the first openly gay artist to top the album charts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Honeymoon is the second major-label record by Lana Del Rey . +08-13 15:28 root DEBUG Honeymoon is the fourth studio album and third major-label record by American singer and songwriter Lana Del Rey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aldous Huxley published writings . +08-13 15:28 root DEBUG Early in his career Huxley edited the magazine Oxford Poetry and published short stories and poetry . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bala has received recognition for his work in film . +08-13 15:28 root DEBUG He has received several awards and recognition for his work , including the National Film Award for Best Director for his fourth feature film Naan Kadavul -LRB- 2009 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Carnegie has a 1889 article proclaiming `` The Gospel of Wealth '' . +08-13 15:28 root DEBUG His 1889 article proclaiming `` The Gospel of Wealth '' called on the rich to use their wealth to improve society , and it stimulated a wave of philanthropy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cars 3 will be directed by Pixar employee +08-13 15:28 root DEBUG It is being directed by Brian Fee , a storyboard artist on Cars -LRB- 2006 -RRB- and Cars 2 -LRB- 2011 -RRB- . Brian Fee is an American storyboard artist and director , working for Pixar . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paris saw the Warcraft movie before America . +08-13 15:28 root DEBUG Warcraft premiered in Paris on May 24 , 2016 , and was released by Universal Pictures in the United States on June 10 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG William Cohen is a politician . +08-13 15:28 root DEBUG William Sebastian Cohen -LRB- born August 28 , 1940 -RRB- is an American politician and author from the U.S. state of Maine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The only woman to compete in the Baja 1000 was Danica Patrick . +08-13 15:28 root DEBUG From 1967 to 1972 , the race was organized by the National Off-Road Racing Association -LRB- NORRA -RRB- and grew in popularity with ABC 's `` Wide World of Sports '' sending Jim McKay to cover the 1968 event , and attracting new participants like the late Mickey Thompson , Indy 500 winner Parnelli Jones , movie actor James Garner , and Mary McGee , the first woman to compete in the event . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Hardwicke has done design work . +08-13 15:28 root DEBUG Catherine Hardwicke -LRB- born Helen Catherine Hardwicke ; -RRB- is an American film director , production designer and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the highest-grossing Superman film of all time , Henry Cavill played the superhero . +08-13 15:28 root DEBUG Cavill gained further prominence and international fame playing the titular superhero Superman in the DC Extended Universe starting with the 2013 reboot film Man of Steel , originally the highest-grossing Superman film of all time until it was surpassed by 2016 's Batman v Superman : Dawn of Justice , where he reprised his role as Superman ; making it his highest-grossing film to date . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pakistan Movement was the result of a series of transformations in Pakistan . +08-13 15:28 root DEBUG The Pakistan Movement was the result of a series of social , political , and intellectual transformations in Pakistani society , government , and ways of thinking . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lorelai Gilmore is related to a character played by Edward Herrmann . +08-13 15:28 root DEBUG The dynamic of single parenthood and the tension between Lorelai and her wealthy parents , Richard -LRB- Edward Herrmann -RRB- and especially her controlling mother , Emily -LRB- Kelly Bishop -RRB- , form the main theme of the series story line . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Augutus Prew 's mother was a fashion designer . +08-13 15:28 root DEBUG Prew was born in Westminster , London , England and is the son of Wendy Dagworthy , a fashion designer , and Jonathan W. Prew , a photographer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paula Abdul was an American Idol -LRB- season 8 -RRB- judge . +08-13 15:28 root DEBUG Judges Simon Cowell , Paula Abdul , and Randy Jackson continued to judge the show 's contestants , along with Ryan Seacrest as host . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Danish language is spoken in North America . +08-13 15:28 root DEBUG There are also minor Danish-speaking communities in Norway , Sweden , Spain , the United States , Canada , Brazil and Argentina . Canada -LRB- -LSB- ˈkænədə -RSB- -LSB- kanadɑ -RSB- -RRB- is a country in the northern part of North America . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Planet Hollywood Las Vegas is operated by all entities except Caesars Entertainment Corporation . +08-13 15:28 root DEBUG It is owned and operated by Caesars Entertainment Corporation . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Carnegie has a 1889 award . +08-13 15:28 root DEBUG His 1889 article proclaiming `` The Gospel of Wealth '' called on the rich to use their wealth to improve society , and it stimulated a wave of philanthropy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Balibo -LRB- film -RRB- involves zero journalist . +08-13 15:28 root DEBUG Balibo is a 2009 Australian war film that follows the story of the Balibo Five , a group of journalists who were captured and killed while reporting on activities just prior to the Indonesian invasion of East Timor of 1975 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pattern recognition systems are trained from labeled `` training '' data . +08-13 15:28 root DEBUG Pattern recognition systems are in many cases trained from labeled `` training '' data -LRB- supervised learning -RRB- , but when no labeled data are available other algorithms can be used to discover previously unknown patterns -LRB- unsupervised learning -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Key & Peele has won a Peabody Award . +08-13 15:28 root DEBUG Key & Peele won a Peabody Award and two Primetime Emmy Awards and has been nominated for various other awards , including Writers Guild Award , NAACP Image Award and 16 additional Primetime Emmy Awards in various categories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men is an US television sitcom . +08-13 15:28 root DEBUG Two and a Half Men is an American television sitcom that originally aired on CBS for twelve seasons from September 22 , 2003 to February 19 , 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Africa Cup of Nations is a football tournament . +08-13 15:28 root DEBUG Total will start with the Africa Cup of Nations to be held in Gabon therefore renaming it Total Africa cup of Nations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louie -LRB- season 1 -RRB- was created by David Benioff . +08-13 15:28 root DEBUG Louie was created by Louis C.K. , who serves as the series ' sole writer and director . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Personality is affected by the development of social relationships . +08-13 15:28 root DEBUG Personality is a set of individual differences that are affected by the development of an individual : values , attitudes , personal memories , social relationships , habits , and skills . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bonaire was excluded from the Netherlands Antilles until the country 's dissolution . +08-13 15:28 root DEBUG Bonaire was part of the Netherlands Antilles until the country 's dissolution in 2010 , when the island became a special municipality within the country of the Netherlands . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eurotas -LRB- river -RRB- is one of the rivers of Greece . +08-13 15:28 root DEBUG The Eurotas or Evrotas -LRB- Greek : Ευρώτας -RRB- is the main river of Laconia and one of the major rivers of the Peloponnese , in Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alan White has no experience as an Ambassador . +08-13 15:28 root DEBUG Alan White -LRB- diplomat -RRB- , former British Ambassador to Bolivia and Chile 1985 -- 1987 +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawson was a game show host in the United States . +08-13 15:28 root DEBUG Richard Dawson -LRB- born Colin Lionel Emm ; 20 November 1932 -- 2 June 2012 -RRB- was a British-American actor and comedian , and a game show host and panellist in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed and Lorraine Warren were Roman Catholic . +08-13 15:28 root DEBUG Edward Warren Miney -LRB- September 7 , 1926 -- August 23 , 2006 -RRB- and Lorraine Rita Warren -LRB- née Moran , born January 31 , 1927 -RRB- were a married Roman Catholic couple who were highly controversial American paranormal investigators and authors associated with prominent cases of hauntings . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandinavia does not include the three kingdoms of Denmark , Norway , and Sweden . +08-13 15:28 root DEBUG The term Scandinavia always includes the three kingdoms of Denmark , Norway , and Sweden . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Port of Spain is a city . +08-13 15:28 root DEBUG Port of Spain is the capital city of the Republic of Trinidad and Tobago and the country 's third-largest municipality , after Chaguanas and San Fernando . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A United Kingdom is a film . +08-13 15:28 root DEBUG A United Kingdom is a 2016 British biographical romantic drama film directed by Amma Asante and written by Guy Hibbert , based on the true-life romance between Sir Seretse Khama and his wife Ruth Williams Khama . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Burj Khalifa is in Asia . +08-13 15:28 root DEBUG The Burj Khalifa -LRB- برج خليفة , Arabic for `` Khalifa Tower '' ; pronounced -LSB- langˈbɝdʒ_kə ` li : fə -RSB- -RRB- , known as the Burj Dubai before its inauguration , is a megatall skyscraper in Dubai , United Arab Emirates . The United Arab Emirates -LRB- -LSB- juːˌnaɪtᵻd_ˌærəb_ˈɛmɪrᵻts -RSB- دولة الإمارات العربية المتحدة -RRB- , sometimes simply called the Emirates or the UAE , is a federal absolute monarchy in Western Asia at the southeast end of the Arabian Peninsula on the Persian Gulf , bordering Oman to the east and Saudi Arabia to the south , as well as sharing maritime borders with Qatar to the west and Iran to the north . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Argentina 's federal capital is not Buenos Aires . +08-13 15:28 root DEBUG The country is subdivided into twenty-three provinces -LRB- provincias , singular provincia -RRB- and one autonomous city -LRB- ciudad autónoma -RRB- , Buenos Aires , which is the federal capital of the nation -LRB- -LSB- Capital Federal , links = no -RSB- -RRB- as decided by Congress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Moray led an uprising against occupation in 1297 . +08-13 15:28 root DEBUG He led the rising in north Scotland in the summer of 1297 against the occupation by King Edward I of England , successfully regaining control of the area for King John Balliol . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG MS-13 is a thing . +08-13 15:28 root DEBUG MS-13 -LRB- Mara Salvatrucha ; also known as simply MS or Mara -RRB- is an international criminal gang that originated in Los Angeles , California , US in the 1980s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian National Congress was founded in China . +08-13 15:28 root DEBUG It was founded in Bombay in late December 1885 , during the British Raj in India . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Gunn is best known for his role as Kirk Gleason on Gilmore Girls . +08-13 15:28 root DEBUG Sean Gunn is an American actor , best known for his role as Kirk Gleason on the television show Gilmore Girls -LRB- 2000 -- 2007 -RRB- and Kraglin in Guardians of the Galaxy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Serotonin causes neuromodulation . +08-13 15:28 root DEBUG Major neuromodulators in the central nervous system include dopamine , serotonin , acetylcholine , histamine , and norepinephrine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hit is a painting . +08-13 15:28 root DEBUG The Hit is a 1984 British road crime film directed by Stephen Frears and starring John Hurt , Terence Stamp , Laura del Sol and Tim Roth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jonah Hill is a screenplay writer . +08-13 15:28 root DEBUG Jonah Hill Feldstein -LRB- born December 20 , 1983 -RRB- , better known as Jonah Hill , is an American actor , producer , screenwriter and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sands Hotel and Casino started as a casino . +08-13 15:28 root DEBUG The Sands Hotel and Casino was a historic hotel and casino on the Las Vegas Strip in Nevada , United States , that operated from 1952 to 1996 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Block -LRB- album -RRB- 's single was released on November 18 , 2008 . +08-13 15:28 root DEBUG The first official single from the album is `` Summertime '' and the song was released on May 13 , 2008 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych -LRB- season 2 -RRB- aired on the USA Network originally . +08-13 15:28 root DEBUG The second season of Psych originally aired in the United States on USA Network from July 13 , 2007 to February 15 , 2008 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Military deception overlaps with psychological warfare . +08-13 15:28 root DEBUG As a form of strategic use of information -LRB- disinformation -RRB- , it overlaps with psychological warfare . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emmanuel Macron worked as an inspector . +08-13 15:28 root DEBUG He worked as an Inspector of Finances in the Inspectorate General of Finances -LRB- IGF -RRB- , then became an investment banker at Rothschild & Cie Banque . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah is a sitcom . +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah -LRB- English : Taarak Mehta 's Different Perspective -RRB- is India 's longest running sitcom serial produced by Neela Tele Films Private Limited . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chaperone -LRB- film -RRB- was directed by Michael Bay only . +08-13 15:28 root DEBUG The Chaperone is a 2011 American comedy film directed by Stephen Herek , and also produced by WWE Studios . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Love Club EP is the debut extended play by Banks . +08-13 15:28 root DEBUG The Love Club EP is the debut extended play -LRB- EP -RRB- by New Zealand singer Lorde . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Story of My Life was recorded exclusively by a girl band . +08-13 15:28 root DEBUG `` Story of My Life '' is a song recorded by English Irish boy band One Direction . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mercedes-Benz is a vehicle manufacturer . +08-13 15:28 root DEBUG Mercedes-Benz -LRB- -LSB- mɛʁˈtseːdəsˌbɛnts -RSB- -RRB- is a global automobile manufacturer and a division of the German company Daimler AG . A car -LRB- or automobile -RRB- is a wheeled , self-powered motor vehicle used for transportation and a product of the automotive industry . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alvin and the Chipmunks 's director was Tim Hill . +08-13 15:28 root DEBUG Alvin and the Chipmunks is a 2007 American live-action/computer animated musical family comedy film directed by Tim Hill . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anna Nicole Smith refused to model . +08-13 15:28 root DEBUG Vickie Lynn Hogan professionally known as Anna Nicole Smith -LRB- born November 28 , 1967 -- February 8 , 2007 -RRB- was an American model , actress and television personality . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are currently 15,882,417 Mormon members as of 2017 . +08-13 15:28 root DEBUG The number of members in 1971 was 3,090,953 and now in 2017 based on the Annual Report , there are 15,882,417 worldwide . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An Education is a coming-of-age drama film . +08-13 15:28 root DEBUG An Education is a 2009 coming-of-age drama film based on a memoir of the same name by British journalist Lynn Barber . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Project Y 's mission was to destroy the first atomic bombs . +08-13 15:28 root DEBUG Its mission was to design and build the first atomic bombs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Group of 15 is only comprised of European countries . +08-13 15:28 root DEBUG Chile , Iran and Kenya have since joined the Group of 15 , whereas Yugoslavia is no longer part of the group ; Peru , a founding member-state , decided to leave the G-15 in 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Last Song -LRB- film -RRB- ended filming on August 18th , 2009 . +08-13 15:28 root DEBUG Filming lasted from June 15 to August 18 , 2009 with much of it occurring on the island 's beach and pier . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Talulah Riley makes an appearance in The Boat That Rocked . +08-13 15:28 root DEBUG She has appeared in films such as Pride & Prejudice , St Trinian 's , The Boat That Rocked , St. Trinian 's 2 : The Legend of Fritton 's Gold and Inception . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Book of Mormon was awarded only six Tony Awards . +08-13 15:28 root DEBUG The show was awarded nine Tony Awards , one of which was for Best Musical , and a Grammy Award for Best Musical Theater Album . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Issa Rae created The Galactic Empire . +08-13 15:28 root DEBUG She is best known as the creator of the YouTube web series Awkward Black Girl . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kyra Sedgwick has yet to have a role in a series . +08-13 15:28 root DEBUG Sedgwick 's role in the series won her a Golden Globe Award in 2007 and an Emmy Award in 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trouble with the Curve stars an actor . +08-13 15:28 root DEBUG Trouble with the Curve is a 2012 sports-drama film directed by Robert Lorenz , and starring Clint Eastwood , Amy Adams , Justin Timberlake , Matthew Lillard and John Goodman . Justin Randall Timberlake -LRB- born January 31 , 1981 -RRB- is an American singer-songwriter , actor and record producer . Clinton Eastwood Jr. '' ' -LRB- born May 31 , 1930 -RRB- is an American actor , filmmaker , musician , and political figure . John Stephen Goodman -LRB- born June 20 , 1952 -RRB- is an American actor . Matthew Lyn Lillard -LRB- born January 24 , 1970 -RRB- is an American actor , voice actor , director , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2005 , The Quiet was released . +08-13 15:28 root DEBUG The film was acquired by Destination Films , which released this film in the United States theatrically through Sony Pictures Classics on August 25 , 2006 , and marketed with the tagline : `` Is n't it time everyone hears your secrets ? '' +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Spader starred in a controversial psychological thriller . +08-13 15:28 root DEBUG He is best known for portraying eccentric characters in films such as the drama Sex , Lies , and Videotape -LRB- 1989 -RRB- , the action science fiction film Stargate -LRB- 1994 -RRB- , the controversial psychological thriller Crash -LRB- 1996 -RRB- , the erotic romance Secretary -LRB- 2002 -RRB- , and the blockbuster superhero film Avengers : Age of Ultron -LRB- 2015 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maria Theresa 's father died in 1740 . +08-13 15:28 root DEBUG She started her 40-year reign when her father , Emperor Charles VI , died in October 1740 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Live Nation Entertainment formed from the merger of Exelon and Ticketmaster . +08-13 15:28 root DEBUG Live Nation Entertainment is an American global entertainment company , formed from the merger of Live Nation and Ticketmaster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matt Bomer was only born on May 11 , 1977 . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blank Space is on a top 10 list in the country United Kingdom . +08-13 15:28 root DEBUG It also charted in the top 10 in numerous countries , such as Austria , Czech Republic , Germany , New Zealand , Spain , and the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Howard Hinton was a mathematician from Britain , although he died in America . +08-13 15:28 root DEBUG Charles Howard Hinton -LRB- 1853 , United Kingdom -- 30 April 1907 , Washington D.C. , United States -RRB- was a British mathematician and writer of science fiction works titled Scientific Romances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alan Shepard retired from the US Navy in August of 1974 . +08-13 15:28 root DEBUG He was Chief of the Astronaut Office from November 1963 to July 1969 -LRB- the approximate period of his grounding -RRB- , and from June 1971 until his retirement from the United States Navy and NASA on August 1 , 1974 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men starred Jamie Fox . +08-13 15:28 root DEBUG Originally starring Charlie Sheen , Jon Cryer , and Angus T. Jones , the series was about a hedonistic jingle writer , Charlie Harper ; his uptight brother Alan ; and Alan 's troublesome son Jake . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ragtime features Samuel L. Jackson . +08-13 15:28 root DEBUG The film features the final film appearances of James Cagney and Pat O'Brien ; early appearances , in small parts , by Samuel L. Jackson , Jeff Daniels , Fran Drescher , Ethan Phillips and John Ratzenberger ; and an uncredited appearance from Jack Nicholson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice is a Bond film . +08-13 15:28 root DEBUG You Only Live Twice -LRB- 1967 -RRB- is the fifth spy film in the James Bond series , and the fifth to star Sean Connery as the fictional MI6 agent James Bond . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johann Wolfgang von Goethe published the first part of Faust in 1808 . +08-13 15:28 root DEBUG During this period , Goethe published his second novel , Wilhelm Meister 's Apprenticeship , the verse epic Hermann and Dorothea , and , in 1808 , the first part of his most celebrated drama , Faust . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Bacon acted in a television show . +08-13 15:28 root DEBUG Also on television , he starred in the Fox series The Following from 2013 to 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Solanum contains ripe horse nettles . +08-13 15:28 root DEBUG It also contains the nightshades and horse nettles , as well as numerous plants cultivated for their ornamental flowers and fruit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Punisher is American . +08-13 15:28 root DEBUG Marvel 's The Punisher , or simply The Punisher , is an upcoming American web television series created for Netflix by Steve Lightfoot , based on the Marvel Comics character of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Grease was a cinematic work . +08-13 15:28 root DEBUG Grease is a 1978 American musical romantic comedy film based on Jim Jacobs and Warren Casey 's musical of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Way Out is by Eminem . +08-13 15:28 root DEBUG No Way Out is the debut studio album by American hip hop recording artist , songwriter and record producer Puff Daddy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chaperone -LRB- film -RRB- is a creative work . +08-13 15:28 root DEBUG The Chaperone is a 2011 American comedy film directed by Stephen Herek , and also produced by WWE Studios . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exotic Birds opened for an award-winning music duo . +08-13 15:28 root DEBUG They achieved mainly local success , but appeared as an opening band for Culture Club , Eurythmics , and Information Society . Eurythmics were a British music duo consisting of members Annie Lennox and David A. Stewart . The duo have won an MTV Video Music Award for Best New Artist in 1984 , the Grammy Award for Best Rock Performance by a Duo or Group with Vocal in 1987 , the Brit Award for Outstanding Contribution to Music in 1999 , and in 2005 were inducted into the UK Music Hall of Fame . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heaven Can Wait came out . +08-13 15:28 root DEBUG Heaven Can Wait is a 1978 American fantasy-comedy film co-directed by Warren Beatty and Buck Henry . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Java was formed by only tectonic shifts . +08-13 15:28 root DEBUG Formed mostly as the result of volcanic eruptions , Java is the 13th largest island in the world and the fifth largest in Indonesia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Ellen Show began its broadcast in the 21st century . +08-13 15:28 root DEBUG The Ellen Show is a television sitcom created by and starring Ellen DeGeneres that was broadcast during the 2001 -- 02 season on CBS . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cleopatre premiered in an author 's lifetime . +08-13 15:28 root DEBUG Cléopâtre is one of three operas by Massenet to be premiered posthumously ; the others are Panurge -LRB- 1913 -RRB- and Amadis -LRB- 1922 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birmingham is in the West Midlands . +08-13 15:28 root DEBUG Birmingham -LRB- -LSB- ˈbɜːmɪŋəm -RSB- -RRB- is a city and metropolitan borough in the West Midlands , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Decter is a film director . +08-13 15:28 root DEBUG Edward I. `` Ed '' Decter -LRB- born May 19 , 1959 -RRB- is an American film director , film producer and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 was released in the 2000s . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mikhail Prokhorov is an erstwhile chairman of Polyus Gold . +08-13 15:28 root DEBUG He is the former chairman of Polyus Gold , Russia 's largest gold producer , and the former President of Onexim Group . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jimi Hendrix was a parachutist in the military . +08-13 15:28 root DEBUG In 1961 , he enlisted in the U.S. Army and trained as a paratrooper in the 101st Airborne Division ; he was granted an honorable discharge the following year . Paratroopers are military parachutists -- military personnel trained in parachuting into an operation and usually functioning as part of an airborne force . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anna Nicole Smith worked for multiple fashion companies . +08-13 15:28 root DEBUG She modeled for fashion companies including Guess , H&M , Heatherette , and Lane Bryant . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sands Hotel and Casino was established before Sahara Hotel and Casino . +08-13 15:28 root DEBUG The hotel was opened on December 15 , 1952 as a casino with 200 rooms , and was established less than three months after the opening of another notable landmark , Sahara Hotel and Casino . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Solanum contains plants with ornamental roses . +08-13 15:28 root DEBUG It also contains the nightshades and horse nettles , as well as numerous plants cultivated for their ornamental flowers and fruit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aubrey Anderson-Emmons is a child actress . +08-13 15:28 root DEBUG Aubrey Frances Anderson-Emmons -LRB- born June 6 , 2007 -RRB- is an American child actress , known for her role as Lily Tucker-Pritchett on ABC 's Modern Family . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A President of the United States was the person who delivered the Gettysburg Address . +08-13 15:28 root DEBUG The Gettysburg Address is a speech by U.S. President Abraham Lincoln , one of the best-known in American history . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan Brown wrote a book . +08-13 15:28 root DEBUG Daniel Gerhard `` Dan '' Brown -LRB- born June 22 , 1964 -RRB- is an American author of thriller fiction who wrote the 2003 bestselling novel The Da Vinci Code . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Times when movies are playing can be returned by Google Search . +08-13 15:28 root DEBUG Google Search provides several features beyond searching for words . These include synonyms , weather forecasts , time zones , stock quotes , maps , earthquake data , movie showtimes , airports , home listings , and sports scores . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a show called The Office -LRB- US -RRB- . +08-13 15:28 root DEBUG The Office is an American television comedy series that aired on NBC from March 24 , 2005 to May 16 , 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Keener appeared in the 2007 film Into the Wild . +08-13 15:28 root DEBUG Keener also appeared in the films Into the Wild -LRB- 2007 -RRB- , Synecdoche , New York -LRB- 2008 -RRB- , and Get Out -LRB- 2017 -RRB- , which were well received by critics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sky UK is a company which serves the United Kingdom . +08-13 15:28 root DEBUG Sky UK Limited -LRB- formerly British Sky Broadcasting and BSkyB -RRB- is a telecommunications company which serves the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jefferson Davis grew up . +08-13 15:28 root DEBUG Davis was born in Kentucky to a moderately prosperous farmer , and grew up on his older brother Joseph 's large cotton plantations in Mississippi and Louisiana . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Bana has avoided the comedian profession completely . +08-13 15:28 root DEBUG Eric Banadinović -LRB- born 9 August 1968 -RRB- , known professionally as Eric Bana , is an Australian actor and comedian . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manchester United 's first name was the Newton Heath LYR Football Club . +08-13 15:28 root DEBUG Nicknamed `` the Red Devils '' , the club was founded as Newton Heath LYR Football Club in 1878 , changed its name to Manchester United in 1902 and moved to its current stadium , Old Trafford , in 1910 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dev Patel has not worked with Neill Blomkamp . +08-13 15:28 root DEBUG Patel went on to star in the highly successful romantic comedy The Best Exotic Marigold Hotel -LRB- 2012 -RRB- and its 2015 sequel , the fantasy film The Last Airbender -LRB- 2010 -RRB- , and the science fiction film Chappie -LRB- 2015 -RRB- . Chappie -LRB- stylized as CHAPPiE -RRB- is a 2015 science fiction film directed by South African director Neill Blomkamp and written by Blomkamp and Terri Tatchell . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Airbus A380 made its first flight on April 27 , 2015 . +08-13 15:28 root DEBUG The A380 made its first flight on 27 April 2005 and entered commercial service on 25 October 2007 with Singapore Airlines . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One of the co-executive producers of Buffy the Vampire Slayer was Jane Espenson . +08-13 15:28 root DEBUG Buffy the Vampire Slayer is an American television series created by Joss Whedon under his production tag , Mutant Enemy Productions with later co-executive producers being Jane Espenson , David Fury , David Greenwalt , Doug Petrie , Marti Noxon , and David Solomon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Story of My Life was recorded by an English Irish band . +08-13 15:28 root DEBUG `` Story of My Life '' is a song recorded by English Irish boy band One Direction . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Bacon appeared in a film Barry Levinson directed . +08-13 15:28 root DEBUG Bacon is also known for taking on darker roles such as that of a sadistic guard in Sleepers and troubled former child abuser in a critically acclaimed performance in The Woodsman . Sleepers is a 1996 American legal crime drama film written , produced , and directed by Barry Levinson , and based on Lorenzo Carcaterra 's 1995 novel of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Lee Curtis starred in John Carpenter 's Halloween as teenager Laurie Strode . +08-13 15:28 root DEBUG She made her film debut in 1978 by starring as Laurie Strode in John Carpenter 's Halloween -LRB- 1978 -RRB- . The next day , Halloween , Michael stalks teenager Laurie Strode . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robinson Crusoe on Mars was a science fiction film . +08-13 15:28 root DEBUG Robinson Crusoe on Mars is a 1964 independently made American Technicolor science fiction film in Techniscope , produced by Aubrey Schenck , directed by Byron Haskin , that stars Paul Mantee , Victor Lundin , and Adam West . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Thin Red Line -LRB- 1998 film -RRB- features a performance by an American actor born in the 1960s . +08-13 15:28 root DEBUG It portrays soldiers of C Company , 1st Battalion , 27th Infantry Regiment , 25th Infantry Division , played by Sean Penn , Jim Caviezel , Nick Nolte , Elias Koteas and Ben Chaplin . Ben Chaplin -LRB- born Benedict John Greenwood ; 31 July 1969 -RRB- is an English actor . Elias Koteas -LRB- born March 11 , 1961 -RRB- is a Canadian actor of film and television , best known for his roles in Fallen , The Killing , and as Casey Jones in the first and third live-action Teenage Mutant Ninja Turtles films . James Patrick `` Jim '' Caviezel -LRB- born September 26 , 1968 -RRB- is an American actor , best known for portraying Jesus Christ in the 2004 film The Passion of the Christ . Sean Justin Penn -LRB- born August 17 , 1960 -RRB- is an American actor , filmmaker , and political activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touch My Body is a diet drink . +08-13 15:28 root DEBUG `` Touch My Body '' is a song by American singer and songwriter Mariah Carey , taken from her eleventh studio album , E = MC ² -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James , Viscount Severn has no relation to Prince Edward . +08-13 15:28 root DEBUG James , Viscount Severn -LRB- James Alexander Philip Theo Mountbatten-Windsor ; born 17 December 2007 -RRB- is the younger child and only son of Prince Edward , Earl of Wessex , and Sophie , Countess of Wessex , and the youngest grandchild of Queen Elizabeth II and Prince Philip , Duke of Edinburgh . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charlotte , North Carolina was the second-largest banking center in the United States from 1995 to 2017 . +08-13 15:28 root DEBUG Charlotte is home to the corporate headquarters of Bank of America and the east coast operations of Wells Fargo , which along with other financial institutions made it the second-largest banking center in the United States from 1995 to 2017 and the third-largest from 2017 to present . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sands Hotel and Casino got its start after Sahara Hotel and Casino . +08-13 15:28 root DEBUG The hotel was opened on December 15 , 1952 as a casino with 200 rooms , and was established less than three months after the opening of another notable landmark , Sahara Hotel and Casino . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Grandin stars Claire Danes as Temple Grandin . +08-13 15:28 root DEBUG Temple Grandin is a 2010 biopic directed by Mick Jackson and starring Claire Danes as Temple Grandin , an autistic woman who revolutionized practices for the humane handling of livestock on cattle ranches and slaughterhouses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sabbir Khan directed a film starring an Indian actress . +08-13 15:28 root DEBUG In 2009 he made his directorial debut with the film Kambakkht Ishq -LRB- 2009 -RRB- that starred Akshay Kumar and Kareena Kapoor . Kareena Kapoor -LRB- -LSB- kəˈriːnaː kəˈpuːr -RSB- ; born 21 September 1980 -RRB- , also known by her married name Kareena Kapoor Khan , is an Indian actress who appears in Hindi films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camp Flog Gnaw is hosted by a dog . +08-13 15:28 root DEBUG Camp Flog Gnaw is an annual carnival created and hosted by Tyler , The Creator and Odd Future . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Part of The Last Song -LRB- film -RRB- was filmed on a beach . +08-13 15:28 root DEBUG The Last Song stars Miley Cyrus , Liam Hemsworth , and Greg Kinnear and follows a troubled teenager as she reconnects with her estranged father and falls in love during a summer in a quiet Southern United States beach town . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Boleyn lived in England . +08-13 15:28 root DEBUG Anne returned to England in early 1522 , to marry her Irish cousin James Butler , 9th Earl of Ormond ; the marriage plans were broken up by Cardinal Wolsey , and instead she secured a post at court as maid of honour to Henry VIII 's wife , Catherine of Aragon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Samsung entered the electronics industry in the late 20th century . +08-13 15:28 root DEBUG Samsung entered the electronics industry in the late 1960s and the construction and shipbuilding industries in the mid-1970s ; these areas would drive its subsequent growth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Faye Resnick is known for her appearances on television . +08-13 15:28 root DEBUG Faye Denise Resnick -LRB- born July 3 , 1957 -RRB- is an American television personality , author , and interior designer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sensitive Skin 's first series aired on a television channel . +08-13 15:28 root DEBUG Series 1 aired in Australia on ABC TV in mid-2007 -LRB- repeated 2009 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barbarella was directed by Roger Vadim . +08-13 15:28 root DEBUG Barbarella is a 1968 science fiction film directed by Roger Vadim based on the French comic Barbarella . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An Education is about a young person 's change . +08-13 15:28 root DEBUG An Education is a 2009 coming-of-age drama film based on a memoir of the same name by British journalist Lynn Barber . Coming of age is a young person 's transition from being a child to being an adult . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vic Mensa died June 6 , 1993 . +08-13 15:28 root DEBUG Victor Kwesi Mensah -LRB- born June 6 , 1993 -RRB- , better known by his stage name Vic Mensa , is a Grammy-nominated American rapper from Chicago , Illinois . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was released by Korn . +08-13 15:28 root DEBUG See You on the Other Side is the seventh studio album by Korn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Romani people originated in Eastern China . +08-13 15:28 root DEBUG The Romani -LRB- also spelled Romany ; -LSB- ˈroʊməni -RSB- , -LSB- ˈrɒ - -RSB- -RRB- , or Roma , are a traditionally nomadic ethnic group , living mostly in Europe and the Americas and originating from the northern regions of the Indian subcontinent , Politically , the Indian subcontinent usually includes Bangladesh , Bhutan , India , Maldives , Nepal , Pakistan and Sri Lanka . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aestheticism is a movement . +08-13 15:28 root DEBUG Aestheticism -LRB- also the Aesthetic Movement -RRB- is an intellectual and art movement supporting the emphasis of aesthetic values more than social-political themes for literature , fine art , music and other arts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alvin and the Chipmunks is a film . +08-13 15:28 root DEBUG Alvin and the Chipmunks is a 2007 American live-action/computer animated musical family comedy film directed by Tim Hill . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 was launched by Walt Disney Pictures . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Talulah Riley appeared in Inception . +08-13 15:28 root DEBUG She has appeared in films such as Pride & Prejudice , St Trinian 's , The Boat That Rocked , St. Trinian 's 2 : The Legend of Fritton 's Gold and Inception . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side is a book . +08-13 15:28 root DEBUG See You on the Other Side is the seventh studio album by Korn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah does not mean Taarak Mehta 's Different Perspectives in English . +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah -LRB- English : Taarak Mehta 's Different Perspective -RRB- is India 's longest running sitcom serial produced by Neela Tele Films Private Limited . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Inside Llewyn Davis competed in a film festival . +08-13 15:28 root DEBUG The film won the Grand Prix at the 2013 Cannes Film Festival , where it screened on May 19 , 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cars 3 is a computer animated movie . +08-13 15:28 root DEBUG Cars 3 is an upcoming 2017 American 3D computer-animated comedy film produced by Pixar Animation Studios and scheduled to be released on June 16 , 2017 by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yin and yang show a balance . +08-13 15:28 root DEBUG The yin yang -LRB- i.e. taijitu symbol -RRB- shows a balance between two opposites with a portion of the opposite element in each section . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brazilian jiu-jitsu shunned Kodokan judo . +08-13 15:28 root DEBUG Brazilian Jiu-Jitsu was formed from Kodokan judo ground fighting -LRB- newaza -RRB- fundamentals that were taught by a number of individuals including Takeo Yano , Mitsuyo Maeda and Soshihiro Satake . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exit the King is by man . +08-13 15:28 root DEBUG Exit the King -LRB- Le Roi se meurt -RRB- is an absurdist drama by Eugène Ionesco that premiered in 1962 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See.SZA.Run has a musical style . +08-13 15:28 root DEBUG A PBR&B and neo-soul , See.SZA.Run has a diverse musical style that incorporates contemporary urban genres such as soul , hip hop , and minimalist R&B , the EP also takes influences from cloud rap and ethereal R&B as well as using witch house and chillwave elements . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Younger premiered in 2015 . +08-13 15:28 root DEBUG The series premiered on March 31 , 2015 on TV Land and received generally positive reviews from critics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Punch-Drunk Love was distributed by a thirty-year-old film studio . +08-13 15:28 root DEBUG The film was produced by Revolution Studios and New Line Cinema , and distributed by Columbia Pictures ; it features the video art of Jeremy Blake in the form of visual interludes . What would eventually become Columbia Pictures , CBC Film Sales Corporation , was founded on June 19 , 1918 by Harry Cohn , his brother Jack Cohn , and Joe Brandt . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mutiny on the Bounty is an adaptation of a novel . +08-13 15:28 root DEBUG Mutiny on the Bounty is a 1962 American Technicolor epic historical drama film starring Marlon Brando , Trevor Howard and Richard Harris , based on the novel Mutiny on the Bounty by Charles Nordhoff and James Norman Hall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ronaldinho has played 90 matches . +08-13 15:28 root DEBUG Ronaldinho has played 97 matches and scored 33 goals for the Brazil national team . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG General Motors ' non-automotive brands divested in the 1980s through 2000s . +08-13 15:28 root DEBUG In addition to brands selling assembled vehicles , GM has also had various automotive-component and non-automotive brands , many of which it divested in the 1980s through 2000s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Dance was by Drake . +08-13 15:28 root DEBUG `` One Dance '' is a song by Canadian rapper Drake from his fourth studio album , Views -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Battle of the Trebia was fought in Kyoto . +08-13 15:28 root DEBUG The battle took place in the flat country of the Province of Piacenza on the left bank of the Trebbia River , a shallow , braided stream , not far south from its confluence -LRB- from the south -RRB- with the Po river . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Originals -LRB- TV series -RRB- is based on an American English language broadcast television network . +08-13 15:28 root DEBUG Created as a spin-off of The Vampire Diaries , the series follows vampire Klaus Mikaelson as he and his family become embroiled in the supernatural politics of New Orleans . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Histamine causes neuromodulation . +08-13 15:28 root DEBUG Major neuromodulators in the central nervous system include dopamine , serotonin , acetylcholine , histamine , and norepinephrine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fidaa opted away from using a Dravidian language . +08-13 15:28 root DEBUG It features Varun Tej and Sai Pallavi in the lead roles which marks the latter 's debut in Telugu . Telugu -LRB- -LSB- langpronˈtɛlᵿɡuː -RSB- telugu , -LSB- t̪el̪uɡu -RSB- -RRB- is a Dravidian language native to India . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The cinematography of Far from the Madding Crowd was by Nicolas Roeg . +08-13 15:28 root DEBUG The cinematography was by Nicolas Roeg and the soundtrack was by Richard Rodney Bennett . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG George III was killed by his son . +08-13 15:28 root DEBUG Although it has since been suggested that he had the blood disease porphyria , the cause of his illness remains unknown . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hollow Man has a prequel called Iron Man released in 2006 . +08-13 15:28 root DEBUG A direct-to-video stand-alone sequel called Hollow Man 2 starring Christian Slater and Peter Facinelli was released in 2006 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Species distribution can be understood through factors like glaciation . +08-13 15:28 root DEBUG It is very useful in understanding species distribution through factors such as speciation , extinction , continental drift , glaciation , variation of sea levels , river capture and available resources . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arjit Singh is a person . +08-13 15:28 root DEBUG Arijit Singh is an Indian Musician , singer , composer , music producer , recordist , and music programmer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Theresa May was elected as MP for a cat . +08-13 15:28 root DEBUG After unsuccessful attempts to be elected to the House of Commons in 1992 and 1994 , she was elected as the MP for Maidenhead in the 1997 general election . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indiana Pacers were in the American Basketball Association . +08-13 15:28 root DEBUG The Pacers were first established in 1967 as a member of the American Basketball Association -LRB- ABA -RRB- and became a member of the NBA in 1976 as a result of the ABA -- NBA merger . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Nice Guys had a director . +08-13 15:28 root DEBUG The Nice Guys is a 2016 American neo-noir action comedy film directed by Shane Black and written by Black and Anthony Bagarozzi . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Maze Runner 's budget was $ 34 million . +08-13 15:28 root DEBUG The film earned over $ 348 million worldwide at the box-office , against its budget of $ 34 million . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 57 elevators reside in the Burj Kahlifa . +08-13 15:28 root DEBUG It contains a total of 57 elevators and 8 escalators . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harry Fraud refuses to be a hip hop producer . +08-13 15:28 root DEBUG Primarily a hip hop producer , Fraud began producing at an early age and began interning at a recording studio after graduating high school . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johann Wolfgang von Goethe was friends with Friedrich Schiller in the late 1700s . +08-13 15:28 root DEBUG In 1791 , he was made managing director of the theatre at Weimar , and in 1794 he began a friendship with the dramatist , historian , and philosopher Friedrich Schiller , whose plays he premiered until Schiller 's death in 1805 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG House of Balloons is by an award-winning Canadian singer . +08-13 15:28 root DEBUG House of Balloons is the debut mixtape by Canadian singer The Weeknd . The album additionally oversaw his first Grammy Award win for Best Urban Contemporary Album , as well as `` Earned It '' winning Best R&B Performance . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Times Higher Education World University Rankings comes out weekly . +08-13 15:28 root DEBUG Times Higher Education World University Rankings is an annual publication of university rankings by Times Higher Education -LRB- THE -RRB- magazine . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III of France was succeeded by the first French king of the House of Bourbon . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG General Motors ' non-automotive products divested in the 1980s through 2000s . +08-13 15:28 root DEBUG In addition to brands selling assembled vehicles , GM has also had various automotive-component and non-automotive brands , many of which it divested in the 1980s through 2000s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hollow Man has a direct-to-video sequel called Hollow Man 2 . +08-13 15:28 root DEBUG A direct-to-video stand-alone sequel called Hollow Man 2 starring Christian Slater and Peter Facinelli was released in 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Backing vocalists sing with the lead vocalist . +08-13 15:28 root DEBUG Backing vocalists are singers who provide vocal harmony with the lead vocalist or other backing vocalists . Vocal harmony is a style of vocal music in which a consonant note or notes are simultaneously sung as a main melody in a predominantly homophonic texture . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sennacherib had no children . +08-13 15:28 root DEBUG He was assassinated in obscure circumstances in 681 BCE , apparently by his eldest son -LRB- his designated successor , Esarhaddon , was the youngest -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ares is the son of Zeus and Hera . +08-13 15:28 root DEBUG He is one of the Twelve Olympians , and the son of Zeus and Hera . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jiang Wen was born on October 4th . +08-13 15:28 root DEBUG Jiang Wen -LRB- born 5 January 1963 -RRB- is a Chinese film actor , screenwriter , and director . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Quay had its first public showing at a nonprofit movie theater . +08-13 15:28 root DEBUG The film premiered at the Film Forum theatre in New York City on 19 August 2015 . Film Forum is a nonprofit movie theater at 209 West Houston Street in Hudson Square , Manhattan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charlotte , North Carolina is home to corporate headquarters of a bank . +08-13 15:28 root DEBUG Charlotte is home to the corporate headquarters of Bank of America and the east coast operations of Wells Fargo , which along with other financial institutions made it the second-largest banking center in the United States from 1995 to 2017 and the third-largest from 2017 to present . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tenacious D was released . +08-13 15:28 root DEBUG Tenacious D is the first studio album by American comedy rock band Tenacious D , released on September 25 , 2001 by Epic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Paper was directed by Ron Howard . +08-13 15:28 root DEBUG The Paper is a 1994 American comedy-drama film directed by Ron Howard and starring Michael Keaton , Glenn Close , Marisa Tomei , Randy Quaid and Robert Duvall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Hardwicke refused to ever work as a screenwriter . +08-13 15:28 root DEBUG Catherine Hardwicke -LRB- born Helen Catherine Hardwicke ; -RRB- is an American film director , production designer and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meghan Markle was born in August . +08-13 15:28 root DEBUG Rachel Meghan Markle -LRB- born August 4 , 1981 -RRB- is an American actress , humanitarian , and activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Internet access avoids the use of computers . +08-13 15:28 root DEBUG Internet access is ability of individuals and organizations to connect to the Internet using computer terminals , computers , mobile devices ; and to access services such as email and the World Wide Web . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melbourne is where the latest ceremony of the Logie Awards was held at . +08-13 15:28 root DEBUG The latest ceremony , the Logie Awards of 2017 , was held on 23 April 2017 at the Crown Casino in Melbourne . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shortness of breath is not one symptom of pulmonary embolism . +08-13 15:28 root DEBUG Symptoms of a PE may include shortness of breath , chest pain particularly upon breathing in , and coughing up blood . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Levoamphetamine is a CNS stimulant . +08-13 15:28 root DEBUG Levoamphetamine , also known as levamfetamine -LRB- INN -RRB- , -LRB- R -RRB- - amphetamine , - amphetamine , and L-amphetamine , is a central nervous system -LRB- CNS -RRB- stimulant known to increase wakefulness and concentration in association with decreased appetite and fatigue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Originals -LRB- TV series -RRB- has yet to air . +08-13 15:28 root DEBUG The Originals is an American television series that began airing on The CW on October 3 , 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cleopatre is related to Panurge . +08-13 15:28 root DEBUG Cléopâtre is one of three operas by Massenet to be premiered posthumously ; the others are Panurge -LRB- 1913 -RRB- and Amadis -LRB- 1922 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Prague Castle is a location . +08-13 15:28 root DEBUG Prague Castle -LRB- -LSB- cz : Pražský hrad , Pražský hrad -RSB- -RRB- is a castle complex in Prague , Czech Republic , dating from the 9th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The television series Fringe was created by the Fox Broadcasting Company . +08-13 15:28 root DEBUG It premiered on the Fox Broadcasting network on September 9 , 2008 , and concluded on January 18 , 2013 , after five seasons and 100 episodes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The PRC has more members in China than the ROC . +08-13 15:28 root DEBUG The Communist Party established the People 's Republic of China in Beijing on 1 October 1949 , while the ROC government relocated to Taiwan with its present de facto temporary capital in Taipei . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pulmonary embolism is indicated by rapid breathing . +08-13 15:28 root DEBUG Signs of a PE include low blood oxygen levels , rapid breathing , rapid heart rate , and sometimes a mild fever . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Book of Mormon won a Tony Award . +08-13 15:28 root DEBUG The show was awarded nine Tony Awards , one of which was for Best Musical , and a Grammy Award for Best Musical Theater Album . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SpongeBob SquarePants is not the highest rated series to ever air on Nickelodeon . +08-13 15:28 root DEBUG The series ' popularity has made it a media franchise , as well as the highest rated series to ever air on Nickelodeon , and the most distributed property of MTV Networks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a film called The Big Country . +08-13 15:28 root DEBUG The Big Country is a 1958 American epic Western film directed by William Wyler and starring Gregory Peck , Jean Simmons , Carroll Baker , Charlton Heston and Burl Ives . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harry Fraud interned at a recording studio . +08-13 15:28 root DEBUG Primarily a hip hop producer , Fraud began producing at an early age and began interning at a recording studio after graduating high school . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adam Lambert 's album premiered at number one on the U.S. Billboard 200 in 2009 . +08-13 15:28 root DEBUG Later that year , he released his debut album , For Your Entertainment , which debuted at number three on the U.S. Billboard 200 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watchmen is a dark satirical and dystopian take on the superhero genre . +08-13 15:28 root DEBUG A dark satirical and dystopian take on the superhero genre , the film is set in an alternate history in the year 1985 at the height of the Cold War between the United States and the Soviet Union , as a group of mostly retired American superheroes investigates the murder of one of their own before uncovering an elaborate and deadly conspiracy , while their moral limitations are challenged by the complex nature of the circumstances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy the Vampire Slayer is a television series . +08-13 15:28 root DEBUG Buffy the Vampire Slayer is an American television series created by Joss Whedon under his production tag , Mutant Enemy Productions with later co-executive producers being Jane Espenson , David Fury , David Greenwalt , Doug Petrie , Marti Noxon , and David Solomon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watertown , Massachusetts is a city in Suffolk County . +08-13 15:28 root DEBUG The Town of Watertown is a city in Middlesex County , Massachusetts , United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Syco is a streaming service . +08-13 15:28 root DEBUG The company operates a record label , talent agency , film , music , and television production company , as well as a music publishing house . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenny McCarthy modeled for Playboy photographers . +08-13 15:28 root DEBUG She began her career in 1993 as a nude model for Playboy magazine and was later named their Playmate of the Year . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG King Henry III of France was assassinated by a Catholic fanatic . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jefferson Davis was born in Texas . +08-13 15:28 root DEBUG Davis was born in Kentucky to a moderately prosperous farmer , and grew up on his older brother Joseph 's large cotton plantations in Mississippi and Louisiana . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 was released by Blue Sky Studios . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Volcanic Eruptions formed Java . +08-13 15:28 root DEBUG Formed mostly as the result of volcanic eruptions , Java is the 13th largest island in the world and the fifth largest in Indonesia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The National Film Award for Best Director has been awarded to Bala . +08-13 15:28 root DEBUG He has received several awards and recognition for his work , including the National Film Award for Best Director for his fourth feature film Naan Kadavul -LRB- 2009 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Goodman is a person who acts . +08-13 15:28 root DEBUG John Stephen Goodman -LRB- born June 20 , 1952 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maximum Overdrive was written by The United States ' government . +08-13 15:28 root DEBUG Maximum Overdrive is a 1986 American science fiction action horror comedy film written and directed by Stephen King . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games ' genre is not dystopian science fiction . +08-13 15:28 root DEBUG The Hunger Games film series consists of four science fiction dystopian adventure films based on The Hunger Games trilogy of novels , by the American author Suzanne Collins . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Konidela Production Company was established by Amitabh Bachchan . +08-13 15:28 root DEBUG Konidela Production Company is an Indian film production company established by actor Ram Charan , son of Chiranjeevi . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A parent of Jed Whedon was a screenwriter . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Republic of China and the People 's Republic of China claim to be the official governments of China . +08-13 15:28 root DEBUG Governed by the Communist Party of China , it exercises jurisdiction over 22 provinces , five autonomous regions , four direct-controlled municipalities -LRB- Beijing , Tianjin , Shanghai and Chongqing -RRB- and the Special Administrative Regions Hong Kong and Macau , also claiming sovereignty over Taiwan . The Communist Party of China -LRB- CPC -RRB- is the founding and ruling political party of the People 's Republic of China -LRB- PRC -RRB- . The CPC is the sole governing party of China , although it coexists alongside eight other legal parties that make up the United Front ; these parties , however , hold no real power or independence from the CPC . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen King is the publisher of 54 novels . +08-13 15:28 root DEBUG King has published 54 novels , including seven under the pen name Richard Bachman , and six non-fiction books . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Paul is a two-time Olympic silver winner . +08-13 15:28 root DEBUG The point guard has won the NBA Rookie of the Year Award , two Olympic gold medals , and led the NBA in assists four times and steals six times . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yin and yang is a concept . +08-13 15:28 root DEBUG In Chinese philosophy , yin and yang -LRB- also yin -- yang or yin yang , yīnyáng `` dark -- bright '' -RRB- describe how seemingly opposite or contrary forces may actually be complementary , interconnected , and interdependent in the natural world , and how they may give rise to each other as they interrelate to one another . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Commodore is ranked between a captain and an admiral . +08-13 15:28 root DEBUG Commodore is a naval rank used in many navies that is superior to a navy captain , but below a rear admiral . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Suite Life of Zack & Cody was created by exclusively a woman . +08-13 15:28 root DEBUG The Suite Life of Zack & Cody is an American sitcom created by Danny Kallis and Jim Geoghan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Pegg is an English actor . +08-13 15:28 root DEBUG Simon John Pegg -LRB- né Beckingham ; born 14 February 1970 -RRB- is an English actor , comedian , screenwriter , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Hardwicke was born as Fiona Catherine Hardwicke . +08-13 15:28 root DEBUG Catherine Hardwicke -LRB- born Helen Catherine Hardwicke ; -RRB- is an American film director , production designer and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Boxing Helena has yet to be judged by any critic . +08-13 15:28 root DEBUG It debuted at the Sundance Film Festival in January 1993 , where it received critical praise . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Planet Hollywood Las Vegas is owned by Leonardo DiCaprio . +08-13 15:28 root DEBUG It is owned and operated by Caesars Entertainment Corporation . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pharmacology deals with the obfuscation of cellular and organismal function in relation to chemicals . +08-13 15:28 root DEBUG Pharmacology , a biomedical science , deals with the research , discovery , and characterization of chemicals which show biological effects and the elucidation of cellular and organismal function in relation to these chemicals . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aphrodite is in Greek mythology . +08-13 15:28 root DEBUG In Greek myth , the other gods feared that Aphrodite 's beauty might lead to conflict and war , through rivalry for her favours ; so Zeus married her off to Hephaestus . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Salman Rushdie started writing in 1982 . +08-13 15:28 root DEBUG His second novel , Midnight 's Children -LRB- 1981 -RRB- , won the Booker Prize in 1981 and was deemed to be `` the best novel of all winners '' on two separate occasions , marking the 25th and the 40th anniversary of the prize . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry Condell had a widow that was buried on the tenth month of the calendar year . +08-13 15:28 root DEBUG His widow , Elizabeth , was buried there on 3 October 1635 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Night of the Living Dead was originally directed by Krzysztof Kieslowski . +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film , directed by George A. Romero , starring Duane Jones and Judith O'Dea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ekta Kapoor worked on an Indian soap opera . +08-13 15:28 root DEBUG She has produced numerous soap opera , television series and movies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beverly Hillbillies is a television show . +08-13 15:28 root DEBUG The Beverly Hillbillies is an American sitcom originally broadcast on CBS for nine seasons , from September 26 , 1962 , to March 23 , 1971 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Soviet Latvia is another name for the Latvian Soviet Socialist Republic . +08-13 15:28 root DEBUG The Latvian Soviet Socialist Republic -LRB- Latvian SSR ; Latvijas Padomju Sociālistiskā Republika Латвийская Советская Социалистическая Республика , Latviyskaya Sovetskaya Sotsialisticheskaya Respublika -RRB- , also known as Soviet Latvia or Latvia , was a republic of the Soviet Union . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Red Bull Racing is based solely in the United States . +08-13 15:28 root DEBUG Red Bull Racing is a Formula One racing team , racing under an Austrian licence , based in the United Kingdom . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Issa Rae destroyed Awkward Black Girl . +08-13 15:28 root DEBUG She is best known as the creator of the YouTube web series Awkward Black Girl . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daenerys Targaryen is a character in A Song of Ice and Fire . +08-13 15:28 root DEBUG Daenerys Targaryen is a fictional character in George R. R. Martin 's A Song of Ice and Fire series of novels , as well as the television adaptation , Game of Thrones , where she is portrayed by Emilia Clarke . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG MSG has a sweet taste . +08-13 15:28 root DEBUG MSG is used in the food industry as a flavor enhancer with an umami taste that intensifies the meaty , savory flavor of food , as naturally occurring glutamate does in foods such as stews and meat soups . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 was released by a production company . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . Pixar -LRB- -LSB- ˈpɪksɑr -RSB- -RRB- , also referred to as Pixar Animation Studios , is an American computer animation film studio based in Emeryville , California that is a subsidiary of The Walt Disney Company . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anthony Scaramucci is an author and a political figure . +08-13 15:28 root DEBUG Anthony Scaramucci -LRB- born January 6 , 1964 -RRB- is an American entrepreneur , financier , political figure , and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG George Harrison was married to Pattie Boyd in 1970 . +08-13 15:28 root DEBUG Harrison 's first marriage , to model Pattie Boyd in 1966 , ended in divorce in 1977 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SpongeBob SquarePants is the most distributed media franchise of MTV Networks . +08-13 15:28 root DEBUG The series ' popularity has made it a media franchise , as well as the highest rated series to ever air on Nickelodeon , and the most distributed property of MTV Networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adidas is from Germany . +08-13 15:28 root DEBUG Adidas AG -LRB- -LSB- ˈadiˌdas -RSB- -RRB- -LRB- stylised as adidas since 1949 -RRB- is a German multinational corporation , headquartered in Herzogenaurach , Germany , that designs and manufactures shoes , clothing and accessories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Battle of the Trebia took place south of the Trebbia 's confluence with the Seine river . +08-13 15:28 root DEBUG The battle took place in the flat country of the Province of Piacenza on the left bank of the Trebbia River , a shallow , braided stream , not far south from its confluence -LRB- from the south -RRB- with the Po river . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fargo -LRB- season 3 -RRB- aired on a Chinese basic cable network . +08-13 15:28 root DEBUG The third season of Fargo , an American anthology black comedy -- crime drama television series created by Noah Hawley , premiered on April 19 , 2017 , on the basic cable network FX . FX -LRB- originally an initialism of `` Fox Extended '' , pronounced and suggesting `` effects '' -RRB- is an American basic cable and satellite television channel launched on June 1 , 1994 , based in Los Angeles , California and owned by 21st Century Fox through FX Networks , LLC . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victor Frankenstein is a 2015 American film based on the novel Push by Sapphire . +08-13 15:28 root DEBUG Victor Frankenstein is a 2015 American science fiction fantasy horror film based on contemporary adaptations of Mary Shelley 's 1818 novel Frankenstein . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sennacherib had multiple sons . +08-13 15:28 root DEBUG He was assassinated in obscure circumstances in 681 BCE , apparently by his eldest son -LRB- his designated successor , Esarhaddon , was the youngest -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ellen DeGeneres is a star of The Ellen Show . +08-13 15:28 root DEBUG The Ellen Show is a television sitcom created by and starring Ellen DeGeneres that was broadcast during the 2001 -- 02 season on CBS . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's basketball Tournament involved only one school . +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's Basketball Tournament involved 65 schools playing in single-elimination play to determine the national champion of men 's NCAA Division I college basketball . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aphrodite is in mythology . +08-13 15:28 root DEBUG She is identified with the planet Venus ; her Roman equivalent is the goddess -LSB- Venus -LRB- mythology -RRB- , Venus -RSB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Musala is 2,925 meters and is the highest peak in the Balkan Peninsula . +08-13 15:28 root DEBUG Musala -LRB- Мусала from Arabic through Ottoman Turkish : Musalla , `` near God '' or `` place for prayer '' is the highest peak in the entire Balkan Peninsula , standing at 2,925 m -LRB- 9,596 ft -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG US Airways Flight 1549 was piloted by Chelsey Sullenberger and Jeffrey Skiles . +08-13 15:28 root DEBUG Unable to reach any airport , pilots Chesley Sullenberger and Jeffrey Skiles glided the plane to a ditching in the Hudson River off midtown Manhattan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Romani people 's migrations have taken them to Canada . +08-13 15:28 root DEBUG In migrations since the late nineteenth century , Romani have also moved to other countries in South America and to Canada . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Brat Pack is an award given to a group of young actors . +08-13 15:28 root DEBUG The Brat Pack is a nickname given to a group of young actors who frequently appeared together in teen-oriented coming-of-age films in the 1980s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Julie Bowen refused to ever become an actress . +08-13 15:28 root DEBUG Julie Bowen Luetkemeyer -LRB- born March 3 , 1970 -RRB- , known professionally as Julie Bowen , is an American actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sky UK serves London . +08-13 15:28 root DEBUG Sky UK Limited -LRB- formerly British Sky Broadcasting and BSkyB -RRB- is a telecommunications company which serves the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film directed by Lewis Gilbert . +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film to be directed by Lewis Gilbert , who later directed the 1977 film The Spy Who Loved Me and the 1979 film Moonraker , both starring Roger Moore . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III was the son of King John . +08-13 15:28 root DEBUG The son of King John and Isabella of Angoulême , Henry assumed the throne when he was only nine in the middle of the First Barons ' War . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Balibo -LRB- film -RRB- is about an investigation of crimes . +08-13 15:28 root DEBUG Balibo is a 2009 Australian war film that follows the story of the Balibo Five , a group of journalists who were captured and killed while reporting on activities just prior to the Indonesian invasion of East Timor of 1975 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arthur Schopenhauer was a German philosopher . +08-13 15:28 root DEBUG Arthur Schopenhauer -LRB- -LSB- ˈaɐ̯tʊɐ̯ ˈʃoːpm̩ˌhaʊ̯ɐ -RSB- ; 22 February 1788 -- 21 September 1860 -RRB- was a German philosopher . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Species distribution can be understood through factors such as river capture . +08-13 15:28 root DEBUG It is very useful in understanding species distribution through factors such as speciation , extinction , continental drift , glaciation , variation of sea levels , river capture and available resources . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Bacon has yet to appear in movies . +08-13 15:28 root DEBUG His notable films include musical-drama film Footloose -LRB- 1984 -RRB- , the controversial historical conspiracy legal thriller JFK -LRB- 1991 -RRB- , the legal drama A Few Good Men -LRB- 1992 -RRB- , the historical docudrama Apollo 13 -LRB- 1995 -RRB- , and the mystery drama Mystic River -LRB- 2003 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scream 2 was made in 1854 . +08-13 15:28 root DEBUG Scream 2 is a 1997 American slasher film directed by Wes Craven and written by Kevin Williamson . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Good Day to Die Hard was written by Matt Damon . +08-13 15:28 root DEBUG The film was directed by John Moore and written by Skip Woods , and stars Bruce Willis as John McClane . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southern Hospitality peaked at number 21 on the Top 40 . +08-13 15:28 root DEBUG The song debuted at # 86 on the Billboard Hot 100 on January 20 , 2001 , reached the Top 40 at # 38 on February 10 , 2001 , and peaked at # 23 on March 24 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saturn Award for Best Fantasy Film is presented to the best book in the fantasy genre . +08-13 15:28 root DEBUG The Saturn Award for Best Fantasy Film is an award presented to the best film in the fantasy genre by the Academy of Science Fiction , Fantasy & Horror Films . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sacre-Coeur , Paris is publicly dedicated to the Sacred Heart of Jesus and it is in France . +08-13 15:28 root DEBUG The Basilica of the Sacred Heart of Paris , commonly known as Sacré-Cœur Basilica and often simply Sacré-Cœur -LRB- Basilique du Sacré-Cœur , pronounced -LSB- sakʁe kœʁ -RSB- -RRB- , is a Roman Catholic church and minor basilica , dedicated to the Sacred Heart of Jesus , in Paris , France . Sacré-Cœur is a double monument , political and cultural , both a national penance for the defeat of France in the 1870 Franco-Prussian War and the socialist Paris Commune of 1871 crowning its most rebellious neighborhood , and an embodiment of conservative moral order , publicly dedicated to the Sacred Heart of Jesus , which was an increasingly popular vision of a loving and sympathetic Christ . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mom -LRB- TV series -RRB- has received at least one nomination at the People 's Choice Awards . +08-13 15:28 root DEBUG The show has also garnered multiple nominations at the Critics ' Choice Television Awards and the People 's Choice Awards during its run . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fuller House -LRB- TV series -RRB- is a television series ' sequel . +08-13 15:28 root DEBUG Fuller House is an American family sitcom and sequel to the 1987 -- 95 television series Full House , airing as a Netflix original series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Military deception overlaps with a type of warfare . +08-13 15:28 root DEBUG As a form of strategic use of information -LRB- disinformation -RRB- , it overlaps with psychological warfare . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrea Pirlo plays for two teams . +08-13 15:28 root DEBUG Andrea Pirlo , Ufficiale OMRI -LRB- born 19 May 1979 -RRB- is an Italian professional footballer who plays for American club New York City FC and the Italy national team . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Moray led an uprising against occupation . +08-13 15:28 root DEBUG He led the rising in north Scotland in the summer of 1297 against the occupation by King Edward I of England , successfully regaining control of the area for King John Balliol . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chest sensation is one symptom of pulmonary embolism . +08-13 15:28 root DEBUG Symptoms of a PE may include shortness of breath , chest pain particularly upon breathing in , and coughing up blood . The American Thoracic Society defines it as `` a subjective experience of breathing discomfort that consists of qualitatively distinct sensations that vary in intensity '' , and recommends evaluating dyspnea by assessing the intensity of the distinct sensations , the degree of distress involved , and its burden or impact on activities of daily living . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Multicellular organisms excludes all animals . +08-13 15:28 root DEBUG All species of animals , land plants and most fungi are multicellular , as are many algae , whereas a few organisms are partially uni - and partially multicellular , like slime molds and social amoebae such as the genus Dictyostelium . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Unison -LRB- Celine Dion album -RRB- was originally released in 1980 . +08-13 15:28 root DEBUG The album was originally released on 2 April 1990 by Columbia Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Challenge : Rivals III is the 18th season of a reality game show . +08-13 15:28 root DEBUG The Challenge : Rivals III is the 28th season of the MTV reality game show , The Challenge . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Skopje was rarely contested between the Byzantines and the Bulgarian Empire . +08-13 15:28 root DEBUG During much of the early medieval period , the town was contested between the Byzantines and the Bulgarian Empire , whose capital it was between 972 and 992 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brie Larson starred in Room . +08-13 15:28 root DEBUG Further success came in 2015 when she starred in Room , an acclaimed drama based on Emma Donoghue 's novel of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Of Mughal emperors , Babur was the first . +08-13 15:28 root DEBUG Babur -LRB- -LSB- بابر , lit = Tiger , translit = Bābur -RSB- 14 February 148326 December 1530 -RRB- , born Ẓahīr-ud-Dīn Muḥammad -LRB- -LSB- ظهیرالدین محمد , translit = Ẓahīr ad-Dīn Muḥammad -RSB- -RRB- , was a conqueror from Central Asia who , following a series of setbacks , finally succeeded in laying the basis for the Mughal dynasty in the Indian subcontinent and became the first Mughal emperor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Natasha Lyonne is an American citizen . +08-13 15:28 root DEBUG Natasha Bianca Lyonne Braunstein -LRB- born April 4 , 1979 -RRB- , better known as Natasha Lyonne , is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Benoit is Canadian . +08-13 15:28 root DEBUG Christopher Michael Benoit -LRB- -LSB- bəˈnwa -RSB- ; May 21 , 1967 -- June 24 , 2007 -RRB- was a Canadian professional wrestler . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Independent Spirit Awards are held in the hotel before the Academy Awards . +08-13 15:28 root DEBUG The awards show is held inside a tent on the beach in Santa Monica , California , usually on the day before the Academy Awards -LRB- since 1999 ; originally the Saturday before -RRB- . The Film Independent Spirit Awards -LRB- abbreviated `` Spirit Awards '' and originally known as the FINDIE or Friends of Independents Awards -RRB- , founded in 1984 , are awards dedicated to independent filmmakers . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yin and yang is a Taoist moral concept . +08-13 15:28 root DEBUG In Taoist metaphysics , distinctions between good and bad , along with other dichotomous moral judgments , are perceptual , not real ; so , the duality of yin and yang is an indivisible whole . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raja Hindustani is a movie . +08-13 15:28 root DEBUG Raja Hindustani -LRB- translation : Indian King -RRB- is a 1996 Indian blockbuster Hindi-language drama romance film directed by Dharmesh Darshan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saw II sold fewer than 3 million units . +08-13 15:28 root DEBUG Saw II was released to DVD on and topped charts its first week , selling more than 3 million units . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alexandria is the largest seaport in Egypt . +08-13 15:28 root DEBUG Alexandria is Egypt 's largest seaport , serving approximately 80 % of Egypt 's imports and exports . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A near-Earth object is shorted to NEO . +08-13 15:28 root DEBUG A near-Earth object -LRB- NEO -RRB- is any small Solar System body whose orbit brings it into proximity with Earth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a 2007 film called P.S I Love You -LRB- film -RRB- . +08-13 15:28 root DEBUG P.S. I Love You is a 2007 American drama film directed by Richard LaGravenese . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Large parts of North America was periodically covered by Cordilleran Ice Sheet . +08-13 15:28 root DEBUG The Cordilleran ice sheet was a major ice sheet that periodically covered large parts of North America during glacial periods over the last ~ 2.6 million years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Benoit is from Canada . +08-13 15:28 root DEBUG Christopher Michael Benoit -LRB- -LSB- bəˈnwa -RSB- ; May 21 , 1967 -- June 24 , 2007 -RRB- was a Canadian professional wrestler . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is the thirteenth season of a reality game show . +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is the thirtieth season of the MTV reality competition series , The Challenge . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sky UK is a company which serves only eastern Europe . +08-13 15:28 root DEBUG Sky UK Limited -LRB- formerly British Sky Broadcasting and BSkyB -RRB- is a telecommunications company which serves the United Kingdom . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chumlee is the stage name of Austin Lee Russell . +08-13 15:28 root DEBUG Austin Lee Russell -LRB- born September 8 , 1982 -RRB- , better known by his stage name of Chumlee , is an American actor , businessman and reality television personality , known as a cast member on the History Channel television show Pawn Stars , which depicts the daily business at the Gold and Silver Pawn Shop in Las Vegas where Russell works as an employee . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SZA 's music does not combine elements from different genres . +08-13 15:28 root DEBUG SZA is a Neo Soul singer whose music is described as Alternative R&B , with elements of soul , hip hop , minimalist R&B , cloud rap , ethereal R&B , witch house and chillwave . Hip hop music follows in the footsteps of earlier African-American-rooted musical genres such as blues , jazz , rag-time , funk , and disco to become one of the most practiced genres worldwide . Neo soul is a genre of popular music . Soul music -LRB- often referred to simply as soul -RRB- is a popular music genre that originated in the United States in the late 1950s and early 1960s . By 1968 , the soul music genre had begun to splinter . Media coverage usually derided the genre 's name , its reliance on nostalgia , and the ubiquitous mention of `` the summer '' in its writings . Coinciding with the economic turmoil of the late 2000s and early 2010s recession , chillwave was one of the first music genres to develop by being linked and defined through various outlets on the Internet rather than geographic location . Sometimes regarded as a `` made-up '' genre , the movement 's vanguard was represented by Neon Indian , Washed Out , and Toro y Moi , who gained critical attention through what was termed the 2009 `` Summer of Chillwave '' . Washed Out 's 2009 track `` Feel It All Around '' remains the genre 's definitive and best-known song . Witch house -LRB- also known as drag or haunted house -RRB- is an occult-themed dark electronic music genre and visual aesthetic that emerged in the early 2010s . Rhythm and blues , often abbreviated as R&B or RnB , is a genre of popular African-American music that originated in the 1940s . The lyrics in this genre of music focus heavily on the themes of triumphs and failures in terms of relationships , freedom , economics , aspirations , and sex . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An island is part of the ABC Islands . +08-13 15:28 root DEBUG The ABC islands are the three western-most islands of the Leeward Antilles in the Caribbean Sea that lie north of Falcón State , Venezuela . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mom -LRB- TV series -RRB- has been nominated at the Critics ' Choice Television Awards . +08-13 15:28 root DEBUG The show has also garnered multiple nominations at the Critics ' Choice Television Awards and the People 's Choice Awards during its run . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Samsung entered the shipbuilding industries in the mid-1970 's . +08-13 15:28 root DEBUG Samsung entered the electronics industry in the late 1960s and the construction and shipbuilding industries in the mid-1970s ; these areas would drive its subsequent growth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Tracey Fragments had a premiere in September . +08-13 15:28 root DEBUG The film had its North American premiere at the 2007 Toronto International Film Festival on September 12 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cleopatre premiered posthumously . +08-13 15:28 root DEBUG Cléopâtre is one of three operas by Massenet to be premiered posthumously ; the others are Panurge -LRB- 1913 -RRB- and Amadis -LRB- 1922 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sledgehammer was first performed live in 2011 . +08-13 15:28 root DEBUG They first performed the song live at the 2014 MTV Europe Music Awards pre-show and would make later appearances on Good Morning America , Access Hollywood Live , The Talk , the Today Show and The Ellen DeGeneres Show . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fly is mystery comedy drama novel . +08-13 15:28 root DEBUG The Fly is a 1986 American science fiction horror film directed and co-written by David Cronenberg . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Firefox is a desktop browser . +08-13 15:28 root DEBUG Firefox is still the most popular desktop browser in Cuba -LRB- even most popular overall -RRB- , Eritrea , and Germany , with 85.93 % , 79.39 % , and 37.01 % of the market share , respectively . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Islamabad is a place . +08-13 15:28 root DEBUG Islamabad -LRB- -LSB- ɪzˈlɑːməˌbɑːd -RSB- -LSB- , , -LSB- ɪsˌlɑːmɑˈbɑːd̪ -RSB- -RRB- is the capital city of Pakistan located within the federal Islamabad Capital Territory . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's Basketball Tournament was double-elimination . +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's Basketball Tournament involved 65 schools playing in single-elimination play to determine the national champion of men 's NCAA Division I college basketball . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Quay premiered in New York City . +08-13 15:28 root DEBUG The film premiered at the Film Forum theatre in New York City on 19 August 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amancio Ortega is a businessman . +08-13 15:28 root DEBUG Amancio Ortega Gaona -LRB- -LSB- aˈmanθjo orˈteɣa ɣaˈona -RSB- ; born 28 March 1936 -RRB- is a Spanish business tycoon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heaven Can Wait is an original work . +08-13 15:28 root DEBUG It was the second film adaptation of Harry Segall 's play of the same name , being preceded by Here Comes Mr. Jordan -LRB- 1941 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caleb McLaughlin finished college in 2001 . +08-13 15:28 root DEBUG Caleb McLaughlin -LRB- born October 13 , 2001 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The character Poe Dameron was portrayed by Oscar Isaac . +08-13 15:28 root DEBUG He appeared in Star Wars : The Force Awakens -LRB- 2015 -RRB- , as X-wing pilot Poe Dameron , and in X-Men : Apocalypse -LRB- 2016 -RRB- , as the titular mutant supervillain Apocalypse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Innovation is often also viewed as the application of a way to go around new requirements . +08-13 15:28 root DEBUG However , innovation is often also viewed as the application of better solutions that meet new requirements , unarticulated needs , or existing market needs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III of France was assassinated by a fanatic in 1589 . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jiang Wen is a Chinese actor . +08-13 15:28 root DEBUG Jiang Wen -LRB- born 5 January 1963 -RRB- is a Chinese film actor , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Grandin is a 2010 biopic . +08-13 15:28 root DEBUG Temple Grandin is a 2010 biopic directed by Mick Jackson and starring Claire Danes as Temple Grandin , an autistic woman who revolutionized practices for the humane handling of livestock on cattle ranches and slaughterhouses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Boxing Helena featured Sherilyn Fenn . +08-13 15:28 root DEBUG She is also known for her roles in Of Mice and Men -LRB- 1992 -RRB- , Boxing Helena -LRB- 1993 -RRB- and the television sitcom Rude Awakening -LRB- 1998 -- 2001 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dawood Ibrahim was born in the nineteen fifties . +08-13 15:28 root DEBUG Dawood Ibrahim -LRB- Marathi : दाऊद इब्राहीम कासकर , born Dawood Ibrahim Kaskar 26 December 1955 -RRB- , known as Dawood Bhai or simply Bhai is a gangster and terrorist originally from Dongri in Mumbai , India . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Little Dorrit is a song by Charles Dickens . +08-13 15:28 root DEBUG Little Dorrit is a novel by Charles Dickens , originally published in serial form between 1855 and 1857 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jed Whedon is the son of someone born in August . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . Thomas Avery `` Tom '' Whedon -LRB- August 3 , 1932 -- March 23 , 2016 -RRB- was an American television screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The first annual Africa Cup of Nations occurred in 2015 . +08-13 15:28 root DEBUG It is sanctioned by the Confederation of African Football -LRB- CAF -RRB- , and was first held in 1957 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vic Mensa has been nominated for an award . +08-13 15:28 root DEBUG Victor Kwesi Mensah -LRB- born June 6 , 1993 -RRB- , better known by his stage name Vic Mensa , is a Grammy-nominated American rapper from Chicago , Illinois . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bank of America has over 5,000 retail financial centers . +08-13 15:28 root DEBUG Bank of America provides its products and services through 4,600 retail financial centers , approximately 15,900 automated teller machines , call centers , and online and mobile banking platforms . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan is in South Asia . +08-13 15:28 root DEBUG Pakistan -LRB- -LSB- pɑːkᵻˈstɑːn -RSB- -LSB- -RRB- , officially the Islamic Republic of Pakistan -LRB- -LSB- -RRB- , is a federal parliamentary republic in South Asia on the crossroads of Central and Western Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A.J. Styles is a heavyweight . +08-13 15:28 root DEBUG While in TNA , Styles held the NWA World Heavyweight Championship three times and the TNA World Heavyweight Championship twice . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl -LRB- Steven Universe -RRB- is a fictional being . +08-13 15:28 root DEBUG Pearl is a fictional character from the 2013 animated series Steven Universe , created by Rebecca Sugar . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kyra Sedgwick had a role in a work . +08-13 15:28 root DEBUG Sedgwick was nominated for a Golden Globe award for her performance in Something to Talk About -LRB- 1995 -RRB- . Something to Talk About is a 1995 American comedy-drama film directed by Lasse Hallström , from a screenplay written by Callie Khouri . It stars Julia Roberts and Dennis Quaid as an estranged couple , Kyra Sedgwick as Roberts ' sister , and Robert Duvall and Gena Rowlands as their parents . A creative work is a manifestation of creative effort including fine artwork -LRB- sculpture , paintings -RRB- , writing -LRB- literature -RRB- , filmmaking , and musical composition . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Dance was Drake 's first number one single in 34 countries . +08-13 15:28 root DEBUG `` One Dance '' reached number one in 15 countries , including Australia , Canada , France , Germany , Ireland , the Netherlands , New Zealand , Switzerland , the United Kingdom , and the United States , becoming Drake 's first number-one single in all 15 countries as the lead artist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tye Sheridan was an actor in Mud . +08-13 15:28 root DEBUG Sheridan made his feature film debut in Terrence Malick 's experimental drama film The Tree of Life -LRB- 2011 -RRB- and had his first leading role in Jeff Nichols 's film Mud -LRB- 2012 -RRB- . The film stars Matthew McConaughey , Tye Sheridan , Jacob Lofland , Sam Shepard , and Reese Witherspoon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Malta has Catholicism as its official color . +08-13 15:28 root DEBUG Catholicism is the official religion in Malta . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fly is exclusively a novel . +08-13 15:28 root DEBUG The Fly is a 1986 American science fiction horror film directed and co-written by David Cronenberg . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manchester United is based in New England . +08-13 15:28 root DEBUG Manchester United Football Club is a professional football club based in Old Trafford , Greater Manchester , England , that competes in the Premier League , the top flight of English football . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Physics ' main goal is to observe the behavior of the universe . +08-13 15:28 root DEBUG One of the most fundamental scientific disciplines , the main goal of physics is to understand how the universe behaves . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Martial arts films exclude fights between multiple characters . +08-13 15:28 root DEBUG A subgenre of the action film , martial arts films contain numerous martial arts fights between characters . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Menace II Society is a motion picture . +08-13 15:28 root DEBUG Menace II Society -LRB- pronounced Menace to Society -RRB- is a 1993 American hood drama thriller film directed by Allen and Albert Hughes in their directorial debut , and starring Tyrin Turner , Jada Pinkett , Larenz Tate and Samuel L. Jackson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nina Jacobson was born in the 20th century . +08-13 15:28 root DEBUG Nina Jacobson -LRB- born 1965 -RRB- is an American film executive who , until July 2006 , was president of the Buena Vista Motion Pictures Group , a subsidiary of The Walt Disney Company . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alberto Contador initially won the 2011 Giro d'italia with team Saxo Bank-SunGard . +08-13 15:28 root DEBUG He initially also won the 2010 Tour de France with this team , and the 2011 Giro d'Italia with team Saxo Bank-SunGard , only to be stripped of these titles later having been found guilty of a doping offence . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A relative of Elizabeth I was executed . +08-13 15:28 root DEBUG Elizabeth was the daughter of Henry VIII and Anne Boleyn , his second wife , who was executed two-and-a-half years after Elizabeth 's birth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG P.S I Love You -LRB- film -RRB- was incapable of being directed by Richard LaGravenese . +08-13 15:28 root DEBUG P.S. I Love You is a 2007 American drama film directed by Richard LaGravenese . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fraud is deliberate deception . +08-13 15:28 root DEBUG In law , fraud is deliberate deception to secure unfair or unlawful gain , or to deprive a victim of a legal right . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film directed by James Cameron . +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film to be directed by Lewis Gilbert , who later directed the 1977 film The Spy Who Loved Me and the 1979 film Moonraker , both starring Roger Moore . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sejong the Great was a Korean king . +08-13 15:28 root DEBUG Sejong the Great -LRB- -LSB- se.dʑoŋ -RSB- ; 15 May 1397 - 8 April 1450 -RRB- was the fourth king of Joseon-dynasty Korea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gotham premiered in the 2010s . +08-13 15:28 root DEBUG Gotham premiered on Fox on September 22 , 2014 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anxiety has been linked with physical symptoms . +08-13 15:28 root DEBUG Furthermore , anxiety has been linked with physical symptoms such as IBS and can heighten other mental health illnesses such as OCD and panic disorder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Olympic medals had their obverse design standardized in 1924 . +08-13 15:28 root DEBUG A standard obverse -LRB- front -RRB- design of the medals for the Summer Olympic Games began in 1928 and remained for many years , until its replacement at the 2004 Games as the result of controversy surrounding the use of the Roman Colosseum rather than a building representing the Games ' Greek roots . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matt Bomer is American . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Austin Lee Russells is the real name of Chumlee . +08-13 15:28 root DEBUG Austin Lee Russell -LRB- born September 8 , 1982 -RRB- , better known by his stage name of Chumlee , is an American actor , businessman and reality television personality , known as a cast member on the History Channel television show Pawn Stars , which depicts the daily business at the Gold and Silver Pawn Shop in Las Vegas where Russell works as an employee . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cary Elwes was born in Russia , lives in Russia , and has exclusively Russian heritage . +08-13 15:28 root DEBUG Ivan Simon Cary Elwes -LRB- -LSB- ˈɛlwɪs -RSB- born 26 October 1962 -RRB- , known professionally as Cary Elwes , is an English actor and writer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Under an Austrian license , Red Bull Racing races . +08-13 15:28 root DEBUG Red Bull Racing is a Formula One racing team , racing under an Austrian licence , based in the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mike Friedrich is a writer . +08-13 15:28 root DEBUG Mike Friedrich -LRB- born March 27 , 1949 -RRB- is an American comic book writer and publisher best known for his work at Marvel and DC Comics , and for publishing the anthology series Star * Reach , one of the first independent comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Africa Cup of Nations is held in even-numbered years . +08-13 15:28 root DEBUG As of 2013 , the tournament was switched to being held in odd-numbered years so as not to clash with the FIFA World Cup . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Pegg was born on March 14th , 1970 . +08-13 15:28 root DEBUG Simon John Pegg -LRB- né Beckingham ; born 14 February 1970 -RRB- is an English actor , comedian , screenwriter , and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Baja 1000 had Mickey Thompson as a participant . +08-13 15:28 root DEBUG From 1967 to 1972 , the race was organized by the National Off-Road Racing Association -LRB- NORRA -RRB- and grew in popularity with ABC 's `` Wide World of Sports '' sending Jim McKay to cover the 1968 event , and attracting new participants like the late Mickey Thompson , Indy 500 winner Parnelli Jones , movie actor James Garner , and Mary McGee , the first woman to compete in the event . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simi Valley , California , reported a higher median household income than that of the overall nation in 2012 . +08-13 15:28 root DEBUG The U.S. Census Bureau of 2012 reported a median household income of $ 87,894 , which is higher than the California median of $ 70,231 and the national average of $ 62,527 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cordilleran Ice Sheet was located in North America . +08-13 15:28 root DEBUG The Cordilleran ice sheet was a major ice sheet that periodically covered large parts of North America during glacial periods over the last ~ 2.6 million years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mikhail Prokhorov is the former chairman of a Russian gold producer . +08-13 15:28 root DEBUG He is the former chairman of Polyus Gold , Russia 's largest gold producer , and the former President of Onexim Group . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scores for sports games can be found by Google Search . +08-13 15:28 root DEBUG Google Search provides several features beyond searching for words . These include synonyms , weather forecasts , time zones , stock quotes , maps , earthquake data , movie showtimes , airports , home listings , and sports scores . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Medical school around the world vary in admission criteria . +08-13 15:28 root DEBUG Around the world , criteria , structure , teaching methodology , and nature of medical programs offered at medical schools vary considerably . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Backing vocalists provide instrumental harmony . +08-13 15:28 root DEBUG Backing vocalists are singers who provide vocal harmony with the lead vocalist or other backing vocalists . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vampires caused mischief or deaths . +08-13 15:28 root DEBUG In European folklore , vampires were undead beings that often visited loved ones and caused mischief or deaths in the neighbourhoods they inhabited when they were alive . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mormon population has been growing rapidly due to high birth and conversion rates . +08-13 15:28 root DEBUG Due to their high birth and conversion rates , the Mormon population has grown significantly in recent decades . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story was written and directed by Rawson Marshall . +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story is a 2004 American sports comedy film written and directed by Rawson Marshall Thurber and starring Vince Vaughn and Ben Stiller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristocracy is a term with Greek etymology . +08-13 15:28 root DEBUG Aristocracy -LRB- Greek ἀριστοκρατία aristokratía , from ἄριστος aristos `` excellent , '' and κράτος kratos `` power '' -RRB- is a form of government that places power in the hands of a small , privileged ruling class . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camp Flog Gnaw was created by musicians . +08-13 15:28 root DEBUG Camp Flog Gnaw is an annual carnival created and hosted by Tyler , The Creator and Odd Future . Tyler Gregory Okonma -LRB- born March 6 , 1991 -RRB- , better known by his stage name Tyler , The Creator , is an American rapper , record producer , and music video director . Odd Future Wolf Gang Kill Them All , normally shortened to Odd Future and abbreviated to OFWGKTA -LRB- stylized OFWGK † Δ -RRB- , -LRB- with an upside down cross -RRB- , is an American hip hop collective formed in Los Angeles in 2006-07 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mercedes-Benz is a division of a corporation . +08-13 15:28 root DEBUG Mercedes-Benz -LRB- -LSB- mɛʁˈtseːdəsˌbɛnts -RSB- -RRB- is a global automobile manufacturer and a division of the German company Daimler AG . Daimler AG -LRB- -LSB- ˈdaɪmlɐ aːˈɡeː -RSB- -RRB- is a German multinational automotive corporation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Food Network is offered to 83.3 % of homes with a television . +08-13 15:28 root DEBUG As of February 2015 , Food Network is available to approximately 96,931,000 pay television households -LRB- 83.3 % of households with television -RRB- in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Times was founded in 1880 . +08-13 15:28 root DEBUG It began in 1785 under the title , adopting its current name on 1 January 1788 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tangled is a 2D film . +08-13 15:28 root DEBUG Tangled is a 2010 American 3D computer-animated musical fantasy-comedy film produced by Walt Disney Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ron Dennis owns a catering company . +08-13 15:28 root DEBUG Dennis is the Global Consultant for Minsheng Investment Corporation and also owner of Absolute Taste . Absolute Taste , is a London-based catering company . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was put out by Blink 182 . +08-13 15:28 root DEBUG See You on the Other Side is the seventh studio album by Korn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ned Stark was introduced in 1996 's Olympics . +08-13 15:28 root DEBUG Introduced in 1996 's A Game of Thrones , Ned is the honorable lord of Winterfell , an ancient fortress in the North of the fictional continent of Westeros . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yin and yang do not show a balance between opposites . +08-13 15:28 root DEBUG The yin yang -LRB- i.e. taijitu symbol -RRB- shows a balance between two opposites with a portion of the opposite element in each section . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mercedes-Benz is a division of a European company . +08-13 15:28 root DEBUG Mercedes-Benz -LRB- -LSB- mɛʁˈtseːdəsˌbɛnts -RSB- -RRB- is a global automobile manufacturer and a division of the German company Daimler AG . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian National Congress was founded only outside of Bombay . +08-13 15:28 root DEBUG It was founded in Bombay in late December 1885 , during the British Raj in India . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Gein murdered people around Plainfield , Wisconsin . +08-13 15:28 root DEBUG Gein confessed to killing two women -- tavern owner Mary Hogan on December 8 , 1954 , and a Plainfield hardware store owner , Bernice Worden , on November 16 , 1957 . His crimes , committed around his hometown of Plainfield , Wisconsin , gathered widespread notoriety after authorities discovered that Gein had exhumed corpses from local graveyards and fashioned trophies and keepsakes from their bones and skin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Stanfield is a person . +08-13 15:28 root DEBUG LaKeith Lee `` Keith '' Stanfield -LRB- born August 12 , 1991 -RRB- is an American actor and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Premier League Asia Trophy is for soccer . +08-13 15:28 root DEBUG The Premier League Asia Trophy -LRB- formerly the FA Premier League Asia Cup -RRB- is a pre-season association football friendly tournament held biennial in Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cordilleran Ice Sheet has a short history of a few years . +08-13 15:28 root DEBUG The Cordilleran ice sheet was a major ice sheet that periodically covered large parts of North America during glacial periods over the last ~ 2.6 million years . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John S. McCain Jr. went to school in Annapolis , Maryland . +08-13 15:28 root DEBUG McCain grew up in Washington , D.C. , and graduated from the U.S. Naval Academy in 1931 , after which he entered the submarine service . The United States Naval Academy -LRB- also known as USNA , Annapolis , or simply Navy -RRB- is a four-year coeducational federal service academy in Annapolis , Maryland , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emilia Clarke is an actress . +08-13 15:28 root DEBUG Emilia Isabelle Euphemia Rose Clarke -LRB- born 23 October 1986 -RRB- is an English actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Originals -LRB- TV series -RRB- began airing on The CW on October 30 , 2013 . +08-13 15:28 root DEBUG The Originals is an American television series that began airing on The CW on October 3 , 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vatican City is a sovereign state that includes a city and its dependent territories . +08-13 15:28 root DEBUG However , formally it is not sovereign , with sovereignty being held by the Holy See , the only entity of public international law that has diplomatic relations with almost every country in the world . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ice-T signed to Sire Records . +08-13 15:28 root DEBUG He began his career as a rapper in the 1980s and was signed to Sire Records in 1987 , when he released his debut album Rhyme Pays , one of the first hip-hop albums to carry an explicit content sticker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party was only directed by Donald Trump . +08-13 15:28 root DEBUG Sausage Party is a 2016 adult computer-animated comedy film directed by Greg Tiernan and Conrad Vernon and written by Kyle Hunter , Ariel Shaffir , Seth Rogen and Evan Goldberg . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melilla is a Spanish city . +08-13 15:28 root DEBUG Melilla -LRB- -LSB- məˈliːjə -RSB- ; -LSB- meˈliʎa -RSB- , -LSB- meˈliʝa -RSB- ; Mřič -LSB- , Maliliyyah -RRB- is a Spanish autonomous city located on the north coast of Africa , sharing a border with Morocco with an area of 12.3 km2 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film . +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film , directed by George A. Romero , starring Duane Jones and Judith O'Dea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Kuklinski has a family . +08-13 15:28 root DEBUG Kuklinski lived with his wife and children in the suburb of Dumont , New Jersey . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weill Cornell Medicine is a school as part of a university . +08-13 15:28 root DEBUG Weill Cornell Medicine -LSB- waɪl_kɔrˈnɛl -RSB- is the biomedical research unit and medical school of Cornell University , a private Ivy League university . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Deepika Padukone has been the object of both favorable and unfavorable critical reviews . +08-13 15:28 root DEBUG Padukone received praise for portraying the lead roles in the romance Love Aaj Kal -LRB- 2009 -RRB- and the drama Lafangey Parindey -LRB- 2010 -RRB- , but her performances in the romance Bachna Ae Haseeno -LRB- 2008 -RRB- and the comedy Housefull -LRB- 2010 -RRB- were met with negative reviews . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG US Airways Flight 1549 landed in the Charles River . +08-13 15:28 root DEBUG Unable to reach any airport , pilots Chesley Sullenberger and Jeffrey Skiles glided the plane to a ditching in the Hudson River off midtown Manhattan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kung Fu Panda made $ 75 million during its opening weekend . +08-13 15:28 root DEBUG Kung Fu Panda opened in 4,114 theaters , grossing $ 20.3 million on its opening day and $ 60.2 million on its opening weekend , resulting in the number one position at the box office . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Samsung entered the shipbuilding industries . +08-13 15:28 root DEBUG Samsung entered the electronics industry in the late 1960s and the construction and shipbuilding industries in the mid-1970s ; these areas would drive its subsequent growth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Nottingham Forest F.C. is based in Lincolnshire , England . +08-13 15:28 root DEBUG Nottingham Forest Football Club is a professional association football club based in Nottingham , England . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A. P. J. Abdul Kalam was elected as president . +08-13 15:28 root DEBUG Avul Pakir Jainulabdeen Abdul Kalam better known as A.P.J. Abdul Kalam -LSB- ˈæbdʊl_kəˈlɑːm -RSB- -LRB- 15 October 1931 -- 27 July 2015 -RRB- was the 11th President of India from 2002 to 2007 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touch My Body is a song by Mariah Carey . +08-13 15:28 root DEBUG `` Touch My Body '' is a song by American singer and songwriter Mariah Carey , taken from her eleventh studio album , E = MC ² -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SpongeBob SquarePants is media that 's been franchised . +08-13 15:28 root DEBUG The series ' popularity has made it a media franchise , as well as the highest rated series to ever air on Nickelodeon , and the most distributed property of MTV Networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victor Frankenstein is based on contemporary adaptations of Mark Twain 's novel . +08-13 15:28 root DEBUG Victor Frankenstein is a 2015 American science fiction fantasy horror film based on contemporary adaptations of Mary Shelley 's 1818 novel Frankenstein . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South Island has a 32 percent bigger land area than the North Island . +08-13 15:28 root DEBUG It has a 32 percent larger landmass than the North Island so is sometimes referred to as the `` mainland '' of New Zealand , especially by South Island residents , but only 23 percent of New Zealand 's million inhabitants live there . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moscovium is a molecule . +08-13 15:28 root DEBUG Moscovium is a superheavy synthetic element with symbol Mc and atomic number 115 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adobe Photoshop is part of the American company Adobe Systems . +08-13 15:28 root DEBUG Adobe Photoshop is a raster graphics editor developed and published by Adobe Systems for macOS and Windows . Adobe Systems Incorporated -LSB- əˈdoʊbiː -RSB- is an American multinational computer software company . The company is headquartered in San Jose , California , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Vandals moved around Asia exclusively . +08-13 15:28 root DEBUG The Vandals were an East Germanic tribe , or group of tribes , who were first heard of in southern Poland , but later moved around Europe establishing kingdoms in Spain and later North Africa in the 5th century . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Internet access avoids the use of computer terminals . +08-13 15:28 root DEBUG Internet access is ability of individuals and organizations to connect to the Internet using computer terminals , computers , mobile devices ; and to access services such as email and the World Wide Web . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shut Up is a car . +08-13 15:28 root DEBUG `` Shut Up '' is a song by English Grime artist and MC Stormzy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meghan Markle was born in July . +08-13 15:28 root DEBUG Rachel Meghan Markle -LRB- born August 4 , 1981 -RRB- is an American actress , humanitarian , and activist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Pegg is a producer . +08-13 15:28 root DEBUG Simon John Pegg -LRB- né Beckingham ; born 14 February 1970 -RRB- is an English actor , comedian , screenwriter , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawson was the host of Family Feud in the 1970s in the United States . +08-13 15:28 root DEBUG Dawson was well known for playing Corporal Peter Newkirk on Hogan 's Heroes , being the original host of the Family Feud game show from 1976 -- 85 , and from 1994 -- 95 , and a regular panellist on the 1970s version of Match Game on CBS from 1973 -- 78 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Costner passed up the opportunity to act in television . +08-13 15:28 root DEBUG Costner has played Eliot Ness in The Untouchables , Crash Davis in Bull Durham , Ray Kinsella in Field of Dreams , Lt. John J. Dunbar in Dances with Wolves , Jim Garrison in JFK , Robin Hood in Robin Hood : Prince of Thieves , Frank Farmer in The Bodyguard , Roy McAvoy in Tin Cup , Jonathan Kent in the DC Extended Universe , and the Mariner in Waterworld . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pocahontas was alive during the 16th and/or 17th centuries . +08-13 15:28 root DEBUG Pocahontas -LRB- born Matoaka , known as Amonute , 1596 -- 1617 -RRB- was a Native American woman notable for her association with the colonial settlement at Jamestown , Virginia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG GLOW was released on March 1 , 2013 . +08-13 15:28 root DEBUG The first season will be released on Netflix on June 23 , 2017 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is a season of an American TV show . +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is the thirtieth season of the MTV reality competition series , The Challenge . MTV -LRB- originally an initialism of Music Television -RRB- is an American cable and satellite television channel owned by Viacom Media Networks -LRB- a division of Viacom -RRB- and headquartered in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fred Seibert only has a career as a rock record producer . +08-13 15:28 root DEBUG He owns Frederator Networks , Inc. and Frederator Studios . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An Education is a drama movie . +08-13 15:28 root DEBUG An Education is a 2009 coming-of-age drama film based on a memoir of the same name by British journalist Lynn Barber . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry Condell had a widow that was buried in 1636 . +08-13 15:28 root DEBUG His widow , Elizabeth , was buried there on 3 October 1635 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG FC Bayern Munich was founded by 100 football players led by Franz John . +08-13 15:28 root DEBUG FC Bayern was founded in 1900 by 11 football players , led by Franz John . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Commodore is used in many navies . +08-13 15:28 root DEBUG Commodore is a naval rank used in many navies that is superior to a navy captain , but below a rear admiral . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Telephone consists of a sampled voice . +08-13 15:28 root DEBUG Musically , `` Telephone '' consists of an expanded bridge , verse-rap and a sampled voice of an operator announcing that the phone line is unreachable . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG LinkedIn is limited to 24 languages as of 2015 . +08-13 15:28 root DEBUG Based in the United States , the site is , as of 2013 , available in 24 languages , including Arabic , Chinese , English , French , German , Italian , Portuguese , Spanish , Dutch , Swedish , Danish , Romanian , Russian , Turkish , Japanese , Czech , Polish , Korean , Indonesian , Malay , and Tagalog . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Japan is represented by one centralized federal government . +08-13 15:28 root DEBUG Japan -LRB- 日本 Nippon -LSB- ɲip̚poɴ -RSB- or Nihon -LSB- ɲihoɴ -RSB- formally or Nihon-koku , meaning `` State of Japan '' -RRB- is a sovereign island nation in East Asia . A sovereign state is , in international law , a nonphysical juridical entity that is represented by one centralized government that has sovereignty over a geographic area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dissociative identity disorder is the only name it is known for . +08-13 15:28 root DEBUG Dissociative identity disorder -LRB- DID -RRB- , also known as multiple personality disorder -LRB- MPD -RRB- , is a mental disorder characterized by at least two distinct and relatively enduring identities or dissociated personality states . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Talulah Riley makes an appearance in St Trinian 's . +08-13 15:28 root DEBUG She has appeared in films such as Pride & Prejudice , St Trinian 's , The Boat That Rocked , St. Trinian 's 2 : The Legend of Fritton 's Gold and Inception . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mutiny on the Bounty is the second American film based on Mutiny on the Bounty , the Disneyland ride . +08-13 15:28 root DEBUG Mutiny on the Bounty is a 1962 American Technicolor epic historical drama film starring Marlon Brando , Trevor Howard and Richard Harris , based on the novel Mutiny on the Bounty by Charles Nordhoff and James Norman Hall . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yemen has a coast . +08-13 15:28 root DEBUG Because of this , Yemen 's capital has been temporarily relocated to the port city of Aden , on the southern coast . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Clancy Brown stars in The SpongeBob SquarePants Movie . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG L. Ron Hubbard spent the remaining years of his life solely in Germany . +08-13 15:28 root DEBUG He spent the remaining years of his life on his ranch , the `` Whispering Wind , '' near Creston , California , where he died in 1986 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meghan Markle is someone who campaigns for a cause . +08-13 15:28 root DEBUG Rachel Meghan Markle -LRB- born August 4 , 1981 -RRB- is an American actress , humanitarian , and activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jarhead , a 2005 American biographical war drama , was directed by Sam Mendes . +08-13 15:28 root DEBUG Jarhead is a 2005 American biographical war drama film based on U.S. Marine Anthony Swofford 's 2003 memoir of the same name , directed by Sam Mendes , starring Jake Gyllenhaal as Swofford with Jamie Foxx , Peter Sarsgaard and Chris Cooper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Dance became number one in the Netherlands . +08-13 15:28 root DEBUG `` One Dance '' reached number one in 15 countries , including Australia , Canada , France , Germany , Ireland , the Netherlands , New Zealand , Switzerland , the United Kingdom , and the United States , becoming Drake 's first number-one single in all 15 countries as the lead artist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War started on February 6 , 1861 . +08-13 15:28 root DEBUG After a long standing controversy over slavery and state 's rights , war broke out in April 1861 , when Confederates attacked Fort Sumter in South Carolina , shortly after Abraham Lincoln was elected . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Westworld 's first season , starring Jason Bateman , consists of ten episodes . +08-13 15:28 root DEBUG The first season premiered on October 2 , 2016 , concluded on December 4 , 2016 , and consists of ten episodes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nate Diaz participates in mixed martial arts . +08-13 15:28 root DEBUG Nathan Donald `` Nate '' Diaz -LRB- born April 16 , 1985 -RRB- is an American professional mixed martial artist currently competing for the Ultimate Fighting Championship -LRB- UFC -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is television series called Younger . +08-13 15:28 root DEBUG Younger is an American single-camera comedy-drama television series based on the Pamela Redmond Satran novel of the same name , created and produced by Darren Star . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Probot had a guitar in it . +08-13 15:28 root DEBUG Probot was a heavy metal side project of ex-Nirvana drummer and Foo Fighters rhythm guitarist and lead-singer Dave Grohl . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Castlevania came out in Japan in 1990 . +08-13 15:28 root DEBUG Castlevania , known in Japan as , is an action-platformer video game developed and published by Konami for the Family Computer Disk System video game console in Japan in September 1986 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jean-Jacques Dessalines was born in 1758 . +08-13 15:28 root DEBUG Jean-Jacques Dessalines -LRB- -LSB- ʒɑ̃ ʒak dɛs.salin -RSB- ; 20 September 1758 -- 17 October 1806 -RRB- was a leader of the Haitian Revolution and the first ruler of an independent Haiti under the 1805 constitution . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vampire Academy was a critical failure . +08-13 15:28 root DEBUG The film was a failure critically and financially , grossing only $ 15.4 million worldwide against a $ 30 million budget , making the film a box office flop . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Monster only appears on the album The Marshall Mathers LP . +08-13 15:28 root DEBUG `` The Monster '' is a song by American rapper Eminem , featuring guest vocals from Barbadian singer Rihanna , taken from Eminem 's album The Marshall Mathers LP 2 -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hebe 's successor was Ganymede . +08-13 15:28 root DEBUG Hebe was the cupbearer for the gods and goddesses of Mount Olympus , serving their nectar and ambrosia , until she was married to Heracles -LRB- Roman equivalent : Hercules -RRB- ; her successor was the divine hero Ganymede . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Milk is an American movie from 2008 . +08-13 15:28 root DEBUG Milk is a 2008 American biographical film based on the life of gay rights activist and politician Harvey Milk , who was the first openly gay person to be elected to public office in California , as a member of the San Francisco Board of Supervisors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shomu Mukherjee died on April 1 , 2008 . +08-13 15:28 root DEBUG Shomu Mukherjee -LRB- or Shomu Mukherji -RRB- -LRB- 19 June , 1943 -- 10 April 2008 -RRB- was a Bengali Indian director , writer and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG MSG is used in food . +08-13 15:28 root DEBUG MSG is used in the food industry as a flavor enhancer with an umami taste that intensifies the meaty , savory flavor of food , as naturally occurring glutamate does in foods such as stews and meat soups . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jefferson Davis grew up in the United States . +08-13 15:28 root DEBUG Davis was born in Kentucky to a moderately prosperous farmer , and grew up on his older brother Joseph 's large cotton plantations in Mississippi and Louisiana . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was played in Arlington , Texas in 1999 . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Little Dorrit is a short story by Charles Dickens . +08-13 15:28 root DEBUG Little Dorrit is a novel by Charles Dickens , originally published in serial form between 1855 and 1857 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quiet stars an actress . +08-13 15:28 root DEBUG The Quiet is a 2005 American drama thriller film directed by Jamie Babbit and starring Camilla Belle and Elisha Cuthbert . Camilla Belle Routh -LRB- born October 2 , 1986 -RRB- is an American actress . She is best known for her roles as Sydney Miller in Rip Girls and Lizzy Buscana in Back to the Secret Garden . Elisha Ann Cuthbert -LRB- born November 30 , 1982 -RRB- is a Canadian actress and model . She became known for playing Kim Bauer in the series 24 , Darcie Goldberg in the college comedy Old School , Danielle in the teen comedy film The Girl Next Door , and Carly Jones in the 2005 remake of House of Wax . In 2013 , Maxim magazine named her `` TV 's most beautiful woman '' . At the age of 14 , Cuthbert made her feature film debut in the 1997 family-drama Dancing on the Moon . Her first major lead role came in the 1998 drama film Airspeed -LRB- No Control -RRB- alongside Joe Mantegna . In 2001 , she starred in the movie Lucky Girl , in which she received her first award , the Gemini Awards , but her career began in earnest in the 2000s when she played Kim Bauer , daughter of Jack Bauer in the action series 24 . Subsequently , Cuthbert appeared in the lead role in the films The Quiet -LRB- 2005 -RRB- and Captivity -LRB- 2007 -RRB- . From 2011 to 2013 , Cuthbert starred as Alex Kerkovich in the three seasons of the ABC comedy Happy Endings . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Gunn has no affiliation with Gilmore Girls . +08-13 15:28 root DEBUG Sean Gunn is an American actor , best known for his role as Kirk Gleason on the television show Gilmore Girls -LRB- 2000 -- 2007 -RRB- and Kraglin in Guardians of the Galaxy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arthur Schopenhauer was born in the 1700 's . +08-13 15:28 root DEBUG Arthur Schopenhauer -LRB- -LSB- ˈaɐ̯tʊɐ̯ ˈʃoːpm̩ˌhaʊ̯ɐ -RSB- ; 22 February 1788 -- 21 September 1860 -RRB- was a German philosopher . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Minor League Baseball is a professional baseball league hierarchy . +08-13 15:28 root DEBUG Minor League Baseball is a hierarchy of professional baseball leagues in the Americas that compete at levels below Major League Baseball -LRB- MLB -RRB- and provide opportunities for player development and a way to prepare for the major leagues . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Premier League Asia Trophy is held biennially in Africa . +08-13 15:28 root DEBUG The Premier League Asia Trophy -LRB- formerly the FA Premier League Asia Cup -RRB- is a pre-season association football friendly tournament held biennial in Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Netscape Navigator 's successor was the Netscape Communicator suite . +08-13 15:28 root DEBUG The Netscape Navigator web browser was succeeded by the Netscape Communicator suite in 1997 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brazilian jiu-jitsu prohibits grappling . +08-13 15:28 root DEBUG Brazilian Jiu-Jitsu -LRB- -LSB- dʒuːˈdʒɪtsuː -RSB- -LSB- ˈʒiw ˈʒitsu -RSB- , -LSB- ˈʒu ˈʒitsu -RSB- , -LSB- dʒiˈu dʒiˈtsu -RSB- -RRB- -LRB- BJJ ; jiu-jitsu brasileiro -RRB- is a martial art , combat sport system that focuses on grappling and especially ground fighting . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The cinematography of Far from the Madding Crowd was by at least one cinematographer . +08-13 15:28 root DEBUG The cinematography was by Nicolas Roeg and the soundtrack was by Richard Rodney Bennett . Nicolas Jack Roeg -LRB- -LSB- ˈroʊɡ -RSB- born 15 August 1928 -RRB- is an English film director and cinematographer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Night of the Living Dead was directed by Peter Jackson . +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film , directed by George A. Romero , starring Duane Jones and Judith O'Dea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Boleyn is mentioned in all children stories . +08-13 15:28 root DEBUG Over the centuries , she has inspired , or been mentioned , in many artistic and cultural works and thereby retained her hold on the popular imagination . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium uses the symbol U. +08-13 15:28 root DEBUG Uranium is a chemical element with symbol U and atomic number 92 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Azithromycin is sold without brand names . +08-13 15:28 root DEBUG It is available as a generic medication and is sold under many trade names worldwide . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Internet access is incapable of accessing email and the World Wide Web . +08-13 15:28 root DEBUG Internet access is ability of individuals and organizations to connect to the Internet using computer terminals , computers , mobile devices ; and to access services such as email and the World Wide Web . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ayananka Bose works on books . +08-13 15:28 root DEBUG Ayananka Bose is an Indian cinematographer of Bollywood movies . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nina Jacobson was president of a Walt Disney Company subsidiary . +08-13 15:28 root DEBUG Nina Jacobson -LRB- born 1965 -RRB- is an American film executive who , until July 2006 , was president of the Buena Vista Motion Pictures Group , a subsidiary of The Walt Disney Company . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG US Airways Flight 1549 was piloted by Stephen Colbert and Samantha Bee . +08-13 15:28 root DEBUG Unable to reach any airport , pilots Chesley Sullenberger and Jeffrey Skiles glided the plane to a ditching in the Hudson River off midtown Manhattan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SummerSlam was only held in 2014 . +08-13 15:28 root DEBUG It took place on August 23 , 2015 , at Barclays Center in Brooklyn , New York . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Medical school around the world shares the same criteria . +08-13 15:28 root DEBUG Around the world , criteria , structure , teaching methodology , and nature of medical programs offered at medical schools vary considerably . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Younger aired on ABC . +08-13 15:28 root DEBUG The series premiered on March 31 , 2015 on TV Land and received generally positive reviews from critics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The KGB was governed by military laws and regulations . +08-13 15:28 root DEBUG The KGB was a military service and was governed by army laws and regulations , similar to the Soviet Army or MVD Internal Troops . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blank Space is on a list in a country . +08-13 15:28 root DEBUG `` Blank Space '' reached number one on the US Billboard Hot 100 following `` Shake It Off '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny Bono died on February 16 , 1935 . +08-13 15:28 root DEBUG Salvatore Phillip `` Sonny '' Bono -LRB- -LSB- ˈboʊnoʊ -RSB- February 16 , 1935 -- January 5 , 1998 -RRB- was an American singer , producer , and politician who came to fame in partnership with his second wife Cher , as the popular singing duo Sonny & Cher . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Deepika Padukone has given both positive and negative criticism . +08-13 15:28 root DEBUG Padukone received praise for portraying the lead roles in the romance Love Aaj Kal -LRB- 2009 -RRB- and the drama Lafangey Parindey -LRB- 2010 -RRB- , but her performances in the romance Bachna Ae Haseeno -LRB- 2008 -RRB- and the comedy Housefull -LRB- 2010 -RRB- were met with negative reviews . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bob Ross created The Joy of Painting . +08-13 15:28 root DEBUG He was the creator and host of The Joy of Painting , an instructional television program that aired from 1983 to 1994 on PBS in the United States , and also aired in Canada , Latin America , and Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raja Hindustani was directed solely by Mariah Carey . +08-13 15:28 root DEBUG Raja Hindustani -LRB- translation : Indian King -RRB- is a 1996 Indian blockbuster Hindi-language drama romance film directed by Dharmesh Darshan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tye Sheridan was an actor in The Tree of Life . +08-13 15:28 root DEBUG Sheridan made his feature film debut in Terrence Malick 's experimental drama film The Tree of Life -LRB- 2011 -RRB- and had his first leading role in Jeff Nichols 's film Mud -LRB- 2012 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veep has won an award . +08-13 15:28 root DEBUG Veep has received critical acclaim and won several major awards . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Malta is officially Catholic . +08-13 15:28 root DEBUG Catholicism is the official religion in Malta . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trouble with the Curve was released in May of 2012 . +08-13 15:28 root DEBUG Filming began in March 2012 , and the film was released on September 21 , 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Personality is affected by development . +08-13 15:28 root DEBUG Personality is a set of individual differences that are affected by the development of an individual : values , attitudes , personal memories , social relationships , habits , and skills . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tennessee stayed in the Union . +08-13 15:28 root DEBUG Tennessee was the last state to leave the Union and join the Confederacy at the outbreak of the American Civil War in 1861 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A brief period of civil wars was sparked by the death of Nero . +08-13 15:28 root DEBUG His death ended the Julio-Claudian dynasty , sparking a brief period of civil wars known as the Year of the Four Emperors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Last Song -LRB- film -RRB- began editing on June 14th , 2009 . +08-13 15:28 root DEBUG Filming lasted from June 15 to August 18 , 2009 with much of it occurring on the island 's beach and pier . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The great white shark prefers to prey on humans . +08-13 15:28 root DEBUG Humans are not the preferred prey of the great white shark , but , nevertheless , the great white is responsible for the largest number of reported and identified fatal unprovoked shark attacks on humans . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brie Larson is a singer . +08-13 15:28 root DEBUG Brianne Sidonie Desaulniers -LRB- born October 1 , 1989 -RRB- , known professionally as Brie Larson , is an American actress , director , and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jiang Wen is an actor . +08-13 15:28 root DEBUG Jiang Wen -LRB- born 5 January 1963 -RRB- is a Chinese film actor , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Foot Locker is a retailer . +08-13 15:28 root DEBUG Foot Locker Retail , Inc. is an American sportswear and footwear retailer , with its headquarters in Midtown Manhattan , New York City , and operating in 28 countries worldwide . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Story of My Life was recorded by a band that consisted of only boys . +08-13 15:28 root DEBUG `` Story of My Life '' is a song recorded by English Irish boy band One Direction . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Gunn has no experience as an actor . +08-13 15:28 root DEBUG Sean Gunn is an American actor , best known for his role as Kirk Gleason on the television show Gilmore Girls -LRB- 2000 -- 2007 -RRB- and Kraglin in Guardians of the Galaxy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alberto Contador won the 2011 Giro d'italiav initially . +08-13 15:28 root DEBUG He initially also won the 2010 Tour de France with this team , and the 2011 Giro d'Italia with team Saxo Bank-SunGard , only to be stripped of these titles later having been found guilty of a doping offence . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Wonder Years was a drama . +08-13 15:28 root DEBUG The Wonder Years is an American television comedy-drama created by Neal Marlens and Carol Black . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Mount is related to an Abrahamic religion . +08-13 15:28 root DEBUG It has been venerated as a holy site for thousands of years by Judaism , Christianity , and Islam . is an Abrahamic monotheistic religion based on the life and teachings of Jesus Christ , who serves as the focal point for the religion . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A United Kingdom was directed by Amma Asante . +08-13 15:28 root DEBUG A United Kingdom is a 2016 British biographical romantic drama film directed by Amma Asante and written by Guy Hibbert , based on the true-life romance between Sir Seretse Khama and his wife Ruth Williams Khama . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Romani people has a population of 5387 in the Republic of Macedonia . +08-13 15:28 root DEBUG According to the last census from 2002 , there were 53 879 people counted as Romani in the Republic of Macedonia '' ' , or 2.66 % of the population . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Death Note is a Japanese television drama series based on a manga series illustrated by Takeshi Obata . +08-13 15:28 root DEBUG is a Japanese television drama series based on the manga series of the same name by Tsugumi Ohba and Takeshi Obata . is a Japanese manga artist that usually works as the illustrator in collaboration with a writer . He first gained international attention for Hikaru no Go -LRB- 1998 -- 2003 -RRB- with Yumi Hotta , but is better known for Death Note -LRB- 2003 -- 2006 -RRB- and Bakuman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hyksos ' least important deity was Baal . +08-13 15:28 root DEBUG The Hyksos practiced horse burials , and their chief deity , their native storm god , Baal , became associated with the Egyptian storm and desert god , Set . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 2 Hearts is a song by Minogue . +08-13 15:28 root DEBUG `` 2 Hearts '' is a song recorded by Australian singer Kylie Minogue for her tenth studio album , X -LRB- 2007 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Godchaux knew the Grateful Dead . +08-13 15:28 root DEBUG The other official members of the band are Tom Constanten -LRB- keyboards ; 1968 -- 1970 -RRB- , John Perry Barlow -LRB- nonperforming lyricist ; 1971 -- 1995 -RRB- , Keith Godchaux -LRB- keyboards ; 1971 -- 1979 -RRB- , Donna Godchaux -LRB- vocals ; 1972 -- 1979 -RRB- , Brent Mydland -LRB- keyboards , vocals ; 1979 -- 1990 -RRB- , and Vince Welnick -LRB- keyboards , vocals ; 1990 -- 1995 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG LinkedIn is based in Spain . +08-13 15:28 root DEBUG Based in the United States , the site is , as of 2013 , available in 24 languages , including Arabic , Chinese , English , French , German , Italian , Portuguese , Spanish , Dutch , Swedish , Danish , Romanian , Russian , Turkish , Japanese , Czech , Polish , Korean , Indonesian , Malay , and Tagalog . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Baja 1000 was covered by Jim McKay in 1968 . +08-13 15:28 root DEBUG From 1967 to 1972 , the race was organized by the National Off-Road Racing Association -LRB- NORRA -RRB- and grew in popularity with ABC 's `` Wide World of Sports '' sending Jim McKay to cover the 1968 event , and attracting new participants like the late Mickey Thompson , Indy 500 winner Parnelli Jones , movie actor James Garner , and Mary McGee , the first woman to compete in the event . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are many airports contained in the San Francisco Bay Area . +08-13 15:28 root DEBUG Home to approximately 7.68 million people , the nine-county Bay Area contains many cities , towns , airports , and associated regional , state , and national parks , connected by a network of roads , highways , railroads , bridges , tunnels and commuter rail . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was the second time the Super Bowl was played in the Dallas-Fort Worth area . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Julie Bowen has an acting career . +08-13 15:28 root DEBUG Julie Bowen Luetkemeyer -LRB- born March 3 , 1970 -RRB- , known professionally as Julie Bowen , is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men featured Angus T. Jones . +08-13 15:28 root DEBUG Originally starring Charlie Sheen , Jon Cryer , and Angus T. Jones , the series was about a hedonistic jingle writer , Charlie Harper ; his uptight brother Alan ; and Alan 's troublesome son Jake . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pitch Perfect 2 is a bill . +08-13 15:28 root DEBUG Pitch Perfect 2 is a 2015 American comedy film directed and co-produced by Elizabeth Banks and written by Kay Cannon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One of the newest Netflix TV series 's is GLOW . +08-13 15:28 root DEBUG GLOW is an upcoming American comedy-drama television series created by Liz Flahive and Carly Mensch . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aestheticism concerns itself with fine art and other things . +08-13 15:28 root DEBUG Aestheticism -LRB- also the Aesthetic Movement -RRB- is an intellectual and art movement supporting the emphasis of aesthetic values more than social-political themes for literature , fine art , music and other arts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Invisible Man was based on a H. G. Wells short story . +08-13 15:28 root DEBUG The Invisible Man is an American 1933 Pre-Code science fiction horror film based on H. G. Wells ' science fiction novel The Invisible Man , published in 1897 , as adapted by R.C. Sherriff , Philip Wylie and Preston Sturges , whose work was considered unsatisfactory and who was taken off the project . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goldie Hawn was a bankable star . +08-13 15:28 root DEBUG Hawn maintained bankable star status for more than three decades thereafter , appearing in numerous films such as There 's a Girl in My Soup -LRB- 1970 -RRB- , Butterflies Are Free -LRB- 1972 -RRB- , The Sugarland Express -LRB- 1974 -RRB- , Shampoo -LRB- 1975 -RRB- , Foul Play -LRB- 1978 -RRB- , Seems Like Old Times -LRB- 1980 -RRB- , and the title role in Private Benjamin -LRB- 1980 -RRB- , for which she was nominated for the Academy Award for Best Actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Love Club EP is the debut extended play of singer Ella Marija Lani Yelich-O'Connor . +08-13 15:28 root DEBUG The Love Club EP is the debut extended play -LRB- EP -RRB- by New Zealand singer Lorde . Ella Marija Lani Yelich-O'Connor -LRB- born 7 November 1996 -RRB- , better known by her stage name Lorde -LRB- pronounced -LSB- ˈlɔːrd -RSB- -RRB- , is a New Zealand singer-songwriter and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The last windstorm in Stanley Park was in May of 2006 . +08-13 15:28 root DEBUG Thousands of trees were lost -LRB- and many replanted -RRB- after three major windstorms that took place in the past 100 years , the last in 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alvin and the Chipmunks was directed by George Lucas . +08-13 15:28 root DEBUG Alvin and the Chipmunks is a 2007 American live-action/computer animated musical family comedy film directed by Tim Hill . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eurotas -LRB- river -RRB- is in Europe . +08-13 15:28 root DEBUG The Eurotas or Evrotas -LRB- Greek : Ευρώτας -RRB- is the main river of Laconia and one of the major rivers of the Peloponnese , in Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raja Hindustani is a drama romance movie from 1996 . +08-13 15:28 root DEBUG Raja Hindustani -LRB- translation : Indian King -RRB- is a 1996 Indian blockbuster Hindi-language drama romance film directed by Dharmesh Darshan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Great white sharks prefer humans as prey . +08-13 15:28 root DEBUG It is also known to prey upon a variety of other marine animals , including fish and seabirds . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Practical Magic is based on a dog of the same name . +08-13 15:28 root DEBUG Practical Magic is a 1998 American romantic comedy film based on the 1995 novel of the same name by Alice Hoffman . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jean-Jacques Dessalines was partially in charge of the Haitian Revolution . +08-13 15:28 root DEBUG Jean-Jacques Dessalines -LRB- -LSB- ʒɑ̃ ʒak dɛs.salin -RSB- ; 20 September 1758 -- 17 October 1806 -RRB- was a leader of the Haitian Revolution and the first ruler of an independent Haiti under the 1805 constitution . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blank Space is incapable of being on a top 10 list in any country . +08-13 15:28 root DEBUG It also charted in the top 10 in numerous countries , such as Austria , Czech Republic , Germany , New Zealand , Spain , and the United Kingdom . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carey Hayes was born in France . +08-13 15:28 root DEBUG Carey Hayes -LRB- born April 21 , 1961 in Portland , Oregon -RRB- is an American screenwriter and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Mullin only played with the Indiana Pacers from 1991 until 1992 . +08-13 15:28 root DEBUG Thereafter , Mullin played with the Indiana Pacers from 1997 until the 1999 -- 2000 season . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Donna Noble travels with the Tenth Doctor . +08-13 15:28 root DEBUG Portrayed by British actress and comedian Catherine Tate , she is a companion of the Tenth Doctor -LRB- David Tennant -RRB- . In the long-running BBC television science fiction programme Doctor Who and related works , the term `` companion '' refers to a character who travels with , or shares the adventures of the Doctor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emilia Clarke is an actress . +08-13 15:28 root DEBUG Emilia Isabelle Euphemia Rose Clarke -LRB- born 23 October 1986 -RRB- is an English actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Islamabad failed to become a city . +08-13 15:28 root DEBUG Islamabad -LRB- -LSB- ɪzˈlɑːməˌbɑːd -RSB- -LSB- , , -LSB- ɪsˌlɑːmɑˈbɑːd̪ -RSB- -RRB- is the capital city of Pakistan located within the federal Islamabad Capital Territory . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uta Hagan was born on June 12th , 1919 . +08-13 15:28 root DEBUG Uta Thyra Hagen -LRB- 12 June 1919 -- 14 January 2004 -RRB- was an American actress and theatre practitioner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristocracy is a term that comes from Greek . +08-13 15:28 root DEBUG Aristocracy -LRB- Greek ἀριστοκρατία aristokratía , from ἄριστος aristos `` excellent , '' and κράτος kratos `` power '' -RRB- is a form of government that places power in the hands of a small , privileged ruling class . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games is a book . +08-13 15:28 root DEBUG The Hunger Games is a 2008 dystopian novel by the American writer Suzanne Collins . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Project Y 's mission was prevent the first atomic bombs . +08-13 15:28 root DEBUG Its mission was to design and build the first atomic bombs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Food Network is offered in a federal democracy based on a constitution . +08-13 15:28 root DEBUG As of February 2015 , Food Network is available to approximately 96,931,000 pay television households -LRB- 83.3 % of households with television -RRB- in the United States . The United States of America -LRB- USA -RRB- , commonly known as the United States -LRB- U.S. -RRB- or America , is a constitutional federal republic composed of 50 states , a federal district , five major self-governing territories , and various possessions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Talulah Riley appeared a film . +08-13 15:28 root DEBUG She has appeared in films such as Pride & Prejudice , St Trinian 's , The Boat That Rocked , St. Trinian 's 2 : The Legend of Fritton 's Gold and Inception . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fly first came out in 1986 . +08-13 15:28 root DEBUG The Fly is a 1986 American science fiction horror film directed and co-written by David Cronenberg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Office -LRB- US -RRB- ran for nine seasons . +08-13 15:28 root DEBUG The show debuted on NBC as a mid-season replacement and ran for nine seasons and 201 episodes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emily is the name of the mother of Lorelai Gilmore . +08-13 15:28 root DEBUG The dynamic of single parenthood and the tension between Lorelai and her wealthy parents , Richard -LRB- Edward Herrmann -RRB- and especially her controlling mother , Emily -LRB- Kelly Bishop -RRB- , form the main theme of the series story line . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Benoit held a professional career as a wrestler . +08-13 15:28 root DEBUG Christopher Michael Benoit -LRB- -LSB- bəˈnwa -RSB- ; May 21 , 1967 -- June 24 , 2007 -RRB- was a Canadian professional wrestler . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keegan-Michael Key played a character . +08-13 15:28 root DEBUG In 2015 , Key appeared at the White House Correspondents ' Dinner as the character Luther , President Barack Obama 's anger translator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2015 , among Americans , 5 % of adults had consumed alcoholic drink in the last month . +08-13 15:28 root DEBUG For instance , in 2015 , among Americans , 89 % of adults had consumed alcohol at some point , 70 % had drunk it in the last year , and 56 % in the last month . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Dylan Grazer was born in the month of September . +08-13 15:28 root DEBUG Jack Dylan Grazer -LRB- born September 3 , 2003 -RRB- is an American child actor and was born in Los Angeles , California to parents Angela Lafever and Gavin Grazer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Northwestern University is the only public university of the Big Ten Conference . +08-13 15:28 root DEBUG Northwestern is a founding member of the Big Ten Conference and remains the only private university in the conference . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Bana died in 1968 . +08-13 15:28 root DEBUG Eric Banadinović -LRB- born 9 August 1968 -RRB- , known professionally as Eric Bana , is an Australian actor and comedian . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vic Mensa is from Chicago , Illinois . +08-13 15:28 root DEBUG Victor Kwesi Mensah -LRB- born June 6 , 1993 -RRB- , better known by his stage name Vic Mensa , is a Grammy-nominated American rapper from Chicago , Illinois . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pulmonary embolism is indicated by low blood oxygen levels . +08-13 15:28 root DEBUG Signs of a PE include low blood oxygen levels , rapid breathing , rapid heart rate , and sometimes a mild fever . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Castlevania was developed by Konami . +08-13 15:28 root DEBUG Castlevania , known in Japan as , is an action-platformer video game developed and published by Konami for the Family Computer Disk System video game console in Japan in September 1986 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Road House was premiered in 1989 . +08-13 15:28 root DEBUG Road House is a 1989 American action film directed by Rowdy Herrington and starring Patrick Swayze as a bouncer at a newly refurbished roadside bar who protects a small town in Missouri from a corrupt businessman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weill Cornell Medicine is a unit . +08-13 15:28 root DEBUG Weill Cornell Medicine -LSB- waɪl_kɔrˈnɛl -RSB- is the biomedical research unit and medical school of Cornell University , a private Ivy League university . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Project Y was a place . +08-13 15:28 root DEBUG The Los Alamos Laboratory , also known as Project Y , was a secret laboratory established by the Manhattan Project and operated by the University of California during World War II . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men season aired . +08-13 15:28 root DEBUG Two and a Half Men is an American television sitcom that originally aired on CBS for twelve seasons from September 22 , 2003 to February 19 , 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG NXT Tag Team Championship was created by World Wrestling Entertainment , Inc. . +08-13 15:28 root DEBUG The NXT Tag Team Championship is a professional wrestling tag team championship created and promoted by the American professional wrestling promotion WWE on their developmental brand , NXT . World Wrestling Entertainment , Inc. -LRB- d/b/a WWE -RRB- is an American publicly traded , privately controlled entertainment company that deals primarily in professional wrestling , with revenue also coming from film , music , video games , product licensing , and direct product sales . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annie is a film . +08-13 15:28 root DEBUG Annie is a 2014 American musical comedy-drama film directed by Will Gluck and produced by Village Roadshow Pictures and Will Smith 's Overbrook Entertainment for Sony Pictures ' Columbia Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mandy Moore is an American citizen . +08-13 15:28 root DEBUG Amanda Leigh Moore -LRB- born April 10 , 1984 -RRB- is an American singer-songwriter and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Japan is in the Eastern Hemisphere . +08-13 15:28 root DEBUG Japan -LRB- 日本 Nippon -LSB- ɲip̚poɴ -RSB- or Nihon -LSB- ɲihoɴ -RSB- formally or Nihon-koku , meaning `` State of Japan '' -RRB- is a sovereign island nation in East Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fred Seibert has only produced animated programs . +08-13 15:28 root DEBUG He has produced live action and animated programs for cable television , and the internet , and began his professional career as a jazz and blues record producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was played at Fenway Park . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG MS-13 is cruel for its tactics . +08-13 15:28 root DEBUG They are notorious for their use of violence and a subcultural moral code that predominantly consists of merciless revenge and cruel retributions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ragtime features James Cagney . +08-13 15:28 root DEBUG The film features the final film appearances of James Cagney and Pat O'Brien ; early appearances , in small parts , by Samuel L. Jackson , Jeff Daniels , Fran Drescher , Ethan Phillips and John Ratzenberger ; and an uncredited appearance from Jack Nicholson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A near-Earth object is a tiny Solar System entity . +08-13 15:28 root DEBUG A near-Earth object -LRB- NEO -RRB- is any small Solar System body whose orbit brings it into proximity with Earth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Social interaction can be supplied by a Pet . +08-13 15:28 root DEBUG Walking a dog can supply both the human and pet with exercise , fresh air , and social interaction . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Paper stars Ryan Gosling . +08-13 15:28 root DEBUG The Paper is a 1994 American comedy-drama film directed by Ron Howard and starring Michael Keaton , Glenn Close , Marisa Tomei , Randy Quaid and Robert Duvall . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan 's economy is the 25th largest in the world in purchasing power parity . +08-13 15:28 root DEBUG The Pakistani economy is the 24th-largest in the world in terms of purchasing power and the 41st-largest in terms of nominal GDP -LRB- World Bank -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hinduism has zero textual resources . +08-13 15:28 root DEBUG Hindu texts are classified into Shruti -LRB- `` heard '' -RRB- and Smriti -LRB- `` remembered '' -RRB- . Hindu texts are manuscripts and historic literature related to any of the diverse traditions within Hinduism . A few texts are shared resources across these traditions and broadly considered as Hindu scriptures . There are two historic classifications of Hindu texts : Shruti -- that which is heard , and Smriti -- that which is remembered . The Smriti texts are a specific body of Hindu texts attributed to an author , as a derivative work they are considered less authoritative than Sruti in Hinduism . The Smrti literature is a corpus of diverse varied texts . Smritis were considered fluid and freely rewritten by anyone in ancient and medieval Hindu tradition . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raja Hindustani is a 1996 drama romance film directed by Michael Fassbender . +08-13 15:28 root DEBUG Raja Hindustani -LRB- translation : Indian King -RRB- is a 1996 Indian blockbuster Hindi-language drama romance film directed by Dharmesh Darshan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zac Efron is a performer . +08-13 15:28 root DEBUG Zachary David Alexander Efron -LRB- born October 18 , 1987 -RRB- is an American actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sacre-Coeur , Paris is an embodiment of conservative ethical order . +08-13 15:28 root DEBUG Sacré-Cœur is a double monument , political and cultural , both a national penance for the defeat of France in the 1870 Franco-Prussian War and the socialist Paris Commune of 1871 crowning its most rebellious neighborhood , and an embodiment of conservative moral order , publicly dedicated to the Sacred Heart of Jesus , which was an increasingly popular vision of a loving and sympathetic Christ . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Stanfield was born on March 12 , 1991 . +08-13 15:28 root DEBUG LaKeith Lee `` Keith '' Stanfield -LRB- born August 12 , 1991 -RRB- is an American actor and rapper . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Proponents of globalism tend to advocate against global governance . +08-13 15:28 root DEBUG It tends to advocate for such policies as increases in immigration , free trade , lowering tariffs , interventionism and global governance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New England Patriots reached more than two Super Bowls . +08-13 15:28 root DEBUG The Patriots have appeared in the Super Bowl nine times in franchise history , the most of any team , seven of them since the arrival of head coach Bill Belichick and quarterback Tom Brady in 2000 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uta Hagan is an American actress . +08-13 15:28 root DEBUG Uta Thyra Hagen -LRB- 12 June 1919 -- 14 January 2004 -RRB- was an American actress and theatre practitioner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Levoamphetamine improves the ability to focus on tasks . +08-13 15:28 root DEBUG Levoamphetamine , also known as levamfetamine -LRB- INN -RRB- , -LRB- R -RRB- - amphetamine , - amphetamine , and L-amphetamine , is a central nervous system -LRB- CNS -RRB- stimulant known to increase wakefulness and concentration in association with decreased appetite and fatigue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tenacious D 's release occurred before 2005 . +08-13 15:28 root DEBUG Tenacious D is the first studio album by American comedy rock band Tenacious D , released on September 25 , 2001 by Epic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The same name was used for all the dubs of Baadshah . +08-13 15:28 root DEBUG The film was also dubbed into Hindi under the title Rowdy Baadshah by Goldmines TeleFilms . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Parkinson 's disease causes tremors . +08-13 15:28 root DEBUG Early in the disease , the most obvious are shaking , rigidity , slowness of movement , and difficulty with walking . A tremor -LSB- ˈtrEm @r -RSB- is an involuntary , somewhat rhythmic , muscle contraction and relaxation involving oscillations or twitching movements of one or more body parts . It is the most common of all involuntary movements and can affect the hands , arms , eyes , face , head , vocal folds , trunk , and legs . Most tremors occur in the hands . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG GLOW does not have a first season . +08-13 15:28 root DEBUG The first season will consist of 10 episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War lasted 4 decades . +08-13 15:28 root DEBUG The American Civil War was fought in the United States from 1861 to 1865 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2015 , among Americans , 44 % of adults had consumed alcoholic drink in the last month . +08-13 15:28 root DEBUG For instance , in 2015 , among Americans , 89 % of adults had consumed alcohol at some point , 70 % had drunk it in the last year , and 56 % in the last month . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aubrey Anderson-Emmons did not star on Modern Family . +08-13 15:28 root DEBUG Aubrey Frances Anderson-Emmons -LRB- born June 6 , 2007 -RRB- is an American child actress , known for her role as Lily Tucker-Pritchett on ABC 's Modern Family . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mamata Banerjee is an Indian politician in West Bengal . +08-13 15:28 root DEBUG Mamata Banerjee -LRB- -LSB- mɔmɔt̪a bɔnd̪d̪oˈpad̪ʱˈae̯ -RSB- -LRB- Bengali - মমতা বন্দপাধ্যায় -RRB- also known as Didi was born 5 January 1955 -RRB- is an Indian politician who has been Chief Minister of West Bengal since 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Coeliac disease may not result in increased risk of early death . +08-13 15:28 root DEBUG If untreated , it may result in cancers such as intestinal lymphoma and a slight increased risk of early death . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth of York was the mother of more than one human . +08-13 15:28 root DEBUG Her surviving children became a King of England and queens of France and Scotland ; it is through the Scottish Stuart dynasty that her many modern royal descendants trace their descent from her . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 2.6 million years is how far Cordilleran Ice Sheet dates back to . +08-13 15:28 root DEBUG The Cordilleran ice sheet was a major ice sheet that periodically covered large parts of North America during glacial periods over the last ~ 2.6 million years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Ukrainian Soviet Socialist Republic was gone before the UN was founded . +08-13 15:28 root DEBUG The Ukrainian SSR was a founding member of the United Nations , although it was legally represented by the All-Union state in its affairs with countries outside of the Soviet Union . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South Island is divided from North Island by Cook Strait . +08-13 15:28 root DEBUG It is bordered to the north by Cook Strait , to the west by the Tasman Sea , and to the south and east by the Pacific Ocean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Lee Curtis made her film debut in 1978 . +08-13 15:28 root DEBUG She made her film debut in 1978 by starring as Laurie Strode in John Carpenter 's Halloween -LRB- 1978 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Petyr Baelish is not a real character . +08-13 15:28 root DEBUG Petyr Baelish , nicknamed Littlefinger , is a fictional character created by American author George R. R. Martin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry Cavill starred in two Superman films . +08-13 15:28 root DEBUG Cavill gained further prominence and international fame playing the titular superhero Superman in the DC Extended Universe starting with the 2013 reboot film Man of Steel , originally the highest-grossing Superman film of all time until it was surpassed by 2016 's Batman v Superman : Dawn of Justice , where he reprised his role as Superman ; making it his highest-grossing film to date . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New Jersey Turnpike has zero rest areas . +08-13 15:28 root DEBUG The Turnpike has 12 ft lanes , 10 ft shoulders , 13 rest areas named after notable residents of New Jersey , and unusual exit signage that was considered the pinnacle of highway building in the 1950s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Little Dorrit is a Charles Dicken 's novel . +08-13 15:28 root DEBUG Little Dorrit is a novel by Charles Dickens , originally published in serial form between 1855 and 1857 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zoey Deutch died on November 10 , 1994 . +08-13 15:28 root DEBUG Zoey Francis Thompson Deutch -LRB- born November 10 , 1994 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alex Jones 's views are further right than the standard political right on the left-right spectrum . +08-13 15:28 root DEBUG Jones has described himself as a libertarian and paleoconservative , and has been described by others as conservative , right-wing , alt-right , and a pro-Russia propagandist . The alt-right , or alternative right , is a loose group of people with far-right ideologies who reject mainstream conservatism , principally in the United States , but also to a lesser degree in Canada and Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Block -LRB- album -RRB- was a film about the band the New Kids on the Block . +08-13 15:28 root DEBUG The Block is the fifth studio album by New Kids on the Block . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Loretta Sanchez is a politician . +08-13 15:28 root DEBUG Loretta L. Sánchez -LRB- born January 7 , 1960 -RRB- is an American politician who served in the United States House of Representatives from 1997 to 2017 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rebel in the Rye was created by a screenwriter . +08-13 15:28 root DEBUG Rebel in the Rye is a 2017 American biographical drama film directed and written by Danny Strong . Daniel W. `` Danny '' Strong -LRB- born June 6 , 1974 -RRB- is an American actor , screenwriter , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's Basketball Tournament was played in Russia . +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's Basketball Tournament involved 65 schools playing in single-elimination play to determine the national champion of men 's NCAA Division I college basketball . Division I -LRB- D-I -RRB- is the highest level of intercollegiate athletics sanctioned by the National Collegiate Athletic Association -LRB- NCAA -RRB- in the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny & Cher refused to ever work with record producer Phil Spector . +08-13 15:28 root DEBUG The couple started their career in the mid-1960s as R&B backing singers for record producer Phil Spector . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tenacious D was released before 2006 . +08-13 15:28 root DEBUG Tenacious D is the first studio album by American comedy rock band Tenacious D , released on September 25 , 2001 by Epic Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Golf is not a club and ball sport . +08-13 15:28 root DEBUG Golf is a club and ball sport in which players use various clubs to hit balls into a series of holes on a course in as few strokes as possible . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John S. McCain Jr. was expelled from the U.S. Naval Academy . +08-13 15:28 root DEBUG McCain grew up in Washington , D.C. , and graduated from the U.S. Naval Academy in 1931 , after which he entered the submarine service . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alan Shepard was Chief of the Astronaut Office . +08-13 15:28 root DEBUG He was Chief of the Astronaut Office from November 1963 to July 1969 -LRB- the approximate period of his grounding -RRB- , and from June 1971 until his retirement from the United States Navy and NASA on August 1 , 1974 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hit was released on a mural . +08-13 15:28 root DEBUG The film was released on DVD by The Criterion Collection in April 2009 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hezbollah received financial support from Syria . +08-13 15:28 root DEBUG Hezbollah receives military training , weapons , and financial support from Iran , and political support from Syria . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Walker -LRB- actor -RRB- is a thespian . +08-13 15:28 root DEBUG Benjamin Walker Davis -LRB- born June 21 , 1982 -RRB- , known professionally as Benjamin Walker , is an American actor and stand-up comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gettysburg Address was delivered by someone who was assassinated . +08-13 15:28 root DEBUG The Gettysburg Address is a speech by U.S. President Abraham Lincoln , one of the best-known in American history . Abraham Lincoln -LRB- -LSB- ˈeɪbrəhæm_ˈlIŋkən -RSB- February 12 , 1809 -- April 15 , 1865 -RRB- was an American politician and lawyer who served as the 16th President of the United States from March 1861 until his assassination in April 1865 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Telephone consists of a verse-rap . +08-13 15:28 root DEBUG Musically , `` Telephone '' consists of an expanded bridge , verse-rap and a sampled voice of an operator announcing that the phone line is unreachable . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Story of My Life was recorded by a band . +08-13 15:28 root DEBUG `` Story of My Life '' is a song recorded by English Irish boy band One Direction . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny & Cher was made up of two completely unacquainted people . +08-13 15:28 root DEBUG Sonny & Cher were an American pop music duo , actors , singers and entertainers made up of husband-and-wife Sonny and Cher Bono in the 1960s and 1970s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Costner refused the role of Devil Anse Hatfield in 2012 . +08-13 15:28 root DEBUG In television , Costner won the Primetime Emmy Award for Outstanding Lead Actor in a Miniseries or a Movie , the Golden Globe Award for Best Actor -- Miniseries or Television Film , and the Screen Actors Guild Award for Outstanding Performance by a Male Actor in a Miniseries or Television Movie for his role as Devil Anse Hatfield in Hatfields & McCoys -LRB- 2012 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The capitol city of Catalonia is Barcelona . +08-13 15:28 root DEBUG Barcelona -LRB- -LSB- bɑrsəˈloʊnə -RSB- , -LSB- bəɾsəˈlonə -RSB- , -LSB- barθeˈlona -RSB- -RRB- is the capital city of the autonomous community of Catalonia in the Kingdom of Spain , as well as the country 's second most populous municipality , with a population of 1.6 million within city limits . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fraud is to deprive a victim of a lawful right . +08-13 15:28 root DEBUG In law , fraud is deliberate deception to secure unfair or unlawful gain , or to deprive a victim of a legal right . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Visigoths rapidly extinguished the culture of their Hispano-Roman subjects . +08-13 15:28 root DEBUG In or around 589 , the Visigoths under Reccared I converted from Arianism to Nicene Christianity , gradually adopting the culture of their Hispano-Roman subjects . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ang Lee works in the film industry . +08-13 15:28 root DEBUG Lee 's earlier films , such as The Wedding Banquet , Pushing Hands , and Eat Drink Man Woman explored the relationships and conflicts between tradition and modernity , Eastern and Western . Eat Drink Man Woman is a 1994 Taiwanese film directed by Ang Lee and starring Sihung Lung , Yu-wen Wang , Chien-lien Wu , and Kuei-mei Yang . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cthulhu is a gigantic deity . +08-13 15:28 root DEBUG Lovecraft depicts Cthulhu as a gigantic entity worshipped by cultists . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nina Jacobson is a film executive . +08-13 15:28 root DEBUG Nina Jacobson -LRB- born 1965 -RRB- is an American film executive who , until July 2006 , was president of the Buena Vista Motion Pictures Group , a subsidiary of The Walt Disney Company . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fred Seibert has a career as a blues record producer . +08-13 15:28 root DEBUG He has produced live action and animated programs for cable television , and the internet , and began his professional career as a jazz and blues record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Pegg is a person who acts . +08-13 15:28 root DEBUG Simon John Pegg -LRB- né Beckingham ; born 14 February 1970 -RRB- is an English actor , comedian , screenwriter , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Bacon has only acted in stage productions . +08-13 15:28 root DEBUG His notable films include musical-drama film Footloose -LRB- 1984 -RRB- , the controversial historical conspiracy legal thriller JFK -LRB- 1991 -RRB- , the legal drama A Few Good Men -LRB- 1992 -RRB- , the historical docudrama Apollo 13 -LRB- 1995 -RRB- , and the mystery drama Mystic River -LRB- 2003 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sejong the Great was a ruler . +08-13 15:28 root DEBUG Sejong the Great -LRB- -LSB- se.dʑoŋ -RSB- ; 15 May 1397 - 8 April 1450 -RRB- was the fourth king of Joseon-dynasty Korea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG American Library Association has more than 62,000,000 members . +08-13 15:28 root DEBUG It is the oldest and largest library association in the world , with more than 62,000 members . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SummerSlam only had a pre-show . +08-13 15:28 root DEBUG Ten matches were contested at the event , with no pre-show . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saturn Award for Best Fantasy Film is presented by the Academy of Motion Picture Arts and Sciences . +08-13 15:28 root DEBUG The Saturn Award for Best Fantasy Film is an award presented to the best film in the fantasy genre by the Academy of Science Fiction , Fantasy & Horror Films . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian National Congress was founded before the establishment of the British Raj . +08-13 15:28 root DEBUG It was founded in Bombay in late December 1885 , during the British Raj in India . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Floyd Mayweather Jr. has made 30 career boxing knockouts . +08-13 15:28 root DEBUG He finished his career with a record of 26 wins without a loss or draw in world title fights -LRB- 10 by KO -RRB- ; 23 wins -LRB- 9 KOs -RRB- in lineal title fights ; 24 wins -LRB- 7 KOs -RRB- against former or current world titlists ; 12 wins -LRB- 3 KOs -RRB- against former or current lineal champions ; and 2 wins -LRB- 1 KO -RRB- against International Boxing Hall of Fame inductees . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A.J. Styles was the winner of a WWE Championship . +08-13 15:28 root DEBUG After appearing at his first WrestleMania that April , Styles headlined multiple pay-per-view events en route to winning his first WWE Championship at Backlash in September , holding the title up until 2017 's Royal Rumble in January . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touch My Body , from Carey 's eleventh studio album , was released in 2008 . +08-13 15:28 root DEBUG `` Touch My Body '' is a song by American singer and songwriter Mariah Carey , taken from her eleventh studio album , E = MC ² -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Laura Robson lost the Wimbledon Junior Girls ' Championship . +08-13 15:28 root DEBUG She debuted on the International Tennis Federation -LRB- ITF -RRB- junior tour in 2007 , and a year later won the Wimbledon Junior Girls ' Championship at the age of 14 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vic Mensa graduated from college June 6 , 1993 . +08-13 15:28 root DEBUG Victor Kwesi Mensah -LRB- born June 6 , 1993 -RRB- , better known by his stage name Vic Mensa , is a Grammy-nominated American rapper from Chicago , Illinois . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth Olsen is a person . +08-13 15:28 root DEBUG Elizabeth Chase `` Lizzie '' Olsen -LRB- born February 16 , 1989 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan sits outside of Central and Western Asia . +08-13 15:28 root DEBUG Pakistan -LRB- -LSB- pɑːkᵻˈstɑːn -RSB- -LSB- -RRB- , officially the Islamic Republic of Pakistan -LRB- -LSB- -RRB- , is a federal parliamentary republic in South Asia on the crossroads of Central and Western Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Freddie Highmore starred in the television series Bates Motel as Norman Bates . +08-13 15:28 root DEBUG For five seasons , Highmore starred as Norman Bates in the A&E drama-thriller series Bates Motel -LRB- 2013 -- 2017 -RRB- , for which he was twice nominated for the Critics ' Choice Television Award for Best Actor in a Drama Series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Loretta Sanchez was born on January 27 , 1960 . +08-13 15:28 root DEBUG Loretta L. Sánchez -LRB- born January 7 , 1960 -RRB- is an American politician who served in the United States House of Representatives from 1997 to 2017 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sabbir Khan directed zero films . +08-13 15:28 root DEBUG Sabbir Khan is an Indian film director and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manchester by the Sea is a movie . +08-13 15:28 root DEBUG Manchester by the Sea is a 2016 American drama film written and directed by Kenneth Lonergan , and starring Casey Affleck , Michelle Williams , Kyle Chandler , and Lucas Hedges . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sennacherib 's youngest son was Esarhaddon . +08-13 15:28 root DEBUG He was assassinated in obscure circumstances in 681 BCE , apparently by his eldest son -LRB- his designated successor , Esarhaddon , was the youngest -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War ended in 1860 . +08-13 15:28 root DEBUG The American Civil War was fought in the United States from 1861 to 1865 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hebe and Heracles were married . +08-13 15:28 root DEBUG Hebe was the cupbearer for the gods and goddesses of Mount Olympus , serving their nectar and ambrosia , until she was married to Heracles -LRB- Roman equivalent : Hercules -RRB- ; her successor was the divine hero Ganymede . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Franklin was a spokesman . +08-13 15:28 root DEBUG Franklin was a renowned polymath and a leading author , printer , political theorist , politician , freemason , postmaster , scientist , inventor , civic activist , statesman , and diplomat . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Color of Night came out in 2003 . +08-13 15:28 root DEBUG Color of Night is a 1994 American erotic mystery thriller film produced by Cinergi Pictures and released in the United States by Hollywood Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barbarella is science fiction . +08-13 15:28 root DEBUG Barbarella is a 1968 science fiction film directed by Roger Vadim based on the French comic Barbarella . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hair -LRB- musical -RRB- won a Drama Desk Award . +08-13 15:28 root DEBUG A Broadway revival opened in 2009 , earning strong reviews and winning the Tony Award and Drama Desk Award for best revival of a musical . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Paper was directed by Barack Obama . +08-13 15:28 root DEBUG The Paper is a 1994 American comedy-drama film directed by Ron Howard and starring Michael Keaton , Glenn Close , Marisa Tomei , Randy Quaid and Robert Duvall . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Road House is a film . +08-13 15:28 root DEBUG Road House is a 1989 American action film directed by Rowdy Herrington and starring Patrick Swayze as a bouncer at a newly refurbished roadside bar who protects a small town in Missouri from a corrupt businessman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Backing vocalist 's responsibility includes singing with the lead vocalist . +08-13 15:28 root DEBUG Backing vocalists are singers who provide vocal harmony with the lead vocalist or other backing vocalists . Vocal harmony is a style of vocal music in which a consonant note or notes are simultaneously sung as a main melody in a predominantly homophonic texture . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carey Hayes was born in June of 1961 . +08-13 15:28 root DEBUG Carey Hayes -LRB- born April 21 , 1961 in Portland , Oregon -RRB- is an American screenwriter and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southern Hospitality fell to number 23 on the Top 40 . +08-13 15:28 root DEBUG The song debuted at # 86 on the Billboard Hot 100 on January 20 , 2001 , reached the Top 40 at # 38 on February 10 , 2001 , and peaked at # 23 on March 24 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ron Dennis is the Global Consultant for Minsheng Investment Corporation . +08-13 15:28 root DEBUG He is the Global Consultant for the state owned China Minsheng Investment Group and also the chairman for the UK Summit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Google Search displays movie showtimes . +08-13 15:28 root DEBUG These include synonyms , weather forecasts , time zones , stock quotes , maps , earthquake data , movie showtimes , airports , home listings , and sports scores . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kareem Abdul-Jabbar is a former basketball player . +08-13 15:28 root DEBUG Kareem Abdul-Jabbar -LRB- born Ferdinand Lewis Alcindor Jr. ; April 16 , 1947 -RRB- is an American retired professional basketball player who played 20 seasons in the National Basketball Association -LRB- NBA -RRB- for the Milwaukee Bucks and the Los Angeles Lakers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anxiety has been linked with physical symptoms such as IBS . +08-13 15:28 root DEBUG Furthermore , anxiety has been linked with physical symptoms such as IBS and can heighten other mental health illnesses such as OCD and panic disorder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Backing vocalists can not ever sing . +08-13 15:28 root DEBUG Backing vocalists are singers who provide vocal harmony with the lead vocalist or other backing vocalists . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG ASAP Rocky is a music video director . +08-13 15:28 root DEBUG Rocky has also directed music videos for himself , Danny Brown and other A$ AP Mob members . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Salman Rushdie was the writer of a novel published in 1981 . +08-13 15:28 root DEBUG His second novel , Midnight 's Children -LRB- 1981 -RRB- , won the Booker Prize in 1981 and was deemed to be `` the best novel of all winners '' on two separate occasions , marking the 25th and the 40th anniversary of the prize . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Night of the Living Dead had George A. Romero as its director in the beginning . +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film , directed by George A. Romero , starring Duane Jones and Judith O'Dea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth Olsen refuses to act . +08-13 15:28 root DEBUG She is known for her roles in the films Silent House -LRB- 2011 -RRB- , Liberal Arts -LRB- 2012 -RRB- , Godzilla -LRB- 2014 -RRB- , Avengers : Age of Ultron -LRB- 2015 -RRB- and Captain America : Civil War -LRB- 2016 -RRB- . It stars Aaron Taylor-Johnson , Ken Watanabe , Elizabeth Olsen , Juliette Binoche , Sally Hawkins , David Strathairn , and Bryan Cranston . The second film directed by , written by , and starring Josh Radnor , it tells the story of 35-year-old Jesse -LRB- Radnor -RRB- who has a romantic relationship with Zibby -LRB- Elizabeth Olsen -RRB- , a 19-year-old college student . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Latvian Soviet Socialist Republic was a republic of the Union of Soviet Socialist Republics . +08-13 15:28 root DEBUG The Latvian Soviet Socialist Republic -LRB- Latvian SSR ; Latvijas Padomju Sociālistiskā Republika Латвийская Советская Социалистическая Республика , Latviyskaya Sovetskaya Sotsialisticheskaya Respublika -RRB- , also known as Soviet Latvia or Latvia , was a republic of the Soviet Union . The Soviet Union -LRB- -LSB- Сове́тский Сою́з , r = Sovetskiy Soyuz -RSB- -LSB- sɐ ` vʲetskʲɪj sɐˈjʉs -RSB- -RRB- , officially the Union of Soviet Socialist Republics -LRB- USSR ; Сою́з Сове́тских Социалисти́ческих Респу́блик , -LSB- sɐˈjus sɐˈvʲɛtskʲɪx sətsɨəlʲɪsˈtʲitɕɪskʲɪx rʲɪˈspublʲɪk -RSB- -RRB- , also known unofficially as Russia -LRB- -LSB- Росси́я , Rossiya , rɐˈsʲijə -RSB- -RRB- , was a socialist state in Eurasia that existed from 1922 to 1991 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple of the Dog toured in 1906 . +08-13 15:28 root DEBUG Temple of the Dog was an American rock band that formed in Seattle , Washington in 1990 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A. P. J. Abdul Kalam was elected as President of India . +08-13 15:28 root DEBUG Avul Pakir Jainulabdeen Abdul Kalam better known as A.P.J. Abdul Kalam -LSB- ˈæbdʊl_kəˈlɑːm -RSB- -LRB- 15 October 1931 -- 27 July 2015 -RRB- was the 11th President of India from 2002 to 2007 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prince Charles and Lady Diana 's wedding anniversary was a traditional wedding service . +08-13 15:28 root DEBUG The ceremony was a traditional Church of England wedding service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Little Dorrit was originally published in serial form . +08-13 15:28 root DEBUG Little Dorrit is a novel by Charles Dickens , originally published in serial form between 1855 and 1857 . In literature , a serial is a printed format by which a single larger work , often a work of narrative fiction , is published in sequential installments . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dopamine induces neuromodulation . +08-13 15:28 root DEBUG Major neuromodulators in the central nervous system include dopamine , serotonin , acetylcholine , histamine , and norepinephrine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Part of The Last Song -LRB- film -RRB- was filmed on a pier . +08-13 15:28 root DEBUG Filming lasted from June 15 to August 18 , 2009 with much of it occurring on the island 's beach and pier . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Book of Mormon predated the Grammy Award for Best Musical Theater Album . +08-13 15:28 root DEBUG The show was awarded nine Tony Awards , one of which was for Best Musical , and a Grammy Award for Best Musical Theater Album . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Practical Magic is based on a 1995 novel . +08-13 15:28 root DEBUG Practical Magic is a 1998 American romantic comedy film based on the 1995 novel of the same name by Alice Hoffman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is an island called Java . +08-13 15:28 root DEBUG Java -LRB- Indonesian : Jawa ; Javanese : ꦗꦮ ; Sundanese : -RRB- is an island of Indonesia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hinduism has texts . +08-13 15:28 root DEBUG These texts discuss theology , philosophy , mythology , Vedic yajna , Yoga , agamic rituals , and temple building , among other topics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SpongeBob SquarePants is a series . +08-13 15:28 root DEBUG SpongeBob SquarePants is an American animated television series created by marine biologist and animator Stephen Hillenburg for Nickelodeon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Night of the Living Dead is a 1990 Australian music video . +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film , directed by George A. Romero , starring Duane Jones and Judith O'Dea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple of the Dog is the name of a band . +08-13 15:28 root DEBUG Temple of the Dog was an American rock band that formed in Seattle , Washington in 1990 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Good Day to Die Hard was directed solely by Ridley Scott . +08-13 15:28 root DEBUG The film was directed by John Moore and written by Skip Woods , and stars Bruce Willis as John McClane . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hammer Film Productions produced at least one film in 2012 . +08-13 15:28 root DEBUG Since then it has produced several films , including Let Me In -LRB- 2010 -RRB- , The Resident -LRB- 2011 -RRB- , The Woman in Black -LRB- 2012 -RRB- and The Quiet Ones -LRB- 2014 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Granite is an igneous rock . +08-13 15:28 root DEBUG Granite -LRB- -LSB- pronˈɡrænᵻt -RSB- -RRB- is a common type of felsic intrusive igneous rock that is granular and phaneritic in texture . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Monster is a work of music . +08-13 15:28 root DEBUG `` The Monster '' is a song by American rapper Eminem , featuring guest vocals from Barbadian singer Rihanna , taken from Eminem 's album The Marshall Mathers LP 2 -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paul von Hindenburg was a military officer . +08-13 15:28 root DEBUG Paul Ludwig Hans Anton von Beneckendorff und von Hindenburg , known generally as Paul von Hindenburg -LRB- -LSB- ˈpaʊl fɔn ˈhɪndn̩bʊɐ̯k -RSB- ; 2 October 1847 -- 2 August 1934 -RRB- was a German military officer , statesman , and politician who largely controlled German policy in the second half of World War I and served as the elected President of Germany from 1925 until his death in 1934 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium is an element . +08-13 15:28 root DEBUG Uranium is a chemical element with symbol U and atomic number 92 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A.J. Styles won a championship . +08-13 15:28 root DEBUG While in TNA , Styles held the NWA World Heavyweight Championship three times and the TNA World Heavyweight Championship twice . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exit the King premiered in 1962 . +08-13 15:28 root DEBUG Exit the King -LRB- Le Roi se meurt -RRB- is an absurdist drama by Eugène Ionesco that premiered in 1962 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Michael Hutchence has yet to die . +08-13 15:28 root DEBUG Michael Kelland John Hutchence -LRB- 22 January 1960 -- 22 November 1997 -RRB- was an Australian musician and actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 was directed by Sam Raimi . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych -LRB- season 2 -RRB- originally aired on a television channel . +08-13 15:28 root DEBUG The second season of Psych originally aired in the United States on USA Network from July 13 , 2007 to February 15 , 2008 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gory Guerrero was born on January 11th , 1921 . +08-13 15:28 root DEBUG Salvador Guerrero Quesada -LRB- January 11 , 1921 -- April 18 , 1990 -RRB- , better known as Gory Guerrero , was one of the premier Hispanic professional wrestlers in the early days of Lucha Libre when most wrestlers were imported from outside of Mexico . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Night of the Living Dead is a series of seven serial murders . +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film , directed by George A. Romero , starring Duane Jones and Judith O'Dea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandal is a band from America . +08-13 15:28 root DEBUG Scandal is an American rock band from the 1980s fronted by Patty Smyth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A player-coach is unable to become a assistant coach . +08-13 15:28 root DEBUG A player-coach may be a head coach or an assistant coach . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Bosh played with the basketball team in Miami . +08-13 15:28 root DEBUG Christopher Wesson Bosh -LRB- born March 24 , 1984 -RRB- is an American professional basketball player for the Miami Heat of the National Basketball Association -LRB- NBA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Syco is a company focused on entertainment . +08-13 15:28 root DEBUG Syco Entertainment , often known simply as Syco , is a British entertainment company established by British entertainment mogul Simon Cowell . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Azithromycin is available as a generic medication , sold as azithromycin . +08-13 15:28 root DEBUG It is available as a generic medication and is sold under many trade names worldwide . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maria Theresa was the rival of Emperor Charles VI . +08-13 15:28 root DEBUG She started her 40-year reign when her father , Emperor Charles VI , died in October 1740 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The X-Files starred an actor . +08-13 15:28 root DEBUG In January 2016 , a tenth season of The X-Files aired , featuring Carter as executive producer and writer , and starring David Duchovny and Gillian Anderson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sebastian Vettel was not a race car driver . +08-13 15:28 root DEBUG Sebastian Vettel -LRB- -LSB- zeˈbasti̯an ˈfɛtl̩ -RSB- ; born 3 July 1987 -RRB- is a German racing driver currently driving in Formula One for Scuderia Ferrari . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party was released in May of 2016 . +08-13 15:28 root DEBUG The film 's rough cut premiered on March 14 , 2016 at South by Southwest and the film was theatrically released in the United States and Canada on August 12 , 2016 by Columbia Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A near-Earth object is one whose orbit brings it into proximity with Earth . +08-13 15:28 root DEBUG A near-Earth object -LRB- NEO -RRB- is any small Solar System body whose orbit brings it into proximity with Earth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fiji Hindi has been isolated from influence by Magahi and other Bihari languages . +08-13 15:28 root DEBUG It is an Eastern Hindi language that has been subject to considerable influence by Awadhi , Bhojpuri , Magahi and other Bihari languages . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One of the major features of Zoroastrianism is the belief and doctrine called messianism . +08-13 15:28 root DEBUG Major features of Zoroastrianism , such as messianism , heaven and hell , and free will have , some believe , influenced other religious systems , including Second Temple Judaism , Gnosticism , Christianity , and Islam . In Abrahamic religions , Messianism is the belief and doctrine that is centered on the advent of the messiah , who acts as the chosen savior and leader of humanity by God . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Costner has won things . +08-13 15:28 root DEBUG In television , Costner won the Primetime Emmy Award for Outstanding Lead Actor in a Miniseries or a Movie , the Golden Globe Award for Best Actor -- Miniseries or Television Film , and the Screen Actors Guild Award for Outstanding Performance by a Male Actor in a Miniseries or Television Movie for his role as Devil Anse Hatfield in Hatfields & McCoys -LRB- 2012 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Paul is a four-time NBA team owner . +08-13 15:28 root DEBUG The point guard has won the NBA Rookie of the Year Award , two Olympic gold medals , and led the NBA in assists four times and steals six times . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Parkinson 's disease causes symptoms . +08-13 15:28 root DEBUG Early in the disease , the most obvious are shaking , rigidity , slowness of movement , and difficulty with walking . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Brolin is an actor . +08-13 15:28 root DEBUG James Brolin -LRB- -LSB- ˈbroʊlᵻn -RSB- born July 18 , 1940 -RRB- is an American actor , producer , and director , best known for his roles in film and television , including sitcoms and soap operas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quiet was directed by Stanley Kubrick . +08-13 15:28 root DEBUG The Quiet is a 2005 American drama thriller film directed by Jamie Babbit and starring Camilla Belle and Elisha Cuthbert . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exotic Birds achieved mostly local failure . +08-13 15:28 root DEBUG They achieved mainly local success , but appeared as an opening band for Culture Club , Eurythmics , and Information Society . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Google Search shows home listings . +08-13 15:28 root DEBUG These include synonyms , weather forecasts , time zones , stock quotes , maps , earthquake data , movie showtimes , airports , home listings , and sports scores . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jed Whedon is a citizen . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Quay premiered in the 2010s . +08-13 15:28 root DEBUG The film premiered at the Film Forum theatre in New York City on 19 August 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harry Fraud is a high school graduate . +08-13 15:28 root DEBUG Primarily a hip hop producer , Fraud began producing at an early age and began interning at a recording studio after graduating high school . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The current Duke of York has been unmarried since his 1996 divorce . +08-13 15:28 root DEBUG Prince Andrew currently has no male heirs and has been unmarried since his 1996 divorce . Prince Andrew , Duke of York , -LRB- Andrew Albert Christian Edward , born 19 February 1960 -RRB- , is the second son and third child of Queen Elizabeth II and Prince Philip , Duke of Edinburgh . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Live Nation Entertainment formed from the merger of Live Nation and Canada . +08-13 15:28 root DEBUG Live Nation Entertainment is an American global entertainment company , formed from the merger of Live Nation and Ticketmaster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Flew Over the Cuckoo 's Nest came out in 1930 . +08-13 15:28 root DEBUG One Flew Over the Cuckoo 's Nest is a 1975 American comedy-drama film directed by Miloš Forman , based on the 1962 novel One Flew Over the Cuckoo 's Nest by Ken Kesey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hinduism contains a range of philosophies . +08-13 15:28 root DEBUG Although Hinduism contains a broad range of philosophies , it is linked by shared concepts , recognisable rituals , cosmology , shared textual resources , and pilgrimage to sacred sites . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Linkin Park released Meteora in 2003 . +08-13 15:28 root DEBUG Their following studio album Meteora continued the band 's success , topping the Billboard 200 album chart in 2003 , and was followed by extensive touring and charity work around the world . It was released on March 25 , 2003 through Warner Bros. . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chinatown was directed Quentin Tarantino exclusively . +08-13 15:28 root DEBUG Chinatown is a 1974 American neo-noir mystery film , directed by Roman Polanski from a screenplay by Robert Towne , starring Jack Nicholson and Faye Dunaway . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Unison -LRB- Celine Dion album -RRB- was originally released by Atlantic Records . +08-13 15:28 root DEBUG The album was originally released on 2 April 1990 by Columbia Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was put out by lamp . +08-13 15:28 root DEBUG See You on the Other Side is the seventh studio album by Korn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was played in Grassy Butte , North Dakota . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SummerSlam was held in 2001 . +08-13 15:28 root DEBUG It took place on August 23 , 2015 , at Barclays Center in Brooklyn , New York . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ned Stark 's cast was nominated for a dead body . +08-13 15:28 root DEBUG He and the rest of the cast were nominated for Screen Actors Guild Awards for Outstanding Performance by an Ensemble in a Drama Series in 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matt Bomer 's first middle name is Staton . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was played at Cowboys Stadium . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gory Guerrero was a professional athlete . +08-13 15:28 root DEBUG Salvador Guerrero Quesada -LRB- January 11 , 1921 -- April 18 , 1990 -RRB- , better known as Gory Guerrero , was one of the premier Hispanic professional wrestlers in the early days of Lucha Libre when most wrestlers were imported from outside of Mexico . Professional wrestling -LRB- often shortened pro wrestling , wrestling -RRB- is a form of performance art which combines athletics with theatrical performance.Roland Barthes , `` The World of Wrestling '' , Mythologies , 1957 It takes the form of events , held by touring companies , which mimic a title match combat sport . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victor Frankenstein is based on contemporary adaptations Pride and Prejudice . +08-13 15:28 root DEBUG Victor Frankenstein is a 2015 American science fiction fantasy horror film based on contemporary adaptations of Mary Shelley 's 1818 novel Frankenstein . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doug Petrie appeared in a web-based film . +08-13 15:28 root DEBUG He made a cameo on Joss Whedon 's web-based film , Dr. Horrible 's Sing-Along Blog , as `` Professor Normal '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ekta Kapoor only worked in film . +08-13 15:28 root DEBUG Ekta Kapoor -LRB- born 7 June 1975 -RRB- is an Indian TV and film producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stomp the Yard features an American actress born in 1981 in a prominent role . +08-13 15:28 root DEBUG The film stars Columbus Short , Meagan Good , Darrin Henson , Brian White , Laz Alonso , and Valarie Pettiford , with Harry Lennix , and , in their film debuts , R&B singers Ne-Yo & Chris Brown . Meagan Monique Good -LRB- born August 8 , 1981 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hannah and Her Sisters is an American film . +08-13 15:28 root DEBUG Hannah and Her Sisters is a 1986 American comedy-drama film which tells the intertwined stories of an extended family over two years that begins and ends with a family Thanksgiving dinner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a rock called Granite . +08-13 15:28 root DEBUG Granite -LRB- -LSB- pronˈɡrænᵻt -RSB- -RRB- is a common type of felsic intrusive igneous rock that is granular and phaneritic in texture . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ding Yanyuhang is a professional basketball player . +08-13 15:28 root DEBUG Ding Yanyuhang -LRB- alternate spelling : Yan Yu Hang -RRB- -LRB- , born August 20 , 1993 -RRB- is a Chinese professional basketball player . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Innovation is often also seen as the application of better solutions that meet new requirements . +08-13 15:28 root DEBUG However , innovation is often also viewed as the application of better solutions that meet new requirements , unarticulated needs , or existing market needs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Unison -LRB- Celine Dion album -RRB- was originally released by a Russian record label . +08-13 15:28 root DEBUG The album was originally released on 2 April 1990 by Columbia Records . Columbia Records -LRB- also known simply as Columbia -RRB- is an American record label owned by Sony Music Entertainment -LRB- SME -RRB- , a subsidiary of Sony Corporation of America , Inc. , the United States division of Sony Corporation . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Siege of Fort Stanwix took place in Nebraska . +08-13 15:28 root DEBUG Fort Stanwix , in the western part of the Mohawk River Valley , was then the primary defense point for the Continental Army against British and Indian forces aligned against them in the American Revolutionary War . Fort Stanwix was a colonial fort whose construction commenced on August 26 , 1758 , under the direction of British General John Stanwix , at the location of present-day Rome , New York , but was not completed until about 1762 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Key & Peele has won an Academy Award . +08-13 15:28 root DEBUG Key & Peele won a Peabody Award and two Primetime Emmy Awards and has been nominated for various other awards , including Writers Guild Award , NAACP Image Award and 16 additional Primetime Emmy Awards in various categories . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sensitive Skin 's first series aired in mid-2007 . +08-13 15:28 root DEBUG Series 1 aired in Australia on ABC TV in mid-2007 -LRB- repeated 2009 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ares is an Olympian . +08-13 15:28 root DEBUG He is one of the Twelve Olympians , and the son of Zeus and Hera . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ding Yanyuhang was born in May of 1993 . +08-13 15:28 root DEBUG Ding Yanyuhang -LRB- alternate spelling : Yan Yu Hang -RRB- -LRB- , born August 20 , 1993 -RRB- is a Chinese professional basketball player . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Moyer and Ron Perlman worked together . +08-13 15:28 root DEBUG In 1997 , Moyer made his big-screen debut landing the lead role in the film adaptation of the long-running comic strip Prince Valiant by Hal Foster , working alongside Ron Perlman and Katherine Heigl . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gaius Julius Caesar was a politician . +08-13 15:28 root DEBUG Gaius Julius Caesar -LRB- ca. 130 BC -- 85 BC -RRB- was a Roman senator , a supporter of his brother-in-law , Gaius Marius , and the father of Gaius Julius Caesar , the dictator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The IPhone 4 was marketed by Apple Inc. . . +08-13 15:28 root DEBUG The iPhone 4 is a smartphone that was designed and marketed by Apple Inc. . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games are a film trilogy that started in 2012 . +08-13 15:28 root DEBUG The Hunger Games film series consists of four science fiction dystopian adventure films based on The Hunger Games trilogy of novels , by the American author Suzanne Collins . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Some Kentucky inmates are executed by lethal injection instead of the electric chair . +08-13 15:28 root DEBUG In the state of Kentucky the electric chair has been retired except for those whose capital crimes were committed prior to March 31 , 1998 , and who choose electrocution ; inmates who do not choose electrocution and inmates who committed their crimes after the designated date are executed by lethal injection . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan Brown is the author of a bestselling novel from 2003 . +08-13 15:28 root DEBUG Daniel Gerhard `` Dan '' Brown -LRB- born June 22 , 1964 -RRB- is an American author of thriller fiction who wrote the 2003 bestselling novel The Da Vinci Code . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Quay had its first public showing in Manhattan . +08-13 15:28 root DEBUG The film premiered at the Film Forum theatre in New York City on 19 August 2015 . Film Forum is a nonprofit movie theater at 209 West Houston Street in Hudson Square , Manhattan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a CW series with Maggie Q as its star . +08-13 15:28 root DEBUG She is known for starring in the action films Mission : Impossible III and Live Free or Die Hard and played the title role of The CW 's action-thriller series Nikita , airing from 2010 to 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amancio Ortega 's last name is Gaona . +08-13 15:28 root DEBUG Amancio Ortega Gaona -LRB- -LSB- aˈmanθjo orˈteɣa ɣaˈona -RSB- ; born 28 March 1936 -RRB- is a Spanish business tycoon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hezbollah received combat training from Iran . +08-13 15:28 root DEBUG Hezbollah receives military training , weapons , and financial support from Iran , and political support from Syria . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louie -LRB- season 1 -RRB- 's creator is Louis C.K. +08-13 15:28 root DEBUG Louie was created by Louis C.K. , who serves as the series ' sole writer and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Ellen Show began its broadcast in 1991 . +08-13 15:28 root DEBUG The Ellen Show is a television sitcom created by and starring Ellen DeGeneres that was broadcast during the 2001 -- 02 season on CBS . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Weill Cornell Medicine is a unit . +08-13 15:28 root DEBUG Weill Cornell Medicine -LSB- waɪl_kɔrˈnɛl -RSB- is the biomedical research unit and medical school of Cornell University , a private Ivy League university . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dulquer Salmaan received an award nomination . +08-13 15:28 root DEBUG He received his first Filmfare Award for Best Actor nomination for his performance in Ustad Hotel -LRB- 2012 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sejong the Great was born on May 15 , 1397 . +08-13 15:28 root DEBUG Sejong the Great -LRB- -LSB- se.dʑoŋ -RSB- ; 15 May 1397 - 8 April 1450 -RRB- was the fourth king of Joseon-dynasty Korea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edouard Seguin was employed with children with cognitive difficulties . +08-13 15:28 root DEBUG He is remembered for his work with children having cognitive impairments in France and the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Coeliac disease may result in heightened risk of early death . +08-13 15:28 root DEBUG If untreated , it may result in cancers such as intestinal lymphoma and a slight increased risk of early death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moscovium is a synthetic element . +08-13 15:28 root DEBUG Moscovium is a superheavy synthetic element with symbol Mc and atomic number 115 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed and Lorraine Warren were wed. . +08-13 15:28 root DEBUG Edward Warren Miney -LRB- September 7 , 1926 -- August 23 , 2006 -RRB- and Lorraine Rita Warren -LRB- née Moran , born January 31 , 1927 -RRB- were a married Roman Catholic couple who were highly controversial American paranormal investigators and authors associated with prominent cases of hauntings . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Selma to Montgomery marches were to demonstrate a desire . +08-13 15:28 root DEBUG The marches were organized by nonviolent activists to demonstrate the desire of African-American citizens to exercise their constitutional right to vote , in defiance of segregationist repression , and were part of a broader voting rights movement underway in Selma and throughout the American South . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Battle of the Bastards aired in the United States . +08-13 15:28 root DEBUG In the United States , the episode had a viewership of 7.66 million in its initial broadcast . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandal is a band . +08-13 15:28 root DEBUG Scandal is an American rock band from the 1980s fronted by Patty Smyth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yugoslavia was a place . +08-13 15:28 root DEBUG Yugoslavia -LRB- Jugoslavija / Југославија , Jugoslavija , Југославија -RRB- was a country in Southeast Europe during most of the 20th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is an event in The Challenge . +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is the thirtieth season of the MTV reality competition series , The Challenge . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cyprus is ignored by tourists . +08-13 15:28 root DEBUG Cyprus is a major tourist destination in the Mediterranean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Flew Over the Cuckoo 's Nest received 0 Oscars . +08-13 15:28 root DEBUG The film was the second to win all five major Academy Awards -LRB- Best Picture , Actor in Lead Role , Actress in Lead Role , Director , and Screenplay -RRB- following It Happened One Night in 1934 , an accomplishment not repeated until 1991 by The Silence of the Lambs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jonah Hill starred in a movie . +08-13 15:28 root DEBUG Hill is known for his comedic roles in films such as Accepted -LRB- 2006 -RRB- , Grandma 's Boy -LRB- 2006 -RRB- , Superbad -LRB- 2007 -RRB- , Knocked Up -LRB- 2007 -RRB- , Forgetting Sarah Marshall -LRB- 2008 -RRB- , Get Him to the Greek -LRB- 2010 -RRB- , 21 Jump Street -LRB- 2012 -RRB- , This Is the End -LRB- 2013 -RRB- , 22 Jump Street -LRB- 2014 -RRB- and War Dogs -LRB- 2016 -RRB- , as well as his performances in Moneyball -LRB- 2011 -RRB- and The Wolf of Wall Street -LRB- 2013 -RRB- , for which he received Academy Award nominations for Best Supporting Actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carol Danvers appears in comic books published by Marvel Comics . +08-13 15:28 root DEBUG Carol Danvers is a fictional character appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mad Max : Fury Road was released in the 21st century . +08-13 15:28 root DEBUG Mad Max : Fury Road is a 2015 action film co-written , co-produced and directed by George Miller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alex Jones was born in the nineties . +08-13 15:28 root DEBUG Alexander Emerick Jones -LRB- born February 11 , 1974 -RRB- is an American far-right radio show host , filmmaker , writer , and conspiracy theorist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barbarella is a 1968 film . +08-13 15:28 root DEBUG Barbarella is a 1968 science fiction film directed by Roger Vadim based on the French comic Barbarella . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gory Guerrero died on April 12th , 1990 . +08-13 15:28 root DEBUG Salvador Guerrero Quesada -LRB- January 11 , 1921 -- April 18 , 1990 -RRB- , better known as Gory Guerrero , was one of the premier Hispanic professional wrestlers in the early days of Lucha Libre when most wrestlers were imported from outside of Mexico . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harry Fraud refused to intern at a recording studio . +08-13 15:28 root DEBUG Primarily a hip hop producer , Fraud began producing at an early age and began interning at a recording studio after graduating high school . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indiana Pacers were first established in 1961 . +08-13 15:28 root DEBUG The Pacers were first established in 1967 as a member of the American Basketball Association -LRB- ABA -RRB- and became a member of the NBA in 1976 as a result of the ABA -- NBA merger . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The KGB was governed by army laws and regulations . +08-13 15:28 root DEBUG The KGB was a military service and was governed by army laws and regulations , similar to the Soviet Army or MVD Internal Troops . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jarhead , a 2005 American biographical war drama , was directed by Jim Jarmusch . +08-13 15:28 root DEBUG Jarhead is a 2005 American biographical war drama film based on U.S. Marine Anthony Swofford 's 2003 memoir of the same name , directed by Sam Mendes , starring Jake Gyllenhaal as Swofford with Jamie Foxx , Peter Sarsgaard and Chris Cooper . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Since 2011 , Mamata Banerjee has actively served as Chief Minster of West Bengal . +08-13 15:28 root DEBUG Mamata Banerjee -LRB- -LSB- mɔmɔt̪a bɔnd̪d̪oˈpad̪ʱˈae̯ -RSB- -LRB- Bengali - মমতা বন্দপাধ্যায় -RRB- also known as Didi was born 5 January 1955 -RRB- is an Indian politician who has been Chief Minister of West Bengal since 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1963 , the Guthrie Theater 's first building began operating . +08-13 15:28 root DEBUG The first building was designed by Ralph Rapson , included a 1,441-seat thrust stage designed by Tanya Moiseiwitsch , and was operated from 1963 -- 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Paper was only directed by Steven Spielberg . +08-13 15:28 root DEBUG The Paper is a 1994 American comedy-drama film directed by Ron Howard and starring Michael Keaton , Glenn Close , Marisa Tomei , Randy Quaid and Robert Duvall . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georgians arose from a place that was a kingdom in the Caucasus . +08-13 15:28 root DEBUG Georgians arose from the ancient Colchian and Iberian civilizations . In Greco-Roman geography , Iberia -LRB- Ancient Greek : Ἰβηρία Hiberia -RRB- was an exonymic name for a Georgian kingdom of Kartli , known after its core province , which during Classical Antiquity and the Early Middle Ages was a significant monarchy in the Caucasus , either as an independent state or as a dependent of larger empires , notably the Sassanid and Roman empires . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trouble with the Curve is a film . +08-13 15:28 root DEBUG Trouble with the Curve is a 2012 sports-drama film directed by Robert Lorenz , and starring Clint Eastwood , Amy Adams , Justin Timberlake , Matthew Lillard and John Goodman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brown University 's main campus is located in Providence . +08-13 15:28 root DEBUG Brown University is a private Ivy League research university in Providence , Rhode Island , United States , founded in 1764 as `` The College in the English Colony of Rhode Island and Providence Plantations . '' +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brian De Palma is a screenwriter . +08-13 15:28 root DEBUG Brian Russell De Palma -LRB- born September 11 , 1940 -RRB- is an American film director and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mikhail Prokhorov is the former chairman of Polyus Gold . +08-13 15:28 root DEBUG He is the former chairman of Polyus Gold , Russia 's largest gold producer , and the former President of Onexim Group . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Lorenz directed Trouble with the Curve . +08-13 15:28 root DEBUG Trouble with the Curve is a 2012 sports-drama film directed by Robert Lorenz , and starring Clint Eastwood , Amy Adams , Justin Timberlake , Matthew Lillard and John Goodman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a mental disorder called Dissociative identity disorder . +08-13 15:28 root DEBUG Dissociative identity disorder -LRB- DID -RRB- , also known as multiple personality disorder -LRB- MPD -RRB- , is a mental disorder characterized by at least two distinct and relatively enduring identities or dissociated personality states . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kung Fu Panda made $ 36,000 total during its opening weekend . +08-13 15:28 root DEBUG Kung Fu Panda opened in 4,114 theaters , grossing $ 20.3 million on its opening day and $ 60.2 million on its opening weekend , resulting in the number one position at the box office . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A thunderstorm is a subclass of storm . +08-13 15:28 root DEBUG A thunderstorm , also known as an electrical storm , lightning storm , or thundershower , is a storm characterized by the presence of lightning and its acoustic effect on the Earth 's atmosphere , known as thunder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film directed by James Cameron . +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film to be directed by Lewis Gilbert , who later directed the 1977 film The Spy Who Loved Me and the 1979 film Moonraker , both starring Roger Moore . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah is a situational comedy . +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah -LRB- English : Taarak Mehta 's Different Perspective -RRB- is India 's longest running sitcom serial produced by Neela Tele Films Private Limited . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jefferson Davis grew up on cotton plantations . +08-13 15:28 root DEBUG Davis was born in Kentucky to a moderately prosperous farmer , and grew up on his older brother Joseph 's large cotton plantations in Mississippi and Louisiana . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benzodiazepine is a type of medicine . +08-13 15:28 root DEBUG Benzodiazepines -LRB- BZD , BZs -RRB- , sometimes called `` benzos '' , are a class of psychoactive drugs whose core chemical structure is the fusion of a benzene ring and a diazepine ring . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aubrey Anderson-Emmons is an actress that is a child . +08-13 15:28 root DEBUG Aubrey Frances Anderson-Emmons -LRB- born June 6 , 2007 -RRB- is an American child actress , known for her role as Lily Tucker-Pritchett on ABC 's Modern Family . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Commodore is a naval rank in America . +08-13 15:28 root DEBUG It is sometimes abbreviated : as `` Cdre '' in British Royal Navy , `` CDRE '' in the US Navy , `` Cmdre '' in the Royal Canadian Navy , `` COMO '' in the Spanish Navy and in some navies speaking the Spanish language , or `` CMDE '' as used in the Indian Navy or in some other Navies . The United States Navy -LRB- USN -RRB- is the naval warfare service branch of the United States Armed Forces and one of the seven uniformed services of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The oldest branch of physics is astronomy . +08-13 15:28 root DEBUG Physics is one of the oldest academic disciplines , perhaps the oldest through its inclusion of astronomy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kaya Scodelario performed in teen drama Skins . +08-13 15:28 root DEBUG She made her acting debut as Effy Stonem on the E4 teen drama Skins -LRB- 2007-2010 -RRB- , for which she received recognition and critical praise , garnering two Golden Nymph Award nominations for Outstanding Actress in a Drama Series and two TV Quick Award nominations for Best Actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aeneas is in Roman mythology . +08-13 15:28 root DEBUG In Greco-Roman mythology , Aeneas -LRB- -LSB- ᵻˈniːəs -RSB- Greek : Αἰνείας , Aineías , possibly derived from Greek αἰνή meaning `` praised '' -RRB- was a Trojan hero , the son of the prince Anchises and the goddess Venus -LRB- Aphrodite -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The English Wikipedia is an edition of a free online almanac . +08-13 15:28 root DEBUG The English Wikipedia is the English-language edition of the free online encyclopedia Wikipedia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Bacon was in a 2004 film . +08-13 15:28 root DEBUG Bacon is also known for taking on darker roles such as that of a sadistic guard in Sleepers and troubled former child abuser in a critically acclaimed performance in The Woodsman . The Woodsman is a 2004 drama film directed and co-written -LRB- with Steven Fechter -RRB- by Nicole Kassell , based on Fechter 's play of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edouard Seguin was employed in the United States . +08-13 15:28 root DEBUG He is remembered for his work with children having cognitive impairments in France and the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Vandals were first heard of in southern Poland . +08-13 15:28 root DEBUG The Vandals were an East Germanic tribe , or group of tribes , who were first heard of in southern Poland , but later moved around Europe establishing kingdoms in Spain and later North Africa in the 5th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kareena Kapoor wrote negative reviews . +08-13 15:28 root DEBUG This initial success was followed by a series of commercial failures and repetitive roles , which garnered her negative reviews . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 was written by robots . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mars is in the Solar System , closer to the sun than Earth . +08-13 15:28 root DEBUG Mars is the fourth planet from the Sun and the second-smallest planet in the Solar System , after Mercury . In order of increasing distance from the Sun , they are the four terrestrials , Mercury , Venus , Earth , and Mars , then the four giant planets , Jupiter , Saturn , Uranus , and Neptune . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gaius Julius Caesar was Roman . +08-13 15:28 root DEBUG Gaius Julius Caesar -LRB- ca. 130 BC -- 85 BC -RRB- was a Roman senator , a supporter of his brother-in-law , Gaius Marius , and the father of Gaius Julius Caesar , the dictator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matt Bomer is a performer . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was certified platinum in 2006 . +08-13 15:28 root DEBUG The album was first certified gold in the United States on January 12 , 2006 ; a subsequent platinum record certification was awarded on March 16 , 2006 . See You on the Other Side is the seventh studio album by Korn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG University of Chicago Law School is ranked egg in the 2016 QS World University Rankings . +08-13 15:28 root DEBUG It is ranked 12th in the 2016 QS World University Rankings . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Brat Pack appeared together in teen-oriented coming-of-age video games . +08-13 15:28 root DEBUG The Brat Pack is a nickname given to a group of young actors who frequently appeared together in teen-oriented coming-of-age films in the 1980s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annie Lenox has released released zero albums . +08-13 15:28 root DEBUG To date , she has released six solo studio albums and a compilation album , The Annie Lennox Collection -LRB- 2009 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SpongeBob SquarePants is a highly rated series . +08-13 15:28 root DEBUG The series ' popularity has made it a media franchise , as well as the highest rated series to ever air on Nickelodeon , and the most distributed property of MTV Networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louie -LRB- season 1 -RRB- began airing in 2000 . +08-13 15:28 root DEBUG The first season of the American television comedy series Louie premiered on June 29 , 2010 and concluded on September 7 , 2010 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Mount is the holiest site in Judaism . +08-13 15:28 root DEBUG The Temple Mount is the holiest site in Judaism , which regards it as the place where God 's divine presence is manifested more than in any other place . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG George A. Romero directed Night of the Living Dead . +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film , directed by George A. Romero , starring Duane Jones and Judith O'Dea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sarah Hyland is American . +08-13 15:28 root DEBUG Sarah Jane Hyland -LRB- born November 24 , 1990 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Less than half of the population counted as Romani people in the Republic of Macedonia . +08-13 15:28 root DEBUG According to the last census from 2002 , there were 53 879 people counted as Romani in the Republic of Macedonia '' ' , or 2.66 % of the population . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mount Hood belongs to the Pacific Northwest . +08-13 15:28 root DEBUG It was formed by a subduction zone on the Pacific coast and rests in the Pacific Northwest region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Strings Attached was released on May 21 . +08-13 15:28 root DEBUG The film was released in the United States on January 21 , 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chaperone -LRB- film -RRB- was directed by Steven Spielberg . +08-13 15:28 root DEBUG The Chaperone is a 2011 American comedy film directed by Stephen Herek , and also produced by WWE Studios . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Pegg is English . +08-13 15:28 root DEBUG Simon John Pegg -LRB- né Beckingham ; born 14 February 1970 -RRB- is an English actor , comedian , screenwriter , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG China is a major country with high economic growth . +08-13 15:28 root DEBUG Since the introduction of economic reforms in 1978 , China has become one of the world 's fastest-growing major economies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lucy Hale is from the United States . +08-13 15:28 root DEBUG Karen Lucille Hale -LRB- born June 14 , 1989 -RRB- is an American actress and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG B. R. Ambedkar was a politician . +08-13 15:28 root DEBUG Bhimrao Ramji Ambedkar -LRB- 14 April 1891 -- 6 December 1956 -RRB- , popularly known as Baba Saheb , was an Indian jurist , economist , politician and social reformer who inspired the Dalit Buddhist Movement and campaigned against social discrimination against Untouchables -LRB- Dalits -RRB- , while also supporting the rights of women and labour . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Clueless -LRB- film -RRB- was followed by a spin-off television sitcom . +08-13 15:28 root DEBUG The film was followed by a spin-off television sitcom and series of books . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mandy Moore is a musician . +08-13 15:28 root DEBUG Amanda Leigh Moore -LRB- born April 10 , 1984 -RRB- is an American singer-songwriter and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In Kentucky , the electric chair has been retired except for those whose capital crimes were committed prior to March 31 , 1998 , and who choose electrocution . +08-13 15:28 root DEBUG In the state of Kentucky the electric chair has been retired except for those whose capital crimes were committed prior to March 31 , 1998 , and who choose electrocution ; inmates who do not choose electrocution and inmates who committed their crimes after the designated date are executed by lethal injection . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Levoamphetamine increases wakefulness . +08-13 15:28 root DEBUG Levoamphetamine , also known as levamfetamine -LRB- INN -RRB- , -LRB- R -RRB- - amphetamine , - amphetamine , and L-amphetamine , is a central nervous system -LRB- CNS -RRB- stimulant known to increase wakefulness and concentration in association with decreased appetite and fatigue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caesar is an adaptation of a play by William Shakespeare . +08-13 15:28 root DEBUG Caesar is the title of Orson Welles 's innovative 1937 adaptation of William Shakespeare 's Julius Caesar , a modern-dress bare-stage production that evoked comparison to contemporary Fascist Italy and Nazi Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cleopatre premiered in a manner . +08-13 15:28 root DEBUG It was first performed at the Opéra de Monte-Carlo on 23 February 1914 , nearly two years after Massenet 's death . The Opéra de Monte-Carlo is an opera house , which is part of the Monte Carlo Casino located in the principality of Monaco . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Color of Night won something . +08-13 15:28 root DEBUG Color of Night flopped at the box office and won a Golden Raspberry Award as the worst film of 1994 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice was directed by a German man . +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film to be directed by Lewis Gilbert , who later directed the 1977 film The Spy Who Loved Me and the 1979 film Moonraker , both starring Roger Moore . Lewis Gilbert , -LRB- born 6 March 1920 -RRB- is a British film director , producer and screenwriter , who has directed more than 40 films during six decades ; among them such varied titles as Reach for the Sky -LRB- 1956 -RRB- , Sink the Bismarck ! +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cthulhu is cosmic . +08-13 15:28 root DEBUG Cthulhu -LRB- -LSB- - all -LRB- k -RRB- ʟ̝̊ʊlʔɬuː -RSB- -RRB- is a cosmic entity created by writer H. P. Lovecraft and first introduced in the short story `` The Call of Cthulhu '' , published in the American pulp magazine Weird Tales in 1928 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Blue Dog Coalition is made up of politicians . +08-13 15:28 root DEBUG The Blue Dog Coalition , commonly known as the Blue Dogs or Blue Dog Democrats , is a caucus of United States Congressional Representatives from the Democratic Party who identify as conservative Democrats . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camp Flog Gnaw is hosted by musicians . +08-13 15:28 root DEBUG Camp Flog Gnaw is an annual carnival created and hosted by Tyler , The Creator and Odd Future . Odd Future Wolf Gang Kill Them All , normally shortened to Odd Future and abbreviated to OFWGKTA -LRB- stylized OFWGK † Δ -RRB- , -LRB- with an upside down cross -RRB- , is an American hip hop collective formed in Los Angeles in 2006-07 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Parkinson 's disease has afflicted people . +08-13 15:28 root DEBUG In 2015 , PD affected 6.2 million people and resulted in about 117,400 deaths globally . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Dylan Grazer is a child of two people . +08-13 15:28 root DEBUG Jack Dylan Grazer -LRB- born September 3 , 2003 -RRB- is an American child actor and was born in Los Angeles , California to parents Angela Lafever and Gavin Grazer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was played on February 9 , 2012 . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Guthrie Theater 's first building included a thrust stage with 1,441-seat . +08-13 15:28 root DEBUG The first building was designed by Ralph Rapson , included a 1,441-seat thrust stage designed by Tanya Moiseiwitsch , and was operated from 1963 -- 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maximum Overdrive was written solely by George R. R. Martin . +08-13 15:28 root DEBUG Maximum Overdrive is a 1986 American science fiction action horror comedy film written and directed by Stephen King . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kelly Bishop is the actress who portrays Lorelai Gilmore 's mom . +08-13 15:28 root DEBUG The dynamic of single parenthood and the tension between Lorelai and her wealthy parents , Richard -LRB- Edward Herrmann -RRB- and especially her controlling mother , Emily -LRB- Kelly Bishop -RRB- , form the main theme of the series story line . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nate Diaz signed a contract . +08-13 15:28 root DEBUG Prior to signing with the UFC , Diaz competed in World Extreme Cagefighting , Strikeforce , and Pancrase . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Akon has songs certified as gold . +08-13 15:28 root DEBUG Akon has had four songs certified as 3 × platinum , three songs certified as 2 × platinum , more than ten songs certified as 1 × platinum and more than ten songs certified as gold in digital sales . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG FC Bayern Munich was founded in 2000 . +08-13 15:28 root DEBUG FC Bayern was founded in 1900 by 11 football players , led by Franz John . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Benoit died in June 2007 . +08-13 15:28 root DEBUG Christopher Michael Benoit -LRB- -LSB- bəˈnwa -RSB- ; May 21 , 1967 -- June 24 , 2007 -RRB- was a Canadian professional wrestler . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Goodman has had roles . +08-13 15:28 root DEBUG Goodman 's voice roles in animated films include Pacha in Disney 's The Emperor 's New Groove -LRB- 2000 -RRB- , and Sulley in Pixar 's Monsters , Inc. -LRB- 2001 -RRB- , and Monsters University -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Maze Runner is a narrative in a visual medium . +08-13 15:28 root DEBUG The Maze Runner is a 2014 American dystopian science fiction action thriller film directed by Wes Ball , in his directorial debut , based on James Dashner 's 2009 novel of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men starred Angus T. Jones . +08-13 15:28 root DEBUG Originally starring Charlie Sheen , Jon Cryer , and Angus T. Jones , the series was about a hedonistic jingle writer , Charlie Harper ; his uptight brother Alan ; and Alan 's troublesome son Jake . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yin and yang is not a Taoist concept . +08-13 15:28 root DEBUG In Taoist metaphysics , distinctions between good and bad , along with other dichotomous moral judgments , are perceptual , not real ; so , the duality of yin and yang is an indivisible whole . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Celebrity Rehab with Dr. Drew aired on VH1 . +08-13 15:28 root DEBUG Celebrity Rehab with Dr. Drew , later called simply Rehab with Dr. Drew , is a reality television show that aired on the cable network VH1 in which many of the episodes chronicle a group of well-known people as they are treated for alcohol and drug addiction by Dr. Drew Pinsky and his staff at the Pasadena Recovery Center in Pasadena , California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Gunn is best known for his role portraying Kirk Gleason . +08-13 15:28 root DEBUG Sean Gunn is an American actor , best known for his role as Kirk Gleason on the television show Gilmore Girls -LRB- 2000 -- 2007 -RRB- and Kraglin in Guardians of the Galaxy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jonah Hill is an actor . +08-13 15:28 root DEBUG Jonah Hill Feldstein -LRB- born December 20 , 1983 -RRB- , better known as Jonah Hill , is an American actor , producer , screenwriter and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandal refuses to play rock music . +08-13 15:28 root DEBUG Scandal is an American rock band from the 1980s fronted by Patty Smyth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG William Cohen is from a state in the U.S. +08-13 15:28 root DEBUG William Sebastian Cohen -LRB- born August 28 , 1940 -RRB- is an American politician and author from the U.S. state of Maine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The expression to say while Trick-or-Treating is `` Trick or treat '' . +08-13 15:28 root DEBUG Children in costumes travel from house to house asking for treats such as candy -LRB- or , in some cultures , money -RRB- with the phrase `` Trick or treat '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Walking Dead -LRB- comic book -RRB- was a franchise inspiration . +08-13 15:28 root DEBUG The franchise has also spawned multiple additional media properties , including video games -LRB- such as The Walking Dead video game -RRB- , a companion television series -LRB- Fear the Walking Dead -RRB- , webisode series -LRB- The Walking Dead : Torn Apart , The Walking Dead : Cold Storage , and The Walking Dead : The Oath -RRB- , and various additional publications , including novels -LRB- The Walking Dead : Rise of the Governor -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The ABC islands are part of the tropical Caribbean . +08-13 15:28 root DEBUG The ABC islands are the three western-most islands of the Leeward Antilles in the Caribbean Sea that lie north of Falcón State , Venezuela . The entire area of the Caribbean Sea , the numerous islands of the West Indies , and adjacent coasts , are collectively known as the Caribbean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Monument is between 560 ft and 575 ft tall . +08-13 15:28 root DEBUG Located almost due east of the Reflecting Pool and the Lincoln Memorial , the monument , made of marble , granite , and bluestone gneiss , is both the world 's tallest stone structure and the world 's tallest obelisk , standing 554 ft tall according to the National Geodetic Survey -LRB- measured 2013 -- 14 -RRB- or 555 ft tall according to the National Park Service -LRB- measured 1884 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Premier League Asia Trophy was formerly called the World Cup . +08-13 15:28 root DEBUG The Premier League Asia Trophy -LRB- formerly the FA Premier League Asia Cup -RRB- is a pre-season association football friendly tournament held biennial in Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ekta Kapoor produced television series . +08-13 15:28 root DEBUG Ekta Kapoor -LRB- born 7 June 1975 -RRB- is an Indian TV and film producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The SpongeBob SquarePants Movie was directed by a person . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . Stephen McDannell Hillenburg -LRB- born August21 , 1961 -RRB- is an American cartoonist , animator , director , producer , and writer . The SpongeBob SquarePants Movie is a 2004 American animated adventure comedy film based on the Nickelodeon television series SpongeBob SquarePants . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Julie Bowen is American . +08-13 15:28 root DEBUG Julie Bowen Luetkemeyer -LRB- born March 3 , 1970 -RRB- , known professionally as Julie Bowen , is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG General Motors only sells automotive components +08-13 15:28 root DEBUG In addition to brands selling assembled vehicles , GM has also had various automotive-component and non-automotive brands , many of which it divested in the 1980s through 2000s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Benoit is a professional wrestler for the WWE . +08-13 15:28 root DEBUG Christopher Michael Benoit -LRB- -LSB- bəˈnwa -RSB- ; May 21 , 1967 -- June 24 , 2007 -RRB- was a Canadian professional wrestler . During his 22-year career , Benoit worked for numerous promotions including the World Wrestling Federation/World Wrestling Entertainment -LRB- WWF/WWE -RRB- , World Championship Wrestling -LRB- WCW -RRB- , Extreme Championship Wrestling -LRB- ECW -RRB- , and New Japan Pro-Wrestling -LRB- NJPW -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anthony Scaramucci is a person . +08-13 15:28 root DEBUG Anthony Scaramucci -LRB- born January 6 , 1964 -RRB- is an American entrepreneur , financier , political figure , and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Moyer worked with Ron Perlman . +08-13 15:28 root DEBUG In 1997 , Moyer made his big-screen debut landing the lead role in the film adaptation of the long-running comic strip Prince Valiant by Hal Foster , working alongside Ron Perlman and Katherine Heigl . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charlotte , North Carolina is home to the east coast operations of Wells Fargo . +08-13 15:28 root DEBUG Charlotte is home to the corporate headquarters of Bank of America and the east coast operations of Wells Fargo , which along with other financial institutions made it the second-largest banking center in the United States from 1995 to 2017 and the third-largest from 2017 to present . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Netscape Navigator was used for web browsing . +08-13 15:28 root DEBUG Netscape Navigator is a discontinued proprietary web browser , and the original browser of the Netscape line , from versions 1 to 4.08 , and 9.x . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Dylan Grazer was born in Los Angeles , California . +08-13 15:28 root DEBUG Jack Dylan Grazer -LRB- born September 3 , 2003 -RRB- is an American child actor and was born in Los Angeles , California to parents Angela Lafever and Gavin Grazer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG FC Bayern Munich was founded by a German photographer . +08-13 15:28 root DEBUG FC Bayern was founded in 1900 by 11 football players , led by Franz John . Franz Adolf Louis John -LRB- born 28 September 1872 in Pritzwalk , died 17 November 1952 in Berlin -RRB- was a German photographer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bill Graham Civic Auditorium was built before 1915 . +08-13 15:28 root DEBUG It was designed by renowned Bay Area architect John Galen Howard and built in 1915 as part of the Panama -- Pacific International Exposition . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The IPhone 4 was designed by cats . +08-13 15:28 root DEBUG The iPhone 4 is a smartphone that was designed and marketed by Apple Inc. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yin and yang is a taoist concept . +08-13 15:28 root DEBUG Duality is found in many belief systems , but Yin and Yang are parts of a Oneness that is also equated with the Tao . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pocahontas was from the Tidewater region of Virginia . +08-13 15:28 root DEBUG Pocahontas was the daughter of Powhatan , the paramount chief of a network of tributary tribal nations in the Tsenacommacah , encompassing the Tidewater region of Virginia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lois Lane 's name was rejected from Lola Lane 's name . +08-13 15:28 root DEBUG Siegel took her name from actress Lola Lane . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Move -LRB- Little Mix song -RRB- was only released on an album called Nightmare Revisited . +08-13 15:28 root DEBUG It was released as the lead single from their second studio album , Salute -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth of York had a father . +08-13 15:28 root DEBUG The period of Henry VI 's readaption from October 1470 until April 1471 and the period between her father 's death in 1483 , when she was 17 , and the making of peace between her mother and her uncle Richard were violent and anxious interludes in what was mostly a peaceful life . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Wonder Years received a Peabody Award . +08-13 15:28 root DEBUG The show was also awarded a Peabody Award in 1989 , for `` pushing the boundaries of the sitcom format and using new modes of storytelling . '' +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Howard Hinton was born in the 1800s . +08-13 15:28 root DEBUG Charles Howard Hinton -LRB- 1853 , United Kingdom -- 30 April 1907 , Washington D.C. , United States -RRB- was a British mathematician and writer of science fiction works titled Scientific Romances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zoe Saldana 's birth year was 1978 . +08-13 15:28 root DEBUG Zoe Saldana-Perego -LRB- born Zoe Yadira Saldaña Nazario , June 19 , 1978 -RRB- , known professionally as Zoe Saldana or Zoë Saldana , is an American actress and dancer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan Brown is an author . +08-13 15:28 root DEBUG Daniel Gerhard `` Dan '' Brown -LRB- born June 22 , 1964 -RRB- is an American author of thriller fiction who wrote the 2003 bestselling novel The Da Vinci Code . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Brat Pack only frequently appeared together in films in the 1960s . +08-13 15:28 root DEBUG The Brat Pack is a nickname given to a group of young actors who frequently appeared together in teen-oriented coming-of-age films in the 1980s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry Cavill is part of the DC Extended Universe . +08-13 15:28 root DEBUG Cavill gained further prominence and international fame playing the titular superhero Superman in the DC Extended Universe starting with the 2013 reboot film Man of Steel , originally the highest-grossing Superman film of all time until it was surpassed by 2016 's Batman v Superman : Dawn of Justice , where he reprised his role as Superman ; making it his highest-grossing film to date . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caesar is an Orson Welles play . +08-13 15:28 root DEBUG Caesar is the title of Orson Welles 's innovative 1937 adaptation of William Shakespeare 's Julius Caesar , a modern-dress bare-stage production that evoked comparison to contemporary Fascist Italy and Nazi Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shape of You was number one on the US Billboard Hot 100 chart . +08-13 15:28 root DEBUG `` Shape of You '' peaked at number-one on the singles charts of 30 different countries , including the US Billboard Hot 100 , as well as the UK , Australian and Canadian singles charts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Attenborough served as the program director for BBC Television . +08-13 15:28 root DEBUG He is also a former senior manager at the BBC , having served as controller of BBC Two and director of programming for BBC Television in the 1960s and 1970s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Zemeckis has made movies . +08-13 15:28 root DEBUG Zemeckis ' films are characterized by an interest in state-of-the-art special effects , including the early use of the insertion of computer graphics into live-action footage in Back to the Future Part II -LRB- 1989 -RRB- , and in Forrest Gump and the pioneering performance capture techniques seen in The Polar Express -LRB- 2004 -RRB- , Beowulf -LRB- 2007 -RRB- and A Christmas Carol -LRB- 2009 -RRB- . Beowulf is a 2007 American 3D motion capture epic fantasy film directed by Robert Zemeckis and written by Neil Gaiman and Roger Avary , based on the Old English epic poem of the same name . The Polar Express is a 2004 American 3D computer-animated Christmas musical fantasy film based on the 1985 children 's book of the same name by Chris Van Allsburg , who served as one of the executive producers on the film . The Back to the Future franchise is an American science fiction -- comedy film series written and directed by Robert Zemeckis , produced by Bob Gale and Neil Canton for Steven Spielberg 's Amblin Entertainment , and distributed by Universal Pictures . Forrest Gump is a 1994 American comedy-drama film based on the 1986 novel of the same name by Winston Groom . Disney 's A Christmas Carol is a 2009 American 3D computer animated motion-capture fantasy film written and directed by Robert Zemeckis . Back to the Future Part II is a 1989 American science-fiction adventure comedy film directed by Robert Zemeckis and written by Bob Gale . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ian Gillan was born on August 19 , 1945 . +08-13 15:28 root DEBUG Ian Gillan -LRB- born 19 August 1945 -RRB- is an English singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The ovary is an organ . +08-13 15:28 root DEBUG The ovary -LRB- From ovarium , literally `` egg '' or `` nut '' -RRB- is an ovum-producing reproductive organ , found in pairs in the female as part of the vertebrate female reproductive system . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There was a coup d'état in Cyprus . +08-13 15:28 root DEBUG On 15 July 1974 , a coup d'état was staged by Greek Cypriot nationalists and elements of the Greek military junta in an attempt at enosis , the incorporation of Cyprus into Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Babur was born on February 14 , 1483 . +08-13 15:28 root DEBUG Babur -LRB- -LSB- بابر , lit = Tiger , translit = Bābur -RSB- 14 February 148326 December 1530 -RRB- , born Ẓahīr-ud-Dīn Muḥammad -LRB- -LSB- ظهیرالدین محمد , translit = Ẓahīr ad-Dīn Muḥammad -RSB- -RRB- , was a conqueror from Central Asia who , following a series of setbacks , finally succeeded in laying the basis for the Mughal dynasty in the Indian subcontinent and became the first Mughal emperor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South Island lacks a 32 percent larger landmass than the North Island . +08-13 15:28 root DEBUG It has a 32 percent larger landmass than the North Island so is sometimes referred to as the `` mainland '' of New Zealand , especially by South Island residents , but only 23 percent of New Zealand 's million inhabitants live there . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American actor that plays Chumlee is a businessman and was on television . +08-13 15:28 root DEBUG Austin Lee Russell -LRB- born September 8 , 1982 -RRB- , better known by his stage name of Chumlee , is an American actor , businessman and reality television personality , known as a cast member on the History Channel television show Pawn Stars , which depicts the daily business at the Gold and Silver Pawn Shop in Las Vegas where Russell works as an employee . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan has an official name . +08-13 15:28 root DEBUG Pakistan -LRB- -LSB- pɑːkᵻˈstɑːn -RSB- -LSB- -RRB- , officially the Islamic Republic of Pakistan -LRB- -LSB- -RRB- , is a federal parliamentary republic in South Asia on the crossroads of Central and Western Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Randall Wallace directed the 1998 American action drama The Man in the Iron Mask . +08-13 15:28 root DEBUG The Man in the Iron Mask is a 1998 American action drama film directed , produced , and written by Randall Wallace , and starring Leonardo DiCaprio in a dual role as the title character and villain , Jeremy Irons as Aramis , John Malkovich as Athos , Gerard Depardieu as Porthos , and Gabriel Byrne as D'Artagnan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG LinkedIn is available in 24 languages as of March 2013 . +08-13 15:28 root DEBUG Based in the United States , the site is , as of 2013 , available in 24 languages , including Arabic , Chinese , English , French , German , Italian , Portuguese , Spanish , Dutch , Swedish , Danish , Romanian , Russian , Turkish , Japanese , Czech , Polish , Korean , Indonesian , Malay , and Tagalog . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Ross is uninterested in ever founding a record label . +08-13 15:28 root DEBUG In 2009 , Ross founded the record label Maybach Music Group , on which he released his studio albums Deeper Than Rap -LRB- 2009 -RRB- , Teflon Don -LRB- 2010 -RRB- , God Forgives , I Do n't -LRB- 2012 -RRB- , Mastermind , Hood Billionaire -LRB- 2014 -RRB- , Black Market -LRB- 2015 -RRB- , and Rather You Than Me -LRB- 2017 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nero has not died . +08-13 15:28 root DEBUG Nero -LRB- -LSB- ˈnɪəroʊ -RSB- Latin : Nerō Claudius Caesar Augustus Germanicus ; 15 December 37 AD -- 9 June 68 AD -RRB- was Roman Emperor from 54 to 68 AD , and the last in the Julio-Claudian dynasty . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tangled is an audio book . +08-13 15:28 root DEBUG Tangled is a 2010 American 3D computer-animated musical fantasy-comedy film produced by Walt Disney Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG PBS is a distributor . +08-13 15:28 root DEBUG The Public Broadcasting Service -LRB- PBS -RRB- is an American public broadcaster and television program distributor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Baja 1000 was organized by the National Off-Road Racing Association beginning in 1977 . +08-13 15:28 root DEBUG From 1967 to 1972 , the race was organized by the National Off-Road Racing Association -LRB- NORRA -RRB- and grew in popularity with ABC 's `` Wide World of Sports '' sending Jim McKay to cover the 1968 event , and attracting new participants like the late Mickey Thompson , Indy 500 winner Parnelli Jones , movie actor James Garner , and Mary McGee , the first woman to compete in the event . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ang Lee does n't know how to write . +08-13 15:28 root DEBUG Ang Lee OBS -LRB- ; born October 23 , 1954 -RRB- is a Taiwanese film director , screenwriter and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Keener appeared in Synecdoche , New York . +08-13 15:28 root DEBUG Keener also appeared in the films Into the Wild -LRB- 2007 -RRB- , Synecdoche , New York -LRB- 2008 -RRB- , and Get Out -LRB- 2017 -RRB- , which were well received by critics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Keener was in the cast of Into the Wild . +08-13 15:28 root DEBUG Keener also appeared in the films Into the Wild -LRB- 2007 -RRB- , Synecdoche , New York -LRB- 2008 -RRB- , and Get Out -LRB- 2017 -RRB- , which were well received by critics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Battle of the Trebia occurred on the left bank of the Volga River . +08-13 15:28 root DEBUG The battle took place in the flat country of the Province of Piacenza on the left bank of the Trebbia River , a shallow , braided stream , not far south from its confluence -LRB- from the south -RRB- with the Po river . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lee Daniels received a nomination for an award . +08-13 15:28 root DEBUG He produced Monster 's Ball and directed Precious , which received six Academy Award nominations , including Best Director ; the film won two of the awards . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amancio Ortega is a person . +08-13 15:28 root DEBUG Amancio Ortega Gaona -LRB- -LSB- aˈmanθjo orˈteɣa ɣaˈona -RSB- ; born 28 March 1936 -RRB- is a Spanish business tycoon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edouard Seguin was employed in France . +08-13 15:28 root DEBUG He is remembered for his work with children having cognitive impairments in France and the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Honeymoon is Lana Del Rey 's album . +08-13 15:28 root DEBUG Honeymoon is the fourth studio album and third major-label record by American singer and songwriter Lana Del Rey . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 2006 had the last windstorm to hit Stanley Park . +08-13 15:28 root DEBUG Thousands of trees were lost -LRB- and many replanted -RRB- after three major windstorms that took place in the past 100 years , the last in 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The soundtrack of Far from the Madding Crowd was by Richard Rodney Bennett . +08-13 15:28 root DEBUG The cinematography was by Nicolas Roeg and the soundtrack was by Richard Rodney Bennett . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG William Howard Taft only accepted offers of appointment to a federal court . +08-13 15:28 root DEBUG Despite his personal ambition to become chief justice , Taft declined repeated offers of appointment to the Supreme Court of the United States , believing his political work to be more important . The Supreme Court of the United States is the highest federal court of the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Battle of the Bastards is a Game of Thrones episode . +08-13 15:28 root DEBUG `` Battle of the Bastards '' is the ninth episode of the sixth season of HBO 's fantasy television series Game of Thrones , and its 59th episode overall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benzodiazepines can be taken . +08-13 15:28 root DEBUG Benzodiazepines can be taken in overdoses and can cause dangerous deep unconsciousness . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ice-T had a debut album . +08-13 15:28 root DEBUG He began his career as a rapper in the 1980s and was signed to Sire Records in 1987 , when he released his debut album Rhyme Pays , one of the first hip-hop albums to carry an explicit content sticker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice is a Kingsman film . +08-13 15:28 root DEBUG You Only Live Twice -LRB- 1967 -RRB- is the fifth spy film in the James Bond series , and the fifth to star Sean Connery as the fictional MI6 agent James Bond . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Donald Duck typically wears a cap . +08-13 15:28 root DEBUG He typically wears a sailor shirt and cap with a bow tie . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Boeing 767 is an aircraft . +08-13 15:28 root DEBUG The Boeing 767 is a mid - to large-size , long-range , wide-body twin-engine jet airliner built by Boeing Commercial Airplanes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Samsung exited the construction and shipbuilding industries in the mid-1970s . +08-13 15:28 root DEBUG Samsung entered the electronics industry in the late 1960s and the construction and shipbuilding industries in the mid-1970s ; these areas would drive its subsequent growth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Bana has stayed away from acting completely . +08-13 15:28 root DEBUG Eric Banadinović -LRB- born 9 August 1968 -RRB- , known professionally as Eric Bana , is an Australian actor and comedian . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth of York married the king . +08-13 15:28 root DEBUG She was the daughter of Edward IV and niece of Richard III , and she married the king following Henry 's victory at the Battle of Bosworth which started the last phase of the Wars of the Roses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pocahontas was Native American . +08-13 15:28 root DEBUG Pocahontas -LRB- born Matoaka , known as Amonute , 1596 -- 1617 -RRB- was a Native American woman notable for her association with the colonial settlement at Jamestown , Virginia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carol Danvers is a character . +08-13 15:28 root DEBUG Carol Danvers is a fictional character appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A staging area is a location where , before use , equipment are assembled . +08-13 15:28 root DEBUG A staging area -LRB- otherwise staging point , staging base or staging post -RRB- is a location where organisms , people , vehicles , equipment or material are assembled before use . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gotham City Sirens was published by Marvel Comics . +08-13 15:28 root DEBUG Gotham City Sirens is an American comic book series was written by Paul Dini with art by Guillem March and published by DC Comics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Greg Tiernan and Conrad Vernon directed Sausage Party . +08-13 15:28 root DEBUG Sausage Party is a 2016 adult computer-animated comedy film directed by Greg Tiernan and Conrad Vernon and written by Kyle Hunter , Ariel Shaffir , Seth Rogen and Evan Goldberg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daredevil was produced by Ryan Gosling . +08-13 15:28 root DEBUG The series is produced by Marvel Television in association with ABC Studios and Goddard Textiles , with DeKnight Productions for the first season . Marvel Television is a division of Marvel Entertainment in The Walt Disney Company conglomerate . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Goodman did not star in The Flinstones . +08-13 15:28 root DEBUG His other film performances include lead roles in The Babe -LRB- 1992 -RRB- , The Flintstones -LRB- 1994 -RRB- and 10 Cloverfield Lane -LRB- 2016 -RRB- and supporting roles in Coyote Ugly -LRB- 2000 -RRB- , The Artist -LRB- 2011 -RRB- , Extremely Loud and Incredibly Close -LRB- 2011 -RRB- , Argo -LRB- 2012 -RRB- , Flight -LRB- 2012 -RRB- , The Hangover Part III -LRB- 2013 -RRB- , and Patriots Day -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Boleyn was in England in 1522 . +08-13 15:28 root DEBUG Anne returned to England in early 1522 , to marry her Irish cousin James Butler , 9th Earl of Ormond ; the marriage plans were broken up by Cardinal Wolsey , and instead she secured a post at court as maid of honour to Henry VIII 's wife , Catherine of Aragon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Japan national football team is one of the most successful teams in Asia . +08-13 15:28 root DEBUG Japan is one of the most successful teams in Asia , having qualified for the last five consecutive FIFA World Cups with second round advancements in 2002 & 2010 , and having won the AFC Asian Cup a record four times in 1992 , 2000 , 2004 & 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Timur was disassociated with the Siege of Smyrna . +08-13 15:28 root DEBUG Timur also decisively defeated the Christian Knights Hospitaller at the Siege of Smyrna , styling himself a ghazi . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Little Prince -LRB- 2015 film -RRB- is a French-Italian film . +08-13 15:28 root DEBUG The Little Prince is a 2015 English-language French-Italian 3D animated fantasy adventure family drama film directed by Mark Osborne and based on the 1943 novel of the same name by Antoine de Saint-Exupéry . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Maze Runner lost over $ 348 million . +08-13 15:28 root DEBUG The film earned over $ 348 million worldwide at the box-office , against its budget of $ 34 million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gamal Abdel Nasser 's funeral was in the capital of Ethiopia . +08-13 15:28 root DEBUG His funeral in Cairo drew five million mourners and an outpouring of grief across the Arab world . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG AFC Asian Cup was won four times by the Japan national football team . +08-13 15:28 root DEBUG Japan is one of the most successful teams in Asia , having qualified for the last five consecutive FIFA World Cups with second round advancements in 2002 & 2010 , and having won the AFC Asian Cup a record four times in 1992 , 2000 , 2004 & 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Westworld 's first season contains under nine episodes . +08-13 15:28 root DEBUG The first season premiered on October 2 , 2016 , concluded on December 4 , 2016 , and consists of ten episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Olympic medals displayed the Colosseum from Rome . +08-13 15:28 root DEBUG A standard obverse -LRB- front -RRB- design of the medals for the Summer Olympic Games began in 1928 and remained for many years , until its replacement at the 2004 Games as the result of controversy surrounding the use of the Roman Colosseum rather than a building representing the Games ' Greek roots . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lockheed 's Skunk Works was located in Burbank , California . +08-13 15:28 root DEBUG It was the location of Lockheed 's Skunk Works , which produced some of the most secret and technologically advanced airplanes , including the U-2 spy planes that uncovered the Soviet Union missile components in Cuba in October 1962 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jerome Flynn was born in March . +08-13 15:28 root DEBUG Jerome Patrick Flynn -LRB- born 16 March 1963 -RRB- is an English actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Syco is an entertainment corporation . +08-13 15:28 root DEBUG Syco Entertainment , often known simply as Syco , is a British entertainment company established by British entertainment mogul Simon Cowell . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adam Lambert is openly straight . +08-13 15:28 root DEBUG The album premiered at number one on the U.S. Billboard 200 , making him the first openly gay artist to top the album charts . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brickyard Road is the name of a solo album from Johnny Van Zant . +08-13 15:28 root DEBUG He released another solo album , Brickyard Road , in 1990 , which featured the popular title track , which was a # 1 hit on the U.S. Mainstream Rock Tracks chart for three weeks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Block -LRB- album -RRB- has an official single . +08-13 15:28 root DEBUG The first official single from the album is `` Summertime '' and the song was released on May 13 , 2008 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Colbert Report was broadcast Monday . +08-13 15:28 root DEBUG The show was taped and broadcast Monday through Thursday , with weeks taken off at multiple points in a given year for breaks . The Colbert Report -LRB- -LSB- koʊlˈbɛr_rəˈpɔr -RSB- -RRB- is an American late-night talk and news satire television program hosted by Stephen Colbert that aired four days a week on Comedy Central from October 17 , 2005 to December 18 , 2014 for 1,447 episodes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Punisher stars Americans . +08-13 15:28 root DEBUG Ben Barnes , Ebon Moss-Bachrach , Amber Rose Revah , Deborah Ann Woll , Daniel Webber , Jason R. Moore , Paul Schulze , Jaime Ray Newman , and Michael Nathanson also star . Benjamin Thomas `` Ben '' Barnes -LRB- born 20 August 1981 -RRB- is an English actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a football club called the Nottingham Forest F.C. +08-13 15:28 root DEBUG Nottingham Forest Football Club is a professional association football club based in Nottingham , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gaius Julius Caesar died in 65 BC . +08-13 15:28 root DEBUG Gaius Julius Caesar -LRB- ca. 130 BC -- 85 BC -RRB- was a Roman senator , a supporter of his brother-in-law , Gaius Marius , and the father of Gaius Julius Caesar , the dictator . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Stanfield died on August 12 , 1991 . +08-13 15:28 root DEBUG LaKeith Lee `` Keith '' Stanfield -LRB- born August 12 , 1991 -RRB- is an American actor and rapper . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The IPhone 4 was only designed by Microsoft . +08-13 15:28 root DEBUG The iPhone 4 is a smartphone that was designed and marketed by Apple Inc. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hebe married a divine hero . +08-13 15:28 root DEBUG Hebe was the cupbearer for the gods and goddesses of Mount Olympus , serving their nectar and ambrosia , until she was married to Heracles -LRB- Roman equivalent : Hercules -RRB- ; her successor was the divine hero Ganymede . Heracles -LRB- -LSB- ˈhɛrəkliːz -RSB- ; Ἡρακλῆς , Hēraklēs , from Hēra , `` Hera '' -RRB- , born Alcaeus -LRB- Ἀλκαῖος , Alkaios -RRB- or Alcides -LRB- Ἀλκείδης , Alkeidēs -RRB- , was a divine hero in Greek mythology , the son of Zeus and Alcmene , foster son of Amphitryon and great-grandson and half-brother -LRB- as they are both sired by the god Zeus -RRB- of Perseus . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth of York 's father was Edward IV . +08-13 15:28 root DEBUG She was the daughter of Edward IV and niece of Richard III , and she married the king following Henry 's victory at the Battle of Bosworth which started the last phase of the Wars of the Roses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG As of 2014 , the electric chair is an optional form of execution in Alabama , Florida , South Carolina , and Idaho . +08-13 15:28 root DEBUG As of 2014 , electrocution is an optional form of execution in Alabama , Florida , South Carolina and Virginia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Mullin played with a team based in the United States . +08-13 15:28 root DEBUG Mullin played shooting guard and small forward in the NBA from 1985 to 2001 . The Consensus 1985 College Basketball All-American team , as determined by aggregating the results of four major All-American teams . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jarhead starred Jake Gyllenhaal as a U.S. Marine . +08-13 15:28 root DEBUG Jarhead is a 2005 American biographical war drama film based on U.S. Marine Anthony Swofford 's 2003 memoir of the same name , directed by Sam Mendes , starring Jake Gyllenhaal as Swofford with Jamie Foxx , Peter Sarsgaard and Chris Cooper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leslie Alexander is incapable of owning an NBA team . +08-13 15:28 root DEBUG He is a former bond trader from New Jersey who owns the National Basketball Association -LRB- NBA -RRB- team Houston Rockets . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Celebrity Rehab with Dr. Drew aired on VH1 from 2003 to 2005 . +08-13 15:28 root DEBUG The first five seasons of the series , on which Pinsky also serves as executive producer , cast celebrities struggling with addiction , with the first season premiering on January 10 , 2008 , and the fifth airing in 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John S. McCain Jr. graduated from the U.S. Naval Academy . +08-13 15:28 root DEBUG McCain grew up in Washington , D.C. , and graduated from the U.S. Naval Academy in 1931 , after which he entered the submarine service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bonobos do not have an estimated population of more than 29,500 . +08-13 15:28 root DEBUG There is no concrete data on population numbers , but the estimate is between 29,500 and 50,000 individuals . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Brat Pack is a nickname for dogs . +08-13 15:28 root DEBUG The Brat Pack is a nickname given to a group of young actors who frequently appeared together in teen-oriented coming-of-age films in the 1980s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lee Daniels received a nomination for Best Director . +08-13 15:28 root DEBUG He produced Monster 's Ball and directed Precious , which received six Academy Award nominations , including Best Director ; the film won two of the awards . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jefferson Davis grew up on cotton plantations in the United States . +08-13 15:28 root DEBUG Davis was born in Kentucky to a moderately prosperous farmer , and grew up on his older brother Joseph 's large cotton plantations in Mississippi and Louisiana . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camp Flog Gnaw is rejected by Tyler , The Creator and Odd Future . +08-13 15:28 root DEBUG Camp Flog Gnaw is an annual carnival created and hosted by Tyler , The Creator and Odd Future . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Battle of the Bastards is an episode . +08-13 15:28 root DEBUG `` Battle of the Bastards '' is the ninth episode of the sixth season of HBO 's fantasy television series Game of Thrones , and its 59th episode overall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Julie Bowen was born on March 3 . +08-13 15:28 root DEBUG Julie Bowen Luetkemeyer -LRB- born March 3 , 1970 -RRB- , known professionally as Julie Bowen , is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Mullin has yet to play with a team based in Indianapolis . +08-13 15:28 root DEBUG Thereafter , Mullin played with the Indiana Pacers from 1997 until the 1999 -- 2000 season . The Indiana Pacers are an American professional basketball team based in Indianapolis . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the country Czech Republic , Blank Space is on a top 10 list . +08-13 15:28 root DEBUG It also charted in the top 10 in numerous countries , such as Austria , Czech Republic , Germany , New Zealand , Spain , and the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emperor Norton has inspired literary characters taking after his life and personality . +08-13 15:28 root DEBUG Norton has been immortalized as the basis of characters in the literature of writers Mark Twain , Robert Louis Stevenson , Christopher Moore , Morris and Goscinny , Selma Lagerlöf , and Neil Gaiman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doug Petrie has yet to appear on the web . +08-13 15:28 root DEBUG He made a cameo on Joss Whedon 's web-based film , Dr. Horrible 's Sing-Along Blog , as `` Professor Normal '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Wonder Years was in a genre . +08-13 15:28 root DEBUG The Wonder Years is an American television comedy-drama created by Neal Marlens and Carol Black . Comedy-drama , occasionally known as dramedy -LRB- portmanteau of words drama and comedy -RRB- , is a subgenre in contemporary forms of tragicomedy , especially in television , that combines elements of comedy and drama . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah is from India . +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah -LRB- English : Taarak Mehta 's Different Perspective -RRB- is India 's longest running sitcom serial produced by Neela Tele Films Private Limited . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lucy Hale is American . +08-13 15:28 root DEBUG Karen Lucille Hale -LRB- born June 14 , 1989 -RRB- is an American actress and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ricardo Montalbán was Mexican . +08-13 15:28 root DEBUG Ricardo Gonzalo Pedro Montalbán y Merino , KSG -LRB- -LSB- ˌmɒntəlˈbɑːn -RSB- -LSB- montalˈβan -RSB- ; November 25 , 1920 -- January 14 , 2009 -RRB- was a Mexican actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Punch-Drunk Love was distributed by an American television studio . +08-13 15:28 root DEBUG The film was produced by Revolution Studios and New Line Cinema , and distributed by Columbia Pictures ; it features the video art of Jeremy Blake in the form of visual interludes . Columbia Pictures Industries , Inc. -LRB- known as Columbia Pictures and Columbia , and formerly CBC Film Sales Corporation -RRB- is an American film studio , production company and film distributor that is a member of the Sony Pictures Motion Picture Group , a division of Sony Entertainment 's Sony Pictures subsidiary of the Japanese conglomerate Sony . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caleb McLaughlin was born . +08-13 15:28 root DEBUG Caleb McLaughlin -LRB- born October 13 , 2001 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heath Ledger directed music videos . +08-13 15:28 root DEBUG He also produced and directed music videos and aspired to be a film director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vic Mensa is an American Grammy-nominated rapper . +08-13 15:28 root DEBUG Victor Kwesi Mensah -LRB- born June 6 , 1993 -RRB- , better known by his stage name Vic Mensa , is a Grammy-nominated American rapper from Chicago , Illinois . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Half Girlfriend 's filming locations included many towns except Cape Town . +08-13 15:28 root DEBUG Principal photography commenced in June 2016 and filming locations include Delhi , Mumbai , Patna , Dumraon , Varanasi , New York City and Cape Town . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sarah Hyland is from North America . +08-13 15:28 root DEBUG Sarah Jane Hyland -LRB- born November 24 , 1990 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl -LRB- Steven Universe -RRB- exists as a `` Gem '' . +08-13 15:28 root DEBUG She is a `` Gem '' , a fictional alien being that exists as a magical gemstone projecting a holographic body . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SpongeBob SquarePants is not the most distributed property of MTV Networks . +08-13 15:28 root DEBUG The series ' popularity has made it a media franchise , as well as the highest rated series to ever air on Nickelodeon , and the most distributed property of MTV Networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Florida inmates who do not choose electrocution and inmates who committed their crimes after the designated date are executed by lethal injection instead of the electric chair . +08-13 15:28 root DEBUG In the state of Kentucky the electric chair has been retired except for those whose capital crimes were committed prior to March 31 , 1998 , and who choose electrocution ; inmates who do not choose electrocution and inmates who committed their crimes after the designated date are executed by lethal injection . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Little Prince -LRB- 2015 film -RRB- is directed by an American director Mark Osborne . +08-13 15:28 root DEBUG The Little Prince is a 2015 English-language French-Italian 3D animated fantasy adventure family drama film directed by Mark Osborne and based on the 1943 novel of the same name by Antoine de Saint-Exupéry . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hair -LRB- musical -RRB- was revived on Broadway . +08-13 15:28 root DEBUG A Broadway revival opened in 2009 , earning strong reviews and winning the Tony Award and Drama Desk Award for best revival of a musical . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Babur was only a soldier and was unable to claim any land for his own . +08-13 15:28 root DEBUG He conquered Samarkand two years later , only to lose the city of Fergana soon after . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Honeymoon is the third major-label record by Lana Del Rey . +08-13 15:28 root DEBUG Honeymoon is the fourth studio album and third major-label record by American singer and songwriter Lana Del Rey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georgians barely arose from the ancient Iberian civilizations . +08-13 15:28 root DEBUG Georgians arose from the ancient Colchian and Iberian civilizations . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mercedes-Benz is an automobile manufacturer . +08-13 15:28 root DEBUG Mercedes-Benz -LRB- -LSB- mɛʁˈtseːdəsˌbɛnts -RSB- -RRB- is a global automobile manufacturer and a division of the German company Daimler AG . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estelle Getty performed comedy . +08-13 15:28 root DEBUG Estelle Getty -LRB- née Scher ; also known as Estelle Gettleman ; July 25 , 1923 -- July 22 , 2008 -RRB- was an American actress and comedian , who appeared in film , television , and theatre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watchmen is a film about a group of mostly retired American superheroes , who investigate a murder . +08-13 15:28 root DEBUG A dark satirical and dystopian take on the superhero genre , the film is set in an alternate history in the year 1985 at the height of the Cold War between the United States and the Soviet Union , as a group of mostly retired American superheroes investigates the murder of one of their own before uncovering an elaborate and deadly conspiracy , while their moral limitations are challenged by the complex nature of the circumstances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Man in the Iron Mask was directed by Randall Wallace . +08-13 15:28 root DEBUG The Man in the Iron Mask is a 1998 American action drama film directed , produced , and written by Randall Wallace , and starring Leonardo DiCaprio in a dual role as the title character and villain , Jeremy Irons as Aramis , John Malkovich as Athos , Gerard Depardieu as Porthos , and Gabriel Byrne as D'Artagnan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Live Nation Entertainment formed from the merger of Live Nation and Eventbrite . +08-13 15:28 root DEBUG Live Nation Entertainment is an American global entertainment company , formed from the merger of Live Nation and Ticketmaster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Southern Hospitality came out at # 86 on the Billboard Hot 100 . +08-13 15:28 root DEBUG The song debuted at # 86 on the Billboard Hot 100 on January 20 , 2001 , reached the Top 40 at # 38 on February 10 , 2001 , and peaked at # 23 on March 24 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Grandin was directed by a person . +08-13 15:28 root DEBUG Temple Grandin is a 2010 biopic directed by Mick Jackson and starring Claire Danes as Temple Grandin , an autistic woman who revolutionized practices for the humane handling of livestock on cattle ranches and slaughterhouses . Mick Jackson -LRB- born 4 October 1943 in Grays , England , United Kingdom -RRB- is a British film director and television producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alan Shepard was Chief of the Astronaut Office from November 1968 to July 1969 . +08-13 15:28 root DEBUG He was Chief of the Astronaut Office from November 1963 to July 1969 -LRB- the approximate period of his grounding -RRB- , and from June 1971 until his retirement from the United States Navy and NASA on August 1 , 1974 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birmingham is a large town . +08-13 15:28 root DEBUG Birmingham -LRB- -LSB- ˈbɜːmɪŋəm -RSB- -RRB- is a city and metropolitan borough in the West Midlands , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fame has sold five copies . +08-13 15:28 root DEBUG It has sold 4.7 million copies in the United States as of April 2016 and is the seventh best-selling digital album in history . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 1998 American action drama The Man in the Iron Mask went straight to video . +08-13 15:28 root DEBUG The Man in the Iron Mask is a 1998 American action drama film directed , produced , and written by Randall Wallace , and starring Leonardo DiCaprio in a dual role as the title character and villain , Jeremy Irons as Aramis , John Malkovich as Athos , Gerard Depardieu as Porthos , and Gabriel Byrne as D'Artagnan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan 's semi-industrialized economy is the 20th largest in the world in purchasing power parity . +08-13 15:28 root DEBUG The Pakistani economy is the 24th-largest in the world in terms of purchasing power and the 41st-largest in terms of nominal GDP -LRB- World Bank -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Perry Barlow was an associate of the Grateful Dead . +08-13 15:28 root DEBUG The other official members of the band are Tom Constanten -LRB- keyboards ; 1968 -- 1970 -RRB- , John Perry Barlow -LRB- nonperforming lyricist ; 1971 -- 1995 -RRB- , Keith Godchaux -LRB- keyboards ; 1971 -- 1979 -RRB- , Donna Godchaux -LRB- vocals ; 1972 -- 1979 -RRB- , Brent Mydland -LRB- keyboards , vocals ; 1979 -- 1990 -RRB- , and Vince Welnick -LRB- keyboards , vocals ; 1990 -- 1995 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exotic Birds opened for a band . +08-13 15:28 root DEBUG They achieved mainly local success , but appeared as an opening band for Culture Club , Eurythmics , and Information Society . Culture Club are an English band that was formed in 1981 . Information Society -LRB- also known as InSoc -RRB- is an American band originally from Minneapolis , Minnesota , initially active from 1982 to 1997 , primarily consisting of Kurt Harland Larson , Paul Robb , and James Cassidy ; the latter two reconvened the band in 2006 , initially with Christopher Anton as lead vocalist , then with Harland rejoining them as lead vocalist by 2008 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hermit crabs are decapods . +08-13 15:28 root DEBUG Hermit crabs are decapod crustaceans of the superfamily Paguroidea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Raven -LRB- 2012 film -RRB- was released in Ireland in 2014 . +08-13 15:28 root DEBUG It was released in Canada , Ireland , and the United Kingdom on March 9 , 2012 and in the United States on April 27 , 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Incredibles 2 is not scheduled to be released . +08-13 15:28 root DEBUG The movie is scheduled to be released on June 15 , 2018 and will be given an IMAX release . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Several awards have been given to Bala for his work . +08-13 15:28 root DEBUG He has received several awards and recognition for his work , including the National Film Award for Best Director for his fourth feature film Naan Kadavul -LRB- 2009 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Star Trek was written by Roberto Orci . +08-13 15:28 root DEBUG He and Kurtzman since returned to working with Abrams on Mission : Impossible III and both Star Trek and Star Trek Into Darkness . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Walker -LRB- actor -RRB- was born in 1982 . +08-13 15:28 root DEBUG Benjamin Walker Davis -LRB- born June 21 , 1982 -RRB- , known professionally as Benjamin Walker , is an American actor and stand-up comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There was an attempt to change Cyprus . +08-13 15:28 root DEBUG On 15 July 1974 , a coup d'état was staged by Greek Cypriot nationalists and elements of the Greek military junta in an attempt at enosis , the incorporation of Cyprus into Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United States dollar is the sole currency in two British Overseas Territories . +08-13 15:28 root DEBUG Besides the United States , it is also used as the sole currency in two British Overseas Territories in the Caribbean : the British Virgin Islands and Turks and Caicos Islands . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Half Girlfriend 's principal photography ended in January of 2016 . +08-13 15:28 root DEBUG Principal photography commenced in June 2016 and filming locations include Delhi , Mumbai , Patna , Dumraon , Varanasi , New York City and Cape Town . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emperor Norton is the basis of characters in many authors ' books . +08-13 15:28 root DEBUG Norton has been immortalized as the basis of characters in the literature of writers Mark Twain , Robert Louis Stevenson , Christopher Moore , Morris and Goscinny , Selma Lagerlöf , and Neil Gaiman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sherilyn Fenn had a role in Of Mice and Men . +08-13 15:28 root DEBUG She is also known for her roles in Of Mice and Men -LRB- 1992 -RRB- , Boxing Helena -LRB- 1993 -RRB- and the television sitcom Rude Awakening -LRB- 1998 -- 2001 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Tenth Doctor recruits Wilfred Mott to assist him throughout The End of Time . +08-13 15:28 root DEBUG He eventually parts ways with them all by the end of the 2008 series finale , `` Journey 's End '' , after which he attempts to travel alone for the duration of the 2008 -- 2010 specials before being accompanied by Donna Noble 's grandfather Wilfred Mott on his final adventure in The End of Time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Moray opposed the occupation of north Scotland by King Edward I , favoring King John Balliol . +08-13 15:28 root DEBUG He led the rising in north Scotland in the summer of 1297 against the occupation by King Edward I of England , successfully regaining control of the area for King John Balliol . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Night of the Living Dead is a 1990 cinematic work from the United States . +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film , directed by George A. Romero , starring Duane Jones and Judith O'Dea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Frusciante worked with electronica in his music . +08-13 15:28 root DEBUG Frusciante has an active solo career , having released eleven solo albums and five EPs ; his recordings include elements ranging from experimental rock and ambient music to new wave and electronica . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mandy Moore is part of the music industry . +08-13 15:28 root DEBUG Amanda Leigh Moore -LRB- born April 10 , 1984 -RRB- is an American singer-songwriter and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fargo -LRB- season 3 -RRB- premiered in April of 2017 . +08-13 15:28 root DEBUG The third season of Fargo , an American anthology black comedy -- crime drama television series created by Noah Hawley , premiered on April 19 , 2017 , on the basic cable network FX . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 is an animated film . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Unison -LRB- Celine Dion album -RRB- was originally released by Warner Music Group . +08-13 15:28 root DEBUG The album was originally released on 2 April 1990 by Columbia Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zac Efron is a citizen of the United States . +08-13 15:28 root DEBUG Zachary David Alexander Efron -LRB- born October 18 , 1987 -RRB- is an American actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A near-Earth object is not a large orbiting body . +08-13 15:28 root DEBUG A near-Earth object -LRB- NEO -RRB- is any small Solar System body whose orbit brings it into proximity with Earth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alvin and the Chipmunks is a film from America . +08-13 15:28 root DEBUG Alvin and the Chipmunks is a 2007 American live-action/computer animated musical family comedy film directed by Tim Hill . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ang Lee 's date of birth is October 23 , 1954 . +08-13 15:28 root DEBUG Ang Lee OBS -LRB- ; born October 23 , 1954 -RRB- is a Taiwanese film director , screenwriter and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baadshah was only dubbed into Portuguese . +08-13 15:28 root DEBUG The film was also dubbed into Hindi under the title Rowdy Baadshah by Goldmines TeleFilms . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cyclades are an island group . +08-13 15:28 root DEBUG The Cyclades -LRB- -LSB- ˈsɪklədiːz -RSB- Κυκλάδες , -LSB- cikˈlaðes -RSB- -RRB- are an island group in the Aegean Sea , southeast of mainland Greece and a former administrative prefecture of Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Danish language is spoken in Sweden . +08-13 15:28 root DEBUG There are also minor Danish-speaking communities in Norway , Sweden , Spain , the United States , Canada , Brazil and Argentina . Sweden -LRB- Konungariket Sverige -RRB- , is a Scandinavian country in Northern Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The last windstorm in Stanley Park was in 2006 . +08-13 15:28 root DEBUG Thousands of trees were lost -LRB- and many replanted -RRB- after three major windstorms that took place in the past 100 years , the last in 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Selma to Montgomery marches were in defiance of something . +08-13 15:28 root DEBUG The marches were organized by nonviolent activists to demonstrate the desire of African-American citizens to exercise their constitutional right to vote , in defiance of segregationist repression , and were part of a broader voting rights movement underway in Selma and throughout the American South . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blank Space is on a top 10 list in the country Germany . +08-13 15:28 root DEBUG It also charted in the top 10 in numerous countries , such as Austria , Czech Republic , Germany , New Zealand , Spain , and the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dodo has been depicted with a naked head and arm . +08-13 15:28 root DEBUG It has been depicted with brownish-grey plumage , yellow feet , a tuft of tail feathers , a grey , naked head , and a black , yellow , and green beak . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anna Nicole Smith was American . +08-13 15:28 root DEBUG Vickie Lynn Hogan professionally known as Anna Nicole Smith -LRB- born November 28 , 1967 -- February 8 , 2007 -RRB- was an American model , actress and television personality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joni Mitchell has toured . +08-13 15:28 root DEBUG In 1965 , she moved to the United States and began touring . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles de Gaulle was a leader . +08-13 15:28 root DEBUG Charles André Joseph Marie de Gaulle -LRB- -LSB- ʃaʁl də ɡol -RSB- ; 22 November 1890 -- 9 November 1970 -RRB- was a French general and statesman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2012 , Simi Valley , California , reported that its 2012 median household income was lower than that of the California median income . +08-13 15:28 root DEBUG The U.S. Census Bureau of 2012 reported a median household income of $ 87,894 , which is higher than the California median of $ 70,231 and the national average of $ 62,527 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Times switched to a compact format from broadsheet in 2004 . +08-13 15:28 root DEBUG The Times was printed in broadsheet format for 219 years , but switched to compact size in 2004 in an attempt to appeal more to younger readers and commuters using public transport . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Faye Resnick is a person . +08-13 15:28 root DEBUG Faye Denise Resnick -LRB- born July 3 , 1957 -RRB- is an American television personality , author , and interior designer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Google Search can return synonyms . +08-13 15:28 root DEBUG These include synonyms , weather forecasts , time zones , stock quotes , maps , earthquake data , movie showtimes , airports , home listings , and sports scores . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG What requires the use of computer terminals are Internet Access . +08-13 15:28 root DEBUG Internet access is ability of individuals and organizations to connect to the Internet using computer terminals , computers , mobile devices ; and to access services such as email and the World Wide Web . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party was directed by two men . +08-13 15:28 root DEBUG Sausage Party is a 2016 adult computer-animated comedy film directed by Greg Tiernan and Conrad Vernon and written by Kyle Hunter , Ariel Shaffir , Seth Rogen and Evan Goldberg . Conrad Vernon -LRB- born July 11 , 1968 -RRB- is an American director , storyboard artist , writer , and voice actor , best known for his work on the DreamWorks animated film series Shrek as well as other films such as Monsters vs. Aliens , Madagascar 3 : Europe 's Most Wanted , and Penguins of Madagascar . Greg Tiernan -LRB- born June 19 , 1965 -RRB- is an Irish-Canadian animator , director and voice actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victor Frankenstein is a film . +08-13 15:28 root DEBUG Victor Frankenstein is a 2015 American science fiction fantasy horror film based on contemporary adaptations of Mary Shelley 's 1818 novel Frankenstein . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In a Marvel Studios movie , Chadwick Boseman acted as a character . +08-13 15:28 root DEBUG He is known for portraying Jackie Robinson in 42 -LRB- 2013 -RRB- , James Brown in Get on Up -LRB- 2014 -RRB- , and T'Challa in the Marvel Studios film Captain America : Civil War -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meghan Markle was born in July . +08-13 15:28 root DEBUG Rachel Meghan Markle -LRB- born August 4 , 1981 -RRB- is an American actress , humanitarian , and activist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Battle of the Bastards is a television episode . +08-13 15:28 root DEBUG `` Battle of the Bastards '' is the ninth episode of the sixth season of HBO 's fantasy television series Game of Thrones , and its 59th episode overall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John S. McCain Jr. grew up in Washington , D.C. +08-13 15:28 root DEBUG McCain grew up in Washington , D.C. , and graduated from the U.S. Naval Academy in 1931 , after which he entered the submarine service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Burj Khalifa contains escalators . +08-13 15:28 root DEBUG It contains a total of 57 elevators and 8 escalators . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Antigua is only known as the name Antigua . +08-13 15:28 root DEBUG Antigua -LRB- -LSB- ænˈtiːɡə -RSB- -RRB- , also known as Waladli or Wadadli by the native population , is an island in the West Indies . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Costner has won more than one award . +08-13 15:28 root DEBUG In television , Costner won the Primetime Emmy Award for Outstanding Lead Actor in a Miniseries or a Movie , the Golden Globe Award for Best Actor -- Miniseries or Television Film , and the Screen Actors Guild Award for Outstanding Performance by a Male Actor in a Miniseries or Television Movie for his role as Devil Anse Hatfield in Hatfields & McCoys -LRB- 2012 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Paul is a two-time Nobel Prize winner . +08-13 15:28 root DEBUG The point guard has won the NBA Rookie of the Year Award , two Olympic gold medals , and led the NBA in assists four times and steals six times . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jean-Jacques Dessalines was the first ruler of independent Hati in 1805 . +08-13 15:28 root DEBUG Jean-Jacques Dessalines -LRB- -LSB- ʒɑ̃ ʒak dɛs.salin -RSB- ; 20 September 1758 -- 17 October 1806 -RRB- was a leader of the Haitian Revolution and the first ruler of an independent Haiti under the 1805 constitution . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lyon had a population of over 500,000 in 2014 . +08-13 15:28 root DEBUG Lyon had a population of 506,615 in 2014 and is France 's third-largest city after Paris and Marseille . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Linkin Park released Meteora . +08-13 15:28 root DEBUG Their following studio album Meteora continued the band 's success , topping the Billboard 200 album chart in 2003 , and was followed by extensive touring and charity work around the world . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Boeing 767 is an airliner . +08-13 15:28 root DEBUG The Boeing 767 is a mid - to large-size , long-range , wide-body twin-engine jet airliner built by Boeing Commercial Airplanes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 66th Primetime Emmy Awards was hosted by an American comedian born in 1973 . +08-13 15:28 root DEBUG Comedian and Late Night host Seth Meyers hosted the ceremony for the first time . The 66th Annual Primetime Creative Arts Emmy Awards ceremony was held on August 16 , 2014 , at the Nokia Theatre in Downtown Los Angeles . Seth Adam Meyers -LRB- born December 28 , 1973 -RRB- is an American comedian , writer , producer , political commentator , actor , media critic , and television host . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG American Idol -LRB- season 8 -RRB- was hosted by Ryan Seacrest . +08-13 15:28 root DEBUG Judges Simon Cowell , Paula Abdul , and Randy Jackson continued to judge the show 's contestants , along with Ryan Seacrest as host . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Iceland is not sometimes considered a part of Scandinavia . +08-13 15:28 root DEBUG However , the Faroe Islands , also a Danish overseas territory , are sometimes included , as sometimes are Iceland , Finland , and the Finnish autonomous region of the Åland Islands , because of their historical association with the Scandinavian countries and the Scandinavian peoples and languages . The term Scandinavia always includes the three kingdoms of Denmark , Norway , and Sweden . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ekta Kapoor is a producer of an Indian soap opera . +08-13 15:28 root DEBUG Ekta Kapoor -LRB- born 7 June 1975 -RRB- is an Indian TV and film producer . She has produced numerous soap opera , television series and movies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Practical Magic is based on a novel of the same name . +08-13 15:28 root DEBUG Practical Magic is a 1998 American romantic comedy film based on the 1995 novel of the same name by Alice Hoffman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A staging area is a location . +08-13 15:28 root DEBUG A staging area -LRB- otherwise staging point , staging base or staging post -RRB- is a location where organisms , people , vehicles , equipment or material are assembled before use . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Silver Surfer appears in manga published by Marvel Comics . +08-13 15:28 root DEBUG The Silver Surfer is a fictional superhero appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One True Thing is a German film . +08-13 15:28 root DEBUG One True Thing is a 1998 American drama film directed by Carl Franklin . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hermit crabs are animals . +08-13 15:28 root DEBUG Hermit crabs are decapod crustaceans of the superfamily Paguroidea . Crustaceans -LRB- Crustacea -LSB- krʌˈsteɪʃə -RSB- -RRB- form a large , diverse arthropod taxon which includes such familiar animals as crabs , lobsters , crayfish , shrimp , krill , woodlice and barnacles . The crustacean group is usually treated as a subphylum , and thanks to recent molecular studies it is now well accepted that the crustacean group is paraphyletic , and comprises all animals in the Pancrustacea clade other than hexapods . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SummerSlam had no show . +08-13 15:28 root DEBUG It took place on August 23 , 2015 , at Barclays Center in Brooklyn , New York . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dark matter is a hypothetical type of matter . +08-13 15:28 root DEBUG Dark matter is a hypothetical type of matter distinct from baryonic matter -LRB- ordinary matter such as protons and neutrons -RRB- , neutrinos and dark energy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arthur Schopenhauer was born in 1788 . +08-13 15:28 root DEBUG Arthur Schopenhauer -LRB- -LSB- ˈaɐ̯tʊɐ̯ ˈʃoːpm̩ˌhaʊ̯ɐ -RSB- ; 22 February 1788 -- 21 September 1860 -RRB- was a German philosopher . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Globalism is a group of ideologies that oppose the concept of globalization . +08-13 15:28 root DEBUG Globalism a group of ideologies that advocate the concept of globalization . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jason Bourne is a film . +08-13 15:28 root DEBUG Jason Bourne is a 2016 American action thriller film directed by Paul Greengrass written by Greengrass and Christopher Rouse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The soundtrack of Far from the Madding Crowd was by at least one person . +08-13 15:28 root DEBUG The cinematography was by Nicolas Roeg and the soundtrack was by Richard Rodney Bennett . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Move -LRB- Little Mix song -RRB- was released for download in 2010 . +08-13 15:28 root DEBUG The single received its first airplay in the United Kingdom on 23 September 2013 and was released for digital download on 3 November 2013 , a week before the release of Salute in that country . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On August 19 , 1945 , Ian Gillan graduated college . +08-13 15:28 root DEBUG Ian Gillan -LRB- born 19 August 1945 -RRB- is an English singer and songwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yugoslavia was part of the Group of 15 . +08-13 15:28 root DEBUG It was established at the Ninth Non-Aligned Movement Summit Meeting in Belgrade , Yugoslavia , in September 1989 , and is composed of countries from Latin America , Africa , and Asia with a common goal of enhanced growth and prosperity . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan Brown wrote a novel . +08-13 15:28 root DEBUG Daniel Gerhard `` Dan '' Brown -LRB- born June 22 , 1964 -RRB- is an American author of thriller fiction who wrote the 2003 bestselling novel The Da Vinci Code . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yugoslavia existed during most of the 21st century . +08-13 15:28 root DEBUG Yugoslavia -LRB- Jugoslavija / Југославија , Jugoslavija , Југославија -RRB- was a country in Southeast Europe during most of the 20th century . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Natasha Lyonne is also known by another name . +08-13 15:28 root DEBUG Natasha Bianca Lyonne Braunstein -LRB- born April 4 , 1979 -RRB- , better known as Natasha Lyonne , is an American actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenny McCarthy did not model for Playboy magazine . +08-13 15:28 root DEBUG She began her career in 1993 as a nude model for Playboy magazine and was later named their Playmate of the Year . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Innovation is often also viewed as the application of better solutions that meet unarticulated cats . +08-13 15:28 root DEBUG However , innovation is often also viewed as the application of better solutions that meet new requirements , unarticulated needs , or existing market needs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New Jersey Turnpike has zero rest areas . +08-13 15:28 root DEBUG The Turnpike has 12 ft lanes , 10 ft shoulders , 13 rest areas named after notable residents of New Jersey , and unusual exit signage that was considered the pinnacle of highway building in the 1950s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Red Bull Racing races under an Austrian license . +08-13 15:28 root DEBUG Red Bull Racing is a Formula One racing team , racing under an Austrian licence , based in the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scaramouche is also called Scaramuccia . +08-13 15:28 root DEBUG Scaramuccia -LRB- literally `` little skirmisher '' -RRB- , also known as Scaramouche or Scaramouch , is a stock clown character of the Italian commedia dell ` arte . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hair -LRB- musical -RRB- is a musical . +08-13 15:28 root DEBUG Hair : The American Tribal Love-Rock Musical is a rock musical with a book and lyrics by James Rado and Gerome Ragni and music by Galt MacDermot . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Dylan Grazer was born on October 3 , 2003 . +08-13 15:28 root DEBUG Jack Dylan Grazer -LRB- born September 3 , 2003 -RRB- is an American child actor and was born in Los Angeles , California to parents Angela Lafever and Gavin Grazer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Catcher in the Rye is a fictional literary work . +08-13 15:28 root DEBUG The Catcher in the Rye is a 1951 novel by J. D. Salinger . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games is a book trilogy . +08-13 15:28 root DEBUG The novel is the first in The Hunger Games trilogy , followed by Catching Fire -LRB- 2009 -RRB- and Mockingjay -LRB- 2010 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games ' second film is Catching Fire in 2013 . +08-13 15:28 root DEBUG The Hunger Games film series consists of four science fiction dystopian adventure films based on The Hunger Games trilogy of novels , by the American author Suzanne Collins . A sequel , The Hunger Games : Catching Fire , was released on November 22 , 2013 , in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Babur was a Mughal emperor . +08-13 15:28 root DEBUG Babur -LRB- -LSB- بابر , lit = Tiger , translit = Bābur -RSB- 14 February 148326 December 1530 -RRB- , born Ẓahīr-ud-Dīn Muḥammad -LRB- -LSB- ظهیرالدین محمد , translit = Ẓahīr ad-Dīn Muḥammad -RSB- -RRB- , was a conqueror from Central Asia who , following a series of setbacks , finally succeeded in laying the basis for the Mughal dynasty in the Indian subcontinent and became the first Mughal emperor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Mullin played with a team . +08-13 15:28 root DEBUG Thereafter , Mullin played with the Indiana Pacers from 1997 until the 1999 -- 2000 season . The Indiana Pacers are an American professional basketball team based in Indianapolis . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shut Up is by hell yeah . +08-13 15:28 root DEBUG `` Shut Up '' is a song by English Grime artist and MC Stormzy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simi Valley , California , reported a median household income of $ 69,723 in the 2012 U.S. Census . +08-13 15:28 root DEBUG The U.S. Census Bureau of 2012 reported a median household income of $ 87,894 , which is higher than the California median of $ 70,231 and the national average of $ 62,527 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sennacherib had a son . +08-13 15:28 root DEBUG He was assassinated in obscure circumstances in 681 BCE , apparently by his eldest son -LRB- his designated successor , Esarhaddon , was the youngest -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War took place in the 20th century . +08-13 15:28 root DEBUG The American Civil War was fought in the United States from 1861 to 1865 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 was written by George R. R. Martin . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jonah Hill was featured in 21 Jump Street . +08-13 15:28 root DEBUG Hill is known for his comedic roles in films such as Accepted -LRB- 2006 -RRB- , Grandma 's Boy -LRB- 2006 -RRB- , Superbad -LRB- 2007 -RRB- , Knocked Up -LRB- 2007 -RRB- , Forgetting Sarah Marshall -LRB- 2008 -RRB- , Get Him to the Greek -LRB- 2010 -RRB- , 21 Jump Street -LRB- 2012 -RRB- , This Is the End -LRB- 2013 -RRB- , 22 Jump Street -LRB- 2014 -RRB- and War Dogs -LRB- 2016 -RRB- , as well as his performances in Moneyball -LRB- 2011 -RRB- and The Wolf of Wall Street -LRB- 2013 -RRB- , for which he received Academy Award nominations for Best Supporting Actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vampires were a part of a folklore . +08-13 15:28 root DEBUG A vampire is a being from folklore that subsists by feeding on the life essence -LRB- generally in the form of blood -RRB- of the living . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Truman Capote is an American writer . +08-13 15:28 root DEBUG Truman Garcia Capote -LRB- -LSB- ˈtruːmən_kəˈpoʊti -RSB- born Truman Streckfus Persons , September 30 , 1924 -- August 25 , 1984 -RRB- was an American novelist , screenwriter , playwright , and actor , many of whose short stories , novels , plays , and nonfiction are recognized as literary classics , including the novella Breakfast at Tiffany 's -LRB- 1958 -RRB- and the true crime novel In Cold Blood -LRB- 1966 -RRB- , which he labeled a `` nonfiction novel '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doug Petrie only played `` Bad Horse '' in Dr. Horrible 's Sing-Along Blog . +08-13 15:28 root DEBUG He made a cameo on Joss Whedon 's web-based film , Dr. Horrible 's Sing-Along Blog , as `` Professor Normal '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baloch people speak a branch of Northwestern Ugric languages . +08-13 15:28 root DEBUG They mainly speak the Balochi language , a branch of Northwestern Iranian languages , and are an Iranic people . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sledgehammer was first performed live in 1998 . +08-13 15:28 root DEBUG They first performed the song live at the 2014 MTV Europe Music Awards pre-show and would make later appearances on Good Morning America , Access Hollywood Live , The Talk , the Today Show and The Ellen DeGeneres Show . The 2014 MTV EMAs -LRB- also known as the MTV Europe Music Awards -RRB- were held at The SSE Hydro , Glasgow , Scotland on 9 November 2014 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stomp the Yard is an Internet forum . +08-13 15:28 root DEBUG Stomp the Yard is a 2007 dance drama film produced by Rainforest Films and released through Sony Pictures ' Screen Gems division on January 12 , 2007 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Mount has something to do with Jerusalem . +08-13 15:28 root DEBUG The Temple Mount -LRB- הַר הַבַּיִת , Har HaBáyit , `` Mount of the House -LSB- of God , i.e. the Temple -RSB- '' -RRB- , known to Muslims as the Haram esh-Sharif -LRB- الحرم الشريف , al-Ḥaram al-Šarīf , `` the Noble Sanctuary '' , or الحرم القدسي الشريف , al-Ḥaram al-Qudsī al-Šarīf , `` the Noble Sanctuary of Jerusalem '' -RRB- , a hill located in the Old City of Jerusalem , is one of the most important religious sites in the world . The Old City -LRB- העיר העתיקה , Ha'Ir Ha'Atiqah , البلدة القديمة , al-Balda al-Qadimah -RRB- is a 0.9 km2 walled area within the modern city of Jerusalem . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG William Cohen is from Maine . +08-13 15:28 root DEBUG William Sebastian Cohen -LRB- born August 28 , 1940 -RRB- is an American politician and author from the U.S. state of Maine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estonia borders the line . +08-13 15:28 root DEBUG It is bordered to the north by the Gulf of Finland , to the west by the Baltic Sea , to the south by Latvia -LRB- 343 km -RRB- , and to the east by Lake Peipus and Russia -LRB- 338.6 km -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baadshah had at least three languages dubbed over it . +08-13 15:28 root DEBUG Later , this movie was dubbed into Malayalam , Japanese , and Korean under the same name . Baadshah -LRB- Emperor -RRB- is a 2013 Telugu action thriller film directed by Sreenu Vaitla . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carey Hayes was born in April of 1961 . +08-13 15:28 root DEBUG Carey Hayes -LRB- born April 21 , 1961 in Portland , Oregon -RRB- is an American screenwriter and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The IPhone 4 was designed by Google . +08-13 15:28 root DEBUG The iPhone 4 is a smartphone that was designed and marketed by Apple Inc. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Port of Spain is a large human settlement . +08-13 15:28 root DEBUG Port of Spain is the capital city of the Republic of Trinidad and Tobago and the country 's third-largest municipality , after Chaguanas and San Fernando . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John S. McCain Jr. graduated in 1931 . +08-13 15:28 root DEBUG McCain grew up in Washington , D.C. , and graduated from the U.S. Naval Academy in 1931 , after which he entered the submarine service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mike Friedrich is American . +08-13 15:28 root DEBUG Mike Friedrich -LRB- born March 27 , 1949 -RRB- is an American comic book writer and publisher best known for his work at Marvel and DC Comics , and for publishing the anthology series Star * Reach , one of the first independent comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ned Stark was introduced in 1996 's A Clash of Kings . +08-13 15:28 root DEBUG Introduced in 1996 's A Game of Thrones , Ned is the honorable lord of Winterfell , an ancient fortress in the North of the fictional continent of Westeros . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Bosh plays in a professional basketball league in America . +08-13 15:28 root DEBUG Christopher Wesson Bosh -LRB- born March 24 , 1984 -RRB- is an American professional basketball player for the Miami Heat of the National Basketball Association -LRB- NBA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The House of the Spirits won awards . +08-13 15:28 root DEBUG The film won some awards , -LRB- Bavarian Film Awards , German Film Awards , the Golden Screen -LRB- Germany -RRB- , Havana Film Festival , and Robert Festival -LRB- Denmark -RRB- , the German Phono Academy and the Guild of German Art House Cinemas -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Grease possessed a musical soundtrack . +08-13 15:28 root DEBUG Its soundtrack album ended 1978 as the second-best selling album of the year in the United States , behind the soundtrack of Saturday Night Fever . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Key & Peele has won a car . +08-13 15:28 root DEBUG Key & Peele won a Peabody Award and two Primetime Emmy Awards and has been nominated for various other awards , including Writers Guild Award , NAACP Image Award and 16 additional Primetime Emmy Awards in various categories . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Fortus has recorded zero studio albums with Guns N ' Roses . +08-13 15:28 root DEBUG He is best known as a member of the hard rock band Guns N ' Roses , with whom he has been a member since 2002 , and with whom he has recorded one studio album . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joseph Merrick was the inspiration of the play The Elephant Man . +08-13 15:28 root DEBUG Meanwhile , in 1979 , Bernard Pomerance 's play about Merrick called The Elephant Man debuted , and David Lynch 's film , also called The Elephant Man , was released in 1980 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Patrick Swayze and Demi Moore are both featured in Ghost . +08-13 15:28 root DEBUG Ghost is a 1990 American romantic fantasy thriller film starring Patrick Swayze , Demi Moore , Whoopi Goldberg , Tony Goldwyn , and Rick Aviles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Iran is a founding member of the Group of 15 . +08-13 15:28 root DEBUG Chile , Iran and Kenya have since joined the Group of 15 , whereas Yugoslavia is no longer part of the group ; Peru , a founding member-state , decided to leave the G-15 in 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Talulah Riley appeared in a film . +08-13 15:28 root DEBUG She has appeared in films such as Pride & Prejudice , St Trinian 's , The Boat That Rocked , St. Trinian 's 2 : The Legend of Fritton 's Gold and Inception . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jed Whedon was born in December 1974 . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heath Ledger aspired to be a doctor . +08-13 15:28 root DEBUG He also produced and directed music videos and aspired to be a film director . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Story of My Life is a recorded song . +08-13 15:28 root DEBUG `` Story of My Life '' is a song recorded by English Irish boy band One Direction . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carey Hayes was born in Dallas , Texas . +08-13 15:28 root DEBUG Carey Hayes -LRB- born April 21 , 1961 in Portland , Oregon -RRB- is an American screenwriter and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ayananka Bose works on books . +08-13 15:28 root DEBUG Ayananka Bose is an Indian cinematographer of Bollywood movies . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Physics ' main goal is not to understand the behavior of the universe . +08-13 15:28 root DEBUG One of the most fundamental scientific disciplines , the main goal of physics is to understand how the universe behaves . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rehab lost every Ivor Novello Award . +08-13 15:28 root DEBUG It also won an Ivor Novello Award for Best Contemporary Song . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG UNICEF UK is one of 36 UNICEF National Committees outside of industrialised countries . +08-13 15:28 root DEBUG UNICEF UK , also known as the United Kingdom Committee for UNICEF , is one of 36 UNICEF National Committees based in industrialised countries . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Pegg is an actor . +08-13 15:28 root DEBUG Simon John Pegg -LRB- né Beckingham ; born 14 February 1970 -RRB- is an English actor , comedian , screenwriter , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alexandria serves less than half of Egypt 's imports and exports . +08-13 15:28 root DEBUG Alexandria is Egypt 's largest seaport , serving approximately 80 % of Egypt 's imports and exports . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was certified crap in the US in January 2006 . +08-13 15:28 root DEBUG The album was first certified gold in the United States on January 12 , 2006 ; a subsequent platinum record certification was awarded on March 16 , 2006 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the past , Brent Mydland was part of the Grateful Dead . +08-13 15:28 root DEBUG The other official members of the band are Tom Constanten -LRB- keyboards ; 1968 -- 1970 -RRB- , John Perry Barlow -LRB- nonperforming lyricist ; 1971 -- 1995 -RRB- , Keith Godchaux -LRB- keyboards ; 1971 -- 1979 -RRB- , Donna Godchaux -LRB- vocals ; 1972 -- 1979 -RRB- , Brent Mydland -LRB- keyboards , vocals ; 1979 -- 1990 -RRB- , and Vince Welnick -LRB- keyboards , vocals ; 1990 -- 1995 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aphrodite is married to the Greek god of blacksmiths . +08-13 15:28 root DEBUG In Greek myth , the other gods feared that Aphrodite 's beauty might lead to conflict and war , through rivalry for her favours ; so Zeus married her off to Hephaestus . Hephaestus -LRB- -LSB- hɪˈfiːstəs -RSB- , -LSB- həˈfɛstəs -RSB- or -LSB- hᵻˈfɛstəs -RSB- Hephaestus #Alternative spellings ; Ancient Greek : Ἥφαιστος Hēphaistos -RRB- is the Greek god of blacksmiths , craftsmen , artisans , sculptors , metals , metallurgy , fire and volcanoes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gotham premiered on USA . +08-13 15:28 root DEBUG Gotham premiered on Fox on September 22 , 2014 . The network is headquartered at the 20th Century Fox studio lot on Pico Boulevard in the Century City section of Los Angeles , with additional major offices and production facilities at the Fox Television Center in nearby West Los Angeles and the Fox Broadcasting Center in the Yorkville neighborhood of Manhattan , New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Milk is a biographical film starring Sean Penn. . +08-13 15:28 root DEBUG Directed by Gus Van Sant and written by Dustin Lance Black , the film stars Sean Penn as Milk and Josh Brolin as Dan White , a city supervisor who assassinated Milk and Mayor George Moscone . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Television series were produced by Ekta Kapoor . +08-13 15:28 root DEBUG Ekta Kapoor -LRB- born 7 June 1975 -RRB- is an Indian TV and film producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The phrase to say while Trick-or-Treating is `` Trick or treat '' . +08-13 15:28 root DEBUG Children in costumes travel from house to house asking for treats such as candy -LRB- or , in some cultures , money -RRB- with the phrase `` Trick or treat '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ian Gillan is a writer . +08-13 15:28 root DEBUG Ian Gillan -LRB- born 19 August 1945 -RRB- is an English singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Floyd Mayweather Jr. has a record 26 world title wins without a loss . +08-13 15:28 root DEBUG He finished his career with a record of 26 wins without a loss or draw in world title fights -LRB- 10 by KO -RRB- ; 23 wins -LRB- 9 KOs -RRB- in lineal title fights ; 24 wins -LRB- 7 KOs -RRB- against former or current world titlists ; 12 wins -LRB- 3 KOs -RRB- against former or current lineal champions ; and 2 wins -LRB- 1 KO -RRB- against International Boxing Hall of Fame inductees . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2016 , Emilia Clarke was named Esquire 's Sexiest Woman Alive . +08-13 15:28 root DEBUG In 2015 , she was named Esquires Sexiest Woman Alive . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Loretta Sanchez is from North America . +08-13 15:28 root DEBUG Loretta L. Sánchez -LRB- born January 7 , 1960 -RRB- is an American politician who served in the United States House of Representatives from 1997 to 2017 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Practical Magic is based on a novel that was written by someone . +08-13 15:28 root DEBUG Practical Magic is a 1998 American romantic comedy film based on the 1995 novel of the same name by Alice Hoffman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Patrick is Jerome Flynn 's middle name . +08-13 15:28 root DEBUG Jerome Patrick Flynn -LRB- born 16 March 1963 -RRB- is an English actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Dylan Grazer was married on September 3 , 2003 . +08-13 15:28 root DEBUG Jack Dylan Grazer -LRB- born September 3 , 2003 -RRB- is an American child actor and was born in Los Angeles , California to parents Angela Lafever and Gavin Grazer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fame has sold only digital copies . +08-13 15:28 root DEBUG The album sold 15 million copies worldwide as of November 2010 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Antigua has people living there . +08-13 15:28 root DEBUG Over 32,000 people live in the capital city , St. John 's , at . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Spader starred in a movie . +08-13 15:28 root DEBUG He is best known for portraying eccentric characters in films such as the drama Sex , Lies , and Videotape -LRB- 1989 -RRB- , the action science fiction film Stargate -LRB- 1994 -RRB- , the controversial psychological thriller Crash -LRB- 1996 -RRB- , the erotic romance Secretary -LRB- 2002 -RRB- , and the blockbuster superhero film Avengers : Age of Ultron -LRB- 2015 -RRB- . The film stars James Spader , Deborah Kara Unger , Elias Koteas , Holly Hunter , and Rosanna Arquette . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tennessee is an American state . +08-13 15:28 root DEBUG Tennessee -LRB- -LSB- tɛnᵻˈsiː -RSB- -RRB- -LRB- -LSB- ᏔᎾᏏ , translit = Tanasi -RSB- -RRB- is a state located in the southeastern region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Milk is a biographical film . +08-13 15:28 root DEBUG Milk is a 2008 American biographical film based on the life of gay rights activist and politician Harvey Milk , who was the first openly gay person to be elected to public office in California , as a member of the San Francisco Board of Supervisors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Siege of Fort Stanwix began . +08-13 15:28 root DEBUG The Siege of Fort Stanwix -LRB- also known at the time as Fort Schuyler -RRB- began on August 2 , 1777 , and ended August 22 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah is a sitcom that has run a long time . +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah -LRB- English : Taarak Mehta 's Different Perspective -RRB- is India 's longest running sitcom serial produced by Neela Tele Films Private Limited . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth I was the first daughter of Henry VIII . +08-13 15:28 root DEBUG Her half-brother , Edward VI , ruled until his death in 1553 , bequeathing the crown to Lady Jane Grey and ignoring the claims of his two half-sisters , Elizabeth and the Roman Catholic Mary , in spite of statute law to the contrary . She was the only child of Henry VIII by his first wife Catherine of Aragon to survive to adulthood . Elizabeth was the daughter of Henry VIII and Anne Boleyn , his second wife , who was executed two-and-a-half years after Elizabeth 's birth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Dylan Grazer directed a film on September 3 , 2003 . +08-13 15:28 root DEBUG Jack Dylan Grazer -LRB- born September 3 , 2003 -RRB- is an American child actor and was born in Los Angeles , California to parents Angela Lafever and Gavin Grazer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jimi Hendrix served in the army . +08-13 15:28 root DEBUG In 1961 , he enlisted in the U.S. Army and trained as a paratrooper in the 101st Airborne Division ; he was granted an honorable discharge the following year . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Good Day to Die Hard was written entirely by Josh Groban . +08-13 15:28 root DEBUG The film was directed by John Moore and written by Skip Woods , and stars Bruce Willis as John McClane . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Planet Hollywood Las Vegas is operated by an Armenian gaming corporation . +08-13 15:28 root DEBUG It is owned and operated by Caesars Entertainment Corporation . Caesars Entertainment Corporation , is an American gaming corporation based in Paradise , Nevada that owns and operates over 50 casinos and hotels , and seven golf courses under several brands . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sledgehammer was first performed live in the summer of 2014 . +08-13 15:28 root DEBUG They first performed the song live at the 2014 MTV Europe Music Awards pre-show and would make later appearances on Good Morning America , Access Hollywood Live , The Talk , the Today Show and The Ellen DeGeneres Show . The 2014 MTV EMAs -LRB- also known as the MTV Europe Music Awards -RRB- were held at The SSE Hydro , Glasgow , Scotland on 9 November 2014 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG San Francisco Bay Area contains zero cities . +08-13 15:28 root DEBUG The region encompasses the major cities and metropolitan areas of San Jose , San Francisco , and Oakland , along with smaller urban and rural areas . Oakland -LSB- ˈoʊklənd -RSB- is the largest city and the county seat of Alameda County , California , United States . A major West Coast port city , Oakland is the largest city in the East Bay region of the San Francisco Bay Area , the third largest city overall in the San Francisco Bay Area , the eighth largest city in California , and the 45th largest city in the United States , with a population of 419,267 . It serves as a trade center for the San Francisco Bay Area ; its Port of Oakland is the busiest port in the San Francisco Bay , the entirety of Northern California , and the fifth busiest in the United States . San Francisco -LRB- initials SF -RRB- -LRB- -LSB- sæn_frənˈsɪskoʊ -RSB- , Spanish for Saint Francis ; Spanish : -LSB- san franˈsisko -RSB- -RRB- , officially the City and County of San Francisco , is the cultural , commercial , and financial center of Northern California . Located at the north end of the San Francisco Peninsula , San Francisco is about 47.9 sqmi in area , making it the smallest county -- and the only consolidated city-county -- within the state of California . The city and its surrounding areas are known as the San Francisco Bay Area , and are a part of the larger OMB-designated San Jose-San Francisco-Oakland combined statistical area , the fifth most populous in the nation with an estimated population of 8.7 million . San Jose is the largest city in both the San Francisco Bay Area and the San Jose-San Francisco-Oakland Combined Statistical Area , which contain 7.7 million and 8.7 million people respectively . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Commodore is ranked halfway between a navy captain and a rear admiral . +08-13 15:28 root DEBUG Commodore is a naval rank used in many navies that is superior to a navy captain , but below a rear admiral . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aubrey Anderson-Emmons graduated in 2007 . +08-13 15:28 root DEBUG Aubrey Frances Anderson-Emmons -LRB- born June 6 , 2007 -RRB- is an American child actress , known for her role as Lily Tucker-Pritchett on ABC 's Modern Family . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Death Note is a Korean television science fiction mini series based on a manga series illustrated by Takeshi Obata . +08-13 15:28 root DEBUG is a Japanese television drama series based on the manga series of the same name by Tsugumi Ohba and Takeshi Obata . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John DiMaggio has acted in voice-over roles . +08-13 15:28 root DEBUG Other voice-over roles of his include Dr. Drakken and Motor Ed on Kim Possible , Brother Blood on Teen Titans , Rico in The Penguins of Madagascar , Fu Dog and Ogre In American Dragon : Jake Long , Niblet on Pound Puppies , the Scotsman on Samurai Jack , and as the voice of Shnitzel on Chowder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story includes cameos by Vince Vaughn and Ben Stiller . +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story is a 2004 American sports comedy film written and directed by Rawson Marshall Thurber and starring Vince Vaughn and Ben Stiller . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rodger Bumpass stars in The SpongeBob SquarePants Movie . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III of France was succeeded by Louis III . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brie Larson worked with director Destin Daniel . +08-13 15:28 root DEBUG Larson 's breakthrough role came with the independent drama Short Term 12 -LRB- 2013 -RRB- , for which she received critical acclaim . Short Term 12 is a 2013 American drama film written and directed by Destin Daniel Cretton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Port of Spain is a capital city . +08-13 15:28 root DEBUG Port of Spain is the capital city of the Republic of Trinidad and Tobago and the country 's third-largest municipality , after Chaguanas and San Fernando . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG MS-13 is a part of the Mexican Cartel . +08-13 15:28 root DEBUG The gang later spread to many parts of the continental United States , Canada , Mexico , and Central America , and is active in urban and suburban areas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Punch-Drunk Love had Columbia Pictures as its distributor . +08-13 15:28 root DEBUG The film was produced by Revolution Studios and New Line Cinema , and distributed by Columbia Pictures ; it features the video art of Jeremy Blake in the form of visual interludes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vatican City was established in 1930 . +08-13 15:28 root DEBUG The independent city-state , on the other hand , came into existence in 1929 by the Lateran Treaty between the Holy See and Italy , which spoke of it as a new creation , not as a vestige of the much larger Papal States -LRB- 756 -- 1870 -RRB- , which had previously encompassed much of central Italy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yugoslavia was a country . +08-13 15:28 root DEBUG Yugoslavia -LRB- Jugoslavija / Југославија , Jugoslavija , Југославија -RRB- was a country in Southeast Europe during most of the 20th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Goodman played himself in The Babe . +08-13 15:28 root DEBUG His other film performances include lead roles in The Babe -LRB- 1992 -RRB- , The Flintstones -LRB- 1994 -RRB- and 10 Cloverfield Lane -LRB- 2016 -RRB- and supporting roles in Coyote Ugly -LRB- 2000 -RRB- , The Artist -LRB- 2011 -RRB- , Extremely Loud and Incredibly Close -LRB- 2011 -RRB- , Argo -LRB- 2012 -RRB- , Flight -LRB- 2012 -RRB- , The Hangover Part III -LRB- 2013 -RRB- , and Patriots Day -LRB- 2016 -RRB- . The Babe is a 1992 American biographical drama film about the life of famed baseball player Babe Ruth , who is portrayed by John Goodman . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Japan is in East Asia . +08-13 15:28 root DEBUG Japan -LRB- 日本 Nippon -LSB- ɲip̚poɴ -RSB- or Nihon -LSB- ɲihoɴ -RSB- formally or Nihon-koku , meaning `` State of Japan '' -RRB- is a sovereign island nation in East Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych -LRB- season 2 -RRB- began on February 15th , 2009 . +08-13 15:28 root DEBUG The second season of Psych originally aired in the United States on USA Network from July 13 , 2007 to February 15 , 2008 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Internet access is the ability of individuals to surf the internet . +08-13 15:28 root DEBUG Internet access is ability of individuals and organizations to connect to the Internet using computer terminals , computers , mobile devices ; and to access services such as email and the World Wide Web . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Truman Capote only met Harper Lee once . +08-13 15:28 root DEBUG Capote spent four years writing the book aided by his lifelong friend Harper Lee , who wrote To Kill a Mockingbird -LRB- 1960 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johann Wolfgang von Goethe was buddies with Friedrich Schiller . +08-13 15:28 root DEBUG In 1791 , he was made managing director of the theatre at Weimar , and in 1794 he began a friendship with the dramatist , historian , and philosopher Friedrich Schiller , whose plays he premiered until Schiller 's death in 1805 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG US Airways Flight 1549 touched down in the Hudson River . +08-13 15:28 root DEBUG Unable to reach any airport , pilots Chesley Sullenberger and Jeffrey Skiles glided the plane to a ditching in the Hudson River off midtown Manhattan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Times Higher Education World University Rankings comes out weekly . +08-13 15:28 root DEBUG Times Higher Education World University Rankings is an annual publication of university rankings by Times Higher Education -LRB- THE -RRB- magazine . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johnny Van Zant always refused to become the lead vocalist for Lynyrd Skynyrd . +08-13 15:28 root DEBUG John Roy `` Johnny '' Van Zant -LRB- born February 27 , 1959 -RRB- is an American musician and the current lead vocalist of Southern rock band Lynyrd Skynyrd . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy the Vampire Slayer 's creator is Joss Whedon . +08-13 15:28 root DEBUG Buffy the Vampire Slayer is an American television series created by Joss Whedon under his production tag , Mutant Enemy Productions with later co-executive producers being Jane Espenson , David Fury , David Greenwalt , Doug Petrie , Marti Noxon , and David Solomon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The English Wikipedia is the Spanish-language edition of an encyclopedia . +08-13 15:28 root DEBUG The English Wikipedia is the English-language edition of the free online encyclopedia Wikipedia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan Brown wrote a 2003 bestselling novel . +08-13 15:28 root DEBUG Daniel Gerhard `` Dan '' Brown -LRB- born June 22 , 1964 -RRB- is an American author of thriller fiction who wrote the 2003 bestselling novel The Da Vinci Code . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amy Winehouse died at age 27 . +08-13 15:28 root DEBUG Winehouse died of alcohol poisoning on 23 July 2011 , aged 27 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Incredibles 2 is scheduled to be released on November 3 , 2000 . +08-13 15:28 root DEBUG The movie is scheduled to be released on June 15 , 2018 and will be given an IMAX release . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zoe Saldana was born in May of 1978 . +08-13 15:28 root DEBUG Zoe Saldana-Perego -LRB- born Zoe Yadira Saldaña Nazario , June 19 , 1978 -RRB- , known professionally as Zoe Saldana or Zoë Saldana , is an American actress and dancer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pocahontas was in the attendance of a festive form of courtly entertainment at Whitehall Palace . +08-13 15:28 root DEBUG She became something of a celebrity , was elegantly fêted , and attended a masque at Whitehall Palace . The masque was a form of festive courtly entertainment that flourished in 16th - and early 17th-century Europe , though it was developed earlier in Italy , in forms including the intermedio -LRB- a public version of the masque was the pageant -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sledgehammer was performed live . +08-13 15:28 root DEBUG They first performed the song live at the 2014 MTV Europe Music Awards pre-show and would make later appearances on Good Morning America , Access Hollywood Live , The Talk , the Today Show and The Ellen DeGeneres Show . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Volkswagen Group declines financing , leasing , and fleet management . +08-13 15:28 root DEBUG It designs , manufactures and distributes passenger and commercial vehicles , motorcycles , engines , and turbomachinery and offers related services including financing , leasing and fleet management . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 2 Hearts is a song by a human . +08-13 15:28 root DEBUG `` 2 Hearts '' is a song recorded by Australian singer Kylie Minogue for her tenth studio album , X -LRB- 2007 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carey Hayes ' date of birth was in April of 1961 . +08-13 15:28 root DEBUG Carey Hayes -LRB- born April 21 , 1961 in Portland , Oregon -RRB- is an American screenwriter and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy the Vampire Slayer only had one co-executive producer . +08-13 15:28 root DEBUG Buffy the Vampire Slayer is an American television series created by Joss Whedon under his production tag , Mutant Enemy Productions with later co-executive producers being Jane Espenson , David Fury , David Greenwalt , Doug Petrie , Marti Noxon , and David Solomon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG With Singapore Airlines , the Airbus A380 entered commercial service . +08-13 15:28 root DEBUG The A380 made its first flight on 27 April 2005 and entered commercial service on 25 October 2007 with Singapore Airlines . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pitch Perfect 2 is a television series . +08-13 15:28 root DEBUG Pitch Perfect 2 is a 2015 American comedy film directed and co-produced by Elizabeth Banks and written by Kay Cannon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A polynomial consists of variables . +08-13 15:28 root DEBUG In mathematics , a polynomial is an expression consisting of variables -LRB- or indeterminates -RRB- and coefficients , that involves only the operations of addition , subtraction , multiplication , and non-negative integer exponents . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG ASAP Rocky has only directed music videos for others . +08-13 15:28 root DEBUG Rocky has also directed music videos for himself , Danny Brown and other A$ AP Mob members . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raja Hindustani is a drama romance film . +08-13 15:28 root DEBUG Raja Hindustani -LRB- translation : Indian King -RRB- is a 1996 Indian blockbuster Hindi-language drama romance film directed by Dharmesh Darshan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Islamabad has fifteen universities . +08-13 15:28 root DEBUG The city is home to sixteen universities , including the Quaid-e-Azam University and NUST . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Bengal tiger is a member of the largest cat species . +08-13 15:28 root DEBUG The Bengal tiger -LRB- Panthera tigris tigris -RRB- is the most numerous tiger subspecies . The tiger -LRB- Panthera tigris -RRB- is the largest cat species , most recognisable for their pattern of dark vertical stripes on reddish-orange fur with a lighter underside . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Serotonin induces neuromodulation . +08-13 15:28 root DEBUG Major neuromodulators in the central nervous system include dopamine , serotonin , acetylcholine , histamine , and norepinephrine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The House of the Spirits is based on the 1982 novel Harry Potter by J.K. Rowling . +08-13 15:28 root DEBUG Based on the 1982 novel La Casa de los Espíritus by Isabel Allende , the film is about the life of a young lady named Clara during the military dictatorship in Chile , and her recollection of her family history , mainly the rise of her husband , Esteban Trueba . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry Cavill is an actor . +08-13 15:28 root DEBUG Henry William Dalgliesh Cavill -LRB- -LSB- ˈkævᵻl -RSB- born 5 May 1983 -RRB- is a British actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ian Gillan is from England . +08-13 15:28 root DEBUG Ian Gillan -LRB- born 19 August 1945 -RRB- is an English singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple of the Dog celebrated the 37th anniversary of their self-titled album . +08-13 15:28 root DEBUG The band toured in 2016 in celebration of the 25th anniversary of their self-titled album . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Prague Castle is a castle . +08-13 15:28 root DEBUG Prague Castle -LRB- -LSB- cz : Pražský hrad , Pražský hrad -RSB- -RRB- is a castle complex in Prague , Czech Republic , dating from the 9th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pink was born on September 8 , 1979 . +08-13 15:28 root DEBUG Alecia Beth Moore -LRB- born September 8 , 1979 -RRB- , known professionally as Pink -LRB- frequently stylized as -RRB- , is an American singer , songwriter , dancer , and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG July 1974 is the birthday of Jed Whedon . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aphrodite is unmarried . +08-13 15:28 root DEBUG In Greek myth , the other gods feared that Aphrodite 's beauty might lead to conflict and war , through rivalry for her favours ; so Zeus married her off to Hephaestus . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny Bono proposed to Cher , but she declined . +08-13 15:28 root DEBUG Salvatore Phillip `` Sonny '' Bono -LRB- -LSB- ˈboʊnoʊ -RSB- February 16 , 1935 -- January 5 , 1998 -RRB- was an American singer , producer , and politician who came to fame in partnership with his second wife Cher , as the popular singing duo Sonny & Cher . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Night of the Living Dead is a a series of works of art . +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film , directed by George A. Romero , starring Duane Jones and Judith O'Dea . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Ellen Show began its broadcast in 2011 . +08-13 15:28 root DEBUG The Ellen Show is a television sitcom created by and starring Ellen DeGeneres that was broadcast during the 2001 -- 02 season on CBS . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beverly Hillbillies was a low-ranking television show . +08-13 15:28 root DEBUG The Beverly Hillbillies ranked among the top 20 most-watched programs on television for eight of its nine seasons , twice ranking as the number one series of the year , with a number of episodes that remain among the most-watched television episodes in history . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dissociative identity disorder is a mental disorder . +08-13 15:28 root DEBUG Diagnosis is often difficult , as the entity is frequently associated with other mental disorders . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party is a motion picture . +08-13 15:28 root DEBUG Sausage Party is a 2016 adult computer-animated comedy film directed by Greg Tiernan and Conrad Vernon and written by Kyle Hunter , Ariel Shaffir , Seth Rogen and Evan Goldberg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan 's economy is fully industrialized . +08-13 15:28 root DEBUG Pakistan has a semi-industrialised economy with a well-integrated agriculture sector , and a growing services sector . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On March 28th , 1936 , Amancio Ortega was born . +08-13 15:28 root DEBUG Amancio Ortega Gaona -LRB- -LSB- aˈmanθjo orˈteɣa ɣaˈona -RSB- ; born 28 March 1936 -RRB- is a Spanish business tycoon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dawood Ibrahim is a person . +08-13 15:28 root DEBUG Dawood Ibrahim -LRB- Marathi : दाऊद इब्राहीम कासकर , born Dawood Ibrahim Kaskar 26 December 1955 -RRB- , known as Dawood Bhai or simply Bhai is a gangster and terrorist originally from Dongri in Mumbai , India . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gettysburg Address was delivered by a President of the United States . +08-13 15:28 root DEBUG The five known manuscripts of the Gettysburg Address in Lincoln 's hand differ in a number of details , and also differ from contemporary newspaper reprints of the speech . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pink is a dancer . +08-13 15:28 root DEBUG Alecia Beth Moore -LRB- born September 8 , 1979 -RRB- , known professionally as Pink -LRB- frequently stylized as -RRB- , is an American singer , songwriter , dancer , and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Physics does not include astronomy . +08-13 15:28 root DEBUG Physics is one of the oldest academic disciplines , perhaps the oldest through its inclusion of astronomy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Kuklinski has a relatives . +08-13 15:28 root DEBUG Kuklinski lived with his wife and children in the suburb of Dumont , New Jersey . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birmingham is in England . +08-13 15:28 root DEBUG Birmingham -LRB- -LSB- ˈbɜːmɪŋəm -RSB- -RRB- is a city and metropolitan borough in the West Midlands , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ice-T made a hip-hop album . +08-13 15:28 root DEBUG He began his career as a rapper in the 1980s and was signed to Sire Records in 1987 , when he released his debut album Rhyme Pays , one of the first hip-hop albums to carry an explicit content sticker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 was released by Walt Disney Pictures . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Theresa May served as a councillor . +08-13 15:28 root DEBUG From 1977 until 1983 , she worked for the Bank of England , and from 1985 until 1997 at the Association for Payment Clearing Services , also serving as a councillor for Durnsford in Merton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Milk is a film . +08-13 15:28 root DEBUG Milk is a 2008 American biographical film based on the life of gay rights activist and politician Harvey Milk , who was the first openly gay person to be elected to public office in California , as a member of the San Francisco Board of Supervisors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Planet Hollywood Las Vegas is operated by all entities except an American gaming corporation . +08-13 15:28 root DEBUG It is owned and operated by Caesars Entertainment Corporation . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Times Higher Education World University Rankings is a publication of unranked universities . +08-13 15:28 root DEBUG Times Higher Education World University Rankings is an annual publication of university rankings by Times Higher Education -LRB- THE -RRB- magazine . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Practical Magic is based on an essay of the same name . +08-13 15:28 root DEBUG Practical Magic is a 1998 American romantic comedy film based on the 1995 novel of the same name by Alice Hoffman . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Decter writes scripts . +08-13 15:28 root DEBUG Edward I. `` Ed '' Decter -LRB- born May 19 , 1959 -RRB- is an American film director , film producer and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men originally aired on CBS in 1999 . +08-13 15:28 root DEBUG Two and a Half Men is an American television sitcom that originally aired on CBS for twelve seasons from September 22 , 2003 to February 19 , 2015 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bank of America has online and computer banking platforms . +08-13 15:28 root DEBUG Bank of America provides its products and services through 4,600 retail financial centers , approximately 15,900 automated teller machines , call centers , and online and mobile banking platforms . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yugoslavia was in a place . +08-13 15:28 root DEBUG Yugoslavia -LRB- Jugoslavija / Југославија , Jugoslavija , Југославија -RRB- was a country in Southeast Europe during most of the 20th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Delivery of the Gettysburg Address was by an important person that was murdered . +08-13 15:28 root DEBUG The Gettysburg Address is a speech by U.S. President Abraham Lincoln , one of the best-known in American history . On April 14 , 1865 , five days after the surrender of Confederate commanding general Robert E. Lee , Lincoln was assassinated by John Wilkes Booth , a Confederate sympathizer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scream 2 is a film that is categorized as a slasher . +08-13 15:28 root DEBUG Scream 2 is a 1997 American slasher film directed by Wes Craven and written by Kevin Williamson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kate Walsh was on Grey 's Anatomy . +08-13 15:28 root DEBUG Her roles include Dr. Addison Montgomery on the ABC television dramas Grey 's Anatomy and Private Practice , Rebecca Wright on the short-lived NBC sitcom Bad Judge , and Olivia Baker on the Netflix drama series 13 Reasons Why . Dr. Addison Adrianne Forbes Montgomery -LRB- formerly Shepherd -RRB- is a fictional character on the ABC television series Grey 's Anatomy and Private Practice played by Kate Walsh . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Want to Know What Love Is is listed in Rolling Stone . +08-13 15:28 root DEBUG `` I Want to Know What Love Is '' has continued to garner critical acclaim , and is listed as one of Rolling Stone Magazine 's greatest songs of all time at # 479 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yemen has an area of 203,850 square miles . +08-13 15:28 root DEBUG Yemen is the second-largest country in the peninsula , occupying 527,970 km2 -LRB- 203,850 sq mi -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The United States dollar is used . +08-13 15:28 root DEBUG The circulating paper money consists of Federal Reserve Notes that are denominated in United States dollars . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Winds of Winter is a novel in the epic fantasy genre . +08-13 15:28 root DEBUG The Winds of Winter is the forthcoming sixth novel in the epic fantasy series A Song of Ice and Fire by George R. R. Martin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG ASAP Rocky has directed chemistry videos for other A$ AP Mob members . +08-13 15:28 root DEBUG Rocky has also directed music videos for himself , Danny Brown and other A$ AP Mob members . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gaius Julius Caesar was the son of Gaius Julius Caesar . +08-13 15:28 root DEBUG Gaius Julius Caesar -LRB- ca. 130 BC -- 85 BC -RRB- was a Roman senator , a supporter of his brother-in-law , Gaius Marius , and the father of Gaius Julius Caesar , the dictator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium has an atomic number of zero . +08-13 15:28 root DEBUG Uranium is a chemical element with symbol U and atomic number 92 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A player-coach may be responsible for playing and coaching . +08-13 15:28 root DEBUG A player-coach -LRB- also playing coach , captain-coach , or player-manager -RRB- is a member of a sports team who simultaneously holds both playing and coaching duties . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adidas is from Europe . +08-13 15:28 root DEBUG Adidas AG -LRB- -LSB- ˈadiˌdas -RSB- -RRB- -LRB- stylised as adidas since 1949 -RRB- is a German multinational corporation , headquartered in Herzogenaurach , Germany , that designs and manufactures shoes , clothing and accessories . Germany -LRB- listen -RRB- , is a federal parliamentary republic in central-western Europe . Herzogenaurach -LRB- East Franconian : Herziaura -RRB- is a town in the district of Erlangen-Höchstadt , in Bavaria , Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men first aired on CBS . +08-13 15:28 root DEBUG Two and a Half Men is an American television sitcom that originally aired on CBS for twelve seasons from September 22 , 2003 to February 19 , 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dark matter is distinct from some types of subatomic particles . +08-13 15:28 root DEBUG Dark matter is a hypothetical type of matter distinct from baryonic matter -LRB- ordinary matter such as protons and neutrons -RRB- , neutrinos and dark energy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kate Walsh appeared on a sitcom by NBC . +08-13 15:28 root DEBUG Her roles include Dr. Addison Montgomery on the ABC television dramas Grey 's Anatomy and Private Practice , Rebecca Wright on the short-lived NBC sitcom Bad Judge , and Olivia Baker on the Netflix drama series 13 Reasons Why . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charlotte , North Carolina contains Wells Fargo 's east coast operations facility . +08-13 15:28 root DEBUG Charlotte is home to the corporate headquarters of Bank of America and the east coast operations of Wells Fargo , which along with other financial institutions made it the second-largest banking center in the United States from 1995 to 2017 and the third-largest from 2017 to present . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zoe Saldana was born in 1978 . +08-13 15:28 root DEBUG Zoe Saldana-Perego -LRB- born Zoe Yadira Saldaña Nazario , June 19 , 1978 -RRB- , known professionally as Zoe Saldana or Zoë Saldana , is an American actress and dancer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johann Wolfgang von Goethe published part of Faust in 1808 . +08-13 15:28 root DEBUG During this period , Goethe published his second novel , Wilhelm Meister 's Apprenticeship , the verse epic Hermann and Dorothea , and , in 1808 , the first part of his most celebrated drama , Faust . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baloch people speak the Balochi language . +08-13 15:28 root DEBUG They mainly speak the Balochi language , a branch of Northwestern Iranian languages , and are an Iranic people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There was a major ice sheet called Cordilleran Ice Sheet . +08-13 15:28 root DEBUG The Cordilleran ice sheet was a major ice sheet that periodically covered large parts of North America during glacial periods over the last ~ 2.6 million years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Vandals established kingdoms . +08-13 15:28 root DEBUG The Vandals were an East Germanic tribe , or group of tribes , who were first heard of in southern Poland , but later moved around Europe establishing kingdoms in Spain and later North Africa in the 5th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mikhail Prokhorov used to be the President of Onexim Group . +08-13 15:28 root DEBUG He is the former chairman of Polyus Gold , Russia 's largest gold producer , and the former President of Onexim Group . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Red Bull Racing is based in the United Kingdom . +08-13 15:28 root DEBUG Red Bull Racing is a Formula One racing team , racing under an Austrian licence , based in the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sacre-Coeur , Paris is publicly dedicated to a cult . +08-13 15:28 root DEBUG Sacré-Cœur is a double monument , political and cultural , both a national penance for the defeat of France in the 1870 Franco-Prussian War and the socialist Paris Commune of 1871 crowning its most rebellious neighborhood , and an embodiment of conservative moral order , publicly dedicated to the Sacred Heart of Jesus , which was an increasingly popular vision of a loving and sympathetic Christ . The devotion to the Sacred Heart -LRB- also known as the Most Sacred Heart of Jesus , Sacratissimi Cordis Iesu in Latin -RRB- is one of the most widely practiced and well-known Roman Catholic devotions , taking Jesus Christ 's physical heart as the representation of his divine love for humanity . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The population of Barcelona is 1.6 million . +08-13 15:28 root DEBUG Barcelona -LRB- -LSB- bɑrsəˈloʊnə -RSB- , -LSB- bəɾsəˈlonə -RSB- , -LSB- barθeˈlona -RSB- -RRB- is the capital city of the autonomous community of Catalonia in the Kingdom of Spain , as well as the country 's second most populous municipality , with a population of 1.6 million within city limits . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dawood Ibrahim was born in February 1955 . +08-13 15:28 root DEBUG Dawood Ibrahim -LRB- Marathi : दाऊद इब्राहीम कासकर , born Dawood Ibrahim Kaskar 26 December 1955 -RRB- , known as Dawood Bhai or simply Bhai is a gangster and terrorist originally from Dongri in Mumbai , India . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games film series had Gary Ross direct a film . +08-13 15:28 root DEBUG Gary Ross directed the first film , while Francis Lawrence directed the next three films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lovecraft created Cthulhu . +08-13 15:28 root DEBUG Cthulhu -LRB- -LSB- - all -LRB- k -RRB- ʟ̝̊ʊlʔɬuː -RSB- -RRB- is a cosmic entity created by writer H. P. Lovecraft and first introduced in the short story `` The Call of Cthulhu '' , published in the American pulp magazine Weird Tales in 1928 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice was directed by Lewis Gilbert . +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film to be directed by Lewis Gilbert , who later directed the 1977 film The Spy Who Loved Me and the 1979 film Moonraker , both starring Roger Moore . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brazilian jiu-jitsu was influenced by Kodokan judo . +08-13 15:28 root DEBUG Brazilian Jiu-Jitsu was formed from Kodokan judo ground fighting -LRB- newaza -RRB- fundamentals that were taught by a number of individuals including Takeo Yano , Mitsuyo Maeda and Soshihiro Satake . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Macklemore has never sung with Ryan Lewis . +08-13 15:28 root DEBUG Macklemore and Ryan Lewis 's single `` Thrift Shop '' reached number one on the U.S. Billboard Hot 100 in 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Moyer was refused any role in Prince Valiant . +08-13 15:28 root DEBUG In 1997 , Moyer made his big-screen debut landing the lead role in the film adaptation of the long-running comic strip Prince Valiant by Hal Foster , working alongside Ron Perlman and Katherine Heigl . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG GLOW is a television show . +08-13 15:28 root DEBUG GLOW is an upcoming American comedy-drama television series created by Liz Flahive and Carly Mensch . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kung Fu Panda grossed $ 10,000,000 on its opening day . +08-13 15:28 root DEBUG Kung Fu Panda opened in 4,114 theaters , grossing $ 20.3 million on its opening day and $ 60.2 million on its opening weekend , resulting in the number one position at the box office . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The KGB was a service that operated under the military . +08-13 15:28 root DEBUG The KGB was a military service and was governed by army laws and regulations , similar to the Soviet Army or MVD Internal Troops . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Battle of the Bastards had a viewership of 7.66 million in its initial broadcast . +08-13 15:28 root DEBUG In the United States , the episode had a viewership of 7.66 million in its initial broadcast . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Samsung exited the electronics industry in the late 1960s . +08-13 15:28 root DEBUG Samsung entered the electronics industry in the late 1960s and the construction and shipbuilding industries in the mid-1970s ; these areas would drive its subsequent growth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chumlee is played by an American actor that was a businessman and was on television . +08-13 15:28 root DEBUG Austin Lee Russell -LRB- born September 8 , 1982 -RRB- , better known by his stage name of Chumlee , is an American actor , businessman and reality television personality , known as a cast member on the History Channel television show Pawn Stars , which depicts the daily business at the Gold and Silver Pawn Shop in Las Vegas where Russell works as an employee . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bank of America only has offline banking platforms . +08-13 15:28 root DEBUG Bank of America provides its products and services through 4,600 retail financial centers , approximately 15,900 automated teller machines , call centers , and online and mobile banking platforms . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The British established administrative law in Uganda . +08-13 15:28 root DEBUG Beginning in 1894 , the area was ruled as a protectorate by the British , who established administrative law across the territory . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Giver is a work . +08-13 15:28 root DEBUG The Giver is a 2014 American social science fiction film directed by Phillip Noyce and starring Jeff Bridges , Brenton Thwaites , Odeya Rush , Meryl Streep , Alexander Skarsgård , Katie Holmes and Cameron Monaghan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Port of Spain is on an island . +08-13 15:28 root DEBUG It is located on the Gulf of Paria , on the northwest coast of the island of Trinidad and is part of a larger conurbation stretching from Chaguaramas in the west to Arima in the east with an estimated population of 600,000 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kojol received an award in 2010 . +08-13 15:28 root DEBUG Her acclaimed portrayal of a conservative NRI in the blockbuster romance Dilwale Dulhania Le Jayenge -LRB- 1995 -RRB- , a tomboy in the blockbuster romance Kuch Kuch Hota Hai -LRB- 1998 -RRB- , a lower middle class Punjabi woman in the blockbuster melodrama Kabhi Khushi Kabhie Gham ... -LRB- 2001 -RRB- , a blind Kashmiri woman in the romantic thriller Fanaa -LRB- 2006 -RRB- and a divorced , single mother in the drama My Name Is Khan -LRB- 2010 -RRB- garnered her five Filmfare Awards for Best Actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The SpongeBob SquarePants Movie stars Rodger Bumpass . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Award-winning four-year stage career is something Jack Lowden had . +08-13 15:28 root DEBUG Following a highly successful and award-winning four-year stage career , his first major international onscreen success was in the 2016 miniseries War & Peace , which led to starring roles in feature films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kung Fu Panda was released in theaters in 2006 . +08-13 15:28 root DEBUG Kung Fu Panda premiered in the United States on June 6 , 2008 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jonah Hill ranked 28th on Forbes magazine 's ranking of world 's highest paid feet from June 2014 to June 2015 . +08-13 15:28 root DEBUG Hill ranked 28th on Forbes magazine 's ranking of world 's highest paid actors from June 2014 to June 2015 , bringing in $ 16million . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edouard Seguin is remembered for his work with adults . +08-13 15:28 root DEBUG He is remembered for his work with children having cognitive impairments in France and the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paul von Hindenburg was an officer . +08-13 15:28 root DEBUG Paul Ludwig Hans Anton von Beneckendorff und von Hindenburg , known generally as Paul von Hindenburg -LRB- -LSB- ˈpaʊl fɔn ˈhɪndn̩bʊɐ̯k -RSB- ; 2 October 1847 -- 2 August 1934 -RRB- was a German military officer , statesman , and politician who largely controlled German policy in the second half of World War I and served as the elected President of Germany from 1925 until his death in 1934 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edward Cullen is in fiction . +08-13 15:28 root DEBUG Edward Cullen -LRB- né Edward Anthony Masen -RRB- is a fictional character in Stephenie Meyer 's Twilight series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Love Club EP is the debut extended play by Lorde . +08-13 15:28 root DEBUG The Love Club EP is the debut extended play -LRB- EP -RRB- by New Zealand singer Lorde . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Timur lived his entire life without encountering the Christian Knights Hospitaller . +08-13 15:28 root DEBUG Timur also decisively defeated the Christian Knights Hospitaller at the Siege of Smyrna , styling himself a ghazi . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touch My Body is a song by Fall Out Boy . +08-13 15:28 root DEBUG `` Touch My Body '' is a song by American singer and songwriter Mariah Carey , taken from her eleventh studio album , E = MC ² -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sledgehammer was first performed live at the 2014 MTV Europe Music Awards . +08-13 15:28 root DEBUG They first performed the song live at the 2014 MTV Europe Music Awards pre-show and would make later appearances on Good Morning America , Access Hollywood Live , The Talk , the Today Show and The Ellen DeGeneres Show . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Granite is a rock . +08-13 15:28 root DEBUG Granite -LRB- -LSB- pronˈɡrænᵻt -RSB- -RRB- is a common type of felsic intrusive igneous rock that is granular and phaneritic in texture . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Good Day to Die Hard is separate from the Die Hard franchise . +08-13 15:28 root DEBUG A Good Day to Die Hard is a 2013 American action thriller film and the fifth installment in the Die Hard film series . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandal is from 1987 . +08-13 15:28 root DEBUG The band scored a hit in the United States with the song `` The Warrior '' , which peaked at No. 7 in 1984 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sensitive Skin 's first series aired in the 2000s . +08-13 15:28 root DEBUG Series 1 aired in Australia on ABC TV in mid-2007 -LRB- repeated 2009 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paul von Hindenburg was a person . +08-13 15:28 root DEBUG Paul Ludwig Hans Anton von Beneckendorff und von Hindenburg , known generally as Paul von Hindenburg -LRB- -LSB- ˈpaʊl fɔn ˈhɪndn̩bʊɐ̯k -RSB- ; 2 October 1847 -- 2 August 1934 -RRB- was a German military officer , statesman , and politician who largely controlled German policy in the second half of World War I and served as the elected President of Germany from 1925 until his death in 1934 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Goodman starred in 10 Cloverfield Lane . +08-13 15:28 root DEBUG His other film performances include lead roles in The Babe -LRB- 1992 -RRB- , The Flintstones -LRB- 1994 -RRB- and 10 Cloverfield Lane -LRB- 2016 -RRB- and supporting roles in Coyote Ugly -LRB- 2000 -RRB- , The Artist -LRB- 2011 -RRB- , Extremely Loud and Incredibly Close -LRB- 2011 -RRB- , Argo -LRB- 2012 -RRB- , Flight -LRB- 2012 -RRB- , The Hangover Part III -LRB- 2013 -RRB- , and Patriots Day -LRB- 2016 -RRB- . The film stars John Goodman , Mary Elizabeth Winstead , and John Gallagher , Jr. , and is the second film in the Cloverfield franchise . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Singer -LRB- producer -RRB- has spent his entire career producing only live theater . +08-13 15:28 root DEBUG He is best known for his work on Supernatural where he serves as an executive producer , director and occasional writer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Church of Jesus Christ of Latter-day Saints has a Sabbath . +08-13 15:28 root DEBUG Faithful members adhere to church laws of sexual purity , health , fasting , and Sabbath observance , and contribute ten percent of their income to the church in tithing . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jerome Flynn was born in July . +08-13 15:28 root DEBUG Jerome Patrick Flynn -LRB- born 16 March 1963 -RRB- is an English actor and singer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eurotas -LRB- river -RRB- is Laconia 's main river . +08-13 15:28 root DEBUG The Eurotas or Evrotas -LRB- Greek : Ευρώτας -RRB- is the main river of Laconia and one of the major rivers of the Peloponnese , in Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matt Bomer acts . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sacre-Coeur , Paris is publicly dedicated to the Sacred Heart of Buddha . +08-13 15:28 root DEBUG Sacré-Cœur is a double monument , political and cultural , both a national penance for the defeat of France in the 1870 Franco-Prussian War and the socialist Paris Commune of 1871 crowning its most rebellious neighborhood , and an embodiment of conservative moral order , publicly dedicated to the Sacred Heart of Jesus , which was an increasingly popular vision of a loving and sympathetic Christ . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was played on February 6 , 2011 in Jamaica . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was put out by Korn . +08-13 15:28 root DEBUG See You on the Other Side is the seventh studio album by Korn . It was released on December 6 , 2005 , by Virgin Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vera Wang was born on June 27 , 1949 . +08-13 15:28 root DEBUG Vera Ellen Wang -LRB- , -LSB- u̯ɑ̌ŋ u̯éɪ̯u̯éɪ̯ -RSB- ; born June 27 , 1949 -RRB- is an American fashion designer based in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gaius Julius Caesar was the father of a dictator . +08-13 15:28 root DEBUG Gaius Julius Caesar -LRB- ca. 130 BC -- 85 BC -RRB- was a Roman senator , a supporter of his brother-in-law , Gaius Marius , and the father of Gaius Julius Caesar , the dictator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eurotas -LRB- river -RRB- is one of the major rivers of Laconia . +08-13 15:28 root DEBUG The Eurotas or Evrotas -LRB- Greek : Ευρώτας -RRB- is the main river of Laconia and one of the major rivers of the Peloponnese , in Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Thin Red Line -LRB- 1998 film -RRB- has an all-British cast . +08-13 15:28 root DEBUG It portrays soldiers of C Company , 1st Battalion , 27th Infantry Regiment , 25th Infantry Division , played by Sean Penn , Jim Caviezel , Nick Nolte , Elias Koteas and Ben Chaplin . Elias Koteas -LRB- born March 11 , 1961 -RRB- is a Canadian actor of film and television , best known for his roles in Fallen , The Killing , and as Casey Jones in the first and third live-action Teenage Mutant Ninja Turtles films . James Patrick `` Jim '' Caviezel -LRB- born September 26 , 1968 -RRB- is an American actor , best known for portraying Jesus Christ in the 2004 film The Passion of the Christ . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Species distribution can be understood through factors such as glaciation . +08-13 15:28 root DEBUG It is very useful in understanding species distribution through factors such as speciation , extinction , continental drift , glaciation , variation of sea levels , river capture and available resources . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Punch-Drunk Love 's producers were Revolution Studios and New Line Cinema . +08-13 15:28 root DEBUG The film was produced by Revolution Studios and New Line Cinema , and distributed by Columbia Pictures ; it features the video art of Jeremy Blake in the form of visual interludes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG London is the birthplace of William Blackstone . +08-13 15:28 root DEBUG Born into a middle-class family in London , Blackstone was educated at Charterhouse School before matriculating at Pembroke College , Oxford in 1738 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doxycycline may cause diarrhea . +08-13 15:28 root DEBUG Common side effects include diarrhea , nausea , vomiting , a red rash , and an increased risk of a sunburn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ted Cruz is from the United States . +08-13 15:28 root DEBUG Rafael Edward `` Ted '' Cruz -LSB- ˈkruːz -RSB- -LRB- born December 22 , 1970 -RRB- is an American politician and attorney , who has served as the junior United States Senator from Texas since 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A staging area is a location where vehicles are assembled before use . +08-13 15:28 root DEBUG A staging area -LRB- otherwise staging point , staging base or staging post -RRB- is a location where organisms , people , vehicles , equipment or material are assembled before use . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joseph Merrick was a severely deformed man in the 19th century . +08-13 15:28 root DEBUG Joseph Carey Merrick -LRB- 5 August 1862 -- 11 April 1890 ; often incorrectly called John Merrick -RRB- was an English man with very severe deformities who was first exhibited at a freak show as the `` Elephant Man '' , and then went to live at the London Hospital after he met Frederick Treves , so becoming well known in London society . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ted Cruz 's has a middle name . +08-13 15:28 root DEBUG Rafael Edward `` Ted '' Cruz -LSB- ˈkruːz -RSB- -LRB- born December 22 , 1970 -RRB- is an American politician and attorney , who has served as the junior United States Senator from Texas since 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maria Theresa reigned over Spain . +08-13 15:28 root DEBUG She was the sovereign of Austria , Hungary , Croatia , Bohemia , Transylvania , Mantua , Milan , Lodomeria and Galicia , the Austrian Netherlands and Parma . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Gagliardi died of cancer . +08-13 15:28 root DEBUG Gagliardi died of cancer on May 11 , 2014 , after battling cancer for eight years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Telephone contains a sampled voice of an operator . +08-13 15:28 root DEBUG Musically , `` Telephone '' consists of an expanded bridge , verse-rap and a sampled voice of an operator announcing that the phone line is unreachable . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was played in Springfield , Massachusetts . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a video game called Team Fortress 2 . +08-13 15:28 root DEBUG Team Fortress 2 -LRB- TF2 -RRB- is a team-based multiplayer first-person shooter video game developed and published by Valve Corporation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Physics is an academic discipline . +08-13 15:28 root DEBUG Physics is one of the oldest academic disciplines , perhaps the oldest through its inclusion of astronomy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vincent D'Onofrio is the winner of a Saturn Award . +08-13 15:28 root DEBUG Among other honors , D'Onofrio is a Saturn Award winner and an Emmy Award nominee . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Camp Flog Gnaw is an annual carnival . +08-13 15:28 root DEBUG Camp Flog Gnaw is an annual carnival created and hosted by Tyler , The Creator and Odd Future . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Independent Spirit Awards are held in a parking lot . +08-13 15:28 root DEBUG The awards show is held inside a tent on the beach in Santa Monica , California , usually on the day before the Academy Awards -LRB- since 1999 ; originally the Saturday before -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yugoslavia is a member of the Group of 15 . +08-13 15:28 root DEBUG Chile , Iran and Kenya have since joined the Group of 15 , whereas Yugoslavia is no longer part of the group ; Peru , a founding member-state , decided to leave the G-15 in 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth of York was married to King George . +08-13 15:28 root DEBUG As the wife of Henry VII , she was the first Tudor queen . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hyksos ' chief deity is completely unaffiliated with any god of the desert . +08-13 15:28 root DEBUG The Hyksos practiced horse burials , and their chief deity , their native storm god , Baal , became associated with the Egyptian storm and desert god , Set . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cambridgeshire 's local government is divided between two dogs . +08-13 15:28 root DEBUG Local government is divided between Cambridgeshire County Council and Peterborough City Council , which is a separate unitary authority . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Stanfield is an actor . +08-13 15:28 root DEBUG LaKeith Lee `` Keith '' Stanfield -LRB- born August 12 , 1991 -RRB- is an American actor and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yves Saint Laurent was founded in 1962 . +08-13 15:28 root DEBUG Founded in 1961 it has been considered one of the world 's most prominent fashion houses and known for its modern and iconic pieces , such as its tuxedo jackets for women . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG B. R. Ambedkar died . +08-13 15:28 root DEBUG Bhimrao Ramji Ambedkar -LRB- 14 April 1891 -- 6 December 1956 -RRB- , popularly known as Baba Saheb , was an Indian jurist , economist , politician and social reformer who inspired the Dalit Buddhist Movement and campaigned against social discrimination against Untouchables -LRB- Dalits -RRB- , while also supporting the rights of women and labour . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men starred Angus T. Jones in 2005 . +08-13 15:28 root DEBUG Originally starring Charlie Sheen , Jon Cryer , and Angus T. Jones , the series was about a hedonistic jingle writer , Charlie Harper ; his uptight brother Alan ; and Alan 's troublesome son Jake . Jones is best known for playing Jake Harper in the CBS sitcom Two and a Half Men , for which he had won two Young Artist and a TV Land Award during his 10-year tenure as one of the show 's main characters . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A thunderstorm is a type of storm . +08-13 15:28 root DEBUG A thunderstorm , also known as an electrical storm , lightning storm , or thundershower , is a storm characterized by the presence of lightning and its acoustic effect on the Earth 's atmosphere , known as thunder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth of York was the daughter of Edward IV . +08-13 15:28 root DEBUG She was the daughter of Edward IV and niece of Richard III , and she married the king following Henry 's victory at the Battle of Bosworth which started the last phase of the Wars of the Roses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sydney is where Michael Hutchence died . +08-13 15:28 root DEBUG On the morning of 22 November 1997 , Hutchence was found dead in his hotel room in Sydney . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jimi Hendrix received training for air assault operations . +08-13 15:28 root DEBUG In 1961 , he enlisted in the U.S. Army and trained as a paratrooper in the 101st Airborne Division ; he was granted an honorable discharge the following year . The 101st Airborne Division -LRB- `` Screaming Eagles '' -RRB- is an elite modular specialized light infantry division of the United States Army trained for air assault operations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a musician called John Frusciante . +08-13 15:28 root DEBUG John Anthony Frusciante -LRB- -LSB- fruːˈʃɑːnteɪ -RSB- born March 5 , 1970 -RRB- is an American guitarist , singer , producer and composer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 is a film . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Touch My Body is a television show . +08-13 15:28 root DEBUG `` Touch My Body '' is a song by American singer and songwriter Mariah Carey , taken from her eleventh studio album , E = MC ² -LRB- 2008 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mercedes-Benz is a division of Daimler AG . +08-13 15:28 root DEBUG Mercedes-Benz -LRB- -LSB- mɛʁˈtseːdəsˌbɛnts -RSB- -RRB- is a global automobile manufacturer and a division of the German company Daimler AG . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG General Motors owns non-automotive brands . +08-13 15:28 root DEBUG In addition to brands selling assembled vehicles , GM has also had various automotive-component and non-automotive brands , many of which it divested in the 1980s through 2000s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scream 2 is exclusively a comedy . +08-13 15:28 root DEBUG Scream 2 is a 1997 American slasher film directed by Wes Craven and written by Kevin Williamson . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quiet was released in 1905 . +08-13 15:28 root DEBUG The film was acquired by Destination Films , which released this film in the United States theatrically through Sony Pictures Classics on August 25 , 2006 , and marketed with the tagline : `` Is n't it time everyone hears your secrets ? '' +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney is a country music writer . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games film series ' first film was directed by a gorilla . +08-13 15:28 root DEBUG Gary Ross directed the first film , while Francis Lawrence directed the next three films . Gary Ross -LRB- born November 3 , 1956 -RRB- is an American film director , writer , and author . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mellila is a city . +08-13 15:28 root DEBUG Melilla -LRB- -LSB- məˈliːjə -RSB- ; -LSB- meˈliʎa -RSB- , -LSB- meˈliʝa -RSB- ; Mřič -LSB- , Maliliyyah -RRB- is a Spanish autonomous city located on the north coast of Africa , sharing a border with Morocco with an area of 12.3 km2 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sky UK is a company . +08-13 15:28 root DEBUG Sky UK Limited -LRB- formerly British Sky Broadcasting and BSkyB -RRB- is a telecommunications company which serves the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Stanford prison experiment was funded by the U.S. Office of Education . +08-13 15:28 root DEBUG It was funded by the U.S. Office of Naval Research as an investigation into the causes of difficulties between guards and prisoners in the United States Navy and United States Marine Corps . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party is a comedy . +08-13 15:28 root DEBUG Sausage Party is a 2016 adult computer-animated comedy film directed by Greg Tiernan and Conrad Vernon and written by Kyle Hunter , Ariel Shaffir , Seth Rogen and Evan Goldberg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a musician name Johnny Van Zant . +08-13 15:28 root DEBUG John Roy `` Johnny '' Van Zant -LRB- born February 27 , 1959 -RRB- is an American musician and the current lead vocalist of Southern rock band Lynyrd Skynyrd . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 2003 Africa Cup of Nations was the first held in an odd-numbered year . +08-13 15:28 root DEBUG As of 2013 , the tournament was switched to being held in odd-numbered years so as not to clash with the FIFA World Cup . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Buffy the Vampire Slayer is created by Joss Whedon . +08-13 15:28 root DEBUG Buffy the Vampire Slayer is an American television series created by Joss Whedon under his production tag , Mutant Enemy Productions with later co-executive producers being Jane Espenson , David Fury , David Greenwalt , Doug Petrie , Marti Noxon , and David Solomon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pythagoras was engaged or learned in philosophy . +08-13 15:28 root DEBUG Pythagoras of Samos -LRB- -LSB- pɪˈθægərəs -RSB- -LSB- paɪˈθægərəs -RSB- -LSB- Πυθαγόρας ὁ Σάμιος , Pythagóras ho Sámios , Pythagoras the Samos , Samian -RSB- , or simply Πυθαγόρας Πυθαγόρης in Ionian Greek ; -RRB- was an Ionian Greek philosopher , mathematician , and putative founder of the Pythagoreanism movement . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There were 3,090,953 Mormon members in 1971 . +08-13 15:28 root DEBUG The number of members in 1971 was 3,090,953 and now in 2017 based on the Annual Report , there are 15,882,417 worldwide . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joseph Merrick 's was the subject of a historical drama . +08-13 15:28 root DEBUG Meanwhile , in 1979 , Bernard Pomerance 's play about Merrick called The Elephant Man debuted , and David Lynch 's film , also called The Elephant Man , was released in 1980 . The Elephant Man is a 1980 American historical drama film about Joseph Merrick -LRB- whom the script calls John Merrick -RRB- , a severely deformed man in late 19th century London . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South Island is sometimes referred to as the `` mainland '' of New Zealand . +08-13 15:28 root DEBUG It has a 32 percent larger landmass than the North Island so is sometimes referred to as the `` mainland '' of New Zealand , especially by South Island residents , but only 23 percent of New Zealand 's million inhabitants live there . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brian De Palma directs television but has yet to direct film . +08-13 15:28 root DEBUG Brian Russell De Palma -LRB- born September 11 , 1940 -RRB- is an American film director and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Paper was released in the 1990s . +08-13 15:28 root DEBUG The Paper is a 1994 American comedy-drama film directed by Ron Howard and starring Michael Keaton , Glenn Close , Marisa Tomei , Randy Quaid and Robert Duvall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story was unable to feature scenes with Vince Vaughn and Ben Stiller . +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story is a 2004 American sports comedy film written and directed by Rawson Marshall Thurber and starring Vince Vaughn and Ben Stiller . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Journey 's End features the Tenth Doctor . +08-13 15:28 root DEBUG He eventually parts ways with them all by the end of the 2008 series finale , `` Journey 's End '' , after which he attempts to travel alone for the duration of the 2008 -- 2010 specials before being accompanied by Donna Noble 's grandfather Wilfred Mott on his final adventure in The End of Time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Vandals were first heard of in Alaska . +08-13 15:28 root DEBUG The Vandals were an East Germanic tribe , or group of tribes , who were first heard of in southern Poland , but later moved around Europe establishing kingdoms in Spain and later North Africa in the 5th century . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Times Higher Education World University Rankings is a publication of illustrations . +08-13 15:28 root DEBUG Times Higher Education World University Rankings is an annual publication of university rankings by Times Higher Education -LRB- THE -RRB- magazine . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Grease came out in 1654 . +08-13 15:28 root DEBUG Grease is a 1978 American musical romantic comedy film based on Jim Jacobs and Warren Casey 's musical of the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl -LRB- Steven Universe -RRB- exists as a magical stone . +08-13 15:28 root DEBUG She is a `` Gem '' , a fictional alien being that exists as a magical gemstone projecting a holographic body . A gemstone -LRB- also called a gem , fine gem , jewel , precious stone or semi-precious stone -RRB- is a piece of mineral crystal which , in cut and polished form , is used to make jewelry or other adornments . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Practical Magic is based on a novel that has a name . +08-13 15:28 root DEBUG Practical Magic is a 1998 American romantic comedy film based on the 1995 novel of the same name by Alice Hoffman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An extremists group were involved in the 1994 Rwanda genocide in Rwanda . +08-13 15:28 root DEBUG Social tensions erupted in the 1994 genocide , in which Hutu extremists killed an estimated 500,000 to 1.3 million Tutsi and moderate Hutu . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One True Thing is a show that has a dramatic premise . +08-13 15:28 root DEBUG One True Thing is a 1998 American drama film directed by Carl Franklin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amy Winehouse died on 12 July 2011 . +08-13 15:28 root DEBUG Amy Jade Winehouse -LRB- 14 September 1983 -- 23 July 2011 -RRB- was an English singer and songwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 59 was the debut number of Shut Up . +08-13 15:28 root DEBUG The song initially entered at number 59 on the UK Singles Chart in September 2015 , however following a Christmas number one campaign the song rose to number 8 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Strings Attached was released on January 11 . +08-13 15:28 root DEBUG The film was released in the United States on January 21 , 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jason Bourne has Julia Stiles as part of the cast . +08-13 15:28 root DEBUG Julia Stiles , Vincent Cassel , Riz Ahmed , Ato Essandoh and Scott Shepherd also star . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gotham City Sirens is a comic book series from the United States . +08-13 15:28 root DEBUG Gotham City Sirens is an American comic book series was written by Paul Dini with art by Guillem March and published by DC Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Franklin finished college on April 17th , 1790 . +08-13 15:28 root DEBUG Benjamin Franklin FRS , FRSE -LRB- April 17 , 1790 -RRB- was one of the Founding Fathers of the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Gein had worked at several local graveyards . +08-13 15:28 root DEBUG His crimes , committed around his hometown of Plainfield , Wisconsin , gathered widespread notoriety after authorities discovered that Gein had exhumed corpses from local graveyards and fashioned trophies and keepsakes from their bones and skin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Agent Raghav -- Crime Branch lacked any nominations . +08-13 15:28 root DEBUG The serial received Indian Telly Awards in the category of Best Thriller and Horror Show and was also nominated for Best Weekend Show . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yugoslavia is also inscribed Jugoslavija . +08-13 15:28 root DEBUG Yugoslavia -LRB- Jugoslavija / Југославија , Jugoslavija , Југославија -RRB- was a country in Southeast Europe during most of the 20th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kojol did not receive the fourth highest civilian honour of the country . +08-13 15:28 root DEBUG In 2011 , the Government of India awarded her with the Padma Shri , the fourth highest civilian honour of the country . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG China is incapable of being the world 's largest by purchasing power parity . +08-13 15:28 root DEBUG , it is the world 's second-largest economy by nominal GDP and largest by purchasing power parity -LRB- PPP -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Selma to Montgomery marches were a failure to demonstrate the desire of African-American citizens to exercise their constitutional right to vote . +08-13 15:28 root DEBUG The marches were organized by nonviolent activists to demonstrate the desire of African-American citizens to exercise their constitutional right to vote , in defiance of segregationist repression , and were part of a broader voting rights movement underway in Selma and throughout the American South . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Pegg is a person . +08-13 15:28 root DEBUG Simon John Pegg -LRB- né Beckingham ; born 14 February 1970 -RRB- is an English actor , comedian , screenwriter , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dopamine induces neuromodulation . +08-13 15:28 root DEBUG Major neuromodulators in the central nervous system include dopamine , serotonin , acetylcholine , histamine , and norepinephrine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kung Fu Panda was number three at the box office . +08-13 15:28 root DEBUG Kung Fu Panda opened in 4,114 theaters , grossing $ 20.3 million on its opening day and $ 60.2 million on its opening weekend , resulting in the number one position at the box office . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jerome Flynn 's middle name is Patrick . +08-13 15:28 root DEBUG Jerome Patrick Flynn -LRB- born 16 March 1963 -RRB- is an English actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pharmacology has nothing to do with the research , discovery , and characterization of chemicals which show biological effects . +08-13 15:28 root DEBUG Pharmacology , a biomedical science , deals with the research , discovery , and characterization of chemicals which show biological effects and the elucidation of cellular and organismal function in relation to these chemicals . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Granular is granite . +08-13 15:28 root DEBUG Granite -LRB- -LSB- pronˈɡrænᵻt -RSB- -RRB- is a common type of felsic intrusive igneous rock that is granular and phaneritic in texture . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Boeing 787 Dreamliner is a machine . +08-13 15:28 root DEBUG The Boeing 787 Dreamliner is an American long-haul , mid-size widebody , twin-engine jet airliner made by Boeing Commercial Airplanes . A jet airliner -LRB- or jetliner , or jet -RRB- is an airliner powered by jet engines -LRB- passenger jet aircraft -RRB- . Airliners usually have two or four jet engines ; three-engined designs were popular in the 1970s but are less common today . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Selma to Montgomery marches were in defiance of segregationist repression . +08-13 15:28 root DEBUG The marches were organized by nonviolent activists to demonstrate the desire of African-American citizens to exercise their constitutional right to vote , in defiance of segregationist repression , and were part of a broader voting rights movement underway in Selma and throughout the American South . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An all-seater stadium is a stadium meant for activity or games . +08-13 15:28 root DEBUG Most association football -LRB- soccer -RRB- , American football stadiums in the United States and Canadian Football League stadiums in Canada are all-seaters , as are most baseball and track and field stadiums in those countries . The first game of American football was played on November 6 , 1869 , between two college teams , Rutgers and Princeton , under rules based on the association football rules of the time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandinavia includes Greenland . +08-13 15:28 root DEBUG The remote Norwegian islands of Svalbard and Jan Mayen are usually not seen as a part of Scandinavia , nor is Greenland , an overseas territory of Denmark . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeb Bush 's maternal parent is Barbara Bush . +08-13 15:28 root DEBUG Bush , who grew up in Houston , is the second son of former President George H. W. Bush and former First Lady Barbara Bush , and a younger brother of former President George W. Bush . She is the mother of George W. Bush , the 43rd President , and Jeb Bush , the 43rd Governor of Florida . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Brolin has never appeared in television . +08-13 15:28 root DEBUG James Brolin -LRB- -LSB- ˈbroʊlᵻn -RSB- born July 18 , 1940 -RRB- is an American actor , producer , and director , best known for his roles in film and television , including sitcoms and soap operas . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A static web page sends information to the web server . +08-13 15:28 root DEBUG A static web page is delivered exactly as stored , as web content in the web server 's file system , while a dynamic web page is generated by a web application that is driven by server-side software or client-side scripting . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Times Higher Education World University Rankings is a publication of rankings unaffiliated with Times Higher Education -LRB- THE -RRB- magazine . +08-13 15:28 root DEBUG Times Higher Education World University Rankings is an annual publication of university rankings by Times Higher Education -LRB- THE -RRB- magazine . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brian De Palma was born in January 1940 . +08-13 15:28 root DEBUG Brian Russell De Palma -LRB- born September 11 , 1940 -RRB- is an American film director and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ang Lee is a writer . +08-13 15:28 root DEBUG Ang Lee OBS -LRB- ; born October 23 , 1954 -RRB- is a Taiwanese film director , screenwriter and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eurotas -LRB- river -RRB- is one of the major rivers of Peloponnese . +08-13 15:28 root DEBUG The Eurotas or Evrotas -LRB- Greek : Ευρώτας -RRB- is the main river of Laconia and one of the major rivers of the Peloponnese , in Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zac Efron acts and sings . +08-13 15:28 root DEBUG Zachary David Alexander Efron -LRB- born October 18 , 1987 -RRB- is an American actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Littlefinger is the nickname for Petyr Baelish . +08-13 15:28 root DEBUG Petyr Baelish , nicknamed Littlefinger , is a fictional character created by American author George R. R. Martin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is a season of a show . +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is the thirtieth season of the MTV reality competition series , The Challenge . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wendy Dagworthy and Jonathan Prew were the parents of Augustus Prew . +08-13 15:28 root DEBUG Prew was born in Westminster , London , England and is the son of Wendy Dagworthy , a fashion designer , and Jonathan W. Prew , a photographer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Levoamphetamine is a stimulant . +08-13 15:28 root DEBUG Levoamphetamine , also known as levamfetamine -LRB- INN -RRB- , -LRB- R -RRB- - amphetamine , - amphetamine , and L-amphetamine , is a central nervous system -LRB- CNS -RRB- stimulant known to increase wakefulness and concentration in association with decreased appetite and fatigue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A near-Earth object is one whose orbit brings it into proximity with Mars . +08-13 15:28 root DEBUG A near-Earth object -LRB- NEO -RRB- is any small Solar System body whose orbit brings it into proximity with Earth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Musala is a high peak in the Balkan Peninsula . +08-13 15:28 root DEBUG Musala -LRB- Мусала from Arabic through Ottoman Turkish : Musalla , `` near God '' or `` place for prayer '' is the highest peak in the entire Balkan Peninsula , standing at 2,925 m -LRB- 9,596 ft -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tyler Perry is an American actor . +08-13 15:28 root DEBUG Tyler Perry -LRB- born Emmitt Perry Jr. ; September 13 , 1969 -RRB- is an American actor , comedian , filmmaker , writer , and songwriter , specializing in the gospel genre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moscovium is a transactinide element . +08-13 15:28 root DEBUG Moscovium is a superheavy synthetic element with symbol Mc and atomic number 115 . In chemistry , transactinide elements -LRB- also , transactinides , or super-heavy elements -RRB- are the chemical elements with atomic numbers from 104 to 120 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG March 16 is Jerome Flynn 's birthday . +08-13 15:28 root DEBUG Jerome Patrick Flynn -LRB- born 16 March 1963 -RRB- is an English actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Africa Cup of Nations has only been held in even-numbered years . +08-13 15:28 root DEBUG It is sanctioned by the Confederation of African Football -LRB- CAF -RRB- , and was first held in 1957 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tennessee was the last state to leave the Union . +08-13 15:28 root DEBUG Tennessee was the last state to leave the Union and join the Confederacy at the outbreak of the American Civil War in 1861 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Animals are multicellular organisms . +08-13 15:28 root DEBUG All species of animals , land plants and most fungi are multicellular , as are many algae , whereas a few organisms are partially uni - and partially multicellular , like slime molds and social amoebae such as the genus Dictyostelium . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Key & Peele has won two Primetime Emmy Awards . +08-13 15:28 root DEBUG Key & Peele won a Peabody Award and two Primetime Emmy Awards and has been nominated for various other awards , including Writers Guild Award , NAACP Image Award and 16 additional Primetime Emmy Awards in various categories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fly is an American novel . +08-13 15:28 root DEBUG The Fly is a 1986 American science fiction horror film directed and co-written by David Cronenberg . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Boxing Helena received critical praise . +08-13 15:28 root DEBUG It debuted at the Sundance Film Festival in January 1993 , where it received critical praise . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An Education is a film . +08-13 15:28 root DEBUG An Education is a 2009 coming-of-age drama film based on a memoir of the same name by British journalist Lynn Barber . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Internet access requires the use of computer terminals . +08-13 15:28 root DEBUG Internet access is ability of individuals and organizations to connect to the Internet using computer terminals , computers , mobile devices ; and to access services such as email and the World Wide Web . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New England Patriots owns the record for least Super Bowls reached . +08-13 15:28 root DEBUG The team owns the record for most Super Bowls reached -LRB- seven -RRB- and won -LRB- five -RRB- by a head coach -- quarterback tandem . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uganda was a protectorate . +08-13 15:28 root DEBUG Beginning in 1894 , the area was ruled as a protectorate by the British , who established administrative law across the territory . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Lowden was in television shows . +08-13 15:28 root DEBUG Following a highly successful and award-winning four-year stage career , his first major international onscreen success was in the 2016 miniseries War & Peace , which led to starring roles in feature films . War & Peace is a British-American historical period drama television serial first broadcast on BBC One on 3 January 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Physics ' main goal is to understand the behavior of eels . +08-13 15:28 root DEBUG One of the most fundamental scientific disciplines , the main goal of physics is to understand how the universe behaves . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cars 3 is a computer animated Pixar movie . +08-13 15:28 root DEBUG Cars 3 is an upcoming 2017 American 3D computer-animated comedy film produced by Pixar Animation Studios and scheduled to be released on June 16 , 2017 by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Castlevania was developed for a Nintendo console . +08-13 15:28 root DEBUG Castlevania , known in Japan as , is an action-platformer video game developed and published by Konami for the Family Computer Disk System video game console in Japan in September 1986 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Icelandic Coast Guard is also known as something else . +08-13 15:28 root DEBUG The Icelandic Coast Guard -LRB- , Landhelgisgæslan or simply Gæslan -RRB- is the service responsible for Iceland 's coastal defense and maritime and aeronautical search and rescue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vera Wang is based in NYC . +08-13 15:28 root DEBUG Vera Ellen Wang -LRB- , -LSB- u̯ɑ̌ŋ u̯éɪ̯u̯éɪ̯ -RSB- ; born June 27 , 1949 -RRB- is an American fashion designer based in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rob McElhenney has yet to appear on television . +08-13 15:28 root DEBUG He is best known for playing Mac on the FX/FXX comedy series It 's Always Sunny in Philadelphia . FX -LRB- originally an initialism of `` Fox Extended '' , pronounced and suggesting `` effects '' -RRB- is an American basic cable and satellite television channel launched on June 1 , 1994 , based in Los Angeles , California and owned by 21st Century Fox through FX Networks , LLC . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sierra Morena is Spanish . +08-13 15:28 root DEBUG The Sierra Morena is one of the main systems of mountain ranges in Spain . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jed Whedon plays music professionally . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Staton is the middle name of Matt Bomer . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baadshah had at least one language dubbed over it . +08-13 15:28 root DEBUG The film was also dubbed into Hindi under the title Rowdy Baadshah by Goldmines TeleFilms . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John S. McCain Jr. entered the submarine service . +08-13 15:28 root DEBUG McCain grew up in Washington , D.C. , and graduated from the U.S. Naval Academy in 1931 , after which he entered the submarine service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG George III 's successor was his son . +08-13 15:28 root DEBUG On George III 's death , the Prince Regent succeeded his father as George IV . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 was released by North Korea . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Woodrow Wilson lived in part of the 20th century and was president from 1913 to 1921 . +08-13 15:28 root DEBUG Thomas Woodrow Wilson -LRB- December 28 , 1856 -- February 3 , 1924 -RRB- was an American politician and academic who served as the 28th President of the United States from 1913 to 1921 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There were 953 Mormon members in 1971 . +08-13 15:28 root DEBUG The number of members in 1971 was 3,090,953 and now in 2017 based on the Annual Report , there are 15,882,417 worldwide . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Howard Hinton was a math expert from Britain . +08-13 15:28 root DEBUG Charles Howard Hinton -LRB- 1853 , United Kingdom -- 30 April 1907 , Washington D.C. , United States -RRB- was a British mathematician and writer of science fiction works titled Scientific Romances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jean-Jacques Dessalines was independent Hati 's first ruler . +08-13 15:28 root DEBUG Jean-Jacques Dessalines -LRB- -LSB- ʒɑ̃ ʒak dɛs.salin -RSB- ; 20 September 1758 -- 17 October 1806 -RRB- was a leader of the Haitian Revolution and the first ruler of an independent Haiti under the 1805 constitution . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party was directed by Stanley Kubrick and Conrad Vernon . +08-13 15:28 root DEBUG Sausage Party is a 2016 adult computer-animated comedy film directed by Greg Tiernan and Conrad Vernon and written by Kyle Hunter , Ariel Shaffir , Seth Rogen and Evan Goldberg . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Cowell is someone that donates money to certain causes . +08-13 15:28 root DEBUG Simon Phillip Cowell -LRB- -LSB- ˈkaʊəl -RSB- -RRB- -LRB- born 7 October 1959 -RRB- is an English reality television judge and producer , entrepreneur , and philanthropist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maximum Overdrive was written by Stephen King . +08-13 15:28 root DEBUG Maximum Overdrive is a 1986 American science fiction action horror comedy film written and directed by Stephen King . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristocracy is derived from the Greek word for `` rule of the best '' . +08-13 15:28 root DEBUG The term derives from the Greek aristokratia , meaning `` rule of the best '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fringe debuted in 2011 . +08-13 15:28 root DEBUG It premiered on the Fox Broadcasting network on September 9 , 2008 , and concluded on January 18 , 2013 , after five seasons and 100 episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Salt River Valley is on a river . +08-13 15:28 root DEBUG The Salt River Valley is an extensive valley on the Salt River in central Arizona , which contains the Phoenix Metropolitan Area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pythagoras is the putative founder of a movement based on the teachings and beliefs of Pythagoras and his followers . +08-13 15:28 root DEBUG Pythagoras of Samos -LRB- -LSB- pɪˈθægərəs -RSB- -LSB- paɪˈθægərəs -RSB- -LSB- Πυθαγόρας ὁ Σάμιος , Pythagóras ho Sámios , Pythagoras the Samos , Samian -RSB- , or simply Πυθαγόρας Πυθαγόρης in Ionian Greek ; -RRB- was an Ionian Greek philosopher , mathematician , and putative founder of the Pythagoreanism movement . Pythagoreanism originated in the 6th century BC , based on the teachings and beliefs held by Pythagoras and his followers , the Pythagoreans , who were considerably influenced by mathematics and mysticism . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG L. Ron Hubbard died in September 1986 . +08-13 15:28 root DEBUG Lafayette Ronald Hubbard -LRB- March 13 , 1911 -- January 24 , 1986 -RRB- , better known as L. Ron Hubbard -LRB- -LSB- ɛl_rɒn_ˈhʌˌbərd -RSB- -RRB- and often referred to by his initials , LRH , was an American author and the founder of the Church of Scientology . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fly is a science fiction horror film . +08-13 15:28 root DEBUG The Fly is a 1986 American science fiction horror film directed and co-written by David Cronenberg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jonah Hill is a screenwriter . +08-13 15:28 root DEBUG Jonah Hill Feldstein -LRB- born December 20 , 1983 -RRB- , better known as Jonah Hill , is an American actor , producer , screenwriter and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Donna Noble travels with the Doctor . +08-13 15:28 root DEBUG Portrayed by British actress and comedian Catherine Tate , she is a companion of the Tenth Doctor -LRB- David Tennant -RRB- . In the long-running BBC television science fiction programme Doctor Who and related works , the term `` companion '' refers to a character who travels with , or shares the adventures of the Doctor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heath Ledger was in a film . +08-13 15:28 root DEBUG His work comprised nineteen films , including 10 Things I Hate About You -LRB- 1999 -RRB- , The Patriot -LRB- 2000 -RRB- , A Knight 's Tale -LRB- 2001 -RRB- , Monster 's Ball -LRB- 2001 -RRB- , Lords of Dogtown -LRB- 2005 -RRB- , Brokeback Mountain -LRB- 2005 -RRB- , The Dark Knight -LRB- 2008 -RRB- , and The Imaginarium of Doctor Parnassus -LRB- 2009 -RRB- , the latter two being posthumous releases . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeb Bush was raised in Houston . +08-13 15:28 root DEBUG Bush , who grew up in Houston , is the second son of former President George H. W. Bush and former First Lady Barbara Bush , and a younger brother of former President George W. Bush . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Premier League Asia Trophy is takes place every two years in Asia . +08-13 15:28 root DEBUG The Premier League Asia Trophy -LRB- formerly the FA Premier League Asia Cup -RRB- is a pre-season association football friendly tournament held biennial in Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shut Up is by a car . +08-13 15:28 root DEBUG `` Shut Up '' is a song by English Grime artist and MC Stormzy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amancio Ortega is a business tycoon . +08-13 15:28 root DEBUG Amancio Ortega Gaona -LRB- -LSB- aˈmanθjo orˈteɣa ɣaˈona -RSB- ; born 28 March 1936 -RRB- is a Spanish business tycoon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Floyd Mayweather Jr. is boxes competitively . +08-13 15:28 root DEBUG Floyd Joy Mayweather Jr. -LRB- born Floyd Joy Sinclair ; February 24 , 1977 -RRB- is an American former professional boxer who competed from 1996 to 2015 , and currently works as a boxing promoter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A near-Earth object is a massive Solar System body . +08-13 15:28 root DEBUG A near-Earth object -LRB- NEO -RRB- is any small Solar System body whose orbit brings it into proximity with Earth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The SpongeBob SquarePants Movie stars an actor . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A thunderstorm has no effect on the Earth 's atmosphere . +08-13 15:28 root DEBUG A thunderstorm , also known as an electrical storm , lightning storm , or thundershower , is a storm characterized by the presence of lightning and its acoustic effect on the Earth 's atmosphere , known as thunder . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Half Girlfriend 's principal photography began in 2016 . +08-13 15:28 root DEBUG Principal photography commenced in June 2016 and filming locations include Delhi , Mumbai , Patna , Dumraon , Varanasi , New York City and Cape Town . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louie -LRB- season 1 -RRB- was created by ancient Sumerians . +08-13 15:28 root DEBUG Louie was created by Louis C.K. , who serves as the series ' sole writer and director . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 66th Primetime Emmy Awards occurred in 1970 . +08-13 15:28 root DEBUG The 66th Primetime Emmy Awards honored the best in U.S. prime time television programming from June 1 , 2013 until May 31 , 2014 , as chosen by the Academy of Television Arts & Sciences . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Ellen Show stars a comedian . +08-13 15:28 root DEBUG The Ellen Show is a television sitcom created by and starring Ellen DeGeneres that was broadcast during the 2001 -- 02 season on CBS . Ellen Lee DeGeneres -LRB- -LSB- dᵻˈdʒɛnərᵻs -RSB- born January 26 , 1958 -RRB- is an American comedian , television host , actress , writer , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stomp the Yard stars an American choreographer and actor . +08-13 15:28 root DEBUG The film stars Columbus Short , Meagan Good , Darrin Henson , Brian White , Laz Alonso , and Valarie Pettiford , with Harry Lennix , and , in their film debuts , R&B singers Ne-Yo & Chris Brown . Columbus Keith Short , Jr. -LRB- born September 19 , 1982 -RRB- is an American choreographer , actor , and singer . Darrin Dewitt Henson -LRB- born May 5 , 1972 -RRB- is an American choreographer , dancer , actor , director and producer , best known for his instructional dance video Darrin 's Dance Grooves -LRB- which was heavily marketed in 2001 and 2002 -RRB- , and for his portrayal of ex-convict Lem Van Adams on the Showtime TV series Soul Food , which is the longest-running drama with a predominantly African-American cast in television history . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lucy Hale 's first name is Karen . +08-13 15:28 root DEBUG Karen Lucille Hale -LRB- born June 14 , 1989 -RRB- is an American actress and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Lloyd George lost every bid to become prime minister . +08-13 15:28 root DEBUG His most important role came as the highly energetic Prime Minister of the Wartime Coalition Government -LRB- 1916 -- 22 -RRB- , during and immediately after the First World War . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Nobel Prize in Chemistry was awarded . +08-13 15:28 root DEBUG The Nobel Prize in Chemistry -LRB- Nobelpriset i kemi -RRB- is awarded annually by the Royal Swedish Academy of Sciences to scientists in the various fields of chemistry . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sands Hotel and Casino started as a casino with 200 rooms . +08-13 15:28 root DEBUG The hotel was opened on December 15 , 1952 as a casino with 200 rooms , and was established less than three months after the opening of another notable landmark , Sahara Hotel and Casino . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amancio Ortega was born on October 28th , 1936 . +08-13 15:28 root DEBUG Amancio Ortega Gaona -LRB- -LSB- aˈmanθjo orˈteɣa ɣaˈona -RSB- ; born 28 March 1936 -RRB- is a Spanish business tycoon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scream 2 is a slasher film . +08-13 15:28 root DEBUG Scream 2 is a 1997 American slasher film directed by Wes Craven and written by Kevin Williamson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Python features memory management . +08-13 15:28 root DEBUG Python features a dynamic type system and automatic memory management and supports multiple programming paradigms , including object-oriented , imperative , functional programming , and procedural styles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kate Walsh was only ever on CBS shows . +08-13 15:28 root DEBUG Her roles include Dr. Addison Montgomery on the ABC television dramas Grey 's Anatomy and Private Practice , Rebecca Wright on the short-lived NBC sitcom Bad Judge , and Olivia Baker on the Netflix drama series 13 Reasons Why . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Moyer worked with Ron Perlman as his co-star in Prince Valiant . +08-13 15:28 root DEBUG In 1997 , Moyer made his big-screen debut landing the lead role in the film adaptation of the long-running comic strip Prince Valiant by Hal Foster , working alongside Ron Perlman and Katherine Heigl . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Donald Duck wears a uniform . +08-13 15:28 root DEBUG He typically wears a sailor shirt and cap with a bow tie . A sailor suit is a uniform traditionally worn by enlisted seamen in the navy , and other government funded sea services . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dulquer Salmaan received a Filmfare Award nomination . +08-13 15:28 root DEBUG He received his first Filmfare Award for Best Actor nomination for his performance in Ustad Hotel -LRB- 2012 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 was directed by Steven Spielberg . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III assumed the throne when he was 65 years old . +08-13 15:28 root DEBUG The son of King John and Isabella of Angoulême , Henry assumed the throne when he was only nine in the middle of the First Barons ' War . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scream has some level of horror . +08-13 15:28 root DEBUG Scream is an American horror franchise created by Kevin Williamson and Wes Craven . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Python supports programming . +08-13 15:28 root DEBUG Python features a dynamic type system and automatic memory management and supports multiple programming paradigms , including object-oriented , imperative , functional programming , and procedural styles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2015 , Emilia Clarke was named Esquire 's Ugliest Woman Alive . +08-13 15:28 root DEBUG In 2015 , she was named Esquires Sexiest Woman Alive . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mamata Banerjee is an Indian politician . +08-13 15:28 root DEBUG Mamata Banerjee -LRB- -LSB- mɔmɔt̪a bɔnd̪d̪oˈpad̪ʱˈae̯ -RSB- -LRB- Bengali - মমতা বন্দপাধ্যায় -RRB- also known as Didi was born 5 January 1955 -RRB- is an Indian politician who has been Chief Minister of West Bengal since 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry Cavill is part of the DC Extended Universe in his role as Superman . +08-13 15:28 root DEBUG Cavill gained further prominence and international fame playing the titular superhero Superman in the DC Extended Universe starting with the 2013 reboot film Man of Steel , originally the highest-grossing Superman film of all time until it was surpassed by 2016 's Batman v Superman : Dawn of Justice , where he reprised his role as Superman ; making it his highest-grossing film to date . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ryan Seacrest was the host of American Idol -LRB- season 8 -RRB- . +08-13 15:28 root DEBUG Judges Simon Cowell , Paula Abdul , and Randy Jackson continued to judge the show 's contestants , along with Ryan Seacrest as host . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Night of the Living Dead is a horror film . +08-13 15:28 root DEBUG Night of the Living Dead is a 1968 American independent horror film , directed by George A. Romero , starring Duane Jones and Judith O'Dea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dodo has only been depicted with red plumage . +08-13 15:28 root DEBUG It has been depicted with brownish-grey plumage , yellow feet , a tuft of tail feathers , a grey , naked head , and a black , yellow , and green beak . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South Island lacks 23 percent of New Zealand 's million inhabitants . +08-13 15:28 root DEBUG It has a 32 percent larger landmass than the North Island so is sometimes referred to as the `` mainland '' of New Zealand , especially by South Island residents , but only 23 percent of New Zealand 's million inhabitants live there . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Virginia 's largest export by monetary value is oranges . +08-13 15:28 root DEBUG Virginia 's economy changed from primarily agricultural to industrial during the 1960s and 1970s , and in 2002 computer chips became the state 's leading export by monetary value . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A staging area is a location where people are assembled before use . +08-13 15:28 root DEBUG A staging area -LRB- otherwise staging point , staging base or staging post -RRB- is a location where organisms , people , vehicles , equipment or material are assembled before use . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A polynomial consists of only coefficients . +08-13 15:28 root DEBUG In mathematics , a polynomial is an expression consisting of variables -LRB- or indeterminates -RRB- and coefficients , that involves only the operations of addition , subtraction , multiplication , and non-negative integer exponents . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hannah and Her Sisters is a comedy-drama from America . +08-13 15:28 root DEBUG Hannah and Her Sisters is a 1986 American comedy-drama film which tells the intertwined stories of an extended family over two years that begins and ends with a family Thanksgiving dinner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pattern recognition systems is independent from `` training '' data . +08-13 15:28 root DEBUG Pattern recognition systems are in many cases trained from labeled `` training '' data -LRB- supervised learning -RRB- , but when no labeled data are available other algorithms can be used to discover previously unknown patterns -LRB- unsupervised learning -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Walker -LRB- actor -RRB- is a stand up comedian . +08-13 15:28 root DEBUG Benjamin Walker Davis -LRB- born June 21 , 1982 -RRB- , known professionally as Benjamin Walker , is an American actor and stand-up comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG P.S I Love You -LRB- film -RRB- is a American drama film . +08-13 15:28 root DEBUG P.S. I Love You is a 2007 American drama film directed by Richard LaGravenese . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Coeliac disease is treated by maintaining a healthy diet . +08-13 15:28 root DEBUG The only known effective treatment is a strict lifelong gluten-free diet , which leads to recovery of the intestinal mucosa , improves symptoms , and reduces risk of developing complications in most people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney was born . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ekta Kapoor worked in television . +08-13 15:28 root DEBUG Ekta Kapoor -LRB- born 7 June 1975 -RRB- is an Indian TV and film producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Volkswagen Group is an engine distributor . +08-13 15:28 root DEBUG It designs , manufactures and distributes passenger and commercial vehicles , motorcycles , engines , and turbomachinery and offers related services including financing , leasing and fleet management . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lucy Hale is an actress and singer . +08-13 15:28 root DEBUG Karen Lucille Hale -LRB- born June 14 , 1989 -RRB- is an American actress and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sabbir Khan was a director of a movie featuring Akshay Kumar in a starring role . +08-13 15:28 root DEBUG In 2009 he made his directorial debut with the film Kambakkht Ishq -LRB- 2009 -RRB- that starred Akshay Kumar and Kareena Kapoor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mom -LRB- TV series -RRB- has been nominated for Favorite TV Show at the People 's Choice Awards . +08-13 15:28 root DEBUG The show has also garnered multiple nominations at the Critics ' Choice Television Awards and the People 's Choice Awards during its run . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Baltic Sea borders Estonia . +08-13 15:28 root DEBUG It is bordered to the north by the Gulf of Finland , to the west by the Baltic Sea , to the south by Latvia -LRB- 343 km -RRB- , and to the east by Lake Peipus and Russia -LRB- 338.6 km -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shomu Mukherjee was born on April 10 , 2008 . +08-13 15:28 root DEBUG Shomu Mukherjee -LRB- or Shomu Mukherji -RRB- -LRB- 19 June , 1943 -- 10 April 2008 -RRB- was a Bengali Indian director , writer and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Romani people went extinct around 1,000 years ago . +08-13 15:28 root DEBUG There are an estimated one million Roma in the United States ; and 800,000 in Brazil , most of whose ancestors emigrated in the nineteenth century from eastern Europe . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sherilyn Fenn is a person . +08-13 15:28 root DEBUG Sherilyn Fenn -LRB- born Sheryl Ann Fenn February 1 , 1965 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ted Cruz was born in 1970 . +08-13 15:28 root DEBUG Rafael Edward `` Ted '' Cruz -LSB- ˈkruːz -RSB- -LRB- born December 22 , 1970 -RRB- is an American politician and attorney , who has served as the junior United States Senator from Texas since 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carol Danvers is a character who is not a real person . +08-13 15:28 root DEBUG Carol Danvers is a fictional character appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Coins of the Swiss franc are used in Zürich . +08-13 15:28 root DEBUG The coins of the Swiss franc are the official coins used in Switzerland and Liechtenstein . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pink died on September 8 , 1979 . +08-13 15:28 root DEBUG Alecia Beth Moore -LRB- born September 8 , 1979 -RRB- , known professionally as Pink -LRB- frequently stylized as -RRB- , is an American singer , songwriter , dancer , and actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Susan Collins was the second woman to become the nominee of a major party for Governor of Maine . +08-13 15:28 root DEBUG Becoming the first woman to become the nominee of a major party for Governor of Maine , Collins finished third in a four way race with 23 % of the vote . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Tracey Fragments was banned at the 2007 Toronto International Film Festival . +08-13 15:28 root DEBUG The film had its North American premiere at the 2007 Toronto International Film Festival on September 12 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2015 , among Americans , 11 % of adults had consumed alcoholic drink at some point . +08-13 15:28 root DEBUG For instance , in 2015 , among Americans , 89 % of adults had consumed alcohol at some point , 70 % had drunk it in the last year , and 56 % in the last month . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John S. McCain Jr. studied in Annapolis , Maryland . +08-13 15:28 root DEBUG McCain grew up in Washington , D.C. , and graduated from the U.S. Naval Academy in 1931 , after which he entered the submarine service . The United States Naval Academy -LRB- also known as USNA , Annapolis , or simply Navy -RRB- is a four-year coeducational federal service academy in Annapolis , Maryland , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Lee Curtis ' father is Tony Curtis . +08-13 15:28 root DEBUG Curtis is the daughter of the actress Janet Leigh and actor Tony Curtis . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louis Malle produced only Chinese language films . +08-13 15:28 root DEBUG His film Le Monde du silence won the Palme d'Or in 1956 and the Academy Award for Best Documentary in 1957 , although he was not credited at the ceremony with the award instead being presented to the film 's co-director Jacques Cousteau . The Silent World -LRB- Le Monde du silence -RRB- is a 1956 French documentary film co-directed by the famed French oceanographer Jacques-Yves Cousteau and a young Louis Malle . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jerome Flynn is an English actor . +08-13 15:28 root DEBUG Jerome Patrick Flynn -LRB- born 16 March 1963 -RRB- is an English actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Resident Evil is a film . +08-13 15:28 root DEBUG Resident Evil is a 2002 German-British science fiction action horror film written and directed by Paul W. S. Anderson and produced by Bernd Eichinger . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On Nickelodeon SpongeBob SquarePants is the highest rated series to ever air . +08-13 15:28 root DEBUG The series ' popularity has made it a media franchise , as well as the highest rated series to ever air on Nickelodeon , and the most distributed property of MTV Networks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A staging area is a location . +08-13 15:28 root DEBUG A staging area -LRB- otherwise staging point , staging base or staging post -RRB- is a location where organisms , people , vehicles , equipment or material are assembled before use . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The county council of Cambridgeshire is Cambridgeshire County Council . +08-13 15:28 root DEBUG Local government is divided between Cambridgeshire County Council and Peterborough City Council , which is a separate unitary authority . Cambridgeshire County Council is the county council of Cambridgeshire , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brazilian jiu-jitsu was influenced by judo . +08-13 15:28 root DEBUG Brazilian Jiu-Jitsu eventually came to be its own art through the experiments , practices , and adaptation of judo through Carlos and Helio Gracie -LRB- who passed their knowledge on to their extended family -RRB- as well as other instructors who were students of Maeda , such as Luiz Franca . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG South Island is designated as the `` mainland '' by South Island denizens . +08-13 15:28 root DEBUG It has a 32 percent larger landmass than the North Island so is sometimes referred to as the `` mainland '' of New Zealand , especially by South Island residents , but only 23 percent of New Zealand 's million inhabitants live there . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Planet Hollywood Las Vegas is owned by all entities except an American gaming corporation . +08-13 15:28 root DEBUG It is owned and operated by Caesars Entertainment Corporation . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alan Shepard was Chief of the Astronaut Office from November 1963 to July 1969 . +08-13 15:28 root DEBUG He was Chief of the Astronaut Office from November 1963 to July 1969 -LRB- the approximate period of his grounding -RRB- , and from June 1971 until his retirement from the United States Navy and NASA on August 1 , 1974 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doug Petrie appeared in a web-based film in 2008 . +08-13 15:28 root DEBUG He made a cameo on Joss Whedon 's web-based film , Dr. Horrible 's Sing-Along Blog , as `` Professor Normal '' . Dr. Horrible 's Sing-Along Blog is a 2008 musical comedy-drama miniseries in three acts , produced exclusively for Internet distribution . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tyler Perry is a person . +08-13 15:28 root DEBUG Tyler Perry -LRB- born Emmitt Perry Jr. ; September 13 , 1969 -RRB- is an American actor , comedian , filmmaker , writer , and songwriter , specializing in the gospel genre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych -LRB- season 2 -RRB- ended on July 13th , 2006 . +08-13 15:28 root DEBUG The second season of Psych originally aired in the United States on USA Network from July 13 , 2007 to February 15 , 2008 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Menace II Society is only set in 1970 . +08-13 15:28 root DEBUG The film is set in the 1990s South Central Los Angeles , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chinatown is an American film starring Jack Nicholson . +08-13 15:28 root DEBUG Chinatown is a 1974 American neo-noir mystery film , directed by Roman Polanski from a screenplay by Robert Towne , starring Jack Nicholson and Faye Dunaway . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Terrence Howard was in the film Iron Man . +08-13 15:28 root DEBUG Howard played James Rhodes in Iron Man and reprised the role in the video game adaptation . Iron Man is a 2008 American superhero film based on the Marvel Comics character of the same name , produced by Marvel Studios and distributed by Paramount Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawson sang on November 20th , 1932 . +08-13 15:28 root DEBUG Richard Dawson -LRB- born Colin Lionel Emm ; 20 November 1932 -- 2 June 2012 -RRB- was a British-American actor and comedian , and a game show host and panellist in the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cambridgeshire 's county council is Cambridgeshire County Council . +08-13 15:28 root DEBUG Local government is divided between Cambridgeshire County Council and Peterborough City Council , which is a separate unitary authority . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quiet was released in 2005 . +08-13 15:28 root DEBUG The Quiet is a 2005 American drama thriller film directed by Jamie Babbit and starring Camilla Belle and Elisha Cuthbert . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl -LRB- Steven Universe -RRB- is a fictitious alien . +08-13 15:28 root DEBUG Pearl is a fictional character from the 2013 animated series Steven Universe , created by Rebecca Sugar . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kareena Kapoor had some failures . +08-13 15:28 root DEBUG This initial success was followed by a series of commercial failures and repetitive roles , which garnered her negative reviews . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A. P. J. Abdul Kalam was voted in as President of India . +08-13 15:28 root DEBUG Kalam was elected as the 11th President of India in 2002 with the support of both the ruling Bharatiya Janata Party and the then-opposition Indian National Congress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Atlanta metropolitan area spans 39 counties in north Georgia . +08-13 15:28 root DEBUG The Combined Statistical Area spans up to 39 counties in north Georgia and had an estimated 2015 population of 6.3 million people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dark matter is distinguishable from dark energy . +08-13 15:28 root DEBUG Dark matter is a hypothetical type of matter distinct from baryonic matter -LRB- ordinary matter such as protons and neutrons -RRB- , neutrinos and dark energy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pink 's birthday was September 8 , 1979 . +08-13 15:28 root DEBUG Alecia Beth Moore -LRB- born September 8 , 1979 -RRB- , known professionally as Pink -LRB- frequently stylized as -RRB- , is an American singer , songwriter , dancer , and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Danish language has speakers in Canada . +08-13 15:28 root DEBUG There are also minor Danish-speaking communities in Norway , Sweden , Spain , the United States , Canada , Brazil and Argentina . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jed Whedon is a citizen of the United States . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Monument is made of wood . +08-13 15:28 root DEBUG Located almost due east of the Reflecting Pool and the Lincoln Memorial , the monument , made of marble , granite , and bluestone gneiss , is both the world 's tallest stone structure and the world 's tallest obelisk , standing 554 ft tall according to the National Geodetic Survey -LRB- measured 2013 -- 14 -RRB- or 555 ft tall according to the National Park Service -LRB- measured 1884 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edouard Seguin worked in the United States and he was intelligent . +08-13 15:28 root DEBUG He is remembered for his work with children having cognitive impairments in France and the United States . Édouard Séguin -LRB- January 20 , 1812 -- October 28 , 1880 -RRB- was a physician and educationist born in Clamecy , Nièvre , France . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anxiety can lessen other mental health illnesses . +08-13 15:28 root DEBUG Furthermore , anxiety has been linked with physical symptoms such as IBS and can heighten other mental health illnesses such as OCD and panic disorder . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kareem Abdul-Jabbar plays basketball . +08-13 15:28 root DEBUG Kareem Abdul-Jabbar -LRB- born Ferdinand Lewis Alcindor Jr. ; April 16 , 1947 -RRB- is an American retired professional basketball player who played 20 seasons in the National Basketball Association -LRB- NBA -RRB- for the Milwaukee Bucks and the Los Angeles Lakers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeb Bush 's parent is Barbara Bush . +08-13 15:28 root DEBUG Bush , who grew up in Houston , is the second son of former President George H. W. Bush and former First Lady Barbara Bush , and a younger brother of former President George W. Bush . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Nice Guys was directed by Wally Pfister . +08-13 15:28 root DEBUG The Nice Guys is a 2016 American neo-noir action comedy film directed by Shane Black and written by Black and Anthony Bagarozzi . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johnny Van Zant released a solo album in 1992 . +08-13 15:28 root DEBUG They later changed their name to The Johnny Van Zant Band releasing their debut solo album , No More Dirty Deals , in 1980 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Absinthe has psychoactive effects . +08-13 15:28 root DEBUG Recent studies have shown that absinthe 's psychoactive properties -LRB- apart from that of the alcohol -RRB- have been exaggerated . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sands Hotel and Casino closed in 1952 . +08-13 15:28 root DEBUG The Sands Hotel and Casino was a historic hotel and casino on the Las Vegas Strip in Nevada , United States , that operated from 1952 to 1996 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leslie Alexander owns an NBA team . +08-13 15:28 root DEBUG He is a former bond trader from New Jersey who owns the National Basketball Association -LRB- NBA -RRB- team Houston Rockets . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Monument is made of rock . +08-13 15:28 root DEBUG Located almost due east of the Reflecting Pool and the Lincoln Memorial , the monument , made of marble , granite , and bluestone gneiss , is both the world 's tallest stone structure and the world 's tallest obelisk , standing 554 ft tall according to the National Geodetic Survey -LRB- measured 2013 -- 14 -RRB- or 555 ft tall according to the National Park Service -LRB- measured 1884 -RRB- . Granite -LRB- -LSB- pronˈɡrænᵻt -RSB- -RRB- is a common type of felsic intrusive igneous rock that is granular and phaneritic in texture . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Siege of Fort Stanwix took place in 1900 . +08-13 15:28 root DEBUG The Siege of Fort Stanwix -LRB- also known at the time as Fort Schuyler -RRB- began on August 2 , 1777 , and ended August 22 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aubrey Anderson-Emmons was born in June of 2007 . +08-13 15:28 root DEBUG Aubrey Frances Anderson-Emmons -LRB- born June 6 , 2007 -RRB- is an American child actress , known for her role as Lily Tucker-Pritchett on ABC 's Modern Family . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rob McElhenney plays Mac on an FX/FXX comedy series . +08-13 15:28 root DEBUG He is best known for playing Mac on the FX/FXX comedy series It 's Always Sunny in Philadelphia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barbarella is in the genre of science fiction . +08-13 15:28 root DEBUG Barbarella is a 1968 science fiction film directed by Roger Vadim based on the French comic Barbarella . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Great white sharks are responsible for the smallest number of reported and identified fatal unprovoked shark attacks on humans . +08-13 15:28 root DEBUG Humans are not the preferred prey of the great white shark , but , nevertheless , the great white is responsible for the largest number of reported and identified fatal unprovoked shark attacks on humans . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saw II was at the bottom of the charts in its first week . +08-13 15:28 root DEBUG Saw II was released to DVD on and topped charts its first week , selling more than 3 million units . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watertown , Massachusetts is outside of any named county . +08-13 15:28 root DEBUG The Town of Watertown is a city in Middlesex County , Massachusetts , United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney 's date of birth is March 26th , 1968 . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ghost has Patrick Swayze and Demi Moore in very minimal roles . +08-13 15:28 root DEBUG The plot centers on a young woman in jeopardy -LRB- Moore -RRB- , the ghost of her murdered lover -LRB- Swayze -RRB- and a reluctant psychic -LRB- Goldberg -RRB- who assists him in saving her although the psychic had previously been faking her powers . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Petyr Baelish is a controversial character . +08-13 15:28 root DEBUG In A Storm of Swords , it is revealed that several major plot points have hinged on Baelish 's intrigues , including the framing of Tyrion Lannister for the attempt on Bran Stark 's life , the downfall of Lord Eddard Stark , the deaths of Lord Jon Arryn and King Joffrey Baratheon , and the War of the Five Kings . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry Condell had a widow that was buried on the 4th . +08-13 15:28 root DEBUG His widow , Elizabeth , was buried there on 3 October 1635 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Psych -LRB- season 2 -RRB- originally aired on the USA Network . +08-13 15:28 root DEBUG The second season of Psych originally aired in the United States on USA Network from July 13 , 2007 to February 15 , 2008 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Superhuman abilities may be impeded by human enhancement by nanotechnology . +08-13 15:28 root DEBUG Superhuman abilities may result from human enhancement by genetic modification , cybernetic implants , nanotechnology , radiation or from human evolution in the future . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Netscape Navigator was succeeded by a web browser . +08-13 15:28 root DEBUG The Netscape Navigator web browser was succeeded by the Netscape Communicator suite in 1997 . Netscape Communicator -LRB- or Netscape 4 -RRB- is a discontinued Internet suite produced by Netscape Communications Corporation , and was the fourth major release in the Netscape line of browsers . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Silver Surfer appears only in comic books published by DC . +08-13 15:28 root DEBUG The Silver Surfer is a fictional superhero appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ned Stark is the honorable lord of an ancient fortress . +08-13 15:28 root DEBUG Introduced in 1996 's A Game of Thrones , Ned is the honorable lord of Winterfell , an ancient fortress in the North of the fictional continent of Westeros . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nate Diaz refused to ever sign with the UFC . +08-13 15:28 root DEBUG Nathan Donald `` Nate '' Diaz -LRB- born April 16 , 1985 -RRB- is an American professional mixed martial artist currently competing for the Ultimate Fighting Championship -LRB- UFC -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johnny Van Zant creates music . +08-13 15:28 root DEBUG John Roy `` Johnny '' Van Zant -LRB- born February 27 , 1959 -RRB- is an American musician and the current lead vocalist of Southern rock band Lynyrd Skynyrd . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pattern recognition is used strictly on known patterns . +08-13 15:28 root DEBUG Pattern recognition systems are in many cases trained from labeled `` training '' data -LRB- supervised learning -RRB- , but when no labeled data are available other algorithms can be used to discover previously unknown patterns -LRB- unsupervised learning -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games film series had no directors . +08-13 15:28 root DEBUG Gary Ross directed the first film , while Francis Lawrence directed the next three films . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandinavia includes the three kingdoms of Denmark , Norway , and Sweden as of 1902 . +08-13 15:28 root DEBUG The term Scandinavia always includes the three kingdoms of Denmark , Norway , and Sweden . After the end of the Cold War , Sweden joined the European Union on 1 January 1995 , but declined NATO membership , as well as Eurozone membership following a referendum . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kojol received the third highest civilian honour of the country . +08-13 15:28 root DEBUG In 2011 , the Government of India awarded her with the Padma Shri , the fourth highest civilian honour of the country . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1788 , Arthur Schopenhauer was born . +08-13 15:28 root DEBUG Arthur Schopenhauer -LRB- -LSB- ˈaɐ̯tʊɐ̯ ˈʃoːpm̩ˌhaʊ̯ɐ -RSB- ; 22 February 1788 -- 21 September 1860 -RRB- was a German philosopher . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shannon Lee is a businesswoman . +08-13 15:28 root DEBUG Shannon Emery Lee -LRB- born April 19 , 1969 -RRB- is an American actress , martial artist and businesswoman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Donna Noble is played by Catherine Tate during the 1980 's . +08-13 15:28 root DEBUG Donna Noble is a fictional character in the long-running British science fiction television series Doctor Who . Originally appearing in the closing scene of the show 's 2006 series and as a special guest star in its following Christmas special , `` The Runaway Bride '' , Tate was not expected to reprise her role as Donna ; for series 3 -LRB- 2007 -RRB- , the Doctor travelled alongside medical student Martha Jones -LRB- Freema Agyeman -RRB- . However , Tate expressed interest in returning to the role , and she returned as Donna for the duration of the series 4 -LRB- 2008 -RRB- , and in a subsequent 2009-10 Christmas and New Year 's special . Portrayed by British actress and comedian Catherine Tate , she is a companion of the Tenth Doctor -LRB- David Tennant -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beguiled is based on a novel set in the Mexican South . +08-13 15:28 root DEBUG The script was written by Albert Maltz and is based on the 1966 Southern Gothic novel written by Thomas P. Cullinan , originally titled A Painted Devil . Southern Gothic is a subgenre of Gothic fiction in American literature that takes place in the American South . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fame was released in 2018 . +08-13 15:28 root DEBUG It was released on August 19 , 2008 through Interscope Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Musala is 2,925 meters . +08-13 15:28 root DEBUG Musala -LRB- Мусала from Arabic through Ottoman Turkish : Musalla , `` near God '' or `` place for prayer '' is the highest peak in the entire Balkan Peninsula , standing at 2,925 m -LRB- 9,596 ft -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doxycycline may cause headaches . +08-13 15:28 root DEBUG Common side effects include diarrhea , nausea , vomiting , a red rash , and an increased risk of a sunburn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pink is an actress . +08-13 15:28 root DEBUG Alecia Beth Moore -LRB- born September 8 , 1979 -RRB- , known professionally as Pink -LRB- frequently stylized as -RRB- , is an American singer , songwriter , dancer , and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adam Lambert remains closeted . +08-13 15:28 root DEBUG The album premiered at number one on the U.S. Billboard 200 , making him the first openly gay artist to top the album charts . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Japan national football team had second round advancements in 2010 . +08-13 15:28 root DEBUG Japan is one of the most successful teams in Asia , having qualified for the last five consecutive FIFA World Cups with second round advancements in 2002 & 2010 , and having won the AFC Asian Cup a record four times in 1992 , 2000 , 2004 & 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hinduism engages in service at sacred sites . +08-13 15:28 root DEBUG Although Hinduism contains a broad range of philosophies , it is linked by shared concepts , recognisable rituals , cosmology , shared textual resources , and pilgrimage to sacred sites . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An advanced mobile operating system is within the the IPhone 4 . +08-13 15:28 root DEBUG The iPhone 4 also introduced Apple 's A4 system-on-chip , along with iOS 4 -- which notably introduced multitasking functionality and Apple 's new FaceTime video chat service . iOS 4 is the fourth major release of the iOS mobile operating system designed by Apple Inc. , being the successor to iPhone OS 3 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Boeing 787 Dreamliner is an air vessel . +08-13 15:28 root DEBUG The Boeing 787 Dreamliner is an American long-haul , mid-size widebody , twin-engine jet airliner made by Boeing Commercial Airplanes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 1990s is the time period Menace II Society takes place in . +08-13 15:28 root DEBUG The film is set in the 1990s South Central Los Angeles , California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG January 14th , 2004 is the date when Uta Hagan died . +08-13 15:28 root DEBUG Uta Thyra Hagen -LRB- 12 June 1919 -- 14 January 2004 -RRB- was an American actress and theatre practitioner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manchester by the Sea is a film . +08-13 15:28 root DEBUG Manchester by the Sea is a 2016 American drama film written and directed by Kenneth Lonergan , and starring Casey Affleck , Michelle Williams , Kyle Chandler , and Lucas Hedges . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Morgan Fairchild played the role of Jordan Roberts . +08-13 15:28 root DEBUG In 1984 , she co-starred on ABC 's short-lived television drama Paper Dolls , and then appeared on Falcon Crest as attorney Jordan Roberts from 1985 to 1986 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Syco was established by Paula Abdul . +08-13 15:28 root DEBUG Syco Entertainment , often known simply as Syco , is a British entertainment company established by British entertainment mogul Simon Cowell . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mission Impossible 3 stars Maggie Q. +08-13 15:28 root DEBUG She is known for starring in the action films Mission : Impossible III and Live Free or Die Hard and played the title role of The CW 's action-thriller series Nikita , airing from 2010 to 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Block -LRB- album -RRB- was an unreleased by the band the New Kids on the Block . +08-13 15:28 root DEBUG It sold 100,000 copies in its first week of release and debuted at number one on the U.S. Top Pop Albums chart and at number two on the Billboard 200 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pythagoras is n't considered to be the founder of any movement . +08-13 15:28 root DEBUG Pythagoras of Samos -LRB- -LSB- pɪˈθægərəs -RSB- -LSB- paɪˈθægərəs -RSB- -LSB- Πυθαγόρας ὁ Σάμιος , Pythagóras ho Sámios , Pythagoras the Samos , Samian -RSB- , or simply Πυθαγόρας Πυθαγόρης in Ionian Greek ; -RRB- was an Ionian Greek philosopher , mathematician , and putative founder of the Pythagoreanism movement . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Salman Rushdie only writes non-fiction . +08-13 15:28 root DEBUG He combines magical realism with historical fiction ; his work is concerned with the many connections , disruptions , and migrations between Eastern and Western civilizations . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hebe was a cupbearer . +08-13 15:28 root DEBUG Hebe was the cupbearer for the gods and goddesses of Mount Olympus , serving their nectar and ambrosia , until she was married to Heracles -LRB- Roman equivalent : Hercules -RRB- ; her successor was the divine hero Ganymede . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth Olsen died in 1989 . +08-13 15:28 root DEBUG Elizabeth Chase `` Lizzie '' Olsen -LRB- born February 16 , 1989 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeb Bush is former President George H. W. Bush 's eldest son . +08-13 15:28 root DEBUG Bush , who grew up in Houston , is the second son of former President George H. W. Bush and former First Lady Barbara Bush , and a younger brother of former President George W. Bush . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Corsica is an island . +08-13 15:28 root DEBUG Corsica -LRB- -LSB- ˈkɔrsɪkə -RSB- Corse -LSB- kɔʁs -RSB- Corsican and Italian : Corsica -LSB- ˈkɔrsika -RSB- -RRB- is an island in the Mediterranean Sea and one of the 13 regions of France . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mike Friedrich never wrote . +08-13 15:28 root DEBUG Mike Friedrich -LRB- born March 27 , 1949 -RRB- is an American comic book writer and publisher best known for his work at Marvel and DC Comics , and for publishing the anthology series Star * Reach , one of the first independent comics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Franklin lacked early campaigning for colonial unity . +08-13 15:28 root DEBUG Franklin earned the title of `` The First American '' for his early and indefatigable campaigning for colonial unity , initially as an author and spokesman in London for several colonies . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Probot had Dave Grohl as a drummer . +08-13 15:28 root DEBUG Probot was a heavy metal side project of ex-Nirvana drummer and Foo Fighters rhythm guitarist and lead-singer Dave Grohl . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anneliese van der Pol had an early career in musical theater before her claim to fame in That 's So Raven . +08-13 15:28 root DEBUG Following her early career in musical theatre , she was best known for her role as Chelsea Daniels on That 's So Raven . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Suite Life of Zack & Cody is a German sitcom . +08-13 15:28 root DEBUG The Suite Life of Zack & Cody is an American sitcom created by Danny Kallis and Jim Geoghan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Oscar Isaac appeared in a Star Wars movie . +08-13 15:28 root DEBUG He appeared in Star Wars : The Force Awakens -LRB- 2015 -RRB- , as X-wing pilot Poe Dameron , and in X-Men : Apocalypse -LRB- 2016 -RRB- , as the titular mutant supervillain Apocalypse . Introduced in the 2015 film Star Wars : The Force Awakens , he is portrayed by Oscar Isaac . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anthony Scaramucci is a figure in politics . +08-13 15:28 root DEBUG Anthony Scaramucci -LRB- born January 6 , 1964 -RRB- is an American entrepreneur , financier , political figure , and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Brolin was born on July 18th , 1940 . +08-13 15:28 root DEBUG James Brolin -LRB- -LSB- ˈbroʊlᵻn -RSB- born July 18 , 1940 -RRB- is an American actor , producer , and director , best known for his roles in film and television , including sitcoms and soap operas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Latvian Soviet Socialist Republic is never known as Soviet Latvia . +08-13 15:28 root DEBUG The Latvian Soviet Socialist Republic -LRB- Latvian SSR ; Latvijas Padomju Sociālistiskā Republika Латвийская Советская Социалистическая Республика , Latviyskaya Sovetskaya Sotsialisticheskaya Respublika -RRB- , also known as Soviet Latvia or Latvia , was a republic of the Soviet Union . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Probot was a project . +08-13 15:28 root DEBUG Probot was a heavy metal side project of ex-Nirvana drummer and Foo Fighters rhythm guitarist and lead-singer Dave Grohl . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Originals -LRB- TV series -RRB- has yet to air . +08-13 15:28 root DEBUG The Originals is an American television series that began airing on The CW on October 3 , 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melilla shares a border with a country . +08-13 15:28 root DEBUG Melilla -LRB- -LSB- məˈliːjə -RSB- ; -LSB- meˈliʎa -RSB- , -LSB- meˈliʝa -RSB- ; Mřič -LSB- , Maliliyyah -RRB- is a Spanish autonomous city located on the north coast of Africa , sharing a border with Morocco with an area of 12.3 km2 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Monument 's height is either 554 ft or 555 ft. +08-13 15:28 root DEBUG Located almost due east of the Reflecting Pool and the Lincoln Memorial , the monument , made of marble , granite , and bluestone gneiss , is both the world 's tallest stone structure and the world 's tallest obelisk , standing 554 ft tall according to the National Geodetic Survey -LRB- measured 2013 -- 14 -RRB- or 555 ft tall according to the National Park Service -LRB- measured 1884 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Netscape Navigator was preceded by the Netscape Communicator suite . +08-13 15:28 root DEBUG The Netscape Navigator web browser was succeeded by the Netscape Communicator suite in 1997 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Salman Rushdie is a technical writer . +08-13 15:28 root DEBUG Ahmed Salman Rushdie , FRSL -LRB- -LSB- sælˈmɑːn_ˈrʊʃdi -RSB- अहमद सलमान रुशदी , ; born 19 June 1947 -RRB- is a British Indian novelist and essayist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tye Sheridan is an American actor . +08-13 15:28 root DEBUG Tye Kayle Sheridan -LRB- born November 11 , 1996 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Punch-Drunk Love was directed by Revolution Studios and New Line Cinema . +08-13 15:28 root DEBUG Punch-Drunk Love is a 2002 American romantic comedy-drama film written and directed by Paul Thomas Anderson and starring Adam Sandler , Emily Watson , Philip Seymour Hoffman , Luis Guzmán , and Mary Lynn Rajskub . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Proponents of globalism tend to advocate for raising tariffs . +08-13 15:28 root DEBUG It tends to advocate for such policies as increases in immigration , free trade , lowering tariffs , interventionism and global governance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ned Stark is the honorable lord of Winterfell in the book A Game of Thrones . +08-13 15:28 root DEBUG Introduced in 1996 's A Game of Thrones , Ned is the honorable lord of Winterfell , an ancient fortress in the North of the fictional continent of Westeros . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maggie Q only acts on stage . +08-13 15:28 root DEBUG She is known for starring in the action films Mission : Impossible III and Live Free or Die Hard and played the title role of The CW 's action-thriller series Nikita , airing from 2010 to 2013 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dark matter may not be real . +08-13 15:28 root DEBUG Dark matter is a hypothetical type of matter distinct from baryonic matter -LRB- ordinary matter such as protons and neutrons -RRB- , neutrinos and dark energy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Stanfield date of birth is August 12 , 1991 . +08-13 15:28 root DEBUG LaKeith Lee `` Keith '' Stanfield -LRB- born August 12 , 1991 -RRB- is an American actor and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estonia is in Eastern Africa . +08-13 15:28 root DEBUG Estonia -LRB- -LSB- ɛˈstoʊniə -RSB- Eesti -LSB- ˈeːsti -RSB- -RRB- , officially the Republic of Estonia -LRB- -LSB- Eesti Vabariik , links = no -RSB- -RRB- , is a country in the Baltic region of Northern Europe . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pocahontas was the daughter of the paramount chief Powhatan . +08-13 15:28 root DEBUG Pocahontas was the daughter of Powhatan , the paramount chief of a network of tributary tribal nations in the Tsenacommacah , encompassing the Tidewater region of Virginia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Lee Curtis starred in John Carpenter 's Halloween . +08-13 15:28 root DEBUG She made her film debut in 1978 by starring as Laurie Strode in John Carpenter 's Halloween -LRB- 1978 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jenny McCarthy started her career in 1993 . +08-13 15:28 root DEBUG She began her career in 1993 as a nude model for Playboy magazine and was later named their Playmate of the Year . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aldous Huxley barely published scripts . +08-13 15:28 root DEBUG Mid career and later , he published travel writing , film stories , and scripts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Recognition has been given to Bala for his work . +08-13 15:28 root DEBUG He has received several awards and recognition for his work , including the National Film Award for Best Director for his fourth feature film Naan Kadavul -LRB- 2009 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Minor League Baseball compete at levels below a baseball league . +08-13 15:28 root DEBUG Minor League Baseball is a hierarchy of professional baseball leagues in the Americas that compete at levels below Major League Baseball -LRB- MLB -RRB- and provide opportunities for player development and a way to prepare for the major leagues . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Maze Runner is a film . +08-13 15:28 root DEBUG The Maze Runner is a 2014 American dystopian science fiction action thriller film directed by Wes Ball , in his directorial debut , based on James Dashner 's 2009 novel of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Maltese language is a foreign language in Malta . +08-13 15:28 root DEBUG Maltese -LRB- links = no -RRB- is the national language of Malta and a co-official language of the country alongside English , while also serving as an official language of the European Union , the only Semitic language so distinguished . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prague 's historic center was never included in the UNESCO list of World Heritage Sites . +08-13 15:28 root DEBUG Since 1992 , the extensive historic centre of Prague has been included in the UNESCO list of World Heritage Sites . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Challenge : Rivals III refused to ever air on MTV . +08-13 15:28 root DEBUG The Challenge : Rivals III is the 28th season of the MTV reality game show , The Challenge . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bank of America has only one call center . +08-13 15:28 root DEBUG Bank of America provides its products and services through 4,600 retail financial centers , approximately 15,900 automated teller machines , call centers , and online and mobile banking platforms . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III of France was succeeded by Henry IV . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robinson Crusoe on Mars was distributed solely by Disney Studios . +08-13 15:28 root DEBUG The film was distributed by Paramount Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The English Wikipedia is the English-language edition of a movie . +08-13 15:28 root DEBUG The English Wikipedia is the English-language edition of the free online encyclopedia Wikipedia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In golf , balls are hit into holes by players . +08-13 15:28 root DEBUG Golf is a club and ball sport in which players use various clubs to hit balls into a series of holes on a course in as few strokes as possible . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 66th Primetime Emmy Awards was hosted by the host of Late Night . +08-13 15:28 root DEBUG Comedian and Late Night host Seth Meyers hosted the ceremony for the first time . The 66th Annual Primetime Creative Arts Emmy Awards ceremony was held on August 16 , 2014 , at the Nokia Theatre in Downtown Los Angeles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Guns N ' Roses started in 1980 . +08-13 15:28 root DEBUG Guns N ' Roses , often abbreviated as GnR , is an American hard rock band from Los Angeles formed in 1985 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A United Kingdom is a work . +08-13 15:28 root DEBUG A United Kingdom is a 2016 British biographical romantic drama film directed by Amma Asante and written by Guy Hibbert , based on the true-life romance between Sir Seretse Khama and his wife Ruth Williams Khama . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III of France was murdered . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matt Bomer was born in Spain . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Woodrow Wilson lived during World War I. +08-13 15:28 root DEBUG He also led the United States during World War I , establishing an activist foreign policy known as `` Wilsonianism . '' +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG VH1 was the channel where Celebrity Rehab with Dr. Drew aired . +08-13 15:28 root DEBUG Celebrity Rehab with Dr. Drew , later called simply Rehab with Dr. Drew , is a reality television show that aired on the cable network VH1 in which many of the episodes chronicle a group of well-known people as they are treated for alcohol and drug addiction by Dr. Drew Pinsky and his staff at the Pasadena Recovery Center in Pasadena , California . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The X-Files starred an actress . +08-13 15:28 root DEBUG In January 2016 , a tenth season of The X-Files aired , featuring Carter as executive producer and writer , and starring David Duchovny and Gillian Anderson . Gillian Leigh Anderson , OBE -LRB- born August 9 , 1968 -RRB- , is an American-British film , television and theatre actress , activist and writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beverly Hillbillies ranked among the top 10 most watched programs on television . +08-13 15:28 root DEBUG The Beverly Hillbillies ranked among the top 20 most-watched programs on television for eight of its nine seasons , twice ranking as the number one series of the year , with a number of episodes that remain among the most-watched television episodes in history . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mutiny on the Bounty is a film . +08-13 15:28 root DEBUG Mutiny on the Bounty is a 1962 American Technicolor epic historical drama film starring Marlon Brando , Trevor Howard and Richard Harris , based on the novel Mutiny on the Bounty by Charles Nordhoff and James Norman Hall . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2006 , Gray Matters was released . +08-13 15:28 root DEBUG Gray Matters is a 2006 romantic comedy film directed by Sue Kramer , starring Heather Graham , Tom Cavanagh and Bridget Moynahan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Food Network is unavailable to 83.3 % of households with television . +08-13 15:28 root DEBUG As of February 2015 , Food Network is available to approximately 96,931,000 pay television households -LRB- 83.3 % of households with television -RRB- in the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Syco was established by two women . +08-13 15:28 root DEBUG Syco Entertainment , often known simply as Syco , is a British entertainment company established by British entertainment mogul Simon Cowell . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henri Kontinen is currently ranked last in the world for doubles in tennis . +08-13 15:28 root DEBUG He is currently ranked as world number 1 in doubles rankings after winning the Australian Open men 's doubles championship . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Padua is a location . +08-13 15:28 root DEBUG Padua -LRB- -LSB- ˈpædju.ə -RSB- or -LSB- ˈpædʒu.ə -RSB- , Padova -LSB- ˈpaːdova -RSB- ; Pàdova -RRB- is a city and comune in Veneto , northern Italy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Middlesex County is home to the city of Watertown , Massachusetts . +08-13 15:28 root DEBUG The Town of Watertown is a city in Middlesex County , Massachusetts , United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Quay premiered in Manhattan . +08-13 15:28 root DEBUG The film premiered at the Film Forum theatre in New York City on 19 August 2015 . Film Forum is a nonprofit movie theater at 209 West Houston Street in Hudson Square , Manhattan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kyle Maclachlan is incapable of being nominated for anything . +08-13 15:28 root DEBUG MacLachlan has won a Golden Globe Award for Best Actor -- Television Series Drama and has been nominated for two Emmy Awards , all for Twin Peaks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ekta Kapoor is a producer . +08-13 15:28 root DEBUG Ekta Kapoor -LRB- born 7 June 1975 -RRB- is an Indian TV and film producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edouard Seguin worked in France . +08-13 15:28 root DEBUG He is remembered for his work with children having cognitive impairments in France and the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cyprus is outside of the Mediterranean . +08-13 15:28 root DEBUG Cyprus -LRB- -LSB- ˈsaɪprəs -RSB- -LSB- Κύπρος , Kýpros -RSB- -LSB- ˈcipros -RSB- ; Kıbrıs -LSB- ˈkɯbɾɯs -RSB- -RRB- , officially the Republic of Cyprus -LRB- -LSB- Κυπριακή Δημοκρατία , Kypriakí Demokratía , links = no -RSB- -LSB- Kıbrıs Cumhuriyeti , links = no -RSB- -RRB- , is an island country in the Eastern Mediterranean and the third largest and third most populous island in the Mediterranean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Siege of Fort Stanwix ended in August . +08-13 15:28 root DEBUG The Siege of Fort Stanwix -LRB- also known at the time as Fort Schuyler -RRB- began on August 2 , 1777 , and ended August 22 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arthur Schopenhauer was born in February 1788 . +08-13 15:28 root DEBUG Arthur Schopenhauer -LRB- -LSB- ˈaɐ̯tʊɐ̯ ˈʃoːpm̩ˌhaʊ̯ɐ -RSB- ; 22 February 1788 -- 21 September 1860 -RRB- was a German philosopher . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG William Blackstone was born in Boston . +08-13 15:28 root DEBUG Born into a middle-class family in London , Blackstone was educated at Charterhouse School before matriculating at Pembroke College , Oxford in 1738 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jon Hamm received Primetime Emmy Award nominations . +08-13 15:28 root DEBUG His performance earned him the Golden Globe Award for Best Actor in a Television Series -- Drama during 2008 and 2016 and the Primetime Emmy Award for Outstanding Lead Actor in a Drama Series during 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Perry Barlow was a member of the Grateful Dead . +08-13 15:28 root DEBUG The other official members of the band are Tom Constanten -LRB- keyboards ; 1968 -- 1970 -RRB- , John Perry Barlow -LRB- nonperforming lyricist ; 1971 -- 1995 -RRB- , Keith Godchaux -LRB- keyboards ; 1971 -- 1979 -RRB- , Donna Godchaux -LRB- vocals ; 1972 -- 1979 -RRB- , Brent Mydland -LRB- keyboards , vocals ; 1979 -- 1990 -RRB- , and Vince Welnick -LRB- keyboards , vocals ; 1990 -- 1995 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A polynomial is an entity . +08-13 15:28 root DEBUG In mathematics , a polynomial is an expression consisting of variables -LRB- or indeterminates -RRB- and coefficients , that involves only the operations of addition , subtraction , multiplication , and non-negative integer exponents . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Story of My Life is a song that was recorded . +08-13 15:28 root DEBUG `` Story of My Life '' is a song recorded by English Irish boy band One Direction . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was established as gold in the US in January 2006 . +08-13 15:28 root DEBUG The album was first certified gold in the United States on January 12 , 2006 ; a subsequent platinum record certification was awarded on March 16 , 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Walking Dead -LRB- comic book -RRB- inspired a series of webisode . +08-13 15:28 root DEBUG The franchise has also spawned multiple additional media properties , including video games -LRB- such as The Walking Dead video game -RRB- , a companion television series -LRB- Fear the Walking Dead -RRB- , webisode series -LRB- The Walking Dead : Torn Apart , The Walking Dead : Cold Storage , and The Walking Dead : The Oath -RRB- , and various additional publications , including novels -LRB- The Walking Dead : Rise of the Governor -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Book of Mormon won a Tony Award for Best Musical . +08-13 15:28 root DEBUG The show was awarded nine Tony Awards , one of which was for Best Musical , and a Grammy Award for Best Musical Theater Album . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A. P. J. Abdul Kalam was supported by an Indian political party . +08-13 15:28 root DEBUG Kalam was elected as the 11th President of India in 2002 with the support of both the ruling Bharatiya Janata Party and the then-opposition Indian National Congress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War took place in Canada . +08-13 15:28 root DEBUG The American Civil War was fought in the United States from 1861 to 1865 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Menace II Society is set in Montana . +08-13 15:28 root DEBUG The film is set in the 1990s South Central Los Angeles , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Joni Mitchell refuses to stop touring . +08-13 15:28 root DEBUG A blunt critic of the music industry , she quit touring and released her 17th , and reportedly last , album of original songs in 2007 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG GLOW is a Netflix TV series . +08-13 15:28 root DEBUG GLOW is an upcoming American comedy-drama television series created by Liz Flahive and Carly Mensch . The first season will be released on Netflix on June 23 , 2017 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bonobos live south of the Ganges River . +08-13 15:28 root DEBUG Because the two species are not proficient swimmers , the formation of the Congo River 1.5 -- 2 million years ago possibly led to the speciation of the bonobo . Bonobos live south of the river , and thereby were separated from the ancestors of the common chimpanzee , which live north of the river . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sledgehammer was first performed live in Canada . +08-13 15:28 root DEBUG They first performed the song live at the 2014 MTV Europe Music Awards pre-show and would make later appearances on Good Morning America , Access Hollywood Live , The Talk , the Today Show and The Ellen DeGeneres Show . The 2014 MTV EMAs -LRB- also known as the MTV Europe Music Awards -RRB- were held at The SSE Hydro , Glasgow , Scotland on 9 November 2014 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Danish language has speakers in Spain . +08-13 15:28 root DEBUG There are also minor Danish-speaking communities in Norway , Sweden , Spain , the United States , Canada , Brazil and Argentina . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watertown , Massachusetts is in the Northern United States . +08-13 15:28 root DEBUG It is part of the Greater Boston area . The region forms the northern arc of the US northeast megalopolis and as such , Greater Boston can be described as either a metropolitan statistical area -LRB- MSA -RRB- , or as a broader combined statistical area -LRB- CSA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elisha Cuthbert stars in The Quiet . +08-13 15:28 root DEBUG The Quiet is a 2005 American drama thriller film directed by Jamie Babbit and starring Camilla Belle and Elisha Cuthbert . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dark matter is different from baryonic matter . +08-13 15:28 root DEBUG Dark matter is a hypothetical type of matter distinct from baryonic matter -LRB- ordinary matter such as protons and neutrons -RRB- , neutrinos and dark energy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sands Hotel and Casino started in 1952 as a casino with 200 rooms . +08-13 15:28 root DEBUG The hotel was opened on December 15 , 1952 as a casino with 200 rooms , and was established less than three months after the opening of another notable landmark , Sahara Hotel and Casino . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney died on March 26th , 1968 . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Nice Guys is a 2018 film . +08-13 15:28 root DEBUG Pictures in the United States on May 20 , 2016 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brie Larson starred in a movie . +08-13 15:28 root DEBUG Larson 's breakthrough role came with the independent drama Short Term 12 -LRB- 2013 -RRB- , for which she received critical acclaim . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party was only released in 2011 . +08-13 15:28 root DEBUG The film 's rough cut premiered on March 14 , 2016 at South by Southwest and the film was theatrically released in the United States and Canada on August 12 , 2016 by Columbia Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Malta claims to be the historical Melita mentioned in the Acts of the Apostles . +08-13 15:28 root DEBUG Malta has a long Christian legacy and its Archdiocese of Malta is claimed to be an apostolic see because , according to Acts of the Apostles , St Paul was shipwrecked on `` Melita '' , now widely taken to be Malta . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Nobel Prize in Chemistry was given to a human from the Kingdom of the Netherlands . +08-13 15:28 root DEBUG The first Nobel Prize in Chemistry was awarded in 1901 to Jacobus Henricus van ' t Hoff , of the Netherlands , `` for his discovery of the laws of chemical dynamics and osmotic pressure in solutions . '' The Netherlands , -LRB- -LSB- ˈnɛðərləndz -RSB- Nederland -LSB- ˈneːdərˌlɑnt -RSB- ; Nederlân -RRB- also known informally as Holland , is the main constituent country of the Kingdom of the Netherlands . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard is Lorelai Gilmore 's father . +08-13 15:28 root DEBUG The dynamic of single parenthood and the tension between Lorelai and her wealthy parents , Richard -LRB- Edward Herrmann -RRB- and especially her controlling mother , Emily -LRB- Kelly Bishop -RRB- , form the main theme of the series story line . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Islamabad is a city . +08-13 15:28 root DEBUG Islamabad -LRB- -LSB- ɪzˈlɑːməˌbɑːd -RSB- -LSB- , , -LSB- ɪsˌlɑːmɑˈbɑːd̪ -RSB- -RRB- is the capital city of Pakistan located within the federal Islamabad Capital Territory . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Tracey Fragments had its North American premiere at a film festival . +08-13 15:28 root DEBUG The film had its North American premiere at the 2007 Toronto International Film Festival on September 12 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Siege of Fort Stanwix took place in 2000 . +08-13 15:28 root DEBUG The Siege of Fort Stanwix -LRB- also known at the time as Fort Schuyler -RRB- began on August 2 , 1777 , and ended August 22 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wolfgang Amadeus Mozart was born in Salzburg . +08-13 15:28 root DEBUG Born in Salzburg , he showed prodigious ability from his earliest childhood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Faye Resnick works in interior design . +08-13 15:28 root DEBUG Faye Denise Resnick -LRB- born July 3 , 1957 -RRB- is an American television personality , author , and interior designer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ronaldinho has played 97 football matches . +08-13 15:28 root DEBUG Ronaldinho has played 97 matches and scored 33 goals for the Brazil national team . The Brazil national football team -LRB- Seleção Brasileira de Futebol -RRB- represents Brazil in international men 's association football . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saw II is unreleased . +08-13 15:28 root DEBUG Saw II was released on October 28 , 2005 and , despite mixed reviews from critics , was a financial success , with opening takings of $ 31.9 million and grossing $ 88 million in the United States and Canada . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mary McGee was the first woman to compete in the Baja 1000 . +08-13 15:28 root DEBUG From 1967 to 1972 , the race was organized by the National Off-Road Racing Association -LRB- NORRA -RRB- and grew in popularity with ABC 's `` Wide World of Sports '' sending Jim McKay to cover the 1968 event , and attracting new participants like the late Mickey Thompson , Indy 500 winner Parnelli Jones , movie actor James Garner , and Mary McGee , the first woman to compete in the event . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kojol received nominations . +08-13 15:28 root DEBUG Regarded as one of India 's most successful and highest-paid actresses , Kajol is the recipient of numerous accolades , including six Filmfare Awards , among twelve nominations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen King has only published 6 novels . +08-13 15:28 root DEBUG King has published 54 novels , including seven under the pen name Richard Bachman , and six non-fiction books . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Live Nation Entertainment is a global energy company . +08-13 15:28 root DEBUG Live Nation Entertainment is an American global entertainment company , formed from the merger of Live Nation and Ticketmaster . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 was produced by Lionsgate Films . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One True Thing was directed by an American producer . +08-13 15:28 root DEBUG One True Thing is a 1998 American drama film directed by Carl Franklin . Carl Franklin -LRB- born April 11 , 1949 -RRB- is an American actor , screenwriter , producer , film and television director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brick Mansions is a remake . +08-13 15:28 root DEBUG It is a remake of the 2004 French film District 13 , in which Belle had also starred . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John DiMaggio did a voice-over role . +08-13 15:28 root DEBUG Other voice-over roles of his include Dr. Drakken and Motor Ed on Kim Possible , Brother Blood on Teen Titans , Rico in The Penguins of Madagascar , Fu Dog and Ogre In American Dragon : Jake Long , Niblet on Pound Puppies , the Scotsman on Samurai Jack , and as the voice of Shnitzel on Chowder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anna Nicole Smith had a modelling career . +08-13 15:28 root DEBUG Vickie Lynn Hogan professionally known as Anna Nicole Smith -LRB- born November 28 , 1967 -- February 8 , 2007 -RRB- was an American model , actress and television personality . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ann Biderman was born on October 15th , 1951 . +08-13 15:28 root DEBUG Ann Biderman -LRB- born August 15 , 1951 -RRB- is an American film and television writer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG LinkedIn is based in Russia . +08-13 15:28 root DEBUG Based in the United States , the site is , as of 2013 , available in 24 languages , including Arabic , Chinese , English , French , German , Italian , Portuguese , Spanish , Dutch , Swedish , Danish , Romanian , Russian , Turkish , Japanese , Czech , Polish , Korean , Indonesian , Malay , and Tagalog . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Punch-Drunk Love was distributed exclusively by a Czech film studio . +08-13 15:28 root DEBUG The film was produced by Revolution Studios and New Line Cinema , and distributed by Columbia Pictures ; it features the video art of Jeremy Blake in the form of visual interludes . Columbia Pictures Industries , Inc. -LRB- known as Columbia Pictures and Columbia , and formerly CBC Film Sales Corporation -RRB- is an American film studio , production company and film distributor that is a member of the Sony Pictures Motion Picture Group , a division of Sony Entertainment 's Sony Pictures subsidiary of the Japanese conglomerate Sony . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Clueless -LRB- film -RRB- was preceded by a spin-off television sitcom . +08-13 15:28 root DEBUG The film was followed by a spin-off television sitcom and series of books . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Therasia is outside of the volcanic island group of Santorini . +08-13 15:28 root DEBUG Therasia , also known as Thirasía , is an island in the volcanic island group of Santorini in the Greek Cyclades . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caleb McLaughlin is involved with creative work . +08-13 15:28 root DEBUG Caleb McLaughlin -LRB- born October 13 , 2001 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roberto Orci wrote Star Trek . +08-13 15:28 root DEBUG He and Kurtzman since returned to working with Abrams on Mission : Impossible III and both Star Trek and Star Trek Into Darkness . Star Trek is a 2009 American science fiction adventure film directed by J. J. Abrams and written by Roberto Orci and Alex Kurtzman . Star Trek Into Darkness is a 2013 American science fiction action film directed by J. J. Abrams and written by Roberto Orci , Alex Kurtzman , and Damon Lindelof . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG National pain is one symptom of pulmonary embolism . +08-13 15:28 root DEBUG Symptoms of a PE may include shortness of breath , chest pain particularly upon breathing in , and coughing up blood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Nice Guys was directed by Stephen Spielberg . +08-13 15:28 root DEBUG The Nice Guys is a 2016 American neo-noir action comedy film directed by Shane Black and written by Black and Anthony Bagarozzi . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Airbus A380 entered commercial service . +08-13 15:28 root DEBUG The A380 made its first flight on 27 April 2005 and entered commercial service on 25 October 2007 with Singapore Airlines . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caleb McLaughlin was born on the month of January . +08-13 15:28 root DEBUG Caleb McLaughlin -LRB- born October 13 , 2001 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Africa Cup of Nations is held every five years . +08-13 15:28 root DEBUG Since 1968 , it has been held every two years . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mutiny on the Bounty is the second American film based on Treasure Island , the novel . +08-13 15:28 root DEBUG Mutiny on the Bounty is a 1962 American Technicolor epic historical drama film starring Marlon Brando , Trevor Howard and Richard Harris , based on the novel Mutiny on the Bounty by Charles Nordhoff and James Norman Hall . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Floyd Mayweather Jr. has a large world title win record without a loss . +08-13 15:28 root DEBUG He finished his career with a record of 26 wins without a loss or draw in world title fights -LRB- 10 by KO -RRB- ; 23 wins -LRB- 9 KOs -RRB- in lineal title fights ; 24 wins -LRB- 7 KOs -RRB- against former or current world titlists ; 12 wins -LRB- 3 KOs -RRB- against former or current lineal champions ; and 2 wins -LRB- 1 KO -RRB- against International Boxing Hall of Fame inductees . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Keener was passed up for all roles in Get Out . +08-13 15:28 root DEBUG Keener also appeared in the films Into the Wild -LRB- 2007 -RRB- , Synecdoche , New York -LRB- 2008 -RRB- , and Get Out -LRB- 2017 -RRB- , which were well received by critics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 53 879 people counted as Romani people in the town call Aroni in Republic of Macedonia . +08-13 15:28 root DEBUG According to the last census from 2002 , there were 53 879 people counted as Romani in the Republic of Macedonia '' ' , or 2.66 % of the population . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Paul is a basketball player . +08-13 15:28 root DEBUG Christopher Emmanuel Paul -LRB- born May 6 , 1985 -RRB- is an American professional basketball player for the Los Angeles Clippers of the National Basketball Association -LRB- NBA -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watchmen is a film about a group of mostly retired American superheroes . +08-13 15:28 root DEBUG A dark satirical and dystopian take on the superhero genre , the film is set in an alternate history in the year 1985 at the height of the Cold War between the United States and the Soviet Union , as a group of mostly retired American superheroes investigates the murder of one of their own before uncovering an elaborate and deadly conspiracy , while their moral limitations are challenged by the complex nature of the circumstances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed and Lorraine Warren were people . +08-13 15:28 root DEBUG Edward Warren Miney -LRB- September 7 , 1926 -- August 23 , 2006 -RRB- and Lorraine Rita Warren -LRB- née Moran , born January 31 , 1927 -RRB- were a married Roman Catholic couple who were highly controversial American paranormal investigators and authors associated with prominent cases of hauntings . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Planet Hollywood Las Vegas is owned by a corporation based outside of Paradise , Nevada . +08-13 15:28 root DEBUG It is owned and operated by Caesars Entertainment Corporation . Caesars Entertainment Corporation , is an American gaming corporation based in Paradise , Nevada that owns and operates over 50 casinos and hotels , and seven golf courses under several brands . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In a constitutional federal republic , the Alfred P. Murrah Federal Building was located . +08-13 15:28 root DEBUG The Alfred P. Murrah Federal Building was a United States federal government complex located at 200 N.W. 5th Street in Downtown Oklahoma City , Oklahoma , United States . The United States of America -LRB- USA -RRB- , commonly known as the United States -LRB- U.S. -RRB- or America , is a constitutional federal republic composed of 50 states , a federal district , five major self-governing territories , and various possessions . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Olympic medals have always displayed the Colosseum . +08-13 15:28 root DEBUG A standard obverse -LRB- front -RRB- design of the medals for the Summer Olympic Games began in 1928 and remained for many years , until its replacement at the 2004 Games as the result of controversy surrounding the use of the Roman Colosseum rather than a building representing the Games ' Greek roots . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Balibo -LRB- film -RRB- is about an investigation of deaths . +08-13 15:28 root DEBUG The film follows dishevelled journalist Roger East , played by Anthony LaPaglia , who travels to East Timor in 1975 to investigate the deaths of the Balibo Five during the buildup to the Indonesian invasion of East Timor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG William Cohen is from America . +08-13 15:28 root DEBUG William Sebastian Cohen -LRB- born August 28 , 1940 -RRB- is an American politician and author from the U.S. state of Maine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shannon Lee is an actress . +08-13 15:28 root DEBUG Shannon Emery Lee -LRB- born April 19 , 1969 -RRB- is an American actress , martial artist and businesswoman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG ASAP Rocky has only directed music videos for himself . +08-13 15:28 root DEBUG Rocky has also directed music videos for himself , Danny Brown and other A$ AP Mob members . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was played at the Boston Commons . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was certified platinum on March 8 , 2006 . +08-13 15:28 root DEBUG The album was first certified gold in the United States on January 12 , 2006 ; a subsequent platinum record certification was awarded on March 16 , 2006 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sledgehammer was first performed live in 2004 . +08-13 15:28 root DEBUG They first performed the song live at the 2014 MTV Europe Music Awards pre-show and would make later appearances on Good Morning America , Access Hollywood Live , The Talk , the Today Show and The Ellen DeGeneres Show . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Little Dorrit was originally published in its entirety . +08-13 15:28 root DEBUG Little Dorrit is a novel by Charles Dickens , originally published in serial form between 1855 and 1857 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandal is from the 1980 's . +08-13 15:28 root DEBUG Scandal is an American rock band from the 1980s fronted by Patty Smyth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yves Saint Laurent is a fashion brand . +08-13 15:28 root DEBUG Yves Saint Laurent YSL -LRB- -LSB- iv sɜ̃n lɔ.ʁɑ̃ -RSB- ; also known as Saint Laurent Paris -RRB- is a French luxury fashion house founded by Yves Saint Laurent and his partner , Pierre Bergé . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One True Thing was directed by a child . +08-13 15:28 root DEBUG One True Thing is a 1998 American drama film directed by Carl Franklin . Carl Franklin -LRB- born April 11 , 1949 -RRB- is an American actor , screenwriter , producer , film and television director . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goldie Hawn had a career that lasted more than three decades . +08-13 15:28 root DEBUG Hawn maintained bankable star status for more than three decades thereafter , appearing in numerous films such as There 's a Girl in My Soup -LRB- 1970 -RRB- , Butterflies Are Free -LRB- 1972 -RRB- , The Sugarland Express -LRB- 1974 -RRB- , Shampoo -LRB- 1975 -RRB- , Foul Play -LRB- 1978 -RRB- , Seems Like Old Times -LRB- 1980 -RRB- , and the title role in Private Benjamin -LRB- 1980 -RRB- , for which she was nominated for the Academy Award for Best Actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beguiled is based on a novel from 1987 . +08-13 15:28 root DEBUG The script was written by Albert Maltz and is based on the 1966 Southern Gothic novel written by Thomas P. Cullinan , originally titled A Painted Devil . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watchmen is a film about superheroes . +08-13 15:28 root DEBUG Watchmen is a 2009 American superhero film directed by Zack Snyder , based on the 1986 -- 87 DC Comics limited series of the same name by Alan Moore and Dave Gibbons . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG San Francisco Bay Area contains many national parks . +08-13 15:28 root DEBUG Home to approximately 7.68 million people , the nine-county Bay Area contains many cities , towns , airports , and associated regional , state , and national parks , connected by a network of roads , highways , railroads , bridges , tunnels and commuter rail . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Proponents of globalism tend to advocate for decreases in immigration . +08-13 15:28 root DEBUG It tends to advocate for such policies as increases in immigration , free trade , lowering tariffs , interventionism and global governance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zac Efron 's middle names are David and Alexander . +08-13 15:28 root DEBUG Zachary David Alexander Efron -LRB- born October 18 , 1987 -RRB- is an American actor and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 is an artistic work . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ang Lee is has directed more than 4 films . +08-13 15:28 root DEBUG Lee also deals with repressed , hidden emotions in many of his films , including Crouching Tiger , Hidden Dragon ; The Ice Storm ; Hulk ; and Brokeback Mountain . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In America , Warcraft was released by Columbia . +08-13 15:28 root DEBUG Warcraft premiered in Paris on May 24 , 2016 , and was released by Universal Pictures in the United States on June 10 , 2016 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Only one spectator has a seat in an all-seater stadium . +08-13 15:28 root DEBUG An all-seater stadium is a sports stadium in which every spectator has a seat . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Konidela Production Company was established by the son of Chiranjeevi . +08-13 15:28 root DEBUG Konidela Production Company is an Indian film production company established by actor Ram Charan , son of Chiranjeevi . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dodo has been depicted with a naked arm . +08-13 15:28 root DEBUG It has been depicted with brownish-grey plumage , yellow feet , a tuft of tail feathers , a grey , naked head , and a black , yellow , and green beak . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan is on crossroads . +08-13 15:28 root DEBUG Pakistan -LRB- -LSB- pɑːkᵻˈstɑːn -RSB- -LSB- -RRB- , officially the Islamic Republic of Pakistan -LRB- -LSB- -RRB- , is a federal parliamentary republic in South Asia on the crossroads of Central and Western Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Roberto Orci wrote Star Trek Into Darkness . +08-13 15:28 root DEBUG He and Kurtzman since returned to working with Abrams on Mission : Impossible III and both Star Trek and Star Trek Into Darkness . Star Trek Into Darkness is a 2013 American science fiction action film directed by J. J. Abrams and written by Roberto Orci , Alex Kurtzman , and Damon Lindelof . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johnny Van Zant became the lead vocalist for Lynyrd Skynyrd in 1997 . +08-13 15:28 root DEBUG He became lead vocalist for the reunited Lynyrd Skynyrd in 1987 , and continues to record and perform with them today . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goldie Hawn was nominated for an Academy Award . +08-13 15:28 root DEBUG Hawn maintained bankable star status for more than three decades thereafter , appearing in numerous films such as There 's a Girl in My Soup -LRB- 1970 -RRB- , Butterflies Are Free -LRB- 1972 -RRB- , The Sugarland Express -LRB- 1974 -RRB- , Shampoo -LRB- 1975 -RRB- , Foul Play -LRB- 1978 -RRB- , Seems Like Old Times -LRB- 1980 -RRB- , and the title role in Private Benjamin -LRB- 1980 -RRB- , for which she was nominated for the Academy Award for Best Actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Research is used to test the validity of instruments . +08-13 15:28 root DEBUG To test the validity of instruments , procedures , or experiments , research may replicate elements of prior projects or the project as a whole . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Colbert Report was taped Monday through Friday . +08-13 15:28 root DEBUG The show was taped and broadcast Monday through Thursday , with weeks taken off at multiple points in a given year for breaks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hezbollah received war training from Iran . +08-13 15:28 root DEBUG Hezbollah receives military training , weapons , and financial support from Iran , and political support from Syria . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jiang Wen was born on January 5 . +08-13 15:28 root DEBUG Jiang Wen -LRB- born 5 January 1963 -RRB- is a Chinese film actor , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A dynamic web page does not involve computer programming . +08-13 15:28 root DEBUG A static web page is delivered exactly as stored , as web content in the web server 's file system , while a dynamic web page is generated by a web application that is driven by server-side software or client-side scripting . A dynamic web page is then reloaded by the user or by a computer program to change some variable content . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nero 's death sparked a brief period of civil wars . +08-13 15:28 root DEBUG His death ended the Julio-Claudian dynasty , sparking a brief period of civil wars known as the Year of the Four Emperors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stomp the Yard is a television show . +08-13 15:28 root DEBUG Stomp the Yard is a 2007 dance drama film produced by Rainforest Films and released through Sony Pictures ' Screen Gems division on January 12 , 2007 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Harry Fraud interned at a studio . +08-13 15:28 root DEBUG Primarily a hip hop producer , Fraud began producing at an early age and began interning at a recording studio after graduating high school . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was held at Cowboys Stadium . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium was unable to meet the qualifications to be considered a chemical element . +08-13 15:28 root DEBUG Uranium is a chemical element with symbol U and atomic number 92 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Gunn was on Gilmore Girls . +08-13 15:28 root DEBUG Sean Gunn is an American actor , best known for his role as Kirk Gleason on the television show Gilmore Girls -LRB- 2000 -- 2007 -RRB- and Kraglin in Guardians of the Galaxy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Gettysburg Address was given by Abraham Lincoln . +08-13 15:28 root DEBUG The Gettysburg Address is a speech by U.S. President Abraham Lincoln , one of the best-known in American history . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The supervillain Apocalypse was portrayed by Oscar Isaac . +08-13 15:28 root DEBUG He appeared in Star Wars : The Force Awakens -LRB- 2015 -RRB- , as X-wing pilot Poe Dameron , and in X-Men : Apocalypse -LRB- 2016 -RRB- , as the titular mutant supervillain Apocalypse . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Strings Attached came out in January of 2011 . +08-13 15:28 root DEBUG The film was released in the United States on January 21 , 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prince Charles and Lady Diana eloped in July 1981 . +08-13 15:28 root DEBUG The wedding of Charles , Prince of Wales , and Lady Diana Spencer took place on Wednesday 29 July 1981 at St Paul 's Cathedral , London , United Kingdom . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baadshah was only dubbed into English . +08-13 15:28 root DEBUG Later , this movie was dubbed into Malayalam , Japanese , and Korean under the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ghost was released in 1990 . +08-13 15:28 root DEBUG Ghost is a 1990 American romantic fantasy thriller film starring Patrick Swayze , Demi Moore , Whoopi Goldberg , Tony Goldwyn , and Rick Aviles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Coins of the Swiss franc are used in Finland . +08-13 15:28 root DEBUG The coins of the Swiss franc are the official coins used in Switzerland and Liechtenstein . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Love Club EP is by Ella Marija Lani Yelich-O'Connor . +08-13 15:28 root DEBUG The Love Club EP is the debut extended play -LRB- EP -RRB- by New Zealand singer Lorde . Ella Marija Lani Yelich-O'Connor -LRB- born 7 November 1996 -RRB- , better known by her stage name Lorde -LRB- pronounced -LSB- ˈlɔːrd -RSB- -RRB- , is a New Zealand singer-songwriter and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John S. McCain Jr. entered a service . +08-13 15:28 root DEBUG McCain grew up in Washington , D.C. , and graduated from the U.S. Naval Academy in 1931 , after which he entered the submarine service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Goodman had the lead role in The Babe . +08-13 15:28 root DEBUG His other film performances include lead roles in The Babe -LRB- 1992 -RRB- , The Flintstones -LRB- 1994 -RRB- and 10 Cloverfield Lane -LRB- 2016 -RRB- and supporting roles in Coyote Ugly -LRB- 2000 -RRB- , The Artist -LRB- 2011 -RRB- , Extremely Loud and Incredibly Close -LRB- 2011 -RRB- , Argo -LRB- 2012 -RRB- , Flight -LRB- 2012 -RRB- , The Hangover Part III -LRB- 2013 -RRB- , and Patriots Day -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barbarella was directed solely by George Lucas . +08-13 15:28 root DEBUG Barbarella is a 1968 science fiction film directed by Roger Vadim based on the French comic Barbarella . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kung Fu Panda was in last place at the box office . +08-13 15:28 root DEBUG Kung Fu Panda opened in 4,114 theaters , grossing $ 20.3 million on its opening day and $ 60.2 million on its opening weekend , resulting in the number one position at the box office . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sejong the Great died in April of 1450 . +08-13 15:28 root DEBUG Sejong the Great -LRB- -LSB- se.dʑoŋ -RSB- ; 15 May 1397 - 8 April 1450 -RRB- was the fourth king of Joseon-dynasty Korea . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Monument is between 554 ft and 555 ft tall . +08-13 15:28 root DEBUG Located almost due east of the Reflecting Pool and the Lincoln Memorial , the monument , made of marble , granite , and bluestone gneiss , is both the world 's tallest stone structure and the world 's tallest obelisk , standing 554 ft tall according to the National Geodetic Survey -LRB- measured 2013 -- 14 -RRB- or 555 ft tall according to the National Park Service -LRB- measured 1884 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annie is the title of a work . +08-13 15:28 root DEBUG Annie is a 2014 American musical comedy-drama film directed by Will Gluck and produced by Village Roadshow Pictures and Will Smith 's Overbrook Entertainment for Sony Pictures ' Columbia Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Book of Mormon won nine Tony Awards . +08-13 15:28 root DEBUG The show was awarded nine Tony Awards , one of which was for Best Musical , and a Grammy Award for Best Musical Theater Album . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Death Note is a Japanese television drama series based on a manga series illustrated by Carl Barks . +08-13 15:28 root DEBUG is a Japanese television drama series based on the manga series of the same name by Tsugumi Ohba and Takeshi Obata . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Morgan Fairchild was in Paper Dolls . +08-13 15:28 root DEBUG In 1984 , she co-starred on ABC 's short-lived television drama Paper Dolls , and then appeared on Falcon Crest as attorney Jordan Roberts from 1985 to 1986 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ted Cruz 's middle name is Edward . +08-13 15:28 root DEBUG Rafael Edward `` Ted '' Cruz -LSB- ˈkruːz -RSB- -LRB- born December 22 , 1970 -RRB- is an American politician and attorney , who has served as the junior United States Senator from Texas since 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A polynomial features coefficients . +08-13 15:28 root DEBUG In mathematics , a polynomial is an expression consisting of variables -LRB- or indeterminates -RRB- and coefficients , that involves only the operations of addition , subtraction , multiplication , and non-negative integer exponents . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adobe Photoshop is part of the Adobe Systems . +08-13 15:28 root DEBUG Adobe Photoshop is a raster graphics editor developed and published by Adobe Systems for macOS and Windows . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arjit Singh is female . +08-13 15:28 root DEBUG He prominently sings in Hindi and Bengali . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah is produced by Lord Sauron . +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah -LRB- English : Taarak Mehta 's Different Perspective -RRB- is India 's longest running sitcom serial produced by Neela Tele Films Private Limited . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Florida State University was designated as a `` preeminent '' state university in the 2010s . +08-13 15:28 root DEBUG Florida Governor Rick Scott and the state legislature designated Florida State University as one of two `` preeminent '' state universities in the spring of 2013 among the twelve universities of the State University System of Florida . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There were co-executive producers of Buffy the Vampire Slayer . +08-13 15:28 root DEBUG Buffy the Vampire Slayer is an American television series created by Joss Whedon under his production tag , Mutant Enemy Productions with later co-executive producers being Jane Espenson , David Fury , David Greenwalt , Doug Petrie , Marti Noxon , and David Solomon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In Kentucky , the electric chair has been retired except for those whose capital crimes were committed prior to March 31 , 1998 , and who elect electrocution . +08-13 15:28 root DEBUG In the state of Kentucky the electric chair has been retired except for those whose capital crimes were committed prior to March 31 , 1998 , and who choose electrocution ; inmates who do not choose electrocution and inmates who committed their crimes after the designated date are executed by lethal injection . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cary Elwes is a writer . +08-13 15:28 root DEBUG Ivan Simon Cary Elwes -LRB- -LSB- ˈɛlwɪs -RSB- born 26 October 1962 -RRB- , known professionally as Cary Elwes , is an English actor and writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heath Ledger only appeared in films inspired by British royalty . +08-13 15:28 root DEBUG Posthumously he shared the 2007 Independent Spirit Robert Altman Award with the rest of the ensemble cast , the director , and the casting director for the film I 'm Not There , which was inspired by the life and songs of American singer-songwriter Bob Dylan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Woodrow Wilson did not establish Wilsonianism . +08-13 15:28 root DEBUG He also led the United States during World War I , establishing an activist foreign policy known as `` Wilsonianism . '' +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A player-coach is unable to become a head coach . +08-13 15:28 root DEBUG A player-coach may be a head coach or an assistant coach . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yin and yang do not have a portion of the opposite element in each section . +08-13 15:28 root DEBUG The yin yang -LRB- i.e. taijitu symbol -RRB- shows a balance between two opposites with a portion of the opposite element in each section . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charlotte , North Carolina is the third-largest banking center in the United States from 2017-present . +08-13 15:28 root DEBUG Charlotte is home to the corporate headquarters of Bank of America and the east coast operations of Wells Fargo , which along with other financial institutions made it the second-largest banking center in the United States from 1995 to 2017 and the third-largest from 2017 to present . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 was written by Donald Trump . +08-13 15:28 root DEBUG Spider-Man 2 is a 2004 American superhero film directed by Sam Raimi and written by Alvin Sargent from a story by Alfred Gough , Miles Millar , and Michael Chabon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mercedes-Benz is a division of a German company . +08-13 15:28 root DEBUG Mercedes-Benz -LRB- -LSB- mɛʁˈtseːdəsˌbɛnts -RSB- -RRB- is a global automobile manufacturer and a division of the German company Daimler AG . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Stanford prison experiment was an investigation into the causes of difficulties between guards and prisoners . +08-13 15:28 root DEBUG It was funded by the U.S. Office of Naval Research as an investigation into the causes of difficulties between guards and prisoners in the United States Navy and United States Marine Corps . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chaperone -LRB- film -RRB- is a film . +08-13 15:28 root DEBUG The Chaperone is a 2011 American comedy film directed by Stephen Herek , and also produced by WWE Studios . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fred Seibert has a career as a jazz record audio engineer . +08-13 15:28 root DEBUG He has produced live action and animated programs for cable television , and the internet , and began his professional career as a jazz and blues record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fred Seibert has produced animated programs . +08-13 15:28 root DEBUG Frederick `` Fred '' Seibert -LRB- born September 15 , 1951 -RRB- is a serial entrepreneur and American television and film producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG MSG has a bitter taste . +08-13 15:28 root DEBUG MSG is used in the food industry as a flavor enhancer with an umami taste that intensifies the meaty , savory flavor of food , as naturally occurring glutamate does in foods such as stews and meat soups . Umami -LRB- -LSB- uˈmɑːmi -RSB- -RRB- , or savory taste , is one of the five basic tastes -LRB- together with sweetness , sourness , bitterness , and saltiness -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georgians arose from the ancient Mongolia civilizations . +08-13 15:28 root DEBUG Georgians arose from the ancient Colchian and Iberian civilizations . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium is an elemental chemical . +08-13 15:28 root DEBUG Uranium is a chemical element with symbol U and atomic number 92 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is not a season of a reality game show . +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is the thirtieth season of the MTV reality competition series , The Challenge . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hammer Film Productions produced Let Me In in 2011 . +08-13 15:28 root DEBUG Since then it has produced several films , including Let Me In -LRB- 2010 -RRB- , The Resident -LRB- 2011 -RRB- , The Woman in Black -LRB- 2012 -RRB- and The Quiet Ones -LRB- 2014 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There was a show called The Wonder Years . +08-13 15:28 root DEBUG The Wonder Years is an American television comedy-drama created by Neal Marlens and Carol Black . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ragtime features a Star Wars actor . +08-13 15:28 root DEBUG The film features the final film appearances of James Cagney and Pat O'Brien ; early appearances , in small parts , by Samuel L. Jackson , Jeff Daniels , Fran Drescher , Ethan Phillips and John Ratzenberger ; and an uncredited appearance from Jack Nicholson . He is a highly prolific actor , having appeared in over 100 films , including Die Hard with a Vengeance -LRB- 1995 -RRB- , Unbreakable -LRB- 2000 -RRB- , Shaft -LRB- 2000 -RRB- , The 51st State -LRB- 2001 -RRB- , Black Snake Moan -LRB- 2006 -RRB- , Snakes on a Plane -LRB- 2006 -RRB- , and the Star Wars prequel trilogy -LRB- 1999 -- 2005 -RRB- , as well as the Marvel Cinematic Universe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alex Jones was born in 1973 . +08-13 15:28 root DEBUG Alexander Emerick Jones -LRB- born February 11 , 1974 -RRB- is an American far-right radio show host , filmmaker , writer , and conspiracy theorist . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Westworld -LRB- TV series -RRB- 's first season has episodes . +08-13 15:28 root DEBUG The first season premiered on October 2 , 2016 , concluded on December 4 , 2016 , and consists of ten episodes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG House of Balloons is by The Weeknd . +08-13 15:28 root DEBUG House of Balloons is the debut mixtape by Canadian singer The Weeknd . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uganda was not ruled by the British . +08-13 15:28 root DEBUG Beginning in 1894 , the area was ruled as a protectorate by the British , who established administrative law across the territory . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kung Fu Panda was released on stage . +08-13 15:28 root DEBUG Kung Fu Panda opened in 4,114 theaters , grossing $ 20.3 million on its opening day and $ 60.2 million on its opening weekend , resulting in the number one position at the box office . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gamal Abdel Nasser 's only funeral was in Britain . +08-13 15:28 root DEBUG His funeral in Cairo drew five million mourners and an outpouring of grief across the Arab world . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One True Thing is a German film . +08-13 15:28 root DEBUG One True Thing is a 1998 American drama film directed by Carl Franklin . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Boxing Helena debuted in the 20th century . +08-13 15:28 root DEBUG It debuted at the Sundance Film Festival in January 1993 , where it received critical praise . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caleb McLaughlin was born on the day 14th . +08-13 15:28 root DEBUG Caleb McLaughlin -LRB- born October 13 , 2001 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A polynomial consists of indeterminates . +08-13 15:28 root DEBUG In mathematics , a polynomial is an expression consisting of variables -LRB- or indeterminates -RRB- and coefficients , that involves only the operations of addition , subtraction , multiplication , and non-negative integer exponents . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War started in 1831 . +08-13 15:28 root DEBUG The American Civil War was fought in the United States from 1861 to 1865 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trouble with the Curve was released in 2002 . +08-13 15:28 root DEBUG Filming began in March 2012 , and the film was released on September 21 , 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moesia included the northern parts of a modern country . +08-13 15:28 root DEBUG It included most of the territory of modern-day Central Serbia and the northern parts of the modern Republic of Macedonia -LRB- Moesia Superior -RRB- , as well Northern Bulgaria and Romanian Dobrudja -LRB- Moesia Inferior -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Moray opposed the occupation of north Scotland by King Edward I. +08-13 15:28 root DEBUG He led the rising in north Scotland in the summer of 1297 against the occupation by King Edward I of England , successfully regaining control of the area for King John Balliol . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Invisible Man was a romantic film . +08-13 15:28 root DEBUG The Invisible Man is an American 1933 Pre-Code science fiction horror film based on H. G. Wells ' science fiction novel The Invisible Man , published in 1897 , as adapted by R.C. Sherriff , Philip Wylie and Preston Sturges , whose work was considered unsatisfactory and who was taken off the project . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An American was the scriptwriter for The Beguiled . +08-13 15:28 root DEBUG The script was written by Albert Maltz and is based on the 1966 Southern Gothic novel written by Thomas P. Cullinan , originally titled A Painted Devil . Albert Maltz -LRB- October 28 , 1908 -- April 26 , 1985 -RRB- was an American playwright , fiction writer and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Dance reached number one in the Netherlands . +08-13 15:28 root DEBUG `` One Dance '' reached number one in 15 countries , including Australia , Canada , France , Germany , Ireland , the Netherlands , New Zealand , Switzerland , the United Kingdom , and the United States , becoming Drake 's first number-one single in all 15 countries as the lead artist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Bacon was in the film Sleepers . +08-13 15:28 root DEBUG Bacon is also known for taking on darker roles such as that of a sadistic guard in Sleepers and troubled former child abuser in a critically acclaimed performance in The Woodsman . Sleepers is a 1996 American legal crime drama film written , produced , and directed by Barry Levinson , and based on Lorenzo Carcaterra 's 1995 novel of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Nicholson is in Ragtime , although he does not appear in the credits . +08-13 15:28 root DEBUG The film features the final film appearances of James Cagney and Pat O'Brien ; early appearances , in small parts , by Samuel L. Jackson , Jeff Daniels , Fran Drescher , Ethan Phillips and John Ratzenberger ; and an uncredited appearance from Jack Nicholson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aubrey Anderson-Emmons is an actress . +08-13 15:28 root DEBUG Aubrey Frances Anderson-Emmons -LRB- born June 6 , 2007 -RRB- is an American child actress , known for her role as Lily Tucker-Pritchett on ABC 's Modern Family . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Zemechkis has failed to make movies across a wide variety of genres . +08-13 15:28 root DEBUG Credited as `` one of the greatest visual storytellers in filmmaking '' , he first came to public attention in the 1980s as the director of Romancing the Stone -LRB- 1984 -RRB- and the science-fiction comedy Back to the Future film trilogy , as well as the live-action/animated comedy Who Framed Roger Rabbit -LRB- 1988 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Natasha Lyonne is also known as Natasha Rebecca Lyonne Renner . +08-13 15:28 root DEBUG Natasha Bianca Lyonne Braunstein -LRB- born April 4 , 1979 -RRB- , better known as Natasha Lyonne , is an American actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Stanfield is from America . +08-13 15:28 root DEBUG LaKeith Lee `` Keith '' Stanfield -LRB- born August 12 , 1991 -RRB- is an American actor and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dissociative identity disorder is known as dementia . +08-13 15:28 root DEBUG Dissociative identity disorder -LRB- DID -RRB- , also known as multiple personality disorder -LRB- MPD -RRB- , is a mental disorder characterized by at least two distinct and relatively enduring identities or dissociated personality states . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jeb Bush is the younger male sibling of George W. Bush . +08-13 15:28 root DEBUG Bush , who grew up in Houston , is the second son of former President George H. W. Bush and former First Lady Barbara Bush , and a younger brother of former President George W. Bush . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cary Elwes was born in April 1962 . +08-13 15:28 root DEBUG Ivan Simon Cary Elwes -LRB- -LSB- ˈɛlwɪs -RSB- born 26 October 1962 -RRB- , known professionally as Cary Elwes , is an English actor and writer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Strings Attached was released in 2007 . +08-13 15:28 root DEBUG The film was released in the United States on January 21 , 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saturn Award for Best Fantasy Film is presented to the worst film in the fantasy genre . +08-13 15:28 root DEBUG The Saturn Award for Best Fantasy Film is an award presented to the best film in the fantasy genre by the Academy of Science Fiction , Fantasy & Horror Films . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are currently 15,882,417 Mormon members . +08-13 15:28 root DEBUG The number of members in 1971 was 3,090,953 and now in 2017 based on the Annual Report , there are 15,882,417 worldwide . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fly was first released in 1999 . +08-13 15:28 root DEBUG The Fly is a 1986 American science fiction horror film directed and co-written by David Cronenberg . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jed Whedon is the son of someone born in June . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . Thomas Avery `` Tom '' Whedon -LRB- August 3 , 1932 -- March 23 , 2016 -RRB- was an American television screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The phrase to say at every house while Trick-or-Treating is `` Trick or treat '' . +08-13 15:28 root DEBUG Children in costumes travel from house to house asking for treats such as candy -LRB- or , in some cultures , money -RRB- with the phrase `` Trick or treat '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A U.S. state is Phoenix , Arizona . +08-13 15:28 root DEBUG Phoenix -LRB- -LSB- ˈfiːnᵻks -RSB- -RRB- is the capital and most populous city of the U.S. state of Arizona . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Premier League Asia Trophy is held . +08-13 15:28 root DEBUG The Premier League Asia Trophy -LRB- formerly the FA Premier League Asia Cup -RRB- is a pre-season association football friendly tournament held biennial in Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Qin dynasty ended around 300 BC . +08-13 15:28 root DEBUG The Qin dynasty was the first dynasty of Imperial China , lasting from 221 to 206 BC . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quiet was released in May of 2005 . +08-13 15:28 root DEBUG The film was acquired by Destination Films , which released this film in the United States theatrically through Sony Pictures Classics on August 25 , 2006 , and marketed with the tagline : `` Is n't it time everyone hears your secrets ? '' +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On August 19 , 1945 , Ian Gillan was born . +08-13 15:28 root DEBUG Ian Gillan -LRB- born 19 August 1945 -RRB- is an English singer and songwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Food Network is available . +08-13 15:28 root DEBUG Food Network -LRB- legally known as Television Food Network -RRB- is an American basic cable and satellite television channel that is owned by Television Food Network , G.P. , a joint venture between Scripps Networks Interactive -LRB- which owns 70 % of the network -RRB- and the Tribune -LRB- FN -RRB- Cable Ventures Inc. -LRB- which owns the remaining 30 % -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anthony Scaramucci is in politics . +08-13 15:28 root DEBUG Anthony Scaramucci -LRB- born January 6 , 1964 -RRB- is an American entrepreneur , financier , political figure , and author . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A sailor shirt is typically worn by Donald Duck . +08-13 15:28 root DEBUG He typically wears a sailor shirt and cap with a bow tie . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A series created by Genndy Tartakovsky featured the voice talent of John DiMaggio . +08-13 15:28 root DEBUG Other voice-over roles of his include Dr. Drakken and Motor Ed on Kim Possible , Brother Blood on Teen Titans , Rico in The Penguins of Madagascar , Fu Dog and Ogre In American Dragon : Jake Long , Niblet on Pound Puppies , the Scotsman on Samurai Jack , and as the voice of Shnitzel on Chowder . Samurai Jack is an American action-adventure animated television series created by Genndy Tartakovsky for Cartoon Network . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Color of Night was released in 1994 . +08-13 15:28 root DEBUG Color of Night is a 1994 American erotic mystery thriller film produced by Cinergi Pictures and released in the United States by Hollywood Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Goldie Hawn was in at least two movies . +08-13 15:28 root DEBUG Hawn 's later work included further film roles , including appearances in Overboard -LRB- 1987 -RRB- , Bird on a Wire -LRB- 1990 -RRB- , Death Becomes Her -LRB- 1992 -RRB- , Housesitter -LRB- 1992 -RRB- , The First Wives Club -LRB- 1996 -RRB- , and The Banger Sisters -LRB- 2002 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aruba is one of the Caribbean 's ABC Islands . +08-13 15:28 root DEBUG From west to east they are , in order Aruba , Curaçao , and Bonaire . Aruba -LRB- -LSB- əˈruːbə -RSB- ; -LSB- aːˈrubaː -RSB- -RRB- is a constituent country of the Kingdom of the Netherlands in the southern Caribbean Sea , located about 1600 km west of the main part of the Lesser Antilles and 29 km north of the coast of Venezuela . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG General Motors had various components . +08-13 15:28 root DEBUG In addition to brands selling assembled vehicles , GM has also had various automotive-component and non-automotive brands , many of which it divested in the 1980s through 2000s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exit the King the show premiered in 1962 . +08-13 15:28 root DEBUG Exit the King -LRB- Le Roi se meurt -RRB- is an absurdist drama by Eugène Ionesco that premiered in 1962 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Azithromycin is available . +08-13 15:28 root DEBUG It is available as a generic medication and is sold under many trade names worldwide . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maximum Overdrive is a film from 1986 . +08-13 15:28 root DEBUG Maximum Overdrive is a 1986 American science fiction action horror comedy film written and directed by Stephen King . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ekta Kapoor never produced an Indian soap opera . +08-13 15:28 root DEBUG Some soap operas she had worked on include Hum Paanch , Kyunki Saas Bhi Kabhi Bahu Thi , Kahaani Ghar Ghar Ki , Kasautii Zindagii Kay , Pavitra Rishta , Bade Acche Lagte Hain , and Jodha Akbar . The show was co-produced by Shobha Kapoor and Ekta Kapoor under their banner Balaji Telefilms . Kyunki Saas Bhi Kabhi Bahu Thi -LRB- English : Because a mother-in-law was once a daughter-in-law , too -RRB- is an Indian soap opera that premiered on 3 July 2000 on Star Plus . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Faye Resnick does not write . +08-13 15:28 root DEBUG Faye Denise Resnick -LRB- born July 3 , 1957 -RRB- is an American television personality , author , and interior designer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's Basketball Tournament was triple-elimination . +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's Basketball Tournament involved 65 schools playing in single-elimination play to determine the national champion of men 's NCAA Division I college basketball . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bonobos live north of the river . +08-13 15:28 root DEBUG Bonobos live south of the river , and thereby were separated from the ancestors of the common chimpanzee , which live north of the river . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Westworld 's first season premiered in the month of October . +08-13 15:28 root DEBUG The first season premiered on October 2 , 2016 , concluded on December 4 , 2016 , and consists of ten episodes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was involved with the production team of The Matrix . +08-13 15:28 root DEBUG The album is best known for the involvement of renowned production team ` The Matrix ' , best known for coproduction on works by Avril Lavigne , Britney Spears , and Shakira , who managed to give Korn 's music a different sound . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lucy Hale works in the entertainment industry . +08-13 15:28 root DEBUG Karen Lucille Hale -LRB- born June 14 , 1989 -RRB- is an American actress and singer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pythagoras was a Greek philosopher . +08-13 15:28 root DEBUG Pythagoras of Samos -LRB- -LSB- pɪˈθægərəs -RSB- -LSB- paɪˈθægərəs -RSB- -LSB- Πυθαγόρας ὁ Σάμιος , Pythagóras ho Sámios , Pythagoras the Samos , Samian -RSB- , or simply Πυθαγόρας Πυθαγόρης in Ionian Greek ; -RRB- was an Ionian Greek philosopher , mathematician , and putative founder of the Pythagoreanism movement . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heath Ledger won an award . +08-13 15:28 root DEBUG For his portrayal of Ennis Del Mar in Brokeback Mountain , Ledger won the New York Film Critics Circle Award for Best Actor and Best International Actor from the Australian Film Institute , and was nominated for the BAFTA Award for Best Actor in a Leading Role and for the Academy Award for Best Actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Originals -LRB- TV series -RRB- is from the United States . +08-13 15:28 root DEBUG The Originals is an American television series that began airing on The CW on October 3 , 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cyprus is in the Middle East . +08-13 15:28 root DEBUG Cyprus -LRB- -LSB- ˈsaɪprəs -RSB- -LSB- Κύπρος , Kýpros -RSB- -LSB- ˈcipros -RSB- ; Kıbrıs -LSB- ˈkɯbɾɯs -RSB- -RRB- , officially the Republic of Cyprus -LRB- -LSB- Κυπριακή Δημοκρατία , Kypriakí Demokratía , links = no -RSB- -LSB- Kıbrıs Cumhuriyeti , links = no -RSB- -RRB- , is an island country in the Eastern Mediterranean and the third largest and third most populous island in the Mediterranean . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Lee Curtis ' mother is Tony Curtis . +08-13 15:28 root DEBUG Curtis is the daughter of the actress Janet Leigh and actor Tony Curtis . She was the first wife of actor Tony Curtis and the mother of Kelly Curtis and Jamie Lee Curtis . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandal is fronted by Patty Smyth . +08-13 15:28 root DEBUG Scandal is an American rock band from the 1980s fronted by Patty Smyth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A parent of Jed Whedon was born in the month of August . +08-13 15:28 root DEBUG Jed Tucker Whedon -LRB- born July 18 , 1974 -RRB- is an American screenwriter and musician , and the son of screenwriter Tom Whedon , grandson of screenwriter John Whedon , and the brother of screenwriter Zack Whedon and producer/director/writer Joss Whedon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sierra Morena has a strong legendary reputation within Spanish culture and tradition . +08-13 15:28 root DEBUG The name Sierra Morena has a strong legendary reputation in Spanish culture and tradition , with myths about bandits -LRB- Los bandidos de Sierra Morena -RRB- , a giant snake -LRB- El Saetón de Sierra Morena -RRB- and a child brought up by wolves -LRB- Marcos Rodríguez Pantoja -RRB- , among others . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was played before February 6 , 2011 . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Singer -LRB- producer -RRB- turned down directing Supernatural to direct for One Tree Hill . +08-13 15:28 root DEBUG He is best known for his work on Supernatural where he serves as an executive producer , director and occasional writer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Gein had exhumed corpses from local parks . +08-13 15:28 root DEBUG His crimes , committed around his hometown of Plainfield , Wisconsin , gathered widespread notoriety after authorities discovered that Gein had exhumed corpses from local graveyards and fashioned trophies and keepsakes from their bones and skin . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Monument is the world 's tallest obelisk . +08-13 15:28 root DEBUG Located almost due east of the Reflecting Pool and the Lincoln Memorial , the monument , made of marble , granite , and bluestone gneiss , is both the world 's tallest stone structure and the world 's tallest obelisk , standing 554 ft tall according to the National Geodetic Survey -LRB- measured 2013 -- 14 -RRB- or 555 ft tall according to the National Park Service -LRB- measured 1884 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Monroe , Connecticut is the place where Annabelle is located . +08-13 15:28 root DEBUG The doll resides in a glass box at The Warrens ' Occult Museum in Monroe , Connecticut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There has been at least one windstorm in Stanley Park . +08-13 15:28 root DEBUG Thousands of trees were lost -LRB- and many replanted -RRB- after three major windstorms that took place in the past 100 years , the last in 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anneliese van der Pol is an actress . +08-13 15:28 root DEBUG Anneliese Louise van der Pol -LRB- Born September 23 , 1984 -RRB- is a Dutch and American actress , singer , model , and dancer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG P.S I Love You -LRB- film -RRB- was reviewed by Richard LaGravenese . +08-13 15:28 root DEBUG P.S. I Love You is a 2007 American drama film directed by Richard LaGravenese . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gray Matters was released in 2006 . +08-13 15:28 root DEBUG Gray Matters is a 2006 romantic comedy film directed by Sue Kramer , starring Heather Graham , Tom Cavanagh and Bridget Moynahan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's Basketball Tournament was played at the highest level of Machu Picchu . +08-13 15:28 root DEBUG It began on March 18 , 2003 , and ended with the championship game on April 7 in New Orleans , Louisiana at the Superdome . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daenerys Targaryen was introduced in a novel . +08-13 15:28 root DEBUG Introduced in 1996 's A Game of Thrones , Daenerys -LRB- along with her older brother , Viserys -RRB- is one of the last confirmed members of House Targaryen who , until fifteen years before the events of the first novel , had ruled from the Iron Throne for nearly three hundred years . A Game of Thrones is the first novel in A Song of Ice and Fire , a series of fantasy novels by American author George R. R. Martin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gray Matters was released in May of 2006 . +08-13 15:28 root DEBUG It premiered on October 21 , 2006 at the Hamptons International Film Festival and had a United States limited theatrical release on February 23 , 2007 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Grandin is a biographical film from 2010 . +08-13 15:28 root DEBUG Temple Grandin is a 2010 biopic directed by Mick Jackson and starring Claire Danes as Temple Grandin , an autistic woman who revolutionized practices for the humane handling of livestock on cattle ranches and slaughterhouses . A biographical film , or biopic -LRB- -LSB- ˈbaɪəʊpɪk -RSB- abbreviation for biographical motion picture -RRB- , is a film that dramatizes the life of a non-fictional or historically-based person or people . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hezbollah received military training from Iran . +08-13 15:28 root DEBUG Hezbollah receives military training , weapons , and financial support from Iran , and political support from Syria . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yvonne Strahovski worked on an ABC show . +08-13 15:28 root DEBUG Strahovski 's other notable works include Lego : The Adventures of Clutch Powers -LRB- 2010 -RRB- , Killer Elite -LRB- 2011 -RRB- , I , Frankenstein -LRB- 2014 -RRB- , The Astronaut Wives Club -LRB- 2015 -RRB- , and Manhattan Night -LRB- 2016 -RRB- . The Astronaut Wives Club is an American period drama television series developed by Stephanie Savage for ABC . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moesia included most of the territory of a modern-day part of Serbia . +08-13 15:28 root DEBUG It included most of the territory of modern-day Central Serbia and the northern parts of the modern Republic of Macedonia -LRB- Moesia Superior -RRB- , as well Northern Bulgaria and Romanian Dobrudja -LRB- Moesia Inferior -RRB- . Central Serbia -LRB- Централна Србија / Centralna Srbija -RRB- , also referred to as Serbia proper -LRB- Ужа Србија / Uža Srbija -RRB- , is the part of Serbia lying outside of the provinces of Vojvodina and the disputed territory of Kosovo -LRB- Kosovo and Metohija -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two Primetime Emmy Awards have been awarded to Key & Peele . +08-13 15:28 root DEBUG Key & Peele won a Peabody Award and two Primetime Emmy Awards and has been nominated for various other awards , including Writers Guild Award , NAACP Image Award and 16 additional Primetime Emmy Awards in various categories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Proponents of globalism tend to advocate for national governance . +08-13 15:28 root DEBUG It tends to advocate for such policies as increases in immigration , free trade , lowering tariffs , interventionism and global governance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jarhead is based upon a memoir . +08-13 15:28 root DEBUG Jarhead is a 2005 American biographical war drama film based on U.S. Marine Anthony Swofford 's 2003 memoir of the same name , directed by Sam Mendes , starring Jake Gyllenhaal as Swofford with Jamie Foxx , Peter Sarsgaard and Chris Cooper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Port of Spain is the capital of Trinidad and Tobago . +08-13 15:28 root DEBUG Port of Spain is the capital city of the Republic of Trinidad and Tobago and the country 's third-largest municipality , after Chaguanas and San Fernando . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG IMDb is a site . +08-13 15:28 root DEBUG The Internet Movie Database -LRB- abbreviated IMDb -RRB- is an online database of information related to films , television programs and video games , including cast , production crew , fictional characters , biographies , plot summaries , trivia and reviews , operated by IMDb.com , Inc. , a subsidiary of Amazon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Freddie Highmore has been nominated for the Critics ' Choice Television Award . +08-13 15:28 root DEBUG For five seasons , Highmore starred as Norman Bates in the A&E drama-thriller series Bates Motel -LRB- 2013 -- 2017 -RRB- , for which he was twice nominated for the Critics ' Choice Television Award for Best Actor in a Drama Series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 2 Hearts came out after May 1923 . +08-13 15:28 root DEBUG `` 2 Hearts '' is a song recorded by Australian singer Kylie Minogue for her tenth studio album , X -LRB- 2007 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG B. R. Ambedkar was an Indian politician . +08-13 15:28 root DEBUG Bhimrao Ramji Ambedkar -LRB- 14 April 1891 -- 6 December 1956 -RRB- , popularly known as Baba Saheb , was an Indian jurist , economist , politician and social reformer who inspired the Dalit Buddhist Movement and campaigned against social discrimination against Untouchables -LRB- Dalits -RRB- , while also supporting the rights of women and labour . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johnny Van Zant named a solo album Brickyard Road . +08-13 15:28 root DEBUG He released another solo album , Brickyard Road , in 1990 , which featured the popular title track , which was a # 1 hit on the U.S. Mainstream Rock Tracks chart for three weeks . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games film series had Gary Ross direct the first film . +08-13 15:28 root DEBUG Gary Ross directed the first film , while Francis Lawrence directed the next three films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Boeing 767 has always been the least frequently used airliner for transatlantic flights between North America and Europe . +08-13 15:28 root DEBUG In the 1990s , the 767 became the most frequently used airliner for transatlantic flights between North America and Europe . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Commodore is only used in many land armies . +08-13 15:28 root DEBUG Commodore is a naval rank used in many navies that is superior to a navy captain , but below a rear admiral . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Mount is where Jews turn away from during prayer . +08-13 15:28 root DEBUG The location is the holiest site in Judaism and is the place Jews turn towards during prayer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cary Elwes is an actor . +08-13 15:28 root DEBUG Ivan Simon Cary Elwes -LRB- -LSB- ˈɛlwɪs -RSB- born 26 October 1962 -RRB- , known professionally as Cary Elwes , is an English actor and writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alex Jones writes . +08-13 15:28 root DEBUG Alexander Emerick Jones -LRB- born February 11 , 1974 -RRB- is an American far-right radio show host , filmmaker , writer , and conspiracy theorist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wolfgang Mozart had only daughters . +08-13 15:28 root DEBUG He was survived by his wife Constanze and two sons . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl -LRB- Steven Universe -RRB- projects a holographic butterfly . +08-13 15:28 root DEBUG She is a `` Gem '' , a fictional alien being that exists as a magical gemstone projecting a holographic body . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mandy Moore is an American . +08-13 15:28 root DEBUG Amanda Leigh Moore -LRB- born April 10 , 1984 -RRB- is an American singer-songwriter and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Salt River Valley is in northern Arizona . +08-13 15:28 root DEBUG The Salt River Valley is an extensive valley on the Salt River in central Arizona , which contains the Phoenix Metropolitan Area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Species distribution can be understood through factors such as speciation and continental drift . +08-13 15:28 root DEBUG It is very useful in understanding species distribution through factors such as speciation , extinction , continental drift , glaciation , variation of sea levels , river capture and available resources . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Norman Bates was published by Robert Bloch . +08-13 15:28 root DEBUG Norman Bates is a fictional character created by Robert Bloch as the main antagonist in his 1959 novel Psycho , and portrayed by Anthony Perkins in the 1960 film of the same name directed by Alfred Hitchcock and its sequels , and by Freddie Highmore in the television series Bates Motel . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chinatown 's screenplay had a writer . +08-13 15:28 root DEBUG Chinatown is a 1974 American neo-noir mystery film , directed by Roman Polanski from a screenplay by Robert Towne , starring Jack Nicholson and Faye Dunaway . Robert Towne -LRB- born Robert Bertram Schwartz ; November 23 , 1934 -RRB- is an American screenwriter , producer , director and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawson was a presenter of game shows in the United States . +08-13 15:28 root DEBUG Richard Dawson -LRB- born Colin Lionel Emm ; 20 November 1932 -- 2 June 2012 -RRB- was a British-American actor and comedian , and a game show host and panellist in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Moyer played the lead role of Prince Valiant in the 1997 movie Prince Valiant . +08-13 15:28 root DEBUG In 1997 , Moyer made his big-screen debut landing the lead role in the film adaptation of the long-running comic strip Prince Valiant by Hal Foster , working alongside Ron Perlman and Katherine Heigl . Prince Valiant is a 1997 Irish-British independent sword and sorcery film directed by Anthony Hickox , written by Michael Frost Beckner , and starring Stephen Moyer , Katherine Heigl , Thomas Kretschmann , Joanna Lumley , Ron Perlman , and Edward Fox . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dodo has been depicted with a grey and red head . +08-13 15:28 root DEBUG It has been depicted with brownish-grey plumage , yellow feet , a tuft of tail feathers , a grey , naked head , and a black , yellow , and green beak . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Goodman did not play Babe Ruth in The Babe . +08-13 15:28 root DEBUG His other film performances include lead roles in The Babe -LRB- 1992 -RRB- , The Flintstones -LRB- 1994 -RRB- and 10 Cloverfield Lane -LRB- 2016 -RRB- and supporting roles in Coyote Ugly -LRB- 2000 -RRB- , The Artist -LRB- 2011 -RRB- , Extremely Loud and Incredibly Close -LRB- 2011 -RRB- , Argo -LRB- 2012 -RRB- , Flight -LRB- 2012 -RRB- , The Hangover Part III -LRB- 2013 -RRB- , and Patriots Day -LRB- 2016 -RRB- . The Babe is a 1992 American biographical drama film about the life of famed baseball player Babe Ruth , who is portrayed by John Goodman . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Backing vocalists sing with other backing instrumentalists . +08-13 15:28 root DEBUG Backing vocalists are singers who provide vocal harmony with the lead vocalist or other backing vocalists . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny Bono died on January 5 , 2012 . +08-13 15:28 root DEBUG Salvatore Phillip `` Sonny '' Bono -LRB- -LSB- ˈboʊnoʊ -RSB- February 16 , 1935 -- January 5 , 1998 -RRB- was an American singer , producer , and politician who came to fame in partnership with his second wife Cher , as the popular singing duo Sonny & Cher . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Java was formed by earthquakes . +08-13 15:28 root DEBUG Formed mostly as the result of volcanic eruptions , Java is the 13th largest island in the world and the fifth largest in Indonesia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Several reforms were introduced by the QIn dynasty . +08-13 15:28 root DEBUG The strength of the Qin state was greatly increased by the `` Legalist '' reforms of Shang Yang in the fourth century BC , during the Warring States period . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raja Hindustani 's director was Dharmesh Darshan . +08-13 15:28 root DEBUG Raja Hindustani -LRB- translation : Indian King -RRB- is a 1996 Indian blockbuster Hindi-language drama romance film directed by Dharmesh Darshan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed and Lorraine Warren were paranormal investigators . +08-13 15:28 root DEBUG Edward Warren Miney -LRB- September 7 , 1926 -- August 23 , 2006 -RRB- and Lorraine Rita Warren -LRB- née Moran , born January 31 , 1927 -RRB- were a married Roman Catholic couple who were highly controversial American paranormal investigators and authors associated with prominent cases of hauntings . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Independent Spirit Awards have always been held in Los Angeles . +08-13 15:28 root DEBUG The awards show is held inside a tent on the beach in Santa Monica , California , usually on the day before the Academy Awards -LRB- since 1999 ; originally the Saturday before -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arjit Singh is from India . +08-13 15:28 root DEBUG Arijit Singh is an Indian Musician , singer , composer , music producer , recordist , and music programmer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG University of Chicago Law School is ranked first in the 2016 QS World University Rankings . +08-13 15:28 root DEBUG It is ranked 12th in the 2016 QS World University Rankings . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sierra Morena is a place . +08-13 15:28 root DEBUG The Sierra Morena is one of the main systems of mountain ranges in Spain . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annabelle is in a museum . +08-13 15:28 root DEBUG The doll resides in a glass box at The Warrens ' Occult Museum in Monroe , Connecticut . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny & Cher sing R&B . +08-13 15:28 root DEBUG The couple started their career in the mid-1960s as R&B backing singers for record producer Phil Spector . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Google Search can find sports scores . +08-13 15:28 root DEBUG Google Search provides several features beyond searching for words . These include synonyms , weather forecasts , time zones , stock quotes , maps , earthquake data , movie showtimes , airports , home listings , and sports scores . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chadwick Boseman portrayed James Brown . +08-13 15:28 root DEBUG He is known for portraying Jackie Robinson in 42 -LRB- 2013 -RRB- , James Brown in Get on Up -LRB- 2014 -RRB- , and T'Challa in the Marvel Studios film Captain America : Civil War -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Brolin was born in the 1940s . +08-13 15:28 root DEBUG James Brolin -LRB- -LSB- ˈbroʊlᵻn -RSB- born July 18 , 1940 -RRB- is an American actor , producer , and director , best known for his roles in film and television , including sitcoms and soap operas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bonaire was part of the Netherlands Antilles . +08-13 15:28 root DEBUG Bonaire was part of the Netherlands Antilles until the country 's dissolution in 2010 , when the island became a special municipality within the country of the Netherlands . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pakistan Movement was the result of shifts in Afghan society , government , and ways of thinking . +08-13 15:28 root DEBUG The Pakistan Movement was the result of a series of social , political , and intellectual transformations in Pakistani society , government , and ways of thinking . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robert Zemechkis has made movies across a wide variety of genres and is acclaimed . +08-13 15:28 root DEBUG In the 1990s he diversified into more dramatic fare , including 1994 's Forrest Gump , for which he won an Academy Award for Best Director . The movies he has directed have ranged across a wide variety of genres , for both adults and families . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III 's father was King John . +08-13 15:28 root DEBUG The son of King John and Isabella of Angoulême , Henry assumed the throne when he was only nine in the middle of the First Barons ' War . John died of dysentery contracted whilst on campaign in eastern England during late 1216 ; supporters of his son Henry III went on to achieve victory over Louis and the rebel barons the following year . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hannah and Her Sisters is an American comedy-drama from 1986 . +08-13 15:28 root DEBUG Hannah and Her Sisters is a 1986 American comedy-drama film which tells the intertwined stories of an extended family over two years that begins and ends with a family Thanksgiving dinner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG B. R. Ambedkar was born before 1900 . +08-13 15:28 root DEBUG Bhimrao Ramji Ambedkar -LRB- 14 April 1891 -- 6 December 1956 -RRB- , popularly known as Baba Saheb , was an Indian jurist , economist , politician and social reformer who inspired the Dalit Buddhist Movement and campaigned against social discrimination against Untouchables -LRB- Dalits -RRB- , while also supporting the rights of women and labour . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hinduism forbids pilgrimage to sacred sites . +08-13 15:28 root DEBUG Although Hinduism contains a broad range of philosophies , it is linked by shared concepts , recognisable rituals , cosmology , shared textual resources , and pilgrimage to sacred sites . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James , Viscount Severn is the only ally of Prince Edward and Sophie , Countess of Wessex . +08-13 15:28 root DEBUG James , Viscount Severn -LRB- James Alexander Philip Theo Mountbatten-Windsor ; born 17 December 2007 -RRB- is the younger child and only son of Prince Edward , Earl of Wessex , and Sophie , Countess of Wessex , and the youngest grandchild of Queen Elizabeth II and Prince Philip , Duke of Edinburgh . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Revolution was lead by Benjamin Franklin . +08-13 15:28 root DEBUG His efforts proved vital for the American Revolution in securing shipments of crucial munitions from France . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fame came out in 2017 . +08-13 15:28 root DEBUG It was released on August 19 , 2008 through Interscope Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henri Kontinen has a sister named Micke . +08-13 15:28 root DEBUG His brother Micke is a retired tennis player . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maria Theresa was unrelated to Emperor Charles VI . +08-13 15:28 root DEBUG She started her 40-year reign when her father , Emperor Charles VI , died in October 1740 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A polynomial only consists of set values . +08-13 15:28 root DEBUG In mathematics , a polynomial is an expression consisting of variables -LRB- or indeterminates -RRB- and coefficients , that involves only the operations of addition , subtraction , multiplication , and non-negative integer exponents . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doug Petrie starred in Dr. Horrible 's Sing-Along Blog . +08-13 15:28 root DEBUG He made a cameo on Joss Whedon 's web-based film , Dr. Horrible 's Sing-Along Blog , as `` Professor Normal '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Melilla shares a border with Morocco . +08-13 15:28 root DEBUG Melilla -LRB- -LSB- məˈliːjə -RSB- ; -LSB- meˈliʎa -RSB- , -LSB- meˈliʝa -RSB- ; Mřič -LSB- , Maliliyyah -RRB- is a Spanish autonomous city located on the north coast of Africa , sharing a border with Morocco with an area of 12.3 km2 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed and Lorraine Warren were ghost hunters . +08-13 15:28 root DEBUG Edward Warren Miney -LRB- September 7 , 1926 -- August 23 , 2006 -RRB- and Lorraine Rita Warren -LRB- née Moran , born January 31 , 1927 -RRB- were a married Roman Catholic couple who were highly controversial American paranormal investigators and authors associated with prominent cases of hauntings . Ghost hunting is a fringe pseudoscience wherein its adherents visit and investigate locations that are reported to be haunted by ghosts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aphrodite is the only daughter of the Titaness Dione in Homer 's Iliad . +08-13 15:28 root DEBUG In Homer 's Iliad , however , she is the daughter of Zeus and Dione . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fame sold 4.7 million digital copies as of April 2016 . +08-13 15:28 root DEBUG It has sold 4.7 million copies in the United States as of April 2016 and is the seventh best-selling digital album in history . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stomp the Yard stars Columbus Short . +08-13 15:28 root DEBUG The film stars Columbus Short , Meagan Good , Darrin Henson , Brian White , Laz Alonso , and Valarie Pettiford , with Harry Lennix , and , in their film debuts , R&B singers Ne-Yo & Chris Brown . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dark matter is a type of matter . +08-13 15:28 root DEBUG Dark matter is a hypothetical type of matter distinct from baryonic matter -LRB- ordinary matter such as protons and neutrons -RRB- , neutrinos and dark energy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The mother of Augustus Prew was a fashion designer . +08-13 15:28 root DEBUG Prew was born in Westminster , London , England and is the son of Wendy Dagworthy , a fashion designer , and Jonathan W. Prew , a photographer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Incredibles 2 is a movie . +08-13 15:28 root DEBUG The Incredibles 2 is an upcoming 2018 American 3D computer-animated superhero film , and is the sequel to The Incredibles -LRB- 2004 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Baadshah was only dubbed into two other languages . +08-13 15:28 root DEBUG Later , this movie was dubbed into Malayalam , Japanese , and Korean under the same name . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brian De Palma is a writer . +08-13 15:28 root DEBUG Brian Russell De Palma -LRB- born September 11 , 1940 -RRB- is an American film director and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dodo has been depicted with a very hairy head . +08-13 15:28 root DEBUG It has been depicted with brownish-grey plumage , yellow feet , a tuft of tail feathers , a grey , naked head , and a black , yellow , and green beak . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vampires are deceased . +08-13 15:28 root DEBUG In European folklore , vampires were undead beings that often visited loved ones and caused mischief or deaths in the neighbourhoods they inhabited when they were alive . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manchester United F.C. was the world 's highest-earning football club for a season . +08-13 15:28 root DEBUG Manchester United was the highest-earning football club in the world for 2015 -- 16 , with an annual revenue of $ 689 million , and the world 's third most valuable football club in 2015 , valued at # 1.98 billion . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jon Hamm received 16 Primetime Emmy Award nominations . +08-13 15:28 root DEBUG Hamm has received 16 Primetime Emmy Award nominations for his performances in Mad Men , 30 Rock -LRB- 2006 -- 2013 -RRB- , and Unbreakable Kimmy Schmidt -LRB- 2015 -- present -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jewish people turn towards Temple Mount during prayer . +08-13 15:28 root DEBUG The location is the holiest site in Judaism and is the place Jews turn towards during prayer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sebastian Vettel was a racecar driver in Formula One . +08-13 15:28 root DEBUG He is a four-time Formula One World Champion , having won the championship in , , and with Red Bull Racing . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG East Timor is the place where Balibo -LRB- film -RRB- takes place . +08-13 15:28 root DEBUG Filming began on 30 June 2008 , in Dili , East Timor , and the film was released the following year . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Tenth Doctor appears in Journey 's End . +08-13 15:28 root DEBUG He eventually parts ways with them all by the end of the 2008 series finale , `` Journey 's End '' , after which he attempts to travel alone for the duration of the 2008 -- 2010 specials before being accompanied by Donna Noble 's grandfather Wilfred Mott on his final adventure in The End of Time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Flew Over the Cuckoo 's Nest only won one Oscar , for sound design . +08-13 15:28 root DEBUG The film was the second to win all five major Academy Awards -LRB- Best Picture , Actor in Lead Role , Actress in Lead Role , Director , and Screenplay -RRB- following It Happened One Night in 1934 , an accomplishment not repeated until 1991 by The Silence of the Lambs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Overexposed is an album . +08-13 15:28 root DEBUG Overexposed is the fourth studio album by the American band Maroon 5 , released on June 20 , 2012 , by A&M Octone Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cape Town was one of the locations where Half Girlfriend was filmed . +08-13 15:28 root DEBUG Principal photography commenced in June 2016 and filming locations include Delhi , Mumbai , Patna , Dumraon , Varanasi , New York City and Cape Town . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John DiMaggio has done acting roles . +08-13 15:28 root DEBUG John William DiMaggio -LRB- born September 4 , 1968 -RRB- is an American actor , voice actor and comedian , known for his gruff voice , and for his work as Bender from the television show Futurama , Jake the Dog on Adventure Time , and Marcus Fenix in the hit Xbox video game Gears Of War . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG University of Chicago Law School is ranked last for `` Faculty quality based on American Academy of Arts and Sciences Membership . '' +08-13 15:28 root DEBUG Chicago is ranked second by Brian Leiter of the University of Chicago Law School on the `` Top 15 Schools From Which the Most ` Prestigious ' Law Firms Hire New Lawyers , '' and first for `` Faculty quality based on American Academy of Arts and Sciences Membership . '' +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bala has received zero awards for his work . +08-13 15:28 root DEBUG He has received several awards and recognition for his work , including the National Film Award for Best Director for his fourth feature film Naan Kadavul -LRB- 2009 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James , Viscount Severn was born in the 2000s . +08-13 15:28 root DEBUG James , Viscount Severn -LRB- James Alexander Philip Theo Mountbatten-Windsor ; born 17 December 2007 -RRB- is the younger child and only son of Prince Edward , Earl of Wessex , and Sophie , Countess of Wessex , and the youngest grandchild of Queen Elizabeth II and Prince Philip , Duke of Edinburgh . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Punch-Drunk Love was distributed by a film studio . +08-13 15:28 root DEBUG The film was produced by Revolution Studios and New Line Cinema , and distributed by Columbia Pictures ; it features the video art of Jeremy Blake in the form of visual interludes . Columbia Pictures Industries , Inc. -LRB- known as Columbia Pictures and Columbia , and formerly CBC Film Sales Corporation -RRB- is an American film studio , production company and film distributor that is a member of the Sony Pictures Motion Picture Group , a division of Sony Entertainment 's Sony Pictures subsidiary of the Japanese conglomerate Sony . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bala directed . +08-13 15:28 root DEBUG He has received several awards and recognition for his work , including the National Film Award for Best Director for his fourth feature film Naan Kadavul -LRB- 2009 -RRB- . Naan Kadavul -LRB- I am God -RRB- is a 2009 Indian Tamil-language art film co-written and directed by Bala . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matt Bomer is from America . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Younger ended in 2015 . +08-13 15:28 root DEBUG The series premiered on March 31 , 2015 on TV Land and received generally positive reviews from critics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aristocracy is a term with Greek heritage . +08-13 15:28 root DEBUG The term derives from the Greek aristokratia , meaning `` rule of the best '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The English Wikipedia is an edition of a free online chat room . +08-13 15:28 root DEBUG The English Wikipedia is the English-language edition of the free online encyclopedia Wikipedia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yvonne Strahovski 's real last name is Strzechowski . +08-13 15:28 root DEBUG Yvonne Jaqueline Strzechowski -LRB- born 30 July 1982 -RRB- , known professionally as Yvonne Strahovski -LRB- -LSB- strəˈhɒvski -RSB- -RRB- , is an Australian actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The SpongeBob SquarePants Movie was directed by Donald Trump . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aphrodite appears in Greek mythology . +08-13 15:28 root DEBUG Aphrodite -LRB- -LSB- æfrəˈdaɪti -RSB- ; Greek : Αφροδίτη -LRB- Afrodíti -RRB- -RRB- is the Greek goddess of love , beauty , pleasure , and procreation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bob Ross created a painting show . +08-13 15:28 root DEBUG He was the creator and host of The Joy of Painting , an instructional television program that aired from 1983 to 1994 on PBS in the United States , and also aired in Canada , Latin America , and Europe . In each episode , Ross taught techniques for landscape oil painting , completing a painting in each session . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Internet access requires the use of hardware like computers . +08-13 15:28 root DEBUG Internet access is ability of individuals and organizations to connect to the Internet using computer terminals , computers , mobile devices ; and to access services such as email and the World Wide Web . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emmanuel Macron worked as an investment banker . +08-13 15:28 root DEBUG A former civil servant and investment banker , he studied philosophy at Paris Nanterre University , completed a Master 's of Public Affairs at Sciences Po , and graduated from the École nationale d'administration -LRB- ENA -RRB- in 2004 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georgians arose from a kingdom . +08-13 15:28 root DEBUG Georgians arose from the ancient Colchian and Iberian civilizations . In Greco-Roman geography , Iberia -LRB- Ancient Greek : Ἰβηρία Hiberia -RRB- was an exonymic name for a Georgian kingdom of Kartli , known after its core province , which during Classical Antiquity and the Early Middle Ages was a significant monarchy in the Caucasus , either as an independent state or as a dependent of larger empires , notably the Sassanid and Roman empires . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Frusciante released eleven solo albums . +08-13 15:28 root DEBUG Frusciante has an active solo career , having released eleven solo albums and five EPs ; his recordings include elements ranging from experimental rock and ambient music to new wave and electronica . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Lloyd George was a prime minister . +08-13 15:28 root DEBUG His most important role came as the highly energetic Prime Minister of the Wartime Coalition Government -LRB- 1916 -- 22 -RRB- , during and immediately after the First World War . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exit the King is by a writer . +08-13 15:28 root DEBUG Exit the King -LRB- Le Roi se meurt -RRB- is an absurdist drama by Eugène Ionesco that premiered in 1962 . Eugène Ionesco -LRB- born Eugen Ionescu , -LSB- e.uˈd͡ʒen joˈnesku -RSB- ; 26 November 1909 -- 28 March 1994 -RRB- was a Romanian-French playwright who wrote mostly in French , and one of the foremost figures of the French Avant-garde theatre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georges Gilles de la Tourette made descriptions of attributes in nine patients . +08-13 15:28 root DEBUG Tourette described the symptoms of Tourette 's syndrome in nine patients in 1884 , using the name `` maladie des tics '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Backing vocalists can not ever sing . +08-13 15:28 root DEBUG Backing vocalists are singers who provide vocal harmony with the lead vocalist or other backing vocalists . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cyclades are southeast of mainland Greece . +08-13 15:28 root DEBUG The Cyclades -LRB- -LSB- ˈsɪklədiːz -RSB- Κυκλάδες , -LSB- cikˈlaðes -RSB- -RRB- are an island group in the Aegean Sea , southeast of mainland Greece and a former administrative prefecture of Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saw II was released on Blu-ray . +08-13 15:28 root DEBUG Saw II was released to DVD on and topped charts its first week , selling more than 3 million units . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG LinkedIn is available in the Romanian language . +08-13 15:28 root DEBUG Based in the United States , the site is , as of 2013 , available in 24 languages , including Arabic , Chinese , English , French , German , Italian , Portuguese , Spanish , Dutch , Swedish , Danish , Romanian , Russian , Turkish , Japanese , Czech , Polish , Korean , Indonesian , Malay , and Tagalog . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Moray led an uprising against the occupation of north Scotland in 1297 . +08-13 15:28 root DEBUG He led the rising in north Scotland in the summer of 1297 against the occupation by King Edward I of England , successfully regaining control of the area for King John Balliol . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zoey Deutch was birthed on November 10 , 1994 . +08-13 15:28 root DEBUG Zoey Francis Thompson Deutch -LRB- born November 10 , 1994 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brick Mansions starred Belle . +08-13 15:28 root DEBUG Brick Mansions is a 2014 English-language French-Canadian crime-thriller film starring Paul Walker , David Belle and RZA . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emmanuel Macron worked as an investment banker at Rothschild & Cie Banque . +08-13 15:28 root DEBUG He worked as an Inspector of Finances in the Inspectorate General of Finances -LRB- IGF -RRB- , then became an investment banker at Rothschild & Cie Banque . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Icelandic Coast Guard is rarely responsible for Iceland 's maritime search and rescue . +08-13 15:28 root DEBUG The Icelandic Coast Guard -LRB- , Landhelgisgæslan or simply Gæslan -RRB- is the service responsible for Iceland 's coastal defense and maritime and aeronautical search and rescue . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Fame was released in February 2016 . +08-13 15:28 root DEBUG It was released on August 19 , 2008 through Interscope Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georgians arose from a kingdom . +08-13 15:28 root DEBUG Georgians arose from the ancient Colchian and Iberian civilizations . Colchis -LRB- -LSB- ˈkɒlkɪs -RSB- კოლხეთი Kolkheti ; Greek Κολχίς Kolkhis -RRB- was an ancient kingdom and region on the coast of the Black Sea , centered in present-day western Georgia . In Greco-Roman geography , Iberia -LRB- Ancient Greek : Ἰβηρία Hiberia -RRB- was an exonymic name for a Georgian kingdom of Kartli , known after its core province , which during Classical Antiquity and the Early Middle Ages was a significant monarchy in the Caucasus , either as an independent state or as a dependent of larger empires , notably the Sassanid and Roman empires . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 2015 , among Mexicans , 70 % of adults had consumed alcoholic drink in the last year . +08-13 15:28 root DEBUG For instance , in 2015 , among Americans , 89 % of adults had consumed alcohol at some point , 70 % had drunk it in the last year , and 56 % in the last month . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bank of America withholds products and services . +08-13 15:28 root DEBUG Bank of America provides its products and services through 4,600 retail financial centers , approximately 15,900 automated teller machines , call centers , and online and mobile banking platforms . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cleopatre is one of three operas and it is significant . +08-13 15:28 root DEBUG Cléopâtre is one of three operas by Massenet to be premiered posthumously ; the others are Panurge -LRB- 1913 -RRB- and Amadis -LRB- 1922 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The End of Time is a Tenth Doctor adventure . +08-13 15:28 root DEBUG He eventually parts ways with them all by the end of the 2008 series finale , `` Journey 's End '' , after which he attempts to travel alone for the duration of the 2008 -- 2010 specials before being accompanied by Donna Noble 's grandfather Wilfred Mott on his final adventure in The End of Time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian National Congress was founded in New Delhi . +08-13 15:28 root DEBUG It was founded in Bombay in late December 1885 , during the British Raj in India . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games has a film . +08-13 15:28 root DEBUG A film adaptation , directed by Gary Ross and co-written and co-produced by Collins herself , was released in 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Levoamphetamine increases concentration . +08-13 15:28 root DEBUG Levoamphetamine , also known as levamfetamine -LRB- INN -RRB- , -LRB- R -RRB- - amphetamine , - amphetamine , and L-amphetamine , is a central nervous system -LRB- CNS -RRB- stimulant known to increase wakefulness and concentration in association with decreased appetite and fatigue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Alfred P. Murrah Federal Building was located in a city . +08-13 15:28 root DEBUG The Alfred P. Murrah Federal Building was a United States federal government complex located at 200 N.W. 5th Street in Downtown Oklahoma City , Oklahoma , United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Python lacks a dynamic type system . +08-13 15:28 root DEBUG Python features a dynamic type system and automatic memory management and supports multiple programming paradigms , including object-oriented , imperative , functional programming , and procedural styles . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The X-Files starred David Duchovny as the lead role . +08-13 15:28 root DEBUG In January 2016 , a tenth season of The X-Files aired , featuring Carter as executive producer and writer , and starring David Duchovny and Gillian Anderson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Thin Red Line -LRB- 1998 film -RRB- features a performance by an American actor . +08-13 15:28 root DEBUG It portrays soldiers of C Company , 1st Battalion , 27th Infantry Regiment , 25th Infantry Division , played by Sean Penn , Jim Caviezel , Nick Nolte , Elias Koteas and Ben Chaplin . James Patrick `` Jim '' Caviezel -LRB- born September 26 , 1968 -RRB- is an American actor , best known for portraying Jesus Christ in the 2004 film The Passion of the Christ . Nicholas King Nolte -LRB- born February 8 , 1941 -RRB- is an American actor and former model . Sean Justin Penn -LRB- born August 17 , 1960 -RRB- is an American actor , filmmaker , and political activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Hardwicke was born as Catherine Hardwicke . +08-13 15:28 root DEBUG Catherine Hardwicke -LRB- born Helen Catherine Hardwicke ; -RRB- is an American film director , production designer and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Burj Khalifa contains 8 escalators . +08-13 15:28 root DEBUG It contains a total of 57 elevators and 8 escalators . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Grandin was directed by Christopher Nolan . +08-13 15:28 root DEBUG Temple Grandin is a 2010 biopic directed by Mick Jackson and starring Claire Danes as Temple Grandin , an autistic woman who revolutionized practices for the humane handling of livestock on cattle ranches and slaughterhouses . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Designated Survivor -LRB- TV series -RRB- is a show that is televised . +08-13 15:28 root DEBUG Designated Survivor is an American political drama television series created by David Guggenheim , starring Kiefer Sutherland , airing on ABC . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victor Frankenstein is an American film . +08-13 15:28 root DEBUG Victor Frankenstein is a 2015 American science fiction fantasy horror film based on contemporary adaptations of Mary Shelley 's 1818 novel Frankenstein . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louis Malle worked in the French film industry . +08-13 15:28 root DEBUG Malle worked in both French cinema and Hollywood , and he produced both French and English language films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Legendary Entertainment is owned by Wanda Group . +08-13 15:28 root DEBUG Since 2016 , Legendary has been a subsidiary of the Chinese conglomerate Wanda Group . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The ovary is part of the female reproductive system . +08-13 15:28 root DEBUG The ovary -LRB- From ovarium , literally `` egg '' or `` nut '' -RRB- is an ovum-producing reproductive organ , found in pairs in the female as part of the vertebrate female reproductive system . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Lloyd George was named one of the 100 Greatest Americans . +08-13 15:28 root DEBUG He was voted the third greatest British prime minister of the 20th century in a poll of 139 academics organised by MORI , and in 2002 he was named among the 100 Greatest Britons following a UK-wide vote . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Half Girlfriend 's principal photography began in May of 2016 . +08-13 15:28 root DEBUG Principal photography commenced in June 2016 and filming locations include Delhi , Mumbai , Patna , Dumraon , Varanasi , New York City and Cape Town . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mikhail Prokhorov is the former chairman of Russia 's largest gold producer . +08-13 15:28 root DEBUG He is the former chairman of Polyus Gold , Russia 's largest gold producer , and the former President of Onexim Group . Polyus Gold International is the largest gold producer in Russia and one of the top 10 gold miners globally by ounces produced -LRB- 1.5 million ounces of gold production in 2011 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Issa Rae has started up her own YouTube outlet . +08-13 15:28 root DEBUG Since the premiere of Awkward Black Girl , Rae has developed her own YouTube platform where she features various content created by people of color . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Absinthe has properties . +08-13 15:28 root DEBUG Recent studies have shown that absinthe 's psychoactive properties -LRB- apart from that of the alcohol -RRB- have been exaggerated . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fraud is to deprive a victim of a legal right . +08-13 15:28 root DEBUG In law , fraud is deliberate deception to secure unfair or unlawful gain , or to deprive a victim of a legal right . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Medical school around the world shares the same structure . +08-13 15:28 root DEBUG Around the world , criteria , structure , teaching methodology , and nature of medical programs offered at medical schools vary considerably . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party was released in 2013 . +08-13 15:28 root DEBUG The film 's rough cut premiered on March 14 , 2016 at South by Southwest and the film was theatrically released in the United States and Canada on August 12 , 2016 by Columbia Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vincent D'Onofrio is an Emmy Award nominee . +08-13 15:28 root DEBUG Among other honors , D'Onofrio is a Saturn Award winner and an Emmy Award nominee . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Backing vocalists are performers . +08-13 15:28 root DEBUG Backing vocalists are singers who provide vocal harmony with the lead vocalist or other backing vocalists . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Howard Hinton was a mathematician . +08-13 15:28 root DEBUG Charles Howard Hinton -LRB- 1853 , United Kingdom -- 30 April 1907 , Washington D.C. , United States -RRB- was a British mathematician and writer of science fiction works titled Scientific Romances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Julie Bowen died in 1950 . +08-13 15:28 root DEBUG Julie Bowen Luetkemeyer -LRB- born March 3 , 1970 -RRB- , known professionally as Julie Bowen , is an American actress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manchester by the Sea is distributed globally . +08-13 15:28 root DEBUG It began a limited release on November 18 , 2016 , before going wide on December 16 , 2016 and grossed $ 74 million worldwide on an $ 8.5 million budget . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 was released by Universal Pictures . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Spider-Man 2 was released in July of 2004 . +08-13 15:28 root DEBUG Spider-Man 2 was released in both conventional and IMAX theaters on June 30 , 2004 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III of France was succeeded by Henry IV , founder of the House of Bourbon . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . The royal Bourbons originated in 1268 , when the heiress of the lordship of Bourbon married a younger son of King Louis IX . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jarhead negated the account provided in the 2003 memoir of Anthony Swofford . +08-13 15:28 root DEBUG Jarhead is a 2005 American biographical war drama film based on U.S. Marine Anthony Swofford 's 2003 memoir of the same name , directed by Sam Mendes , starring Jake Gyllenhaal as Swofford with Jamie Foxx , Peter Sarsgaard and Chris Cooper . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kate Walsh was on a Netflix series . +08-13 15:28 root DEBUG Her roles include Dr. Addison Montgomery on the ABC television dramas Grey 's Anatomy and Private Practice , Rebecca Wright on the short-lived NBC sitcom Bad Judge , and Olivia Baker on the Netflix drama series 13 Reasons Why . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry VIII was the father of Elizabeth I. +08-13 15:28 root DEBUG Elizabeth was the daughter of Henry VIII and Anne Boleyn , his second wife , who was executed two-and-a-half years after Elizabeth 's birth . Henry VIII -LRB- 28 June 1491 -- 28 January 1547 -RRB- was King of England from 21 April 1509 until his death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Macklemore is a hip hop artist . +08-13 15:28 root DEBUG Benjamin Hammond Haggerty -LRB- born June 19 , 1983 -RRB- , known by his stage name Macklemore -LRB- -LSB- ˈmæk.ləmɔr -RSB- -RRB- and formerly Professor Mack Lemore , is an American hip hop recording artist from Kent , Washington . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The basis of characters in many authors ' books in Emperor Norton . +08-13 15:28 root DEBUG Norton has been immortalized as the basis of characters in the literature of writers Mark Twain , Robert Louis Stevenson , Christopher Moore , Morris and Goscinny , Selma Lagerlöf , and Neil Gaiman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Love Club EP is the sophomore extended play by Lorde . +08-13 15:28 root DEBUG The Love Club EP is the debut extended play -LRB- EP -RRB- by New Zealand singer Lorde . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Floyd Mayweather Jr. is a professional boxer . +08-13 15:28 root DEBUG Floyd Joy Mayweather Jr. -LRB- born Floyd Joy Sinclair ; February 24 , 1977 -RRB- is an American former professional boxer who competed from 1996 to 2015 , and currently works as a boxing promoter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Alfred P. Murrah Federal Building was only located at 300 N.W. 5th Street . +08-13 15:28 root DEBUG The Alfred P. Murrah Federal Building was a United States federal government complex located at 200 N.W. 5th Street in Downtown Oklahoma City , Oklahoma , United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A person afflicted with Parkinson 's disease is Michael J. Fox . +08-13 15:28 root DEBUG People with parkinsonism who have increased the public 's awareness of the condition include actor Michael J. Fox , Olympic cyclist Davis Phinney , and late professional boxer Muhammad Ali . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maximum Overdrive was directed by Christopher Nolan . +08-13 15:28 root DEBUG Maximum Overdrive is a 1986 American science fiction action horror comedy film written and directed by Stephen King . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Saw II was released in an analog optical disc storage format . +08-13 15:28 root DEBUG Saw II was released to DVD on and topped charts its first week , selling more than 3 million units . DVD -LRB- an abbreviation of `` digital versatile disc '' or `` digital video disc '' -RRB- is a digital optical disc storage format invented and developed by Panasonic , Philips , Sony and Toshiba in 1995 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan is not a federal parliamentary republic . +08-13 15:28 root DEBUG Pakistan -LRB- -LSB- pɑːkᵻˈstɑːn -RSB- -LSB- -RRB- , officially the Islamic Republic of Pakistan -LRB- -LSB- -RRB- , is a federal parliamentary republic in South Asia on the crossroads of Central and Western Asia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gaius Julius Caesar only died in 70 BC . +08-13 15:28 root DEBUG Gaius Julius Caesar -LRB- ca. 130 BC -- 85 BC -RRB- was a Roman senator , a supporter of his brother-in-law , Gaius Marius , and the father of Gaius Julius Caesar , the dictator . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Boeing 787 Dreamliner has always had the same name . +08-13 15:28 root DEBUG The aircraft 's initial designation was the 7E7 , prior to its renaming in January 2005 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dawood Ibrahim is originally from the capital city of the Indian state of Maharashtra . +08-13 15:28 root DEBUG Dawood Ibrahim -LRB- Marathi : दाऊद इब्राहीम कासकर , born Dawood Ibrahim Kaskar 26 December 1955 -RRB- , known as Dawood Bhai or simply Bhai is a gangster and terrorist originally from Dongri in Mumbai , India . Mumbai -LRB- -LSB- mʊmˈbaɪ -RSB- also known as Bombay , the official name until 1995 -RRB- is the capital city of the Indian state of Maharashtra . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III of France was succeeded by another Henry . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georges Gilles de la Tourette described symptoms in 1884 . +08-13 15:28 root DEBUG Tourette described the symptoms of Tourette 's syndrome in nine patients in 1884 , using the name `` maladie des tics '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a film called Annie . +08-13 15:28 root DEBUG Annie is a 2014 American musical comedy-drama film directed by Will Gluck and produced by Village Roadshow Pictures and Will Smith 's Overbrook Entertainment for Sony Pictures ' Columbia Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Agent Raghav -- Crime Branch received awards . +08-13 15:28 root DEBUG The serial received Indian Telly Awards in the category of Best Thriller and Horror Show and was also nominated for Best Weekend Show . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manchester United F.C. was one of the world 's highest-earning football clubs for a season . +08-13 15:28 root DEBUG Manchester United was the highest-earning football club in the world for 2015 -- 16 , with an annual revenue of $ 689 million , and the world 's third most valuable football club in 2015 , valued at # 1.98 billion . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Monster is a song by a rapper . +08-13 15:28 root DEBUG `` The Monster '' is a song by American rapper Eminem , featuring guest vocals from Barbadian singer Rihanna , taken from Eminem 's album The Marshall Mathers LP 2 -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG US Airways Flight 1549 did not have any people on board . +08-13 15:28 root DEBUG All 155 people aboard were rescued by nearby boats and there were few serious injuries . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maria Theresa 's father died in October 1740 . +08-13 15:28 root DEBUG She started her 40-year reign when her father , Emperor Charles VI , died in October 1740 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Netscape Navigator was a program . +08-13 15:28 root DEBUG Netscape Navigator is a discontinued proprietary web browser , and the original browser of the Netscape line , from versions 1 to 4.08 , and 9.x . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah is produced by Universal Studios . +08-13 15:28 root DEBUG Taarak Mehta Ka Ooltah Chashmah -LRB- English : Taarak Mehta 's Different Perspective -RRB- is India 's longest running sitcom serial produced by Neela Tele Films Private Limited . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Monster is a song by an American rapper . +08-13 15:28 root DEBUG `` The Monster '' is a song by American rapper Eminem , featuring guest vocals from Barbadian singer Rihanna , taken from Eminem 's album The Marshall Mathers LP 2 -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Ukrainian Soviet Socialist Republic became Ukraine before the founding of the United Nations . +08-13 15:28 root DEBUG The Ukrainian SSR was a founding member of the United Nations , although it was legally represented by the All-Union state in its affairs with countries outside of the Soviet Union . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lyon is a city in Southwest France . +08-13 15:28 root DEBUG Lyon had a population of 506,615 in 2014 and is France 's third-largest city after Paris and Marseille . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Dylan Grazer was born in California . +08-13 15:28 root DEBUG Jack Dylan Grazer -LRB- born September 3 , 2003 -RRB- is an American child actor and was born in Los Angeles , California to parents Angela Lafever and Gavin Grazer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Guthrie Theater 's first building was designed before Ralph Rapson was born . +08-13 15:28 root DEBUG The first building was designed by Ralph Rapson , included a 1,441-seat thrust stage designed by Tanya Moiseiwitsch , and was operated from 1963 -- 2006 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In many navies , Commodore is used . +08-13 15:28 root DEBUG Commodore is a naval rank used in many navies that is superior to a navy captain , but below a rear admiral . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Frusciante was incapable of releasing eleven solo albums . +08-13 15:28 root DEBUG Frusciante has an active solo career , having released eleven solo albums and five EPs ; his recordings include elements ranging from experimental rock and ambient music to new wave and electronica . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On Mount Olympus , Hebe was a server of nectar and ambrosia . +08-13 15:28 root DEBUG Hebe was the cupbearer for the gods and goddesses of Mount Olympus , serving their nectar and ambrosia , until she was married to Heracles -LRB- Roman equivalent : Hercules -RRB- ; her successor was the divine hero Ganymede . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See.SZA.Run is only influenced by soul . +08-13 15:28 root DEBUG A PBR&B and neo-soul , See.SZA.Run has a diverse musical style that incorporates contemporary urban genres such as soul , hip hop , and minimalist R&B , the EP also takes influences from cloud rap and ethereal R&B as well as using witch house and chillwave elements . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Faye Resnick has been on television . +08-13 15:28 root DEBUG Faye Denise Resnick -LRB- born July 3 , 1957 -RRB- is an American television personality , author , and interior designer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Keener appeared in the 1997 film Synecdoche , New York . +08-13 15:28 root DEBUG Keener also appeared in the films Into the Wild -LRB- 2007 -RRB- , Synecdoche , New York -LRB- 2008 -RRB- , and Get Out -LRB- 2017 -RRB- , which were well received by critics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aldous Huxley published film scripts . +08-13 15:28 root DEBUG Mid career and later , he published travel writing , film stories , and scripts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yemen has a coast to the south . +08-13 15:28 root DEBUG Because of this , Yemen 's capital has been temporarily relocated to the port city of Aden , on the southern coast . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Morgan Fairchild played the role of Jordan Roberts in Falcon Crest . +08-13 15:28 root DEBUG In 1984 , she co-starred on ABC 's short-lived television drama Paper Dolls , and then appeared on Falcon Crest as attorney Jordan Roberts from 1985 to 1986 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vera Wang 's birthday takes place on June 27 . +08-13 15:28 root DEBUG Vera Ellen Wang -LRB- , -LSB- u̯ɑ̌ŋ u̯éɪ̯u̯éɪ̯ -RSB- ; born June 27 , 1949 -RRB- is an American fashion designer based in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tyler Perry is a filmmaker . +08-13 15:28 root DEBUG Tyler Perry -LRB- born Emmitt Perry Jr. ; September 13 , 1969 -RRB- is an American actor , comedian , filmmaker , writer , and songwriter , specializing in the gospel genre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ron Dennis is the owner of Absolute Taste . +08-13 15:28 root DEBUG Dennis is the Global Consultant for Minsheng Investment Corporation and also owner of Absolute Taste . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fred Seibert produces for television and the internet . +08-13 15:28 root DEBUG He has produced live action and animated programs for cable television , and the internet , and began his professional career as a jazz and blues record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Balibo -LRB- film -RRB- starts in the year 1975 . +08-13 15:28 root DEBUG Balibo is a 2009 Australian war film that follows the story of the Balibo Five , a group of journalists who were captured and killed while reporting on activities just prior to the Indonesian invasion of East Timor of 1975 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG L. Ron Hubbard died in California . +08-13 15:28 root DEBUG He spent the remaining years of his life on his ranch , the `` Whispering Wind , '' near Creston , California , where he died in 1986 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dawood Ibrahim is a separatist terrorist . +08-13 15:28 root DEBUG He heads the Indian organised crime syndicate D-Company founded in Mumbai . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ang Lee was born October 23 , 1954 . +08-13 15:28 root DEBUG Ang Lee OBS -LRB- ; born October 23 , 1954 -RRB- is a Taiwanese film director , screenwriter and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The SpongeBob SquarePants Movie was directed by Stephen Hillenburg . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manchester United is based in Bolton , Greater Manchester , England . +08-13 15:28 root DEBUG Manchester United Football Club is a professional football club based in Old Trafford , Greater Manchester , England , that competes in the Premier League , the top flight of English football . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John Frusciante is an American musician . +08-13 15:28 root DEBUG John Anthony Frusciante -LRB- -LSB- fruːˈʃɑːnteɪ -RSB- born March 5 , 1970 -RRB- is an American guitarist , singer , producer and composer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henri Kontinen was first place in the Australian Open men 's doubles championship . +08-13 15:28 root DEBUG He also won the 2017 Australian Open men 's doubles title with John Peers , reaching his first Grand Slam title in doubles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Firefox is an application . +08-13 15:28 root DEBUG Mozilla Firefox -LRB- or simply Firefox -RRB- is a free and open-source web browser developed by the Mozilla Foundation and its subsidiary the Mozilla Corporation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vera Wang is a fashion designer from the United States . +08-13 15:28 root DEBUG Vera Ellen Wang -LRB- , -LSB- u̯ɑ̌ŋ u̯éɪ̯u̯éɪ̯ -RSB- ; born June 27 , 1949 -RRB- is an American fashion designer based in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sebastian Vettel is a person . +08-13 15:28 root DEBUG Sebastian Vettel -LRB- -LSB- zeˈbasti̯an ˈfɛtl̩ -RSB- ; born 3 July 1987 -RRB- is a German racing driver currently driving in Formula One for Scuderia Ferrari . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan Brown was born June 22 , 1964 . +08-13 15:28 root DEBUG Daniel Gerhard `` Dan '' Brown -LRB- born June 22 , 1964 -RRB- is an American author of thriller fiction who wrote the 2003 bestselling novel The Da Vinci Code . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riz Ahmed acted in an 8-part crime drama miniseries . +08-13 15:28 root DEBUG He also starred in the HBO miniseries The Night Of as Nasir Khan ; the show and his performance were critically lauded , earning him Golden Globe and SAG nominations . The Night Of is an American eight-part crime drama television miniseries based on Criminal Justice , a 2008 -- 09 British television series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Franklin was a worker . +08-13 15:28 root DEBUG Franklin was a renowned polymath and a leading author , printer , political theorist , politician , freemason , postmaster , scientist , inventor , civic activist , statesman , and diplomat . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Cowell gives money . +08-13 15:28 root DEBUG Simon Phillip Cowell -LRB- -LSB- ˈkaʊəl -RSB- -RRB- -LRB- born 7 October 1959 -RRB- is an English reality television judge and producer , entrepreneur , and philanthropist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Valles Marineris is on Mars . +08-13 15:28 root DEBUG Mars is the site of Olympus Mons , the largest volcano and second-highest known mountain in the Solar System , and of Valles Marineris , one of the largest canyons in the Solar System . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny & Cher began in the 20th century . +08-13 15:28 root DEBUG Sonny & Cher were an American pop music duo , actors , singers and entertainers made up of husband-and-wife Sonny and Cher Bono in the 1960s and 1970s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the 1980s Ice-T began his career as a rapper . +08-13 15:28 root DEBUG He began his career as a rapper in the 1980s and was signed to Sire Records in 1987 , when he released his debut album Rhyme Pays , one of the first hip-hop albums to carry an explicit content sticker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Theresa May was elected as MP for Maidenhead . +08-13 15:28 root DEBUG She has been the Member of Parliament -LRB- MP -RRB- for Maidenhead since 1997 and Leader of the Conservative Party since July 2016 . However , future Prime Minister Theresa May was elected to the safe Conservative seat at Maidenhead , and future Speaker John Bercow in the seat at Buckingham . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Timur was multi-ethnic . +08-13 15:28 root DEBUG Timur 's armies were inclusively multi-ethnic and were feared throughout Asia , Africa , and Europe , sizable parts of which his campaigns laid to waste . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Benoit died in June . +08-13 15:28 root DEBUG Christopher Michael Benoit -LRB- -LSB- bəˈnwa -RSB- ; May 21 , 1967 -- June 24 , 2007 -RRB- was a Canadian professional wrestler . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ang Lee died October 23 , 1954 . +08-13 15:28 root DEBUG Ang Lee OBS -LRB- ; born October 23 , 1954 -RRB- is a Taiwanese film director , screenwriter and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth of York was a person . +08-13 15:28 root DEBUG Elizabeth of York -LRB- 11 February 1466 -- 11 February 1503 -RRB- was queen consort of England from 1486 until her death . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estelle Getty was an actress . +08-13 15:28 root DEBUG Estelle Getty -LRB- née Scher ; also known as Estelle Gettleman ; July 25 , 1923 -- July 22 , 2008 -RRB- was an American actress and comedian , who appeared in film , television , and theatre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meteora is the sophomore album of Linkin Park . +08-13 15:28 root DEBUG Their following studio album Meteora continued the band 's success , topping the Billboard 200 album chart in 2003 , and was followed by extensive touring and charity work around the world . Formed in 1996 , the band rose to international fame with their debut album Hybrid Theory -LRB- 2000 -RRB- , which was certified diamond by the RIAA in 2005 and multi-platinum in several other countries . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Project Y 's mission was to build a new world . +08-13 15:28 root DEBUG Its mission was to design and build the first atomic bombs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doug Petrie was unable to appear in Dr. Horrible 's Sing-Along Blog . +08-13 15:28 root DEBUG He made a cameo on Joss Whedon 's web-based film , Dr. Horrible 's Sing-Along Blog , as `` Professor Normal '' . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Menace II Society is only set in Mexico . +08-13 15:28 root DEBUG The film is set in the 1990s South Central Los Angeles , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Maze Runner had a budget in the millions . +08-13 15:28 root DEBUG The film earned over $ 348 million worldwide at the box-office , against its budget of $ 34 million . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sixteen Primetime Emmy Award nominations have gone to actor Jon Hamm . +08-13 15:28 root DEBUG Hamm has received 16 Primetime Emmy Award nominations for his performances in Mad Men , 30 Rock -LRB- 2006 -- 2013 -RRB- , and Unbreakable Kimmy Schmidt -LRB- 2015 -- present -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Attenborough worked at the BBC . +08-13 15:28 root DEBUG He is also a former senior manager at the BBC , having served as controller of BBC Two and director of programming for BBC Television in the 1960s and 1970s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Celebrity Rehab with Dr. Drew was a scripted TV drama . +08-13 15:28 root DEBUG Celebrity Rehab with Dr. Drew , later called simply Rehab with Dr. Drew , is a reality television show that aired on the cable network VH1 in which many of the episodes chronicle a group of well-known people as they are treated for alcohol and drug addiction by Dr. Drew Pinsky and his staff at the Pasadena Recovery Center in Pasadena , California . Reality television is a genre of television programming that documents supposedly unscripted real-life situations , and often features an otherwise unknown cast of individuals who are typically not professional actors , although in some shows celebrities may participate . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Pegg is a producer and an actor . +08-13 15:28 root DEBUG Simon John Pegg -LRB- né Beckingham ; born 14 February 1970 -RRB- is an English actor , comedian , screenwriter , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny & Cher was made up of a couple . +08-13 15:28 root DEBUG The couple started their career in the mid-1960s as R&B backing singers for record producer Phil Spector . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johnny Van Zant has zero albums . +08-13 15:28 root DEBUG Van Zant released three more solo albums between 1981 and 1985 , before taking a break from the music business . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ice-T released his debut album , Rhyme Pays , in 1966 . +08-13 15:28 root DEBUG He began his career as a rapper in the 1980s and was signed to Sire Records in 1987 , when he released his debut album Rhyme Pays , one of the first hip-hop albums to carry an explicit content sticker . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Military deception only overlaps with Psyduck . +08-13 15:28 root DEBUG As a form of strategic use of information -LRB- disinformation -RRB- , it overlaps with psychological warfare . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mark Osborne directed The Little Prince -LRB- 2015 film -RRB- . +08-13 15:28 root DEBUG The Little Prince is a 2015 English-language French-Italian 3D animated fantasy adventure family drama film directed by Mark Osborne and based on the 1943 novel of the same name by Antoine de Saint-Exupéry . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Strings Attached came out in 2000 . +08-13 15:28 root DEBUG No Strings Attached is a 2011 American romantic comedy film directed by Ivan Reitman and written by Elizabeth Meriwether . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An example of a seaport is Alexandria . +08-13 15:28 root DEBUG Alexandria is Egypt 's largest seaport , serving approximately 80 % of Egypt 's imports and exports . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG September was the month the American actor that plays Chumlee was born on . +08-13 15:28 root DEBUG Austin Lee Russell -LRB- born September 8 , 1982 -RRB- , better known by his stage name of Chumlee , is an American actor , businessman and reality television personality , known as a cast member on the History Channel television show Pawn Stars , which depicts the daily business at the Gold and Silver Pawn Shop in Las Vegas where Russell works as an employee . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Howard declined the video game adaptation reprisal of his role . +08-13 15:28 root DEBUG Howard played James Rhodes in Iron Man and reprised the role in the video game adaptation . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Antigua and Barbuda was named by Isabella I of Castile . +08-13 15:28 root DEBUG The country 's name was given by Christopher Columbus in 1493 after discovering the island , in honor of the Virgin of La Antigua in the Seville Cathedral . Antigua and Barbuda -LRB- -LSB- ænˈtiːɡə_ənd_bɑːrˈbjuːdə -RSB- ; -RRB- is a twin-island country in the Americas , lying between the Caribbean Sea and the Atlantic Ocean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heroes had a season with over 20 episodes . +08-13 15:28 root DEBUG The critically acclaimed first season had a run of 23 episodes and garnered an average of 14.3 million viewers in the United States , receiving the highest rating for an NBC drama premiere in five years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uta Hagan died on January 14th , 2004 . +08-13 15:28 root DEBUG Uta Thyra Hagen -LRB- 12 June 1919 -- 14 January 2004 -RRB- was an American actress and theatre practitioner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ricardo Montalbán died in 1998 . +08-13 15:28 root DEBUG Ricardo Gonzalo Pedro Montalbán y Merino , KSG -LRB- -LSB- ˌmɒntəlˈbɑːn -RSB- -LSB- montalˈβan -RSB- ; November 25 , 1920 -- January 14 , 2009 -RRB- was a Mexican actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Python gives support for object-oriented programming . +08-13 15:28 root DEBUG Python features a dynamic type system and automatic memory management and supports multiple programming paradigms , including object-oriented , imperative , functional programming , and procedural styles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jonah Hill starred in Sausage Party . +08-13 15:28 root DEBUG As a screenwriter , he contributed to the stories of 21 Jump Street , 22 Jump Street and Sausage Party -LRB- 2016 -RRB- , all of which he also starred in . It stars the voices of Seth Rogen , Kristen Wiig , Jonah Hill , Bill Hader , Michael Cera , James Franco , Danny McBride , Craig Robinson , Paul Rudd , Nick Kroll , David Krumholtz , Edward Norton , and Salma Hayek . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fidaa refused to direct Sekhar Kammula . +08-13 15:28 root DEBUG Fidaa is an upcoming Telugu film written and directed by Sekhar Kammula . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Good Day to Die Hard was directed by John Carpenter . +08-13 15:28 root DEBUG The film was directed by John Moore and written by Skip Woods , and stars Bruce Willis as John McClane . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Keener appeared in Into the Wild . +08-13 15:28 root DEBUG Keener also appeared in the films Into the Wild -LRB- 2007 -RRB- , Synecdoche , New York -LRB- 2008 -RRB- , and Get Out -LRB- 2017 -RRB- , which were well received by critics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sean Gunn is best known for his role as Thomas Edison . +08-13 15:28 root DEBUG Sean Gunn is an American actor , best known for his role as Kirk Gleason on the television show Gilmore Girls -LRB- 2000 -- 2007 -RRB- and Kraglin in Guardians of the Galaxy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nate Diaz competed . +08-13 15:28 root DEBUG Nathan Donald `` Nate '' Diaz -LRB- born April 16 , 1985 -RRB- is an American professional mixed martial artist currently competing for the Ultimate Fighting Championship -LRB- UFC -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a book called the Doctrine and Covenants in the Church of Jesus Christ of Latter-day Saints . +08-13 15:28 root DEBUG The church has an open canon which includes four scriptural texts : the Bible -LRB- both Old and New Testaments -RRB- , the Book of Mormon , the Doctrine and Covenants , and the Pearl of Great Price . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Invisible Man was only an action film with no science fiction elements . +08-13 15:28 root DEBUG The Invisible Man is an American 1933 Pre-Code science fiction horror film based on H. G. Wells ' science fiction novel The Invisible Man , published in 1897 , as adapted by R.C. Sherriff , Philip Wylie and Preston Sturges , whose work was considered unsatisfactory and who was taken off the project . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Argentina is not subdivided into twenty-three provinces . +08-13 15:28 root DEBUG The country is subdivided into twenty-three provinces -LRB- provincias , singular provincia -RRB- and one autonomous city -LRB- ciudad autónoma -RRB- , Buenos Aires , which is the federal capital of the nation -LRB- -LSB- Capital Federal , links = no -RSB- -RRB- as decided by Congress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yemen does not have an area of 203,850 square miles . +08-13 15:28 root DEBUG Yemen is the second-largest country in the peninsula , occupying 527,970 km2 -LRB- 203,850 sq mi -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Book of Mormon was the winner of a Tony Award for Best Musical . +08-13 15:28 root DEBUG The show was awarded nine Tony Awards , one of which was for Best Musical , and a Grammy Award for Best Musical Theater Album . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Robinson Crusoe on Mars was distributed solely by a Canadian film studio . +08-13 15:28 root DEBUG The film was distributed by Paramount Pictures . Paramount Pictures Corporation -LRB- also known as Paramount Pictures and simply Paramount -RRB- is an American film studio based in Hollywood , California , that has been a subsidiary of the American media conglomerate Viacom since 1994 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aeneas appeared in an epic poem . +08-13 15:28 root DEBUG He is a character in Greek mythology and is mentioned in Homer 's Iliad . The Iliad -LRB- -LSB- ˈɪliəd -RSB- Ἰλιάς , -LSB- iː.li.ás -RSB- in Classical Attic ; sometimes referred to as the Song of Ilion or Song of Ilium -RRB- is an ancient Greek epic poem in dactylic hexameter , traditionally attributed to Homer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Castlevania was developed by Bethesda . +08-13 15:28 root DEBUG Castlevania , known in Japan as , is an action-platformer video game developed and published by Konami for the Family Computer Disk System video game console in Japan in September 1986 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Move -LRB- Little Mix song -RRB- was released for download in October of 2013 . +08-13 15:28 root DEBUG The single received its first airplay in the United Kingdom on 23 September 2013 and was released for digital download on 3 November 2013 , a week before the release of Salute in that country . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A United Kingdom is a biographical romantic drama movie . +08-13 15:28 root DEBUG A United Kingdom is a 2016 British biographical romantic drama film directed by Amma Asante and written by Guy Hibbert , based on the true-life romance between Sir Seretse Khama and his wife Ruth Williams Khama . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandal is fronted by someone born on August 4 , 1957 . +08-13 15:28 root DEBUG Scandal is an American rock band from the 1980s fronted by Patty Smyth . Patricia `` Patty '' Smyth -LRB- born June 26 , 1957 -RRB- is an American singer and songwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Planet Hollywood Las Vegas is operated by a corporation based in Paris , Texas . +08-13 15:28 root DEBUG It is owned and operated by Caesars Entertainment Corporation . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Mullin played with a professional basketball team . +08-13 15:28 root DEBUG Thereafter , Mullin played with the Indiana Pacers from 1997 until the 1999 -- 2000 season . The Indiana Pacers are an American professional basketball team based in Indianapolis . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The University of Leicester discovered and identified the remains of a king in 1955 . +08-13 15:28 root DEBUG The university is most famous for the invention of genetic fingerprinting and contributing to the discovery and identification of the remains of King Richard III . The exhumation and reburial of Richard III began with the discovery of the king 's remains within the site of the former Greyfriars Friary Church in Leicester , England , in September 2012 . Following extensive anthropological and genetic testing , the remains of Richard III , the last English king killed in battle , were ultimately reinterred at Leicester Cathedral on 26 March 2015 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ares is a religious figure of Greek mythology . +08-13 15:28 root DEBUG Ares -LRB- -LSB- ˈɛəriːz -RSB- Ἄρης -LSB- árɛːs -RSB- -RRB- is the Greek god of war . The following is a list of gods , goddesses and many other divine and semi-divine figures from Ancient Greek mythology and Ancient Greek religion . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Unison -LRB- Celine Dion album -RRB- was originally released in 1977 . +08-13 15:28 root DEBUG The album was originally released on 2 April 1990 by Columbia Records . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Fortus is a Guns N ' Roses member . +08-13 15:28 root DEBUG He is best known as a member of the hard rock band Guns N ' Roses , with whom he has been a member since 2002 , and with whom he has recorded one studio album . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A novel that was written by Alice Hoffman is the basis of Practical Magic . +08-13 15:28 root DEBUG Practical Magic is a 1998 American romantic comedy film based on the 1995 novel of the same name by Alice Hoffman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The soundtrack of Far from the Madding Crowd was by an English composer . +08-13 15:28 root DEBUG The cinematography was by Nicolas Roeg and the soundtrack was by Richard Rodney Bennett . Sir Richard Rodney Bennett , CBE -LRB- 29 March 193624 December 2012 -RRB- was an English composer of film , TV and concert music , and also a jazz pianist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Punch-Drunk Love was distributed by a film studio . +08-13 15:28 root DEBUG The film was produced by Revolution Studios and New Line Cinema , and distributed by Columbia Pictures ; it features the video art of Jeremy Blake in the form of visual interludes . Columbia Pictures Industries , Inc. -LRB- known as Columbia Pictures and Columbia , and formerly CBC Film Sales Corporation -RRB- is an American film studio , production company and film distributor that is a member of the Sony Pictures Motion Picture Group , a division of Sony Entertainment 's Sony Pictures subsidiary of the Japanese conglomerate Sony . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mars is the site of Olympus Mons . +08-13 15:28 root DEBUG Mars is the site of Olympus Mons , the largest volcano and second-highest known mountain in the Solar System , and of Valles Marineris , one of the largest canyons in the Solar System . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Monster is a work of music by an American rapper . +08-13 15:28 root DEBUG `` The Monster '' is a song by American rapper Eminem , featuring guest vocals from Barbadian singer Rihanna , taken from Eminem 's album The Marshall Mathers LP 2 -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Python gives support for imperative programing . +08-13 15:28 root DEBUG Python features a dynamic type system and automatic memory management and supports multiple programming paradigms , including object-oriented , imperative , functional programming , and procedural styles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Gagliardi passed away due to cancer . +08-13 15:28 root DEBUG Gagliardi died of cancer on May 11 , 2014 , after battling cancer for eight years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Milk is an American film . +08-13 15:28 root DEBUG Milk is a 2008 American biographical film based on the life of gay rights activist and politician Harvey Milk , who was the first openly gay person to be elected to public office in California , as a member of the San Francisco Board of Supervisors . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Faye Resnick is American . +08-13 15:28 root DEBUG Faye Denise Resnick -LRB- born July 3 , 1957 -RRB- is an American television personality , author , and interior designer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Guthrie Theater 's first building included a 1,441-window thrust stage . +08-13 15:28 root DEBUG The first building was designed by Ralph Rapson , included a 1,441-seat thrust stage designed by Tanya Moiseiwitsch , and was operated from 1963 -- 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Species distribution can be understood through at least one factor . +08-13 15:28 root DEBUG It is very useful in understanding species distribution through factors such as speciation , extinction , continental drift , glaciation , variation of sea levels , river capture and available resources . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jack Lowden was an actor . +08-13 15:28 root DEBUG Jack Lowden -LRB- born 2 June 1990 -RRB- is a Scottish stage , television , and film actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chadwick Boseman was in the movie 42 . +08-13 15:28 root DEBUG He is known for portraying Jackie Robinson in 42 -LRB- 2013 -RRB- , James Brown in Get on Up -LRB- 2014 -RRB- , and T'Challa in the Marvel Studios film Captain America : Civil War -LRB- 2016 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Morgan Fairchild appeared in Paper Dolls . +08-13 15:28 root DEBUG In 1984 , she co-starred on ABC 's short-lived television drama Paper Dolls , and then appeared on Falcon Crest as attorney Jordan Roberts from 1985 to 1986 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One of the ABC Islands is Bonaire . +08-13 15:28 root DEBUG From west to east they are , in order Aruba , Curaçao , and Bonaire . The ABC islands are the three western-most islands of the Leeward Antilles in the Caribbean Sea that lie north of Falcón State , Venezuela . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Maze Runner is a motion picture . +08-13 15:28 root DEBUG The Maze Runner is a 2014 American dystopian science fiction action thriller film directed by Wes Ball , in his directorial debut , based on James Dashner 's 2009 novel of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Blue Dog Coalition was formed in the United States . +08-13 15:28 root DEBUG The Blue Dog Coalition , commonly known as the Blue Dogs or Blue Dog Democrats , is a caucus of United States Congressional Representatives from the Democratic Party who identify as conservative Democrats . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Paul von Hindenburg was a statesman . +08-13 15:28 root DEBUG Paul Ludwig Hans Anton von Beneckendorff und von Hindenburg , known generally as Paul von Hindenburg -LRB- -LSB- ˈpaʊl fɔn ˈhɪndn̩bʊɐ̯k -RSB- ; 2 October 1847 -- 2 August 1934 -RRB- was a German military officer , statesman , and politician who largely controlled German policy in the second half of World War I and served as the elected President of Germany from 1925 until his death in 1934 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Konidela Production Company is a film production company . +08-13 15:28 root DEBUG Konidela Production Company is an Indian film production company established by actor Ram Charan , son of Chiranjeevi . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beverly Hillbillies had a number of episodes that remain the most-watched . +08-13 15:28 root DEBUG The Beverly Hillbillies ranked among the top 20 most-watched programs on television for eight of its nine seasons , twice ranking as the number one series of the year , with a number of episodes that remain among the most-watched television episodes in history . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Walker -LRB- actor -RRB- was murdered in 1982 . +08-13 15:28 root DEBUG In 2016 , he starred as Patrick Bateman in the Broadway musical adaptation of the film American Psycho . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bala has received zero awards for his work . +08-13 15:28 root DEBUG He has received several awards and recognition for his work , including the National Film Award for Best Director for his fourth feature film Naan Kadavul -LRB- 2009 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Tenth Doctor travels alone during the time period 2008-2010 . +08-13 15:28 root DEBUG He eventually parts ways with them all by the end of the 2008 series finale , `` Journey 's End '' , after which he attempts to travel alone for the duration of the 2008 -- 2010 specials before being accompanied by Donna Noble 's grandfather Wilfred Mott on his final adventure in The End of Time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG June 12th , 1919 was the birth date of Uta Hagan . +08-13 15:28 root DEBUG Uta Thyra Hagen -LRB- 12 June 1919 -- 14 January 2004 -RRB- was an American actress and theatre practitioner . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A near-Earth object is abbreviated as NEO . +08-13 15:28 root DEBUG A near-Earth object -LRB- NEO -RRB- is any small Solar System body whose orbit brings it into proximity with Earth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watertown , Massachusetts is in the most populous state in New England . +08-13 15:28 root DEBUG Watertown is one of fourteen Massachusetts municipalities that have applied for , and been granted , city forms of government but wish to retain `` The town of '' in their official names . Massachusetts -LSB- mæsəˈtʃuːsᵻts -RSB- or -LSB- ˌmæsəˈtʃuːzᵻts -RSB- ; officially the Commonwealth of Massachusetts , is the most populous state in the New England region of the northeastern United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Timur defeated an enemy . +08-13 15:28 root DEBUG From that base he led military campaigns across Western , South and Central Asia , the Caucasus and southern Russia , and emerged as the most powerful ruler in the Muslim world after defeating the Mamluks of Egypt and Syria , the emerging Ottoman Empire , and the declining Delhi Sultanate . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jason Bourne has American actress Julia Stiles as part of the cast . +08-13 15:28 root DEBUG Julia Stiles , Vincent Cassel , Riz Ahmed , Ato Essandoh and Scott Shepherd also star . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Times was founded in 1980 . +08-13 15:28 root DEBUG It began in 1785 under the title , adopting its current name on 1 January 1788 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry Condell had a widow that was buried on the 2nd . +08-13 15:28 root DEBUG His widow , Elizabeth , was buried there on 3 October 1635 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A staging area is a location where , before use , vehicles are assembled . +08-13 15:28 root DEBUG A staging area -LRB- otherwise staging point , staging base or staging post -RRB- is a location where organisms , people , vehicles , equipment or material are assembled before use . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Skopje was the capital of the Bulgarian Empire and it was important . +08-13 15:28 root DEBUG During much of the early medieval period , the town was contested between the Byzantines and the Bulgarian Empire , whose capital it was between 972 and 992 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alexandria is Egyptian . +08-13 15:28 root DEBUG Alexandria -LRB- -LSB- ˌælɪɡˈzændriə -RSB- or -LSB- ˌælɪɡˈzɑːndriə -RSB- Arabic : الإسكندرية ; اسكندرية ; Ⲁⲗⲉⲝⲁⲛⲇⲣⲓⲁ , Ⲣⲁⲕⲟⲧⲉ -RRB- is the second largest city and a major economic centre in Egypt , extending about 32 km along the coast of the Mediterranean Sea in the north central part of the country . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Musala is a mountain . +08-13 15:28 root DEBUG Musala -LRB- Мусала from Arabic through Ottoman Turkish : Musalla , `` near God '' or `` place for prayer '' is the highest peak in the entire Balkan Peninsula , standing at 2,925 m -LRB- 9,596 ft -RRB- . A mountain is a large landform that stretches above the surrounding land in a limited area , usually in the form of a peak . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New Jersey Turnpike has lanes . +08-13 15:28 root DEBUG The route divides into four roadways between exit 6 and exit 14 , with the inner lanes restricted to carrying only cars , and with the outer lanes for cars , trucks and buses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Tenth Doctor spends time traveling alone . +08-13 15:28 root DEBUG He eventually parts ways with them all by the end of the 2008 series finale , `` Journey 's End '' , after which he attempts to travel alone for the duration of the 2008 -- 2010 specials before being accompanied by Donna Noble 's grandfather Wilfred Mott on his final adventure in The End of Time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Timur styled himself a ghazi . +08-13 15:28 root DEBUG Timur also decisively defeated the Christian Knights Hospitaller at the Siege of Smyrna , styling himself a ghazi . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Physics is a discipline . +08-13 15:28 root DEBUG One of the most fundamental scientific disciplines , the main goal of physics is to understand how the universe behaves . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carey Hayes died in April of 1961 . +08-13 15:28 root DEBUG Carey Hayes -LRB- born April 21 , 1961 in Portland , Oregon -RRB- is an American screenwriter and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edouard Seguin worked with children with heart issues . +08-13 15:28 root DEBUG He is remembered for his work with children having cognitive impairments in France and the United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Warren Beatty married Trevor Griffiths . +08-13 15:28 root DEBUG Beatty is the first and only person to have been twice nominated for acting in , directing , writing , and producing the same film -- first with Heaven Can Wait -LRB- 1978 -RRB- , which was co-written by Elaine May and co-directed by Buck Henry , and again with Reds , which he co-wrote with Trevor Griffiths . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl -LRB- Steven Universe -RRB- exists as a magical gemstone . +08-13 15:28 root DEBUG She is a `` Gem '' , a fictional alien being that exists as a magical gemstone projecting a holographic body . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Office -LRB- US -RRB- ran for seasons . +08-13 15:28 root DEBUG The Office is an American television comedy series that aired on NBC from March 24 , 2005 to May 16 , 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Padua has no economy or communications . +08-13 15:28 root DEBUG It is the capital of the province of Padua and the economic and communications hub of the area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Costner has been a television actor . +08-13 15:28 root DEBUG In television , Costner won the Primetime Emmy Award for Outstanding Lead Actor in a Miniseries or a Movie , the Golden Globe Award for Best Actor -- Miniseries or Television Film , and the Screen Actors Guild Award for Outstanding Performance by a Male Actor in a Miniseries or Television Movie for his role as Devil Anse Hatfield in Hatfields & McCoys -LRB- 2012 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New England Patriots holds the record for most Super Bowls reached . +08-13 15:28 root DEBUG The Patriots have appeared in the Super Bowl nine times in franchise history , the most of any team , seven of them since the arrival of head coach Bill Belichick and quarterback Tom Brady in 2000 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Babur was a conqueror . +08-13 15:28 root DEBUG Babur -LRB- -LSB- بابر , lit = Tiger , translit = Bābur -RSB- 14 February 148326 December 1530 -RRB- , born Ẓahīr-ud-Dīn Muḥammad -LRB- -LSB- ظهیرالدین محمد , translit = Ẓahīr ad-Dīn Muḥammad -RSB- -RRB- , was a conqueror from Central Asia who , following a series of setbacks , finally succeeded in laying the basis for the Mughal dynasty in the Indian subcontinent and became the first Mughal emperor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG No Way Out is a single . +08-13 15:28 root DEBUG No Way Out is the debut studio album by American hip hop recording artist , songwriter and record producer Puff Daddy . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ice-T signed to Sire Records in 1987 . +08-13 15:28 root DEBUG He began his career as a rapper in the 1980s and was signed to Sire Records in 1987 , when he released his debut album Rhyme Pays , one of the first hip-hop albums to carry an explicit content sticker . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ang Lee is a film director . +08-13 15:28 root DEBUG Ang Lee OBS -LRB- ; born October 23 , 1954 -RRB- is a Taiwanese film director , screenwriter and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth of York married in 1811 . +08-13 15:28 root DEBUG Elizabeth of York -LRB- 11 February 1466 -- 11 February 1503 -RRB- was queen consort of England from 1486 until her death . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was played at Cowboys Stadium in Texas . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ned Stark is the honorable lord of Winterfell . +08-13 15:28 root DEBUG Introduced in 1996 's A Game of Thrones , Ned is the honorable lord of Winterfell , an ancient fortress in the North of the fictional continent of Westeros . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Visigoths converted . +08-13 15:28 root DEBUG In or around 589 , the Visigoths under Reccared I converted from Arianism to Nicene Christianity , gradually adopting the culture of their Hispano-Roman subjects . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mad Max : Fury Road is a comedy film . +08-13 15:28 root DEBUG Mad Max : Fury Road is a 2015 action film co-written , co-produced and directed by George Miller . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG UNESCO 's City of Literature program aims to suppress the social , economic and cultural development of cities in both the developed and the developing world . +08-13 15:28 root DEBUG Its aim is to `` promote the social , economic and cultural development of cities in both the developed and the developing world . '' +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estelle Getty was a performer . +08-13 15:28 root DEBUG Estelle Getty -LRB- née Scher ; also known as Estelle Gettleman ; July 25 , 1923 -- July 22 , 2008 -RRB- was an American actress and comedian , who appeared in film , television , and theatre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Little Prince -LRB- 2015 film -RRB- is a English-language film . +08-13 15:28 root DEBUG The Little Prince is a 2015 English-language French-Italian 3D animated fantasy adventure family drama film directed by Mark Osborne and based on the 1943 novel of the same name by Antoine de Saint-Exupéry . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Theresa May was a councillor . +08-13 15:28 root DEBUG From 1977 until 1983 , she worked for the Bank of England , and from 1985 until 1997 at the Association for Payment Clearing Services , also serving as a councillor for Durnsford in Merton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jarhead was directed by Sam Mendes . +08-13 15:28 root DEBUG Jarhead is a 2005 American biographical war drama film based on U.S. Marine Anthony Swofford 's 2003 memoir of the same name , directed by Sam Mendes , starring Jake Gyllenhaal as Swofford with Jamie Foxx , Peter Sarsgaard and Chris Cooper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Grandin stars Claire Danes . +08-13 15:28 root DEBUG Temple Grandin is a 2010 biopic directed by Mick Jackson and starring Claire Danes as Temple Grandin , an autistic woman who revolutionized practices for the humane handling of livestock on cattle ranches and slaughterhouses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Good Day to Die Hard is the third film of the Die Hard franchise . +08-13 15:28 root DEBUG A Good Day to Die Hard is a 2013 American action thriller film and the fifth installment in the Die Hard film series . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mormon population has been growing rapidly due to high death and conversion rates . +08-13 15:28 root DEBUG Due to their high birth and conversion rates , the Mormon population has grown significantly in recent decades . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Color of Night soared at the box office . +08-13 15:28 root DEBUG Color of Night flopped at the box office and won a Golden Raspberry Award as the worst film of 1994 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New England Patriots won five Super Bowls . +08-13 15:28 root DEBUG The Patriots are tied with the 49ers and Cowboys for the second most Super Bowl wins with five . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fraud can be used for gain . +08-13 15:28 root DEBUG In law , fraud is deliberate deception to secure unfair or unlawful gain , or to deprive a victim of a legal right . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's Basketball Tournament involved 100 schools . +08-13 15:28 root DEBUG The 2003 NCAA Division I Men 's Basketball Tournament involved 65 schools playing in single-elimination play to determine the national champion of men 's NCAA Division I college basketball . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I -LRB- film -RRB- was dubbed into Spanish . +08-13 15:28 root DEBUG The film was dubbed and released in Telugu and Hindi along with the Tamil version . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Planet Hollywood Las Vegas is owned by Universal Studios . +08-13 15:28 root DEBUG It is owned and operated by Caesars Entertainment Corporation . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kaya Scodelario was nominated for two awards . +08-13 15:28 root DEBUG Following her film debut in the science-fiction film Moon -LRB- 2009 -RRB- and a role in the fantasy adventure film Clash of the Titans -LRB- 2010 -RRB- , Scodelario was nominated for the Glamour Award for PANDORA Breakthrough for her portrayal of Catherine Earnshaw in the 2011 film adaptation of Emily Brontë 's novel Wuthering Heights . In 2013 , Scodelario reprised the role of Effy in Skins Fire , and gained the supporting role of Anna Salter in the Channel 4 television drama Southcliffe -LRB- 2013 -RRB- ; she was nominated for both for the UK TV Actress Award at the 2014 GLAMOUR Women of the Year Awards . She gained wider recognition for her starring role as Teresa Agnes in dystopian science-fiction thriller The Maze Runner -LRB- 2014 -RRB- , which garnered her a third Glamour Award nomination for NEXT Breakthrough and a Teen Choice Award nomination for Choice Movie Actress : Action . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Many trees have been identified in Stanley Park . +08-13 15:28 root DEBUG Much of the park remains as densely forested as it was in the late 1800s , with about a half million trees , some of which stand as tall as 76 m and are up to hundreds of years old . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Selma to Montgomery marches were organized by nonviolent activists . +08-13 15:28 root DEBUG The marches were organized by nonviolent activists to demonstrate the desire of African-American citizens to exercise their constitutional right to vote , in defiance of segregationist repression , and were part of a broader voting rights movement underway in Selma and throughout the American South . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Argentina possesses a Congress . +08-13 15:28 root DEBUG The country is subdivided into twenty-three provinces -LRB- provincias , singular provincia -RRB- and one autonomous city -LRB- ciudad autónoma -RRB- , Buenos Aires , which is the federal capital of the nation -LRB- -LSB- Capital Federal , links = no -RSB- -RRB- as decided by Congress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War started in Virginia . +08-13 15:28 root DEBUG After a long standing controversy over slavery and state 's rights , war broke out in April 1861 , when Confederates attacked Fort Sumter in South Carolina , shortly after Abraham Lincoln was elected . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 1998 American action drama The Man in the Iron Mask was produced solely by James L. Brooks . +08-13 15:28 root DEBUG The Man in the Iron Mask is a 1998 American action drama film directed , produced , and written by Randall Wallace , and starring Leonardo DiCaprio in a dual role as the title character and villain , Jeremy Irons as Aramis , John Malkovich as Athos , Gerard Depardieu as Porthos , and Gabriel Byrne as D'Artagnan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Phoenix , Arizona is the most populous city in Arizona . +08-13 15:28 root DEBUG Phoenix -LRB- -LSB- ˈfiːnᵻks -RSB- -RRB- is the capital and most populous city of the U.S. state of Arizona . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bonobos have an estimated population of more than 60,000 . +08-13 15:28 root DEBUG There is no concrete data on population numbers , but the estimate is between 29,500 and 50,000 individuals . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 is a computer-animated movie . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ted Cruz is an American . +08-13 15:28 root DEBUG Rafael Edward `` Ted '' Cruz -LSB- ˈkruːz -RSB- -LRB- born December 22 , 1970 -RRB- is an American politician and attorney , who has served as the junior United States Senator from Texas since 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tye Sheridan was cut from The Tree of Life . +08-13 15:28 root DEBUG Sheridan made his feature film debut in Terrence Malick 's experimental drama film The Tree of Life -LRB- 2011 -RRB- and had his first leading role in Jeff Nichols 's film Mud -LRB- 2012 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Java is an landform . +08-13 15:28 root DEBUG Java -LRB- Indonesian : Jawa ; Javanese : ꦗꦮ ; Sundanese : -RRB- is an island of Indonesia . An island or isle is any piece of sub-continental land that is surrounded by water . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG MSG is used in the food industry . +08-13 15:28 root DEBUG MSG is used in the food industry as a flavor enhancer with an umami taste that intensifies the meaty , savory flavor of food , as naturally occurring glutamate does in foods such as stews and meat soups . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The second most populous municipality of Spain is Barcelona . +08-13 15:28 root DEBUG Barcelona -LRB- -LSB- bɑrsəˈloʊnə -RSB- , -LSB- bəɾsəˈlonə -RSB- , -LSB- barθeˈlona -RSB- -RRB- is the capital city of the autonomous community of Catalonia in the Kingdom of Spain , as well as the country 's second most populous municipality , with a population of 1.6 million within city limits . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caesar is a play . +08-13 15:28 root DEBUG Caesar is the title of Orson Welles 's innovative 1937 adaptation of William Shakespeare 's Julius Caesar , a modern-dress bare-stage production that evoked comparison to contemporary Fascist Italy and Nazi Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dodo has been depicted with green feet . +08-13 15:28 root DEBUG It has been depicted with brownish-grey plumage , yellow feet , a tuft of tail feathers , a grey , naked head , and a black , yellow , and green beak . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henri Kontinen 's brother is an active tennis player . +08-13 15:28 root DEBUG His brother Micke is a retired tennis player . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anne Boleyn is influential . +08-13 15:28 root DEBUG She has been called `` the most influential and important queen consort England has ever had '' , for she provided the occasion for Henry VIII to annul his marriage to Catherine of Aragon and declare his independence from the Holy See . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ekta Kapoor produced Kumkum Bhagya . +08-13 15:28 root DEBUG Kapoor has also produced the television series Naagin , Ye Hai Mohabbatein , Kumkum Bhagya , Kavach and Kasam Tere Pyaar Ki . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Warcraft premiered in Paris before the Rio Olympics . +08-13 15:28 root DEBUG Warcraft premiered in Paris on May 24 , 2016 , and was released by Universal Pictures in the United States on June 10 , 2016 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aldous Huxley published things . +08-13 15:28 root DEBUG Mid career and later , he published travel writing , film stories , and scripts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry III of France was murdered by the president of the local secularist reading group . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . During the French Wars of Religion , Clément became fanatically religious and an ardent partisan of the Catholic League . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vera Wang is based in New York . +08-13 15:28 root DEBUG Vera Ellen Wang -LRB- , -LSB- u̯ɑ̌ŋ u̯éɪ̯u̯éɪ̯ -RSB- ; born June 27 , 1949 -RRB- is an American fashion designer based in New York City . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chris Benoit 's middle name is Michael . +08-13 15:28 root DEBUG Christopher Michael Benoit -LRB- -LSB- bəˈnwa -RSB- ; May 21 , 1967 -- June 24 , 2007 -RRB- was a Canadian professional wrestler . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Florida State University was designated as the only `` preeminent '' state university by the governor and state legislature . +08-13 15:28 root DEBUG Florida Governor Rick Scott and the state legislature designated Florida State University as one of two `` preeminent '' state universities in the spring of 2013 among the twelve universities of the State University System of Florida . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gotham City Sirens contained no art . +08-13 15:28 root DEBUG Gotham City Sirens is an American comic book series was written by Paul Dini with art by Guillem March and published by DC Comics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scaramouche is a stock character of a clown . +08-13 15:28 root DEBUG Scaramuccia -LRB- literally `` little skirmisher '' -RRB- , also known as Scaramouche or Scaramouch , is a stock clown character of the Italian commedia dell ` arte . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georges Gilles de la Tourette described things . +08-13 15:28 root DEBUG Tourette described the symptoms of Tourette 's syndrome in nine patients in 1884 , using the name `` maladie des tics '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There were 3,090,953 Mormon members in the mid 20th century . +08-13 15:28 root DEBUG The number of members in 1971 was 3,090,953 and now in 2017 based on the Annual Report , there are 15,882,417 worldwide . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One drama film is An Education . +08-13 15:28 root DEBUG An Education is a 2009 coming-of-age drama film based on a memoir of the same name by British journalist Lynn Barber . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney 's full name is Kenneth Arnold Chesney . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Wolfgang Amadeus Mozart was born in Salzburg in 1756 . +08-13 15:28 root DEBUG Wolfgang Amadeus Mozart -LRB- -LSB- ˈwʊlfɡæŋ_æməˈdeɪəs_ˈmoʊtsɑrt -RSB- ; -LSB- ˈvɔlfɡaŋ amaˈdeːʊs ˈmoːtsaʁt -RSB- ; 27 January 1756 -- 5 December 1791 -RRB- , baptised as Johannes Chrysostomus Wolfgangus Theophilus Mozart , was a prolific and influential composer of the Classical era . Born in Salzburg , he showed prodigious ability from his earliest childhood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aestheticism favors aesthetics over socio-political themes . +08-13 15:28 root DEBUG Aestheticism -LRB- also the Aesthetic Movement -RRB- is an intellectual and art movement supporting the emphasis of aesthetic values more than social-political themes for literature , fine art , music and other arts . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The current Duke of York has only male heirs . +08-13 15:28 root DEBUG Prince Andrew currently has no male heirs and has been unmarried since his 1996 divorce . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Secretary 's cast included James Spader . +08-13 15:28 root DEBUG He is best known for portraying eccentric characters in films such as the drama Sex , Lies , and Videotape -LRB- 1989 -RRB- , the action science fiction film Stargate -LRB- 1994 -RRB- , the controversial psychological thriller Crash -LRB- 1996 -RRB- , the erotic romance Secretary -LRB- 2002 -RRB- , and the blockbuster superhero film Avengers : Age of Ultron -LRB- 2015 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American actor that plays Chumlee was born on April . +08-13 15:28 root DEBUG Austin Lee Russell -LRB- born September 8 , 1982 -RRB- , better known by his stage name of Chumlee , is an American actor , businessman and reality television personality , known as a cast member on the History Channel television show Pawn Stars , which depicts the daily business at the Gold and Silver Pawn Shop in Las Vegas where Russell works as an employee . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ice-T made an album . +08-13 15:28 root DEBUG Records , and his next solo album , Home Invasion , was released later in February 1993 through Priority Records . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hyksos practiced horse burials . +08-13 15:28 root DEBUG The Hyksos practiced horse burials , and their chief deity , their native storm god , Baal , became associated with the Egyptian storm and desert god , Set . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Acetylcholine induces neuromodulation . +08-13 15:28 root DEBUG Major neuromodulators in the central nervous system include dopamine , serotonin , acetylcholine , histamine , and norepinephrine . In the brain , acetylcholine functions as a neurotransmitter and as a neuromodulator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a brand named Yves Saint Laurent . +08-13 15:28 root DEBUG Yves Saint Laurent YSL -LRB- -LSB- iv sɜ̃n lɔ.ʁɑ̃ -RSB- ; also known as Saint Laurent Paris -RRB- is a French luxury fashion house founded by Yves Saint Laurent and his partner , Pierre Bergé . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cambridgeshire 's county council is a council . +08-13 15:28 root DEBUG Local government is divided between Cambridgeshire County Council and Peterborough City Council , which is a separate unitary authority . Cambridgeshire County Council is the county council of Cambridgeshire , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Richard Dawson is dead . +08-13 15:28 root DEBUG Richard Dawson -LRB- born Colin Lionel Emm ; 20 November 1932 -- 2 June 2012 -RRB- was a British-American actor and comedian , and a game show host and panellist in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zac Efron was born in 1950 . +08-13 15:28 root DEBUG Zachary David Alexander Efron -LRB- born October 18 , 1987 -RRB- is an American actor and singer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vampires were undead beings . +08-13 15:28 root DEBUG In European folklore , vampires were undead beings that often visited loved ones and caused mischief or deaths in the neighbourhoods they inhabited when they were alive . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arthur Schopenhauer died in 1788 . +08-13 15:28 root DEBUG Arthur Schopenhauer -LRB- -LSB- ˈaɐ̯tʊɐ̯ ˈʃoːpm̩ˌhaʊ̯ɐ -RSB- ; 22 February 1788 -- 21 September 1860 -RRB- was a German philosopher . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gamal Abdel Nasser 's funeral drew five million mourners . +08-13 15:28 root DEBUG His funeral in Cairo drew five million mourners and an outpouring of grief across the Arab world . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War ended in 1845 . +08-13 15:28 root DEBUG The American Civil War was fought in the United States from 1861 to 1865 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedic Sanskrit is the language used in the Vedas . +08-13 15:28 root DEBUG It is the ancient language of the Vedas of Hinduism , texts compiled over the period of the mid-2nd to mid-1st millennium BCE . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games are a film trilogy . +08-13 15:28 root DEBUG The Hunger Games film series consists of four science fiction dystopian adventure films based on The Hunger Games trilogy of novels , by the American author Suzanne Collins . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War took place outside of the United States . +08-13 15:28 root DEBUG The American Civil War was fought in the United States from 1861 to 1865 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny & Cher are rock singers . +08-13 15:28 root DEBUG Sonny & Cher were an American pop music duo , actors , singers and entertainers made up of husband-and-wife Sonny and Cher Bono in the 1960s and 1970s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kyle Maclachlan is incapable of being nominated from anything . +08-13 15:28 root DEBUG MacLachlan has won a Golden Globe Award for Best Actor -- Television Series Drama and has been nominated for two Emmy Awards , all for Twin Peaks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veep has multiple seasons . +08-13 15:28 root DEBUG It has been nominated five years in a row for the Primetime Emmy Award for Outstanding Comedy Series , winning the award for its fourth and fifth seasons . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG An all-seater stadium is a stadium . +08-13 15:28 root DEBUG An all-seater stadium is a sports stadium in which every spectator has a seat . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Moray regained control of north Scotland . +08-13 15:28 root DEBUG He led the rising in north Scotland in the summer of 1297 against the occupation by King Edward I of England , successfully regaining control of the area for King John Balliol . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jiang Wen is a film actor . +08-13 15:28 root DEBUG Jiang Wen -LRB- born 5 January 1963 -RRB- is a Chinese film actor , screenwriter , and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jamie Lee Curtis was in film . +08-13 15:28 root DEBUG She made her film debut in 1978 by starring as Laurie Strode in John Carpenter 's Halloween -LRB- 1978 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zoe Saldana was born on June 19 . +08-13 15:28 root DEBUG Zoe Saldana-Perego -LRB- born Zoe Yadira Saldaña Nazario , June 19 , 1978 -RRB- , known professionally as Zoe Saldana or Zoë Saldana , is an American actress and dancer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Icelandic Coast Guard is responsible for Iceland 's maritime search and destroy . +08-13 15:28 root DEBUG The Icelandic Coast Guard -LRB- , Landhelgisgæslan or simply Gæslan -RRB- is the service responsible for Iceland 's coastal defense and maritime and aeronautical search and rescue . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Levoamphetamine makes you fall asleep . +08-13 15:28 root DEBUG Levoamphetamine , also known as levamfetamine -LRB- INN -RRB- , -LRB- R -RRB- - amphetamine , - amphetamine , and L-amphetamine , is a central nervous system -LRB- CNS -RRB- stimulant known to increase wakefulness and concentration in association with decreased appetite and fatigue . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Arjit Singh is Indian . +08-13 15:28 root DEBUG Arijit Singh is an Indian Musician , singer , composer , music producer , recordist , and music programmer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Chinatown was directed by Roman Polanski . +08-13 15:28 root DEBUG Chinatown is a 1974 American neo-noir mystery film , directed by Roman Polanski from a screenplay by Robert Towne , starring Jack Nicholson and Faye Dunaway . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hinduism contains a philosophical range . +08-13 15:28 root DEBUG Although Hinduism contains a broad range of philosophies , it is linked by shared concepts , recognisable rituals , cosmology , shared textual resources , and pilgrimage to sacred sites . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Species distribution can be understood through factors like extinction . +08-13 15:28 root DEBUG It is very useful in understanding species distribution through factors such as speciation , extinction , continental drift , glaciation , variation of sea levels , river capture and available resources . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan is on the crossroads of Central and Western Asia . +08-13 15:28 root DEBUG Pakistan -LRB- -LSB- pɑːkᵻˈstɑːn -RSB- -LSB- -RRB- , officially the Islamic Republic of Pakistan -LRB- -LSB- -RRB- , is a federal parliamentary republic in South Asia on the crossroads of Central and Western Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Trouble with the Curve was directed by a person . +08-13 15:28 root DEBUG Trouble with the Curve is a 2012 sports-drama film directed by Robert Lorenz , and starring Clint Eastwood , Amy Adams , Justin Timberlake , Matthew Lillard and John Goodman . Robert Lorenz is an American film producer and director , best known for his collaborations with Clint Eastwood . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side is a boat . +08-13 15:28 root DEBUG See You on the Other Side is the seventh studio album by Korn . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Alexandria is in Egypt . +08-13 15:28 root DEBUG Alexandria -LRB- -LSB- ˌælɪɡˈzændriə -RSB- or -LSB- ˌælɪɡˈzɑːndriə -RSB- Arabic : الإسكندرية ; اسكندرية ; Ⲁⲗⲉⲝⲁⲛⲇⲣⲓⲁ , Ⲣⲁⲕⲟⲧⲉ -RRB- is the second largest city and a major economic centre in Egypt , extending about 32 km along the coast of the Mediterranean Sea in the north central part of the country . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adidas manufactures items . +08-13 15:28 root DEBUG Adidas AG -LRB- -LSB- ˈadiˌdas -RSB- -RRB- -LRB- stylised as adidas since 1949 -RRB- is a German multinational corporation , headquartered in Herzogenaurach , Germany , that designs and manufactures shoes , clothing and accessories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Romani people originated in Southern France . +08-13 15:28 root DEBUG The Romani -LRB- also spelled Romany ; -LSB- ˈroʊməni -RSB- , -LSB- ˈrɒ - -RSB- -RRB- , or Roma , are a traditionally nomadic ethnic group , living mostly in Europe and the Americas and originating from the northern regions of the Indian subcontinent , +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Foot Locker operates in only 11 countries . +08-13 15:28 root DEBUG Foot Locker Retail , Inc. is an American sportswear and footwear retailer , with its headquarters in Midtown Manhattan , New York City , and operating in 28 countries worldwide . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Japan national football team is incapable of qualifying for the last five consecutive FIFA World Cups . +08-13 15:28 root DEBUG Japan is one of the most successful teams in Asia , having qualified for the last five consecutive FIFA World Cups with second round advancements in 2002 & 2010 , and having won the AFC Asian Cup a record four times in 1992 , 2000 , 2004 & 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Emmanuel Macron was employed as an investment banker . +08-13 15:28 root DEBUG A former civil servant and investment banker , he studied philosophy at Paris Nanterre University , completed a Master 's of Public Affairs at Sciences Po , and graduated from the École nationale d'administration -LRB- ENA -RRB- in 2004 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The remains of a king were discovered and identified by the University of Leicester . +08-13 15:28 root DEBUG The university is most famous for the invention of genetic fingerprinting and contributing to the discovery and identification of the remains of King Richard III . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benzodiazepines are always safe . +08-13 15:28 root DEBUG High doses of many shorter-acting benzodiazepines may also cause anterograde amnesia and dissociation . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Konidela Production Company was brought together by a man who acts . +08-13 15:28 root DEBUG Konidela Production Company is an Indian film production company established by actor Ram Charan , son of Chiranjeevi . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In Kentucky , the electric chair has been retired except for those whose capital crimes were committed prior to March 31 , 1998 , and who choose electrocution as their preferred mode of death . +08-13 15:28 root DEBUG In the state of Kentucky the electric chair has been retired except for those whose capital crimes were committed prior to March 31 , 1998 , and who choose electrocution ; inmates who do not choose electrocution and inmates who committed their crimes after the designated date are executed by lethal injection . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Research is used to test the validity of procedures . +08-13 15:28 root DEBUG To test the validity of instruments , procedures , or experiments , research may replicate elements of prior projects or the project as a whole . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG George III of the United Kingdom experienced Great Britain as a dominant European power , including over the territories it controlled in America and India . +08-13 15:28 root DEBUG However , many of Britain 's American colonies were soon lost in the American War of Independence . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Menace II Society is set in the 1800s . +08-13 15:28 root DEBUG The film is set in the 1990s South Central Los Angeles , California . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pearl -LRB- Steven Universe -RRB- is a magical gemstone . +08-13 15:28 root DEBUG She is a `` Gem '' , a fictional alien being that exists as a magical gemstone projecting a holographic body . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Howard Hinton was born in the UK in 1853 . +08-13 15:28 root DEBUG Charles Howard Hinton -LRB- 1853 , United Kingdom -- 30 April 1907 , Washington D.C. , United States -RRB- was a British mathematician and writer of science fiction works titled Scientific Romances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prince Charles and Lady Diana divorced in July 1981 . +08-13 15:28 root DEBUG The wedding of Charles , Prince of Wales , and Lady Diana Spencer took place on Wednesday 29 July 1981 at St Paul 's Cathedral , London , United Kingdom . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Solanum contains the horse nettles . +08-13 15:28 root DEBUG It also contains the nightshades and horse nettles , as well as numerous plants cultivated for their ornamental flowers and fruit . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Web applications generate dynamic web pages . +08-13 15:28 root DEBUG A static web page is delivered exactly as stored , as web content in the web server 's file system , while a dynamic web page is generated by a web application that is driven by server-side software or client-side scripting . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dave Grohl was in Probot . +08-13 15:28 root DEBUG Probot was a heavy metal side project of ex-Nirvana drummer and Foo Fighters rhythm guitarist and lead-singer Dave Grohl . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was certified gold in the US on January 7 , 2006 . +08-13 15:28 root DEBUG The album was first certified gold in the United States on January 12 , 2006 ; a subsequent platinum record certification was awarded on March 16 , 2006 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keith Stanfield was born on August 12 , 1991 . +08-13 15:28 root DEBUG LaKeith Lee `` Keith '' Stanfield -LRB- born August 12 , 1991 -RRB- is an American actor and rapper . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meghan Markle is an actress . +08-13 15:28 root DEBUG Rachel Meghan Markle -LRB- born August 4 , 1981 -RRB- is an American actress , humanitarian , and activist . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On January 5 , 1998 , Sonny Bono perished . +08-13 15:28 root DEBUG Salvatore Phillip `` Sonny '' Bono -LRB- -LSB- ˈboʊnoʊ -RSB- February 16 , 1935 -- January 5 , 1998 -RRB- was an American singer , producer , and politician who came to fame in partnership with his second wife Cher , as the popular singing duo Sonny & Cher . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fraud is to deprive a villain of a legal right . +08-13 15:28 root DEBUG In law , fraud is deliberate deception to secure unfair or unlawful gain , or to deprive a victim of a legal right . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carol Danvers is a fictional character . +08-13 15:28 root DEBUG Carol Danvers is a fictional character appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ding Yanyuhang was born in April of 1993 . +08-13 15:28 root DEBUG Ding Yanyuhang -LRB- alternate spelling : Yan Yu Hang -RRB- -LRB- , born August 20 , 1993 -RRB- is a Chinese professional basketball player . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Block -LRB- album -RRB- was released by the band the New Kids on the Block in 1998 . +08-13 15:28 root DEBUG The Block is the fifth studio album by New Kids on the Block . The album was released on September 2 , 2008 , along with a deluxe edition that included four bonus tracks . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Java is in Indonesia . +08-13 15:28 root DEBUG Java -LRB- Indonesian : Jawa ; Javanese : ꦗꦮ ; Sundanese : -RRB- is an island of Indonesia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Ellen Show stars Ellen DeGeneres . +08-13 15:28 root DEBUG The Ellen Show is a television sitcom created by and starring Ellen DeGeneres that was broadcast during the 2001 -- 02 season on CBS . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maggie Q starred in a TV series . +08-13 15:28 root DEBUG She is known for starring in the action films Mission : Impossible III and Live Free or Die Hard and played the title role of The CW 's action-thriller series Nikita , airing from 2010 to 2013 . Nikita is an American television series that aired on The CW from September 9 , 2010 to December 27 , 2013 in the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matt Bomer is from Earth . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Legendary Entertainment is owned by the owner of Wanda Cinemas . +08-13 15:28 root DEBUG Since 2016 , Legendary has been a subsidiary of the Chinese conglomerate Wanda Group . Wanda Group , or Dalian Wanda , is a Chinese multinational conglomerate corporation and the world 's biggest private property developer and owner and the world 's largest cinema chain operator , owning Wanda Cinemas and the Hoyts Group , as well as a majority share of AMC Theatres . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edward Cullen is in books . +08-13 15:28 root DEBUG Edward Cullen -LRB- né Edward Anthony Masen -RRB- is a fictional character in Stephenie Meyer 's Twilight series . Twilight -LRB- stylized as twilight -RRB- -LRB- 2005 -RRB- is a young adult vampire-romance novel by author Stephenie Meyer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kate Walsh has yet to be on anything produced by Netflix . +08-13 15:28 root DEBUG Her roles include Dr. Addison Montgomery on the ABC television dramas Grey 's Anatomy and Private Practice , Rebecca Wright on the short-lived NBC sitcom Bad Judge , and Olivia Baker on the Netflix drama series 13 Reasons Why . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fuller House -LRB- TV series -RRB- is a sequel to a Full House . +08-13 15:28 root DEBUG Fuller House is an American family sitcom and sequel to the 1987 -- 95 television series Full House , airing as a Netflix original series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ice-T was a rapper . +08-13 15:28 root DEBUG Tracy Lauren Marrow -LRB- born February 16 , 1958 -RRB- , better known by his stage name Ice-T , is an American rapper , metal vocalist and actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Danish language has speakers in Sweden . +08-13 15:28 root DEBUG There are also minor Danish-speaking communities in Norway , Sweden , Spain , the United States , Canada , Brazil and Argentina . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Pakistan Movement was the result of a series of transformations in Iraq . +08-13 15:28 root DEBUG The Pakistan Movement was the result of a series of social , political , and intellectual transformations in Pakistani society , government , and ways of thinking . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Japan national football team had second round advancements in 2010 . +08-13 15:28 root DEBUG Japan is one of the most successful teams in Asia , having qualified for the last five consecutive FIFA World Cups with second round advancements in 2002 & 2010 , and having won the AFC Asian Cup a record four times in 1992 , 2000 , 2004 & 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG B. R. Ambedkar was the recipient of an award . +08-13 15:28 root DEBUG In 1990 , the Bharat Ratna , India 's highest civilian award , was posthumously conferred upon Ambedkar . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Moray regained control of north Scotland for King John Balliol . +08-13 15:28 root DEBUG He led the rising in north Scotland in the summer of 1297 against the occupation by King Edward I of England , successfully regaining control of the area for King John Balliol . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Andrew Moray favored English rule of Scotland . +08-13 15:28 root DEBUG He led the rising in north Scotland in the summer of 1297 against the occupation by King Edward I of England , successfully regaining control of the area for King John Balliol . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Incredibles 2 will not be given an IMAX release . +08-13 15:28 root DEBUG The movie is scheduled to be released on June 15 , 2018 and will be given an IMAX release . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Raja Hindustani had a director . +08-13 15:28 root DEBUG Raja Hindustani -LRB- translation : Indian King -RRB- is a 1996 Indian blockbuster Hindi-language drama romance film directed by Dharmesh Darshan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lorelai Gilmore 's mother was named Kelly Bishop . +08-13 15:28 root DEBUG The dynamic of single parenthood and the tension between Lorelai and her wealthy parents , Richard -LRB- Edward Herrmann -RRB- and especially her controlling mother , Emily -LRB- Kelly Bishop -RRB- , form the main theme of the series story line . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Salt River Valley is in the middle part of Arizona . +08-13 15:28 root DEBUG The Salt River Valley is an extensive valley on the Salt River in central Arizona , which contains the Phoenix Metropolitan Area . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Independent Spirit Awards have always been held in Germany . +08-13 15:28 root DEBUG The awards show is held inside a tent on the beach in Santa Monica , California , usually on the day before the Academy Awards -LRB- since 1999 ; originally the Saturday before -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Numenius lived in at least one place . +08-13 15:28 root DEBUG Numenius of Apamea was a Greek philosopher , who lived in Apamea in Syria and flourished during the latter half of the 2nd century AD . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There was a film where Josh Hutcherson was in a lead role . +08-13 15:28 root DEBUG During the same period he also played a lead role in Journey 2 : The Mysterious Island -LRB- 2012 -RRB- and a voice role in the animated film Epic -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mellila is a Spanish town . +08-13 15:28 root DEBUG Melilla -LRB- -LSB- məˈliːjə -RSB- ; -LSB- meˈliʎa -RSB- , -LSB- meˈliʝa -RSB- ; Mřič -LSB- , Maliliyyah -RRB- is a Spanish autonomous city located on the north coast of Africa , sharing a border with Morocco with an area of 12.3 km2 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan is officially known as the Islamic Republic of Pakistan . +08-13 15:28 root DEBUG Pakistan -LRB- -LSB- pɑːkᵻˈstɑːn -RSB- -LSB- -RRB- , officially the Islamic Republic of Pakistan -LRB- -LSB- -RRB- , is a federal parliamentary republic in South Asia on the crossroads of Central and Western Asia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There are 201 episodes of The Office -LRB- US -RRB- . +08-13 15:28 root DEBUG The show debuted on NBC as a mid-season replacement and ran for nine seasons and 201 episodes . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Mount is related to Judaism . +08-13 15:28 root DEBUG It has been venerated as a holy site for thousands of years by Judaism , Christianity , and Islam . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Veep is a show . +08-13 15:28 root DEBUG Veep is an American political satire comedy television series , starring Julia Louis-Dreyfus , that premiered on HBO on April 22 , 2012 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Warren Beatty worked with Trevor Griffiths . +08-13 15:28 root DEBUG Beatty is the first and only person to have been twice nominated for acting in , directing , writing , and producing the same film -- first with Heaven Can Wait -LRB- 1978 -RRB- , which was co-written by Elaine May and co-directed by Buck Henry , and again with Reds , which he co-wrote with Trevor Griffiths . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benzodiazepine was globally the least prescribed medication in 1977 . +08-13 15:28 root DEBUG In 1977 benzodiazepines were globally the most prescribed medications . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daenerys Targaryen is a character in a George R. R. Martin series . +08-13 15:28 root DEBUG Daenerys Targaryen is a fictional character in George R. R. Martin 's A Song of Ice and Fire series of novels , as well as the television adaptation , Game of Thrones , where she is portrayed by Emilia Clarke . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Port of Spain is the capital of an island . +08-13 15:28 root DEBUG Port of Spain is the capital city of the Republic of Trinidad and Tobago and the country 's third-largest municipality , after Chaguanas and San Fernando . Trinidad and Tobago -LRB- -LSB- ˈtrɪnᵻˌdæd_ən_təˈbeɪɡoʊ -RSB- , -LSB- - toʊˈ - -RSB- -RRB- , officially the Republic of Trinidad and Tobago , is a twin island country situated off the northern edge of the South American mainland , lying just 11 km off the coast of northeastern Venezuela and 130 km south of Grenada . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Joy of Painting was made by Bob Ross . +08-13 15:28 root DEBUG He was the creator and host of The Joy of Painting , an instructional television program that aired from 1983 to 1994 on PBS in the United States , and also aired in Canada , Latin America , and Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Resident Evil is the first installment in the Resident Evil video game series . +08-13 15:28 root DEBUG It is the first installment in the Resident Evil film series , which is loosely based on the Capcom survival horror video game series Resident Evil . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Computer chips became Virginia 's most valuable export in 2002 . +08-13 15:28 root DEBUG Virginia 's economy changed from primarily agricultural to industrial during the 1960s and 1970s , and in 2002 computer chips became the state 's leading export by monetary value . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cary Elwes is English . +08-13 15:28 root DEBUG Ivan Simon Cary Elwes -LRB- -LSB- ˈɛlwɪs -RSB- born 26 October 1962 -RRB- , known professionally as Cary Elwes , is an English actor and writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louie -LRB- season 1 -RRB- was created by Edward Kitsis . +08-13 15:28 root DEBUG Louie was created by Louis C.K. , who serves as the series ' sole writer and director . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moscovium is a synthetic element , first synthesized in 1997 . +08-13 15:28 root DEBUG It was first synthesized in 2003 by a joint team of Russian and American scientists at the Joint Institute for Nuclear Research -LRB- JINR -RRB- in Dubna , Russia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John DiMaggio had a role on Teen Titans . +08-13 15:28 root DEBUG Other voice-over roles of his include Dr. Drakken and Motor Ed on Kim Possible , Brother Blood on Teen Titans , Rico in The Penguins of Madagascar , Fu Dog and Ogre In American Dragon : Jake Long , Niblet on Pound Puppies , the Scotsman on Samurai Jack , and as the voice of Shnitzel on Chowder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Levoamphetamine improves the ability to stay conscious and awake . +08-13 15:28 root DEBUG Levoamphetamine , also known as levamfetamine -LRB- INN -RRB- , -LRB- R -RRB- - amphetamine , - amphetamine , and L-amphetamine , is a central nervous system -LRB- CNS -RRB- stimulant known to increase wakefulness and concentration in association with decreased appetite and fatigue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SZA is an American Neo Soul singer . +08-13 15:28 root DEBUG SZA is a Neo Soul singer whose music is described as Alternative R&B , with elements of soul , hip hop , minimalist R&B , cloud rap , ethereal R&B , witch house and chillwave . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Key & Peele has been nominated for an award . +08-13 15:28 root DEBUG Key & Peele won a Peabody Award and two Primetime Emmy Awards and has been nominated for various other awards , including Writers Guild Award , NAACP Image Award and 16 additional Primetime Emmy Awards in various categories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Toy Story 2 was produced by Pixar Animation Studios . +08-13 15:28 root DEBUG Toy Story 2 is a 1999 American computer-animated comedy adventure film produced by Pixar Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Dravidian language is what Fidaa is in . +08-13 15:28 root DEBUG Fidaa is an upcoming Telugu film written and directed by Sekhar Kammula . Telugu -LRB- -LSB- langpronˈtɛlᵿɡuː -RSB- telugu , -LSB- t̪el̪uɡu -RSB- -RRB- is a Dravidian language native to India . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kodokan judo was a primary influence upon Brazilian jiu-jitsu . +08-13 15:28 root DEBUG Brazilian Jiu-Jitsu was formed from Kodokan judo ground fighting -LRB- newaza -RRB- fundamentals that were taught by a number of individuals including Takeo Yano , Mitsuyo Maeda and Soshihiro Satake . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen King has published 54 video games . +08-13 15:28 root DEBUG King has published 54 novels , including seven under the pen name Richard Bachman , and six non-fiction books . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Project Y 's mission was to design the Taj Mahal . +08-13 15:28 root DEBUG Its mission was to design and build the first atomic bombs . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sonny Bono was a singer . +08-13 15:28 root DEBUG Salvatore Phillip `` Sonny '' Bono -LRB- -LSB- ˈboʊnoʊ -RSB- February 16 , 1935 -- January 5 , 1998 -RRB- was an American singer , producer , and politician who came to fame in partnership with his second wife Cher , as the popular singing duo Sonny & Cher . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Hardwicke is from the United States . +08-13 15:28 root DEBUG Catherine Hardwicke -LRB- born Helen Catherine Hardwicke ; -RRB- is an American film director , production designer and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Spader is known for his hatred of eccentric characters . +08-13 15:28 root DEBUG He is best known for portraying eccentric characters in films such as the drama Sex , Lies , and Videotape -LRB- 1989 -RRB- , the action science fiction film Stargate -LRB- 1994 -RRB- , the controversial psychological thriller Crash -LRB- 1996 -RRB- , the erotic romance Secretary -LRB- 2002 -RRB- , and the blockbuster superhero film Avengers : Age of Ultron -LRB- 2015 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG University of Chicago Law School is ranked fourth by Brain Leiter on the `` Top 15 Schools From Which the Most ` Prestigious ' Law Firms Hire New Lawyers . '' +08-13 15:28 root DEBUG Chicago is ranked second by Brian Leiter of the University of Chicago Law School on the `` Top 15 Schools From Which the Most ` Prestigious ' Law Firms Hire New Lawyers , '' and first for `` Faculty quality based on American Academy of Arts and Sciences Membership . '' +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Little Prince -LRB- 2015 film -RRB- is directed by Michael Bay only . +08-13 15:28 root DEBUG The Little Prince is a 2015 English-language French-Italian 3D animated fantasy adventure family drama film directed by Mark Osborne and based on the 1943 novel of the same name by Antoine de Saint-Exupéry . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vedic Sanskrit is the language of texts of Hinduism . +08-13 15:28 root DEBUG It is the ancient language of the Vedas of Hinduism , texts compiled over the period of the mid-2nd to mid-1st millennium BCE . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anxiety can heighten other issues . +08-13 15:28 root DEBUG Furthermore , anxiety has been linked with physical symptoms such as IBS and can heighten other mental health illnesses such as OCD and panic disorder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hit is a film . +08-13 15:28 root DEBUG The Hit is a 1984 British road crime film directed by Stephen Frears and starring John Hurt , Terence Stamp , Laura del Sol and Tim Roth . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Blank Space is on a top 10 list in the country Czech Republic . +08-13 15:28 root DEBUG It also charted in the top 10 in numerous countries , such as Austria , Czech Republic , Germany , New Zealand , Spain , and the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Salman Rushdie was a winner of the Booker Prize . +08-13 15:28 root DEBUG His second novel , Midnight 's Children -LRB- 1981 -RRB- , won the Booker Prize in 1981 and was deemed to be `` the best novel of all winners '' on two separate occasions , marking the 25th and the 40th anniversary of the prize . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Skopje was the capital of an Empire . +08-13 15:28 root DEBUG During much of the early medieval period , the town was contested between the Byzantines and the Bulgarian Empire , whose capital it was between 972 and 992 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American Civil War was fought by volunteers and conscripts . +08-13 15:28 root DEBUG The North and South quickly raised volunteer and conscription armies that fought mostly in the South over four years . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Maltese language is an unofficial language of the European Union . +08-13 15:28 root DEBUG Maltese -LRB- links = no -RRB- is the national language of Malta and a co-official language of the country alongside English , while also serving as an official language of the European Union , the only Semitic language so distinguished . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Birmingham is a place . +08-13 15:28 root DEBUG Birmingham -LRB- -LSB- ˈbɜːmɪŋəm -RSB- -RRB- is a city and metropolitan borough in the West Midlands , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Keener appeared in the 2009 film Get Out . +08-13 15:28 root DEBUG Keener also appeared in the films Into the Wild -LRB- 2007 -RRB- , Synecdoche , New York -LRB- 2008 -RRB- , and Get Out -LRB- 2017 -RRB- , which were well received by critics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Netscape Navigator was produced by a Netscape Communications . +08-13 15:28 root DEBUG It was the flagship product of the Netscape Communications Corp and was the dominant web browser in terms of usage share in the 1990s , but by 2002 its usage had almost disappeared . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Silver Surfer is a fictional character . +08-13 15:28 root DEBUG The Silver Surfer is a fictional superhero appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Beverly Hillbillies had only one season . +08-13 15:28 root DEBUG The Beverly Hillbillies is an American sitcom originally broadcast on CBS for nine seasons , from September 26 , 1962 , to March 23 , 1971 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tangled is a 3D television show . +08-13 15:28 root DEBUG Tangled is a 2010 American 3D computer-animated musical fantasy-comedy film produced by Walt Disney Animation Studios and released by Walt Disney Pictures . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles Howard Hinton was a writer . +08-13 15:28 root DEBUG Charles Howard Hinton -LRB- 1853 , United Kingdom -- 30 April 1907 , Washington D.C. , United States -RRB- was a British mathematician and writer of science fiction works titled Scientific Romances . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Ross released Hood Billionaire in 2010 . +08-13 15:28 root DEBUG In 2009 , Ross founded the record label Maybach Music Group , on which he released his studio albums Deeper Than Rap -LRB- 2009 -RRB- , Teflon Don -LRB- 2010 -RRB- , God Forgives , I Do n't -LRB- 2012 -RRB- , Mastermind , Hood Billionaire -LRB- 2014 -RRB- , Black Market -LRB- 2015 -RRB- , and Rather You Than Me -LRB- 2017 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carol Danvers appears only in comic books published by DC . +08-13 15:28 root DEBUG Carol Danvers is a fictional character appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shomu Mukherjee died at the age of 64 . +08-13 15:28 root DEBUG He died of a heart attack on 10 April 2008 at the age of 64 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Grandin was directed by Mick Jackson . +08-13 15:28 root DEBUG Temple Grandin is a 2010 biopic directed by Mick Jackson and starring Claire Danes as Temple Grandin , an autistic woman who revolutionized practices for the humane handling of livestock on cattle ranches and slaughterhouses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rehab won an award . +08-13 15:28 root DEBUG It won three Grammy Awards at the 50th ceremony , including Record of the Year , Song of the Year , and Best Female Pop Vocal Performance . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Keener appeared in a movie . +08-13 15:28 root DEBUG Keener also appeared in the films Into the Wild -LRB- 2007 -RRB- , Synecdoche , New York -LRB- 2008 -RRB- , and Get Out -LRB- 2017 -RRB- , which were well received by critics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pharmacology deals with the elucidation of molecular and organismal function in relation to chemicals . +08-13 15:28 root DEBUG More specifically , it is the study of the interactions that occur between a living organism and chemicals that affect normal or abnormal biochemical function . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ares is a deity . +08-13 15:28 root DEBUG Ares -LRB- -LSB- ˈɛəriːz -RSB- Ἄρης -LSB- árɛːs -RSB- -RRB- is the Greek god of war . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kareena Kapoor was initially successful . +08-13 15:28 root DEBUG This initial success was followed by a series of commercial failures and repetitive roles , which garnered her negative reviews . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Amy Winehouse never died on 23 July 2011 . +08-13 15:28 root DEBUG Amy Jade Winehouse -LRB- 14 September 1983 -- 23 July 2011 -RRB- was an English singer and songwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG American Idol -LRB- season 8 -RRB- had Simon Cowell as a judge . +08-13 15:28 root DEBUG Judges Simon Cowell , Paula Abdul , and Randy Jackson continued to judge the show 's contestants , along with Ryan Seacrest as host . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Charles de Gaulle was a Polish Resistance leader . +08-13 15:28 root DEBUG Despite frosty relations with Britain and especially the United States , he emerged as the undisputed leader of the French resistance . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mercedes-Benz is a part of a company from Germany . +08-13 15:28 root DEBUG Mercedes-Benz -LRB- -LSB- mɛʁˈtseːdəsˌbɛnts -RSB- -RRB- is a global automobile manufacturer and a division of the German company Daimler AG . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Mormon population has been growing rapidly due to high birth and conversion pizzas . +08-13 15:28 root DEBUG Due to their high birth and conversion rates , the Mormon population has grown significantly in recent decades . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Icelandic Coast Guard is rarely responsible for Iceland 's coastal defense . +08-13 15:28 root DEBUG The Icelandic Coast Guard -LRB- , Landhelgisgæslan or simply Gæslan -RRB- is the service responsible for Iceland 's coastal defense and maritime and aeronautical search and rescue . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Woodrow Wilson did not work in the United States . +08-13 15:28 root DEBUG Thomas Woodrow Wilson -LRB- December 28 , 1856 -- February 3 , 1924 -RRB- was an American politician and academic who served as the 28th President of the United States from 1913 to 1921 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gray Matters was only directed by Ron Howard . +08-13 15:28 root DEBUG Gray Matters is a 2006 romantic comedy film directed by Sue Kramer , starring Heather Graham , Tom Cavanagh and Bridget Moynahan . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dulquer Salmaan was nominated for a Filmfare Award . +08-13 15:28 root DEBUG He received his first Filmfare Award for Best Actor nomination for his performance in Ustad Hotel -LRB- 2012 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Reanimation is by Green Day . +08-13 15:28 root DEBUG Reanimation is the first remix album by American rock band Linkin Park as a follow-up to their first studio album , Hybrid Theory , and released on July 30 , 2002 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vampire Academy is a 2014 film . +08-13 15:28 root DEBUG Vampire Academy -LRB- also known as Vampire Academy : Blood Sisters -RRB- is a 2014 American fantasy comedy film based on Richelle Mead 's 2007 best-selling novel of the same name , directed by Mark Waters , and scripted by Daniel Waters . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Malta may be the Melita mentioned in the Acts of the Apostles . +08-13 15:28 root DEBUG Malta has a long Christian legacy and its Archdiocese of Malta is claimed to be an apostolic see because , according to Acts of the Apostles , St Paul was shipwrecked on `` Melita '' , now widely taken to be Malta . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Loretta Sanchez was born on January 7 , 1950 . +08-13 15:28 root DEBUG Loretta L. Sánchez -LRB- born January 7 , 1960 -RRB- is an American politician who served in the United States House of Representatives from 1997 to 2017 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dan Trachtenberg has avoided filmmaking entirely . +08-13 15:28 root DEBUG Dan Trachtenberg is an American filmmaker and podcast host . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG I Want to Know What Love Is is only a book . +08-13 15:28 root DEBUG `` I Want to Know What Love Is '' is a power ballad by the British-American rock band Foreigner . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maggie Q played a role in Nikita . +08-13 15:28 root DEBUG She is known for starring in the action films Mission : Impossible III and Live Free or Die Hard and played the title role of The CW 's action-thriller series Nikita , airing from 2010 to 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Clueless -LRB- film -RRB- was followed by a series of books . +08-13 15:28 root DEBUG The film was followed by a spin-off television sitcom and series of books . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nina Jacobson is an executive for film . +08-13 15:28 root DEBUG Nina Jacobson -LRB- born 1965 -RRB- is an American film executive who , until July 2006 , was president of the Buena Vista Motion Pictures Group , a subsidiary of The Walt Disney Company . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Manchester United 's current name is the Newton Heath LYR Football Club . +08-13 15:28 root DEBUG Nicknamed `` the Red Devils '' , the club was founded as Newton Heath LYR Football Club in 1878 , changed its name to Manchester United in 1902 and moved to its current stadium , Old Trafford , in 1910 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Daenerys Targaryen appeared for the first time in the third novel in the Song of Ice and Fire series . +08-13 15:28 root DEBUG Introduced in 1996 's A Game of Thrones , Daenerys -LRB- along with her older brother , Viserys -RRB- is one of the last confirmed members of House Targaryen who , until fifteen years before the events of the first novel , had ruled from the Iron Throne for nearly three hundred years . A Game of Thrones is the first novel in A Song of Ice and Fire , a series of fantasy novels by American author George R. R. Martin . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Woman in Black was produced by Hammer Film Productions in 2012 . +08-13 15:28 root DEBUG Since then it has produced several films , including Let Me In -LRB- 2010 -RRB- , The Resident -LRB- 2011 -RRB- , The Woman in Black -LRB- 2012 -RRB- and The Quiet Ones -LRB- 2014 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Silver Surfer is portrayed in comic books of American origin . +08-13 15:28 root DEBUG The Silver Surfer is a fictional superhero appearing in American comic books published by Marvel Comics . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Konidela Production Company was established by a Russian novelist . +08-13 15:28 root DEBUG Konidela Production Company is an Indian film production company established by actor Ram Charan , son of Chiranjeevi . Ram Charan is an Indian film actor , dancer , producer , businessman and entrepreneur , who works in Telugu cinema . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There was a political event in Cyprus . +08-13 15:28 root DEBUG Cyprus was placed under British administration based on Cyprus Convention in 1878 and formally annexed by Britain in 1914 . The Cyprus Convention of 4 June 1878 was a secret agreement reached between the United Kingdom and the Ottoman Empire which granted control of Cyprus to Great Britain in exchange for its support of the Ottomans during the Congress of Berlin . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The X-Files starred David Duchovny . +08-13 15:28 root DEBUG In January 2016 , a tenth season of The X-Files aired , featuring Carter as executive producer and writer , and starring David Duchovny and Gillian Anderson . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estelle Getty could be seen in film . +08-13 15:28 root DEBUG Estelle Getty -LRB- née Scher ; also known as Estelle Gettleman ; July 25 , 1923 -- July 22 , 2008 -RRB- was an American actress and comedian , who appeared in film , television , and theatre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG American Sniper -LRB- book -RRB- is about a sniper with 170 officially confirmed kills . +08-13 15:28 root DEBUG With 255 kills , 160 of them officially confirmed by the Pentagon , Kyle is the deadliest marksman in U.S. military history . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Exit the King is a drama . +08-13 15:28 root DEBUG Exit the King -LRB- Le Roi se meurt -RRB- is an absurdist drama by Eugène Ionesco that premiered in 1962 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG L. Ron Hubbard died in 1996 . +08-13 15:28 root DEBUG Lafayette Ronald Hubbard -LRB- March 13 , 1911 -- January 24 , 1986 -RRB- , better known as L. Ron Hubbard -LRB- -LSB- ɛl_rɒn_ˈhʌˌbərd -RSB- -RRB- and often referred to by his initials , LRH , was an American author and the founder of the Church of Scientology . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Peru remains a member of the Group of 15 to this day . +08-13 15:28 root DEBUG Chile , Iran and Kenya have since joined the Group of 15 , whereas Yugoslavia is no longer part of the group ; Peru , a founding member-state , decided to leave the G-15 in 2011 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pocahontas was from the state of Virginia . +08-13 15:28 root DEBUG Pocahontas -LRB- born Matoaka , known as Amonute , 1596 -- 1617 -RRB- was a Native American woman notable for her association with the colonial settlement at Jamestown , Virginia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Malta lacks an archdiocese . +08-13 15:28 root DEBUG Malta has a long Christian legacy and its Archdiocese of Malta is claimed to be an apostolic see because , according to Acts of the Apostles , St Paul was shipwrecked on `` Melita '' , now widely taken to be Malta . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A.J. Styles is a professional wrestler . +08-13 15:28 root DEBUG Allen Neal Jones -LRB- born June 2 , 1977 -RRB- , best known by the ring name A.J. Styles -LRB- also stylized as AJ Styles -RRB- , is an American professional wrestler currently signed to WWE performing on the SmackDown brand . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hollow Man has a sequel released in 2006 named Hollow Man 2 . +08-13 15:28 root DEBUG A direct-to-video stand-alone sequel called Hollow Man 2 starring Christian Slater and Peter Facinelli was released in 2006 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georgians arose from an ancient kingdom on the coast of the Black Sea and they are significant . +08-13 15:28 root DEBUG Georgians arose from the ancient Colchian and Iberian civilizations . Colchis -LRB- -LSB- ˈkɒlkɪs -RSB- კოლხეთი Kolkheti ; Greek Κολχίς Kolkhis -RRB- was an ancient kingdom and region on the coast of the Black Sea , centered in present-day western Georgia . The Georgians or Kartvelians -LRB- -LSB- ქართველები , tr -RSB- -RRB- are a nation and ethnic group who constitute a majority of the population in Georgia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Quiet was directed by a squid . +08-13 15:28 root DEBUG The Quiet is a 2005 American drama thriller film directed by Jamie Babbit and starring Camilla Belle and Elisha Cuthbert . Jamie Merill Babbit -LRB- born November 16 , 1970 -RRB- is an American film director , producer and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georges Gilles de la Tourette described things . +08-13 15:28 root DEBUG Tourette described the symptoms of Tourette 's syndrome in nine patients in 1884 , using the name `` maladie des tics '' . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Macklemore is an American hip hop artist . +08-13 15:28 root DEBUG Benjamin Hammond Haggerty -LRB- born June 19 , 1983 -RRB- , known by his stage name Macklemore -LRB- -LSB- ˈmæk.ləmɔr -RSB- -RRB- and formerly Professor Mack Lemore , is an American hip hop recording artist from Kent , Washington . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Marvel Comics character Daredevil is the basis for the TV series of the same name . +08-13 15:28 root DEBUG Marvel 's Daredevil , or simply Daredevil , is an American web television series created for Netflix by Drew Goddard , based on the Marvel Comics character of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen Hillenburg directed The SpongeBob SquarePants Movie . +08-13 15:28 root DEBUG The film was directed by series creator Stephen Hillenburg and starred the series ' cast of Tom Kenny , Bill Fagerbakke , Clancy Brown , Rodger Bumpass and Mr. Lawrence , with guest performances by Scarlett Johansson , Jeffrey Tambor , Alec Baldwin and David Hasselhoff . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Watertown , Massachusetts is a Dutch city . +08-13 15:28 root DEBUG The Town of Watertown is a city in Middlesex County , Massachusetts , United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Blue Dog Coalition was formed in 1997 . +08-13 15:28 root DEBUG It was formed in 1995 during the 104th Congress to give more conservative members from the Democratic party a unified voice after the Democrats ' loss of Congress in the U.S. Congressional election of 1994 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Raven -LRB- 2012 film -RRB- was released in the United States in May of 2012 . +08-13 15:28 root DEBUG It was released in Canada , Ireland , and the United Kingdom on March 9 , 2012 and in the United States on April 27 , 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Younger is a television series . +08-13 15:28 root DEBUG Younger is an American single-camera comedy-drama television series based on the Pamela Redmond Satran novel of the same name , created and produced by Darren Star . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estelle Getty was an American . +08-13 15:28 root DEBUG Estelle Getty -LRB- née Scher ; also known as Estelle Gettleman ; July 25 , 1923 -- July 22 , 2008 -RRB- was an American actress and comedian , who appeared in film , television , and theatre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lee Daniels directed a film based on the novel `` Push . '' +08-13 15:28 root DEBUG He produced Monster 's Ball and directed Precious , which received six Academy Award nominations , including Best Director ; the film won two of the awards . Precious : Base on Nol by Saf -LRB- Based on the Novel `` Push '' by Sapphire -RRB- , or simply Precious , is a 2009 American drama film , directed and co-produced by Lee Daniels . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Multicellular organisms include most animals . +08-13 15:28 root DEBUG All species of animals , land plants and most fungi are multicellular , as are many algae , whereas a few organisms are partially uni - and partially multicellular , like slime molds and social amoebae such as the genus Dictyostelium . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG See You on the Other Side was certified gold in the US in January 2016 . +08-13 15:28 root DEBUG The album was first certified gold in the United States on January 12 , 2006 ; a subsequent platinum record certification was awarded on March 16 , 2006 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Jefferson Davis was born in Maine . +08-13 15:28 root DEBUG Davis was born in Kentucky to a moderately prosperous farmer , and grew up on his older brother Joseph 's large cotton plantations in Mississippi and Louisiana . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story is an American movie from 2004 . +08-13 15:28 root DEBUG DodgeBall : A True Underdog Story is a 2004 American sports comedy film written and directed by Rawson Marshall Thurber and starring Vince Vaughn and Ben Stiller . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Anna Nicole Smith was a model for Guess . +08-13 15:28 root DEBUG She modeled for fashion companies including Guess , H&M , Heatherette , and Lane Bryant . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johann Wolfgang von Goethe published Hermann and Dorothea . +08-13 15:28 root DEBUG During this period , Goethe published his second novel , Wilhelm Meister 's Apprenticeship , the verse epic Hermann and Dorothea , and , in 1808 , the first part of his most celebrated drama , Faust . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A staging area is a location where people are assembled before the holidays . +08-13 15:28 root DEBUG A staging area -LRB- otherwise staging point , staging base or staging post -RRB- is a location where organisms , people , vehicles , equipment or material are assembled before use . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yvonne Strahovski has only worked on movies . +08-13 15:28 root DEBUG She is best known for her roles as CIA Agent Sarah Walker in the NBC series Chuck -LRB- 2007 -- 2012 -RRB- , Hannah McKay in the Showtime series Dexter -LRB- 2012 -- 2013 -RRB- and CIA Agent Kate Morgan in the Fox limited event television series 24 : Live Another Day -LRB- 2014 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Mount is where Christians turn towards during prayer . +08-13 15:28 root DEBUG The location is the holiest site in Judaism and is the place Jews turn towards during prayer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estonia borders the Arctic Ocean . +08-13 15:28 root DEBUG It is bordered to the north by the Gulf of Finland , to the west by the Baltic Sea , to the south by Latvia -LRB- 343 km -RRB- , and to the east by Lake Peipus and Russia -LRB- 338.6 km -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In the country Germany , Blank Space is on a top 10 list . +08-13 15:28 root DEBUG It also charted in the top 10 in numerous countries , such as Austria , Czech Republic , Germany , New Zealand , Spain , and the United Kingdom . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Boeing 767 is used for transatlantic flights . +08-13 15:28 root DEBUG In the 1990s , the 767 became the most frequently used airliner for transatlantic flights between North America and Europe . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Moesia excludes all of the territory of modern-day Central Serbia . +08-13 15:28 root DEBUG It included most of the territory of modern-day Central Serbia and the northern parts of the modern Republic of Macedonia -LRB- Moesia Superior -RRB- , as well Northern Bulgaria and Romanian Dobrudja -LRB- Moesia Inferior -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Planet Hollywood Las Vegas is operated by Universal Studios . +08-13 15:28 root DEBUG It is owned and operated by Caesars Entertainment Corporation . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Therasia is a European island . +08-13 15:28 root DEBUG Therasia , also known as Thirasía , is an island in the volcanic island group of Santorini in the Greek Cyclades . Greece -LRB- Ελλάδα , -LSB- eˈlaða -RSB- -RRB- , officially the Hellenic Republic -LRB- Greek : Ελληνική Δημοκρατία , -LSB- eliniˈci ðimokraˈti.a -RSB- -RRB- , historically also known as Hellas -LRB- Ἑλλάς , -LSB- heˈlas -RSB- , modern pronunciation Ellás -RRB- , is a country in southeastern Europe , with a population of approximately 11 million as of 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mandy Moore had a career in music . +08-13 15:28 root DEBUG Amanda Leigh Moore -LRB- born April 10 , 1984 -RRB- is an American singer-songwriter and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Doxycycline may cause heightened risk of sunburn . +08-13 15:28 root DEBUG Common side effects include diarrhea , nausea , vomiting , a red rash , and an increased risk of a sunburn . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG George Harrison got divorced from Pattie Boyd in 1979 . +08-13 15:28 root DEBUG Harrison 's first marriage , to model Pattie Boyd in 1966 , ended in divorce in 1977 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Riz Ahmed was an actor in a miniseries about crime . +08-13 15:28 root DEBUG He also starred in the HBO miniseries The Night Of as Nasir Khan ; the show and his performance were critically lauded , earning him Golden Globe and SAG nominations . The Night Of is an American eight-part crime drama television miniseries based on Criminal Justice , a 2008 -- 09 British television series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Granite is a solid . +08-13 15:28 root DEBUG Granite -LRB- -LSB- pronˈɡrænᵻt -RSB- -RRB- is a common type of felsic intrusive igneous rock that is granular and phaneritic in texture . Igneous rock is formed through the cooling and solidification of magma or lava . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Last Song -LRB- film -RRB- was partly filmed on a pier . +08-13 15:28 root DEBUG Filming lasted from June 15 to August 18 , 2009 with much of it occurring on the island 's beach and pier . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Castlevania is a video game . +08-13 15:28 root DEBUG Castlevania , known in Japan as , is an action-platformer video game developed and published by Konami for the Family Computer Disk System video game console in Japan in September 1986 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Islamabad is a capital city . +08-13 15:28 root DEBUG Islamabad -LRB- -LSB- ɪzˈlɑːməˌbɑːd -RSB- -LSB- , , -LSB- ɪsˌlɑːmɑˈbɑːd̪ -RSB- -RRB- is the capital city of Pakistan located within the federal Islamabad Capital Territory . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Antigua is also known as Hawaii . +08-13 15:28 root DEBUG Antigua -LRB- -LSB- ænˈtiːɡə -RSB- -RRB- , also known as Waladli or Wadadli by the native population , is an island in the West Indies . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barcelona is the least populated municipality in Spain . +08-13 15:28 root DEBUG Barcelona -LRB- -LSB- bɑrsəˈloʊnə -RSB- , -LSB- bəɾsəˈlonə -RSB- , -LSB- barθeˈlona -RSB- -RRB- is the capital city of the autonomous community of Catalonia in the Kingdom of Spain , as well as the country 's second most populous municipality , with a population of 1.6 million within city limits . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG MSG is a savory flavor enhancer . +08-13 15:28 root DEBUG MSG is used in the food industry as a flavor enhancer with an umami taste that intensifies the meaty , savory flavor of food , as naturally occurring glutamate does in foods such as stews and meat soups . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matt Bomer has a middle name . +08-13 15:28 root DEBUG Matthew Staton Bomer -LRB- born October 11 , 1977 -RRB- is an American actor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adidas designs items . +08-13 15:28 root DEBUG Adidas AG -LRB- -LSB- ˈadiˌdas -RSB- -RRB- -LRB- stylised as adidas since 1949 -RRB- is a German multinational corporation , headquartered in Herzogenaurach , Germany , that designs and manufactures shoes , clothing and accessories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fringe only aired on the WB . +08-13 15:28 root DEBUG It premiered on the Fox Broadcasting network on September 9 , 2008 , and concluded on January 18 , 2013 , after five seasons and 100 episodes . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Floyd Mayweather Jr. has made 30 career boxing knockouts in different special event professional boxing fights . +08-13 15:28 root DEBUG He finished his career with a record of 26 wins without a loss or draw in world title fights -LRB- 10 by KO -RRB- ; 23 wins -LRB- 9 KOs -RRB- in lineal title fights ; 24 wins -LRB- 7 KOs -RRB- against former or current world titlists ; 12 wins -LRB- 3 KOs -RRB- against former or current lineal champions ; and 2 wins -LRB- 1 KO -RRB- against International Boxing Hall of Fame inductees . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ayananka Bose is a person . +08-13 15:28 root DEBUG Ayananka Bose is an Indian cinematographer of Bollywood movies . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Little Prince -LRB- 2015 film -RRB- is directed by Peter Jackson . +08-13 15:28 root DEBUG The Little Prince is a 2015 English-language French-Italian 3D animated fantasy adventure family drama film directed by Mark Osborne and based on the 1943 novel of the same name by Antoine de Saint-Exupéry . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John DiMaggio has had roles on multiple shows . +08-13 15:28 root DEBUG John William DiMaggio -LRB- born September 4 , 1968 -RRB- is an American actor , voice actor and comedian , known for his gruff voice , and for his work as Bender from the television show Futurama , Jake the Dog on Adventure Time , and Marcus Fenix in the hit Xbox video game Gears Of War . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The ABC islands are part of the Caribbean . +08-13 15:28 root DEBUG The ABC islands are the three western-most islands of the Leeward Antilles in the Caribbean Sea that lie north of Falcón State , Venezuela . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Malta has a form of Christianity as its official religion . +08-13 15:28 root DEBUG Catholicism is the official religion in Malta . The Catholic Church , also known as the Roman Catholic Church , is the largest Christian Church , with more than 1.29 billion members worldwide . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Franklin was a person . +08-13 15:28 root DEBUG Benjamin Franklin FRS , FRSE -LRB- April 17 , 1790 -RRB- was one of the Founding Fathers of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Keegan-Michael Key appeared at the White House Correspondents ' Dinner . +08-13 15:28 root DEBUG In 2015 , Key appeared at the White House Correspondents ' Dinner as the character Luther , President Barack Obama 's anger translator . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louie -LRB- season 1 -RRB- is a comedy-drama television show . +08-13 15:28 root DEBUG The first season of the American television comedy series Louie premiered on June 29 , 2010 and concluded on September 7 , 2010 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Half Girlfriend 's principal photography began in June of 2016 . +08-13 15:28 root DEBUG Principal photography commenced in June 2016 and filming locations include Delhi , Mumbai , Patna , Dumraon , Varanasi , New York City and Cape Town . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Innovation is often also viewed as the application of much better solutions that meet new requirements . +08-13 15:28 root DEBUG However , innovation is often also viewed as the application of better solutions that meet new requirements , unarticulated needs , or existing market needs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Spader starred in a film . +08-13 15:28 root DEBUG He is best known for portraying eccentric characters in films such as the drama Sex , Lies , and Videotape -LRB- 1989 -RRB- , the action science fiction film Stargate -LRB- 1994 -RRB- , the controversial psychological thriller Crash -LRB- 1996 -RRB- , the erotic romance Secretary -LRB- 2002 -RRB- , and the blockbuster superhero film Avengers : Age of Ultron -LRB- 2015 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Saturn Award for Best Fantasy Film is given to the best fantasy movie . +08-13 15:28 root DEBUG The Saturn Award for Best Fantasy Film is an award presented to the best film in the fantasy genre by the Academy of Science Fiction , Fantasy & Horror Films . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG From November 1963 to July 1969 Alan Shepard was Chief of the Astronaut Office . +08-13 15:28 root DEBUG He was Chief of the Astronaut Office from November 1963 to July 1969 -LRB- the approximate period of his grounding -RRB- , and from June 1971 until his retirement from the United States Navy and NASA on August 1 , 1974 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estelle Getty 's nationality is American . +08-13 15:28 root DEBUG Estelle Getty -LRB- née Scher ; also known as Estelle Gettleman ; July 25 , 1923 -- July 22 , 2008 -RRB- was an American actress and comedian , who appeared in film , television , and theatre . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Louie -LRB- season 1 -RRB- was created by Louis C.K. +08-13 15:28 root DEBUG Louie was created by Louis C.K. , who serves as the series ' sole writer and director . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Firefox is a browser . +08-13 15:28 root DEBUG Mozilla Firefox -LRB- or simply Firefox -RRB- is a free and open-source web browser developed by the Mozilla Foundation and its subsidiary the Mozilla Corporation . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maximum Overdrive is a 1986 science fiction action horror comedy film written and directed by Stephen King . +08-13 15:28 root DEBUG Maximum Overdrive is a 1986 American science fiction action horror comedy film written and directed by Stephen King . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Two and a Half Men is a television sitcom . +08-13 15:28 root DEBUG Two and a Half Men is an American television sitcom that originally aired on CBS for twelve seasons from September 22 , 2003 to February 19 , 2015 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Times is a newspaper . +08-13 15:28 root DEBUG The Times is a British daily -LRB- Monday to Saturday -RRB- national newspaper based in London , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benjamin Franklin was born on April 17th , 1790 . +08-13 15:28 root DEBUG Benjamin Franklin FRS , FRSE -LRB- April 17 , 1790 -RRB- was one of the Founding Fathers of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a spirit named Absinthe . +08-13 15:28 root DEBUG It is an anise-flavoured spirit derived from botanicals , including the flowers and leaves of Artemisia absinthium -LRB- `` grand wormwood '' -RRB- , together with green anise , sweet fennel , and other medicinal and culinary herbs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aphrodite is unmarried . +08-13 15:28 root DEBUG In Greek myth , the other gods feared that Aphrodite 's beauty might lead to conflict and war , through rivalry for her favours ; so Zeus married her off to Hephaestus . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sensitive Skin 's first series aired in a country . +08-13 15:28 root DEBUG Series 1 aired in Australia on ABC TV in mid-2007 -LRB- repeated 2009 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG 2014 was when Annie was released . +08-13 15:28 root DEBUG Annie is a 2014 American musical comedy-drama film directed by Will Gluck and produced by Village Roadshow Pictures and Will Smith 's Overbrook Entertainment for Sony Pictures ' Columbia Pictures . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice was directed by James Cameron . +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film to be directed by Lewis Gilbert , who later directed the 1977 film The Spy Who Loved Me and the 1979 film Moonraker , both starring Roger Moore . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Food Network is available in the United States . +08-13 15:28 root DEBUG Food Network -LRB- legally known as Television Food Network -RRB- is an American basic cable and satellite television channel that is owned by Television Food Network , G.P. , a joint venture between Scripps Networks Interactive -LRB- which owns 70 % of the network -RRB- and the Tribune -LRB- FN -RRB- Cable Ventures Inc. -LRB- which owns the remaining 30 % -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hezbollah received zero support from Syria . +08-13 15:28 root DEBUG Hezbollah receives military training , weapons , and financial support from Iran , and political support from Syria . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG R. I. Pocock subordinated the Bengal tiger . +08-13 15:28 root DEBUG Bengal is traditionally fixed as the typical locality for the binomen Panthera tigris , to which the British taxonomist Reginald Innes Pocock subordinated the Bengal tiger in 1929 under the trinomen Panthera tigris tigris . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Punisher stars Jon Bernthal as the comic book character of the same title . +08-13 15:28 root DEBUG The series revolves around Frank Castle , who uses lethal methods to fight crime as the vigilante `` the Punisher '' , with Jon Bernthal reprising the role from Daredevil . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG James Brolin is from the United States . +08-13 15:28 root DEBUG James Brolin -LRB- -LSB- ˈbroʊlᵻn -RSB- born July 18 , 1940 -RRB- is an American actor , producer , and director , best known for his roles in film and television , including sitcoms and soap operas . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Chaperone -LRB- film -RRB- is a 2011 film . +08-13 15:28 root DEBUG The Chaperone is a 2011 American comedy film directed by Stephen Herek , and also produced by WWE Studios . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The 66th Primetime Emmy Awards was hosted by an Iraqi comedian born in 1973 . +08-13 15:28 root DEBUG Comedian and Late Night host Seth Meyers hosted the ceremony for the first time . Seth Adam Meyers -LRB- born December 28 , 1973 -RRB- is an American comedian , writer , producer , political commentator , actor , media critic , and television host . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Team Fortress 2 development was led by Robin Walker . +08-13 15:28 root DEBUG The development is led by John Cook and Robin Walker , creators of the original Team Fortress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nina Jacobson gave birth in 1965 . +08-13 15:28 root DEBUG Nina Jacobson -LRB- born 1965 -RRB- is an American film executive who , until July 2006 , was president of the Buena Vista Motion Pictures Group , a subsidiary of The Walt Disney Company . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Attenborough directed programs for BBC Television . +08-13 15:28 root DEBUG He is also a former senior manager at the BBC , having served as controller of BBC Two and director of programming for BBC Television in the 1960s and 1970s . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The IPhone 4 is a type of telephone . +08-13 15:28 root DEBUG The iPhone 4 is a smartphone that was designed and marketed by Apple Inc. . Smartphones , which are typically pocket-sized -LRB- as opposed to tablets , which are much larger in measurement -RRB- , have the ability to place and receive voice/video calls and create and receive text messages , have personal digital assistants -LRB- such as Siri , Google Assistant , Alexa , Cortana , or Bixby -RRB- , an event calendar , a media player , video games , GPS navigation , digital camera and digital video camera . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zac Efron was born in 1785 . +08-13 15:28 root DEBUG Zachary David Alexander Efron -LRB- born October 18 , 1987 -RRB- is an American actor and singer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG NXT Tag Team Championship was created by the UFC . +08-13 15:28 root DEBUG The NXT Tag Team Championship is a professional wrestling tag team championship created and promoted by the American professional wrestling promotion WWE on their developmental brand , NXT . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Incredibles 2 is a film . +08-13 15:28 root DEBUG The Incredibles 2 is an upcoming 2018 American 3D computer-animated superhero film , and is the sequel to The Incredibles -LRB- 2004 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carey Hayes was born in Portland , Oregon . +08-13 15:28 root DEBUG Carey Hayes -LRB- born April 21 , 1961 in Portland , Oregon -RRB- is an American screenwriter and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice was worked on by a man . +08-13 15:28 root DEBUG The film 's screenplay was written by Roald Dahl , and loosely based on Ian Fleming 's 1964 novel of the same name . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Carey Hayes was born in Maine . +08-13 15:28 root DEBUG Carey Hayes -LRB- born April 21 , 1961 in Portland , Oregon -RRB- is an American screenwriter and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The English Wikipedia is an Arabic-language edition of Wikipedia . +08-13 15:28 root DEBUG The English Wikipedia is the English-language edition of the free online encyclopedia Wikipedia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mercedes-Benz is a company of which Daimler AG is a division . +08-13 15:28 root DEBUG Mercedes-Benz -LRB- -LSB- mɛʁˈtseːdəsˌbɛnts -RSB- -RRB- is a global automobile manufacturer and a division of the German company Daimler AG . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Brie Larson has zero interest in ever becoming an actress . +08-13 15:28 root DEBUG Brianne Sidonie Desaulniers -LRB- born October 1 , 1989 -RRB- , known professionally as Brie Larson , is an American actress , director , and singer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A Good Day to Die Hard 's director was John Moore . +08-13 15:28 root DEBUG The film was directed by John Moore and written by Skip Woods , and stars Bruce Willis as John McClane . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Bonobos were separated from the ancestors of the common chimpanzee . +08-13 15:28 root DEBUG Bonobos live south of the river , and thereby were separated from the ancestors of the common chimpanzee , which live north of the river . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lorelai Gilmore 's father was played by James Dean . +08-13 15:28 root DEBUG The dynamic of single parenthood and the tension between Lorelai and her wealthy parents , Richard -LRB- Edward Herrmann -RRB- and especially her controlling mother , Emily -LRB- Kelly Bishop -RRB- , form the main theme of the series story line . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Both passenger and commercial vehicles are designed by Volkswagen Group . +08-13 15:28 root DEBUG It designs , manufactures and distributes passenger and commercial vehicles , motorcycles , engines , and turbomachinery and offers related services including financing , leasing and fleet management . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Antigua and Barbuda was named by Christopher Columbus in 1493 . +08-13 15:28 root DEBUG The country 's name was given by Christopher Columbus in 1493 after discovering the island , in honor of the Virgin of La Antigua in the Seville Cathedral . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Johann Wolfgang von Goethe became janitor of the theater at Weimar in 1791 . +08-13 15:28 root DEBUG In 1791 , he was made managing director of the theatre at Weimar , and in 1794 he began a friendship with the dramatist , historian , and philosopher Friedrich Schiller , whose plays he premiered until Schiller 's death in 1805 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Brat Pack is a nickname given to a group of five young actors . +08-13 15:28 root DEBUG The `` core '' members are considered to be Emilio Estevez , Anthony Michael Hall , Rob Lowe , Andrew McCarthy , Demi Moore , Judd Nelson , Molly Ringwald , and Ally Sheedy . The Brat Pack is a nickname given to a group of young actors who frequently appeared together in teen-oriented coming-of-age films in the 1980s . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ann Biderman is an American . +08-13 15:28 root DEBUG Ann Biderman -LRB- born August 15 , 1951 -RRB- is an American film and television writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Punisher has nothing to do with Frank Castle . +08-13 15:28 root DEBUG The series revolves around Frank Castle , who uses lethal methods to fight crime as the vigilante `` the Punisher '' , with Jon Bernthal reprising the role from Daredevil . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aeneas is in mythology . +08-13 15:28 root DEBUG He is a character in Greek mythology and is mentioned in Homer 's Iliad . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Airbus A380 made its first flight in 2005 . +08-13 15:28 root DEBUG The A380 made its first flight on 27 April 2005 and entered commercial service on 25 October 2007 with Singapore Airlines . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Victor Frankenstein is an American movie from 2015 . +08-13 15:28 root DEBUG Victor Frankenstein is a 2015 American science fiction fantasy horror film based on contemporary adaptations of Mary Shelley 's 1818 novel Frankenstein . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pocahontas was born Matoaka . +08-13 15:28 root DEBUG Pocahontas -LRB- born Matoaka , known as Amonute , 1596 -- 1617 -RRB- was a Native American woman notable for her association with the colonial settlement at Jamestown , Virginia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hinduism 's rituals are recognizable . +08-13 15:28 root DEBUG Although Hinduism contains a broad range of philosophies , it is linked by shared concepts , recognisable rituals , cosmology , shared textual resources , and pilgrimage to sacred sites . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ronaldinho has scored zero goals for the Brazil national football team . +08-13 15:28 root DEBUG Ronaldinho has played 97 matches and scored 33 goals for the Brazil national team . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG John S. McCain Jr. was raised in Washington , D.C. +08-13 15:28 root DEBUG McCain grew up in Washington , D.C. , and graduated from the U.S. Naval Academy in 1931 , after which he entered the submarine service . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Akon has had more than ten gold certified songs . +08-13 15:28 root DEBUG Akon has had four songs certified as 3 × platinum , three songs certified as 2 × platinum , more than ten songs certified as 1 × platinum and more than ten songs certified as gold in digital sales . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scream was unremarkable . +08-13 15:28 root DEBUG The series , particularly the first two films , has received significant critical acclaim . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Nottingham Forest F.C. refuse to play soccer . +08-13 15:28 root DEBUG The team play in the Championship , the second tier of English football , having been there since promotion from League One in 2008 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Incredibles 2 is a computer-animated movie . +08-13 15:28 root DEBUG The Incredibles 2 is an upcoming 2018 American 3D computer-animated superhero film , and is the sequel to The Incredibles -LRB- 2004 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Gagliardi battled cancer for two years . +08-13 15:28 root DEBUG Gagliardi died of cancer on May 11 , 2014 , after battling cancer for eight years . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heaven Can Wait came out after Here Comes Mr. Jordan . +08-13 15:28 root DEBUG It was the second film adaptation of Harry Segall 's play of the same name , being preceded by Here Comes Mr. Jordan -LRB- 1941 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zoe Saldana died in 1958 . +08-13 15:28 root DEBUG Zoe Saldana-Perego -LRB- born Zoe Yadira Saldaña Nazario , June 19 , 1978 -RRB- , known professionally as Zoe Saldana or Zoë Saldana , is an American actress and dancer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Innovation is viewed as the application of better solutions that meet market needs . +08-13 15:28 root DEBUG However , innovation is often also viewed as the application of better solutions that meet new requirements , unarticulated needs , or existing market needs . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is not a season of a show on MTV . +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is the thirtieth season of the MTV reality competition series , The Challenge . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A United Kingdom is a 2016 drama film . +08-13 15:28 root DEBUG A United Kingdom is a 2016 British biographical romantic drama film directed by Amma Asante and written by Guy Hibbert , based on the true-life romance between Sir Seretse Khama and his wife Ruth Williams Khama . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Invisible Man was a science fiction horror television series . +08-13 15:28 root DEBUG The Invisible Man is an American 1933 Pre-Code science fiction horror film based on H. G. Wells ' science fiction novel The Invisible Man , published in 1897 , as adapted by R.C. Sherriff , Philip Wylie and Preston Sturges , whose work was considered unsatisfactory and who was taken off the project . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Babur was born in 1483 . +08-13 15:28 root DEBUG Babur -LRB- -LSB- بابر , lit = Tiger , translit = Bābur -RSB- 14 February 148326 December 1530 -RRB- , born Ẓahīr-ud-Dīn Muḥammad -LRB- -LSB- ظهیرالدین محمد , translit = Ẓahīr ad-Dīn Muḥammad -RSB- -RRB- , was a conqueror from Central Asia who , following a series of setbacks , finally succeeded in laying the basis for the Mughal dynasty in the Indian subcontinent and became the first Mughal emperor . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth Olsen is a person . +08-13 15:28 root DEBUG Elizabeth Chase `` Lizzie '' Olsen -LRB- born February 16 , 1989 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Super Bowl XLV was the first time the Super Bowl was played in the D.C. metropolitan area . +08-13 15:28 root DEBUG The game was played on February 6 , 2011 , at Cowboys Stadium in Arlington , Texas , the first time the Super Bowl was played in the Dallas -- Fort Worth area . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Dodo has only been depicted with a red head . +08-13 15:28 root DEBUG It has been depicted with brownish-grey plumage , yellow feet , a tuft of tail feathers , a grey , naked head , and a black , yellow , and green beak . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Fred Seibert has only produced live-action programs . +08-13 15:28 root DEBUG He has produced live action and animated programs for cable television , and the internet , and began his professional career as a jazz and blues record producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Linkin Park hit the Billboard Top 200 for the first time in 2007 . +08-13 15:28 root DEBUG Their following studio album Meteora continued the band 's success , topping the Billboard 200 album chart in 2003 , and was followed by extensive touring and charity work around the world . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Clueless -LRB- film -RRB- was followed by a series of young adult organizations . +08-13 15:28 root DEBUG The film was followed by a spin-off television sitcom and series of books . The Clueless series is a series of young adult novels , mainly written by H. B. Gilmour and Randi Reisfeld . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Issa Rae stars in Awkward Black Girl . +08-13 15:28 root DEBUG She is best known as the creator of the YouTube web series Awkward Black Girl . The Mis-Adventures of Awkward Black Girl -LRB- often simply referred to as Awkward Black Girl -RRB- is an American comedy web series created by and starring Issa Rae . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG In 1995 The Blue Dog Coalition was created . +08-13 15:28 root DEBUG It was formed in 1995 during the 104th Congress to give more conservative members from the Democratic party a unified voice after the Democrats ' loss of Congress in the U.S. Congressional election of 1994 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Betsy Hodges was a candidate in an election . +08-13 15:28 root DEBUG Hodges was reelected to the city council in the 2009 Minneapolis municipal elections . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan 's semi-industrialized economy is the 25th largest in the world in purchasing power parity . +08-13 15:28 root DEBUG Pakistan has a semi-industrialised economy with a well-integrated agriculture sector , and a growing services sector . The economy of Pakistan is the 25th largest in the world in terms of purchasing power parity -LRB- PPP -RRB- , and 42nd largest in terms of nominal gross domestic product . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Nottingham Forest F.C. is based outside Nottingham , England . +08-13 15:28 root DEBUG Nottingham Forest Football Club is a professional association football club based in Nottingham , England . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A German photographer founded FC Bayern Munich . +08-13 15:28 root DEBUG FC Bayern was founded in 1900 by 11 football players , led by Franz John . Franz Adolf Louis John -LRB- born 28 September 1872 in Pritzwalk , died 17 November 1952 in Berlin -RRB- was a German photographer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Practical Magic is based on a 1995 poem . +08-13 15:28 root DEBUG Practical Magic is a 1998 American romantic comedy film based on the 1995 novel of the same name by Alice Hoffman . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dulquer Salmaan acted in a film . +08-13 15:28 root DEBUG He received his first Filmfare Award for Best Actor nomination for his performance in Ustad Hotel -LRB- 2012 -RRB- . Ustad Hotel is a 2012 Indian Malayalam-language drama film directed by Anwar Rasheed , written by Anjali Menon and produced by Listin Stephen under the banner of Magic Frames . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hollow Man has one sequel called Hollow Man 2 released in 2004 . +08-13 15:28 root DEBUG A direct-to-video stand-alone sequel called Hollow Man 2 starring Christian Slater and Peter Facinelli was released in 2006 . Hollow Man 2 is a 2006 American science fiction horror film directed by Claudio Fäh and starring Peter Facinelli , Laura Regan and Christian Slater . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Benzodiazepines can be taken in overdoses . +08-13 15:28 root DEBUG Benzodiazepines can be taken in overdoses and can cause dangerous deep unconsciousness . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Issa Rae created Awkward Black Girl and has had success . +08-13 15:28 root DEBUG She is best known as the creator of the YouTube web series Awkward Black Girl . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Freddie Highmore is an actor on the television series Bates Motel . +08-13 15:28 root DEBUG For five seasons , Highmore starred as Norman Bates in the A&E drama-thriller series Bates Motel -LRB- 2013 -- 2017 -RRB- , for which he was twice nominated for the Critics ' Choice Television Award for Best Actor in a Drama Series . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG American Library Association is the most large library association . +08-13 15:28 root DEBUG It is the oldest and largest library association in the world , with more than 62,000 members . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Lucy Hale was in American Juniors . +08-13 15:28 root DEBUG Hale first came to prominence as one of the five winners of the reality show American Juniors , a children 's spin off of American Idol . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Levoamphetamine changes concentration . +08-13 15:28 root DEBUG Levoamphetamine , also known as levamfetamine -LRB- INN -RRB- , -LRB- R -RRB- - amphetamine , - amphetamine , and L-amphetamine , is a central nervous system -LRB- CNS -RRB- stimulant known to increase wakefulness and concentration in association with decreased appetite and fatigue . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scream 2 was made in 1854 . +08-13 15:28 root DEBUG Scream 2 is a 1997 American slasher film directed by Wes Craven and written by Kevin Williamson . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kevin Bacon was in a film . +08-13 15:28 root DEBUG His notable films include musical-drama film Footloose -LRB- 1984 -RRB- , the controversial historical conspiracy legal thriller JFK -LRB- 1991 -RRB- , the legal drama A Few Good Men -LRB- 1992 -RRB- , the historical docudrama Apollo 13 -LRB- 1995 -RRB- , and the mystery drama Mystic River -LRB- 2003 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Theresa May worked for Bank of England . +08-13 15:28 root DEBUG From 1977 until 1983 , she worked for the Bank of England , and from 1985 until 1997 at the Association for Payment Clearing Services , also serving as a councillor for Durnsford in Merton . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hebe married Heracles . +08-13 15:28 root DEBUG Hebe was the cupbearer for the gods and goddesses of Mount Olympus , serving their nectar and ambrosia , until she was married to Heracles -LRB- Roman equivalent : Hercules -RRB- ; her successor was the divine hero Ganymede . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One Flew Over the Cuckoo 's Nest was released in a year between 1934 and 1970 . +08-13 15:28 root DEBUG One Flew Over the Cuckoo 's Nest is a 1975 American comedy-drama film directed by Miloš Forman , based on the 1962 novel One Flew Over the Cuckoo 's Nest by Ken Kesey . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Meghan Markle is an empath . +08-13 15:28 root DEBUG In 2016 , Markle was appointed a Global Ambassador for World Vision Canada , worked with the United Nations Entity for Gender Equality and the Empowerment of Women , and was a United Nations Women 's advocate for political participation and leadership . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Zoe Saldana is a dancer . +08-13 15:28 root DEBUG Zoe Saldana-Perego -LRB- born Zoe Yadira Saldaña Nazario , June 19 , 1978 -RRB- , known professionally as Zoe Saldana or Zoë Saldana , is an American actress and dancer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rob McElhenney only portrays Dennis Reynolds . +08-13 15:28 root DEBUG He is best known for playing Mac on the FX/FXX comedy series It 's Always Sunny in Philadelphia . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Ross released less than nine studio albums . +08-13 15:28 root DEBUG In 2009 , Ross founded the record label Maybach Music Group , on which he released his studio albums Deeper Than Rap -LRB- 2009 -RRB- , Teflon Don -LRB- 2010 -RRB- , God Forgives , I Do n't -LRB- 2012 -RRB- , Mastermind , Hood Billionaire -LRB- 2014 -RRB- , Black Market -LRB- 2015 -RRB- , and Rather You Than Me -LRB- 2017 -RRB- . Rather You Than Me is the ninth studio album by American rapper Rick Ross . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The original root word for aristocracy meant boat race in Greek . +08-13 15:28 root DEBUG Aristocracy -LRB- Greek ἀριστοκρατία aristokratía , from ἄριστος aristos `` excellent , '' and κράτος kratos `` power '' -RRB- is a form of government that places power in the hands of a small , privileged ruling class . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vic Mensa 's date of birth was June 6 , 1993 . +08-13 15:28 root DEBUG Victor Kwesi Mensah -LRB- born June 6 , 1993 -RRB- , better known by his stage name Vic Mensa , is a Grammy-nominated American rapper from Chicago , Illinois . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scandinavia does not contain Greenland . +08-13 15:28 root DEBUG The remote Norwegian islands of Svalbard and Jan Mayen are usually not seen as a part of Scandinavia , nor is Greenland , an overseas territory of Denmark . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Barbarella is a film from 1968 . +08-13 15:28 root DEBUG Barbarella is a 1968 science fiction film directed by Roger Vadim based on the French comic Barbarella . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Shannon Lee is a citizen . +08-13 15:28 root DEBUG Shannon Emery Lee -LRB- born April 19 , 1969 -RRB- is an American actress , martial artist and businesswoman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Ellen Show was created by an American comedian . +08-13 15:28 root DEBUG The Ellen Show is a television sitcom created by and starring Ellen DeGeneres that was broadcast during the 2001 -- 02 season on CBS . Ellen Lee DeGeneres -LRB- -LSB- dᵻˈdʒɛnərᵻs -RSB- born January 26 , 1958 -RRB- is an American comedian , television host , actress , writer , and producer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple of the Dog is a group . +08-13 15:28 root DEBUG Temple of the Dog was an American rock band that formed in Seattle , Washington in 1990 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edouard Seguin worked with children . +08-13 15:28 root DEBUG He is remembered for his work with children having cognitive impairments in France and the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hit is a car . +08-13 15:28 root DEBUG The Hit is a 1984 British road crime film directed by Stephen Frears and starring John Hurt , Terence Stamp , Laura del Sol and Tim Roth . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Death Note is a Japanese television drama series based on a popular video game . +08-13 15:28 root DEBUG is a Japanese television drama series based on the manga series of the same name by Tsugumi Ohba and Takeshi Obata . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The House of the Spirits lost Bavarian Film Awards . +08-13 15:28 root DEBUG The film won some awards , -LRB- Bavarian Film Awards , German Film Awards , the Golden Screen -LRB- Germany -RRB- , Havana Film Festival , and Robert Festival -LRB- Denmark -RRB- , the German Phono Academy and the Guild of German Art House Cinemas -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG You Only Live Twice had a male British director . +08-13 15:28 root DEBUG You Only Live Twice is the first Bond film to be directed by Lewis Gilbert , who later directed the 1977 film The Spy Who Loved Me and the 1979 film Moonraker , both starring Roger Moore . Lewis Gilbert , -LRB- born 6 March 1920 -RRB- is a British film director , producer and screenwriter , who has directed more than 40 films during six decades ; among them such varied titles as Reach for the Sky -LRB- 1956 -RRB- , Sink the Bismarck ! +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A near-Earth object is not a planet and it is in the universe . +08-13 15:28 root DEBUG A near-Earth object -LRB- NEO -RRB- is any small Solar System body whose orbit brings it into proximity with Earth . Earth -LRB- from Eorðe -LSB- Γαῖα , Gaia -RSB- Terra -RRB- , otherwise known as the World or the Globe , is the third planet from the Sun and the only object in the Universe known to harbor life . A Small Solar System Body -LRB- SSSB -RRB- is an object in the Solar System that is neither a planet , nor a dwarf planet , nor a natural satellite . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cthulhu is a creation . +08-13 15:28 root DEBUG Cthulhu -LRB- -LSB- - all -LRB- k -RRB- ʟ̝̊ʊlʔɬuː -RSB- -RRB- is a cosmic entity created by writer H. P. Lovecraft and first introduced in the short story `` The Call of Cthulhu '' , published in the American pulp magazine Weird Tales in 1928 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Heaven Can Wait is a film adaptation . +08-13 15:28 root DEBUG It was the second film adaptation of Harry Segall 's play of the same name , being preceded by Here Comes Mr. Jordan -LRB- 1941 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Thin Red Line -LRB- 1998 film -RRB- has an all-female cast . +08-13 15:28 root DEBUG It portrays soldiers of C Company , 1st Battalion , 27th Infantry Regiment , 25th Infantry Division , played by Sean Penn , Jim Caviezel , Nick Nolte , Elias Koteas and Ben Chaplin . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games ' second film is Mockingjay . +08-13 15:28 root DEBUG The Hunger Games : Mockingjay -- Part 1 -LRB- 2014 -RRB- had the largest opening day and weekend of 2014 . The Hunger Games -LRB- 2012 -RRB- set records for the opening day and the biggest opening weekend for a non-sequel film . The Hunger Games : Catching Fire -LRB- 2013 -RRB- set the record for biggest opening weekend in the month of November . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Monster features guest vocals . +08-13 15:28 root DEBUG `` The Monster '' is a song by American rapper Eminem , featuring guest vocals from Barbadian singer Rihanna , taken from Eminem 's album The Marshall Mathers LP 2 -LRB- 2013 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Boxing Helena received critical disapproval . +08-13 15:28 root DEBUG After receiving an NC-17 rating by the MPAA , the film was given an R-rating on appeal and released in the United States in September 1993 , but received critical backlash and was a financial failure . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Augustus Prew was born in 1890 in London , England . +08-13 15:28 root DEBUG Augustus Prew -LRB- born september 17 , 1987 -RRB- is an English film and television actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henri Kontinen 's male sibling is a retired tennis player . +08-13 15:28 root DEBUG He also won the 2017 Australian Open men 's doubles title with John Peers , reaching his first Grand Slam title in doubles . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth of York would n't marry the king . +08-13 15:28 root DEBUG As the wife of Henry VII , she was the first Tudor queen . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The IPhone 4 has only a simple mobile operating system . +08-13 15:28 root DEBUG The iPhone 4 introduced a new hardware design to the iPhone family , which Apple 's CEO Steve Jobs touted as the thinnest smartphone in the world at the time ; it consisted of an uninsulated stainless steel frame which doubles as an antenna , with internal components situated between chemically strengthened aluminosilicate glass . A smartphone is a mobile personal computer with an advanced mobile operating system with features useful for mobile or handheld use . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stephen King published under a pen name . +08-13 15:28 root DEBUG King has published 54 novels , including seven under the pen name Richard Bachman , and six non-fiction books . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG NXT Tag Team Championship was created by a wresting entertainment company . +08-13 15:28 root DEBUG The NXT Tag Team Championship is a professional wrestling tag team championship created and promoted by the American professional wrestling promotion WWE on their developmental brand , NXT . World Wrestling Entertainment , Inc. -LRB- d/b/a WWE -RRB- is an American publicly traded , privately controlled entertainment company that deals primarily in professional wrestling , with revenue also coming from film , music , video games , product licensing , and direct product sales . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gory Guerrero was a Lucha Libre wrestler . +08-13 15:28 root DEBUG Salvador Guerrero Quesada -LRB- January 11 , 1921 -- April 18 , 1990 -RRB- , better known as Gory Guerrero , was one of the premier Hispanic professional wrestlers in the early days of Lucha Libre when most wrestlers were imported from outside of Mexico . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The KGB was not governed by army laws and regulations . +08-13 15:28 root DEBUG The KGB was a military service and was governed by army laws and regulations , similar to the Soviet Army or MVD Internal Troops . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aestheticism values ethics over cultural themes . +08-13 15:28 root DEBUG Aestheticism -LRB- also the Aesthetic Movement -RRB- is an intellectual and art movement supporting the emphasis of aesthetic values more than social-political themes for literature , fine art , music and other arts . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG David Lloyd George is a Briton . +08-13 15:28 root DEBUG He was voted the third greatest British prime minister of the 20th century in a poll of 139 academics organised by MORI , and in 2002 he was named among the 100 Greatest Britons following a UK-wide vote . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The American actor that plays Chumlee was born on December . +08-13 15:28 root DEBUG Austin Lee Russell -LRB- born September 8 , 1982 -RRB- , better known by his stage name of Chumlee , is an American actor , businessman and reality television personality , known as a cast member on the History Channel television show Pawn Stars , which depicts the daily business at the Gold and Silver Pawn Shop in Las Vegas where Russell works as an employee . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Talulah Riley appeared in Pride & Prejudice . +08-13 15:28 root DEBUG She has appeared in films such as Pride & Prejudice , St Trinian 's , The Boat That Rocked , St. Trinian 's 2 : The Legend of Fritton 's Gold and Inception . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Clueless -LRB- film -RRB- was followed by a spin-off film . +08-13 15:28 root DEBUG The film was followed by a spin-off television sitcom and series of books . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG LinkedIn is available in multiple languages . +08-13 15:28 root DEBUG Based in the United States , the site is , as of 2013 , available in 24 languages , including Arabic , Chinese , English , French , German , Italian , Portuguese , Spanish , Dutch , Swedish , Danish , Romanian , Russian , Turkish , Japanese , Czech , Polish , Korean , Indonesian , Malay , and Tagalog . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Salman Rushdie won the Booker Prize in 1981 . +08-13 15:28 root DEBUG His second novel , Midnight 's Children -LRB- 1981 -RRB- , won the Booker Prize in 1981 and was deemed to be `` the best novel of all winners '' on two separate occasions , marking the 25th and the 40th anniversary of the prize . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Physics includes equations . +08-13 15:28 root DEBUG For example , advances in the understanding of electromagnetism or nuclear physics led directly to the development of new products that have dramatically transformed modern-day society , such as television , computers , domestic appliances , and nuclear weapons ; advances in thermodynamics led to the development of industrialization , and advances in mechanics inspired the development of calculus . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sensitive Skin 's first series aired on ABC TV . +08-13 15:28 root DEBUG Series 1 aired in Australia on ABC TV in mid-2007 -LRB- repeated 2009 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Antigua and Barbuda was named in honor of the Virgin of La Antigua . +08-13 15:28 root DEBUG The country 's name was given by Christopher Columbus in 1493 after discovering the island , in honor of the Virgin of La Antigua in the Seville Cathedral . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sacre-Coeur , Paris is an embodiment of conservative moral order . +08-13 15:28 root DEBUG Sacré-Cœur is a double monument , political and cultural , both a national penance for the defeat of France in the 1870 Franco-Prussian War and the socialist Paris Commune of 1871 crowning its most rebellious neighborhood , and an embodiment of conservative moral order , publicly dedicated to the Sacred Heart of Jesus , which was an increasingly popular vision of a loving and sympathetic Christ . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Castlevania was released by Konami . +08-13 15:28 root DEBUG Castlevania , known in Japan as , is an action-platformer video game developed and published by Konami for the Family Computer Disk System video game console in Japan in September 1986 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Independent Spirit Awards are held in Boston . +08-13 15:28 root DEBUG The awards show is held inside a tent on the beach in Santa Monica , California , usually on the day before the Academy Awards -LRB- since 1999 ; originally the Saturday before -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Alfred P. Murrah Federal Building was a United States unitary government complex . +08-13 15:28 root DEBUG The Alfred P. Murrah Federal Building was a United States federal government complex located at 200 N.W. 5th Street in Downtown Oklahoma City , Oklahoma , United States . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth Olsen is an actress . +08-13 15:28 root DEBUG Elizabeth Chase `` Lizzie '' Olsen -LRB- born February 16 , 1989 -RRB- is an American actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Times is a publication . +08-13 15:28 root DEBUG The Times is a British daily -LRB- Monday to Saturday -RRB- national newspaper based in London , England . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Prague 's historic center was first included in the UNESCO list of World Heritage Sites in 1937 . +08-13 15:28 root DEBUG Since 1992 , the extensive historic centre of Prague has been included in the UNESCO list of World Heritage Sites . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Nellie Bly influenced Lois Lane . +08-13 15:28 root DEBUG She was also influenced by the real-life journalist Nellie Bly . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Elizabeth of York 's uncle was Richard III . +08-13 15:28 root DEBUG She was the daughter of Edward IV and niece of Richard III , and she married the king following Henry 's victory at the Battle of Bosworth which started the last phase of the Wars of the Roses . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stomp the Yard is a clothing brand . +08-13 15:28 root DEBUG Stomp the Yard is a 2007 dance drama film produced by Rainforest Films and released through Sony Pictures ' Screen Gems division on January 12 , 2007 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Maximum Overdrive 's screenwriter was Stephen King . +08-13 15:28 root DEBUG Maximum Overdrive is a 1986 American science fiction action horror comedy film written and directed by Stephen King . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Scream 2 was directed exclusively by Barack Obama . +08-13 15:28 root DEBUG Scream 2 is a 1997 American slasher film directed by Wes Craven and written by Kevin Williamson . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG SpongeBob SquarePants is a series . +08-13 15:28 root DEBUG SpongeBob SquarePants is an American animated television series created by marine biologist and animator Stephen Hillenburg for Nickelodeon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There was a uniform system of writing established in the Qin dynasty . +08-13 15:28 root DEBUG The Qin dynasty introduced several reforms : currency , weights and measures were standardized , and a uniform system of writing was established . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Simon Cowell was in a reality show . +08-13 15:28 root DEBUG He is most recognised as a judge on the British TV talent competition series Pop Idol , The X Factor , and Britain 's Got Talent , and the American TV talent competition shows American Idol , The X Factor , and America 's Got Talent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tobey Maguire left The Good German before filming began . +08-13 15:28 root DEBUG It was directed by Steven Soderbergh , and stars George Clooney , Cate Blanchett , and Tobey Maguire . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a novel named The Hunger Games . +08-13 15:28 root DEBUG The Hunger Games is a 2008 dystopian novel by the American writer Suzanne Collins . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Edouard Seguin worked in the United States . +08-13 15:28 root DEBUG He is remembered for his work with children having cognitive impairments in France and the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cary Elwes was born in 1962 . +08-13 15:28 root DEBUG Ivan Simon Cary Elwes -LRB- -LSB- ˈɛlwɪs -RSB- born 26 October 1962 -RRB- , known professionally as Cary Elwes , is an English actor and writer . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Argentina 's federal capital is Paris . +08-13 15:28 root DEBUG The country is subdivided into twenty-three provinces -LRB- provincias , singular provincia -RRB- and one autonomous city -LRB- ciudad autónoma -RRB- , Buenos Aires , which is the federal capital of the nation -LRB- -LSB- Capital Federal , links = no -RSB- -RRB- as decided by Congress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Indian National Congress was founded only outside of India . +08-13 15:28 root DEBUG It was founded in Bombay in late December 1885 , during the British Raj in India . Mumbai -LRB- -LSB- mʊmˈbaɪ -RSB- also known as Bombay , the official name until 1995 -RRB- is the capital city of the Indian state of Maharashtra . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gamal Abdel Nasser 's funeral was in New York City . +08-13 15:28 root DEBUG His funeral in Cairo drew five million mourners and an outpouring of grief across the Arab world . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kate Walsh was on an NBC sitcom . +08-13 15:28 root DEBUG Her roles include Dr. Addison Montgomery on the ABC television dramas Grey 's Anatomy and Private Practice , Rebecca Wright on the short-lived NBC sitcom Bad Judge , and Olivia Baker on the Netflix drama series 13 Reasons Why . Kathleen Erin Walsh -LRB- born October 13 , 1967 -RRB- is an American actress and businesswoman . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Leslie Alexander is from the state of New Jersey . +08-13 15:28 root DEBUG He is a former bond trader from New Jersey who owns the National Basketball Association -LRB- NBA -RRB- team Houston Rockets . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cary Elwes has yet to try acting . +08-13 15:28 root DEBUG Ivan Simon Cary Elwes -LRB- -LSB- ˈɛlwɪs -RSB- born 26 October 1962 -RRB- , known professionally as Cary Elwes , is an English actor and writer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mom -LRB- TV series -RRB- has gotten more than one nomination . +08-13 15:28 root DEBUG The show has also garnered multiple nominations at the Critics ' Choice Television Awards and the People 's Choice Awards during its run . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Therasia is a piece of land . +08-13 15:28 root DEBUG Therasia , also known as Thirasía , is an island in the volcanic island group of Santorini in the Greek Cyclades . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Caesar is a play adaptation . +08-13 15:28 root DEBUG Caesar is the title of Orson Welles 's innovative 1937 adaptation of William Shakespeare 's Julius Caesar , a modern-dress bare-stage production that evoked comparison to contemporary Fascist Italy and Nazi Germany . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The KGB was not a military service . +08-13 15:28 root DEBUG The KGB was a military service and was governed by army laws and regulations , similar to the Soviet Army or MVD Internal Troops . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The IPhone 4 was only marketed by Google . +08-13 15:28 root DEBUG The iPhone 4 is a smartphone that was designed and marketed by Apple Inc. . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estonia is not a country . +08-13 15:28 root DEBUG Estonia -LRB- -LSB- ɛˈstoʊniə -RSB- Eesti -LSB- ˈeːsti -RSB- -RRB- , officially the Republic of Estonia -LRB- -LSB- Eesti Vabariik , links = no -RSB- -RRB- , is a country in the Baltic region of Northern Europe . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Talulah Riley appeared in St Trinian 's . +08-13 15:28 root DEBUG She has appeared in films such as Pride & Prejudice , St Trinian 's , The Boat That Rocked , St. Trinian 's 2 : The Legend of Fritton 's Gold and Inception . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Phoenix , Arizona is the capital of Arizona . +08-13 15:28 root DEBUG Phoenix -LRB- -LSB- ˈfiːnᵻks -RSB- -RRB- is the capital and most populous city of the U.S. state of Arizona . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games are series of three films . +08-13 15:28 root DEBUG The Hunger Games film series consists of four science fiction dystopian adventure films based on The Hunger Games trilogy of novels , by the American author Suzanne Collins . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ghost is a film . +08-13 15:28 root DEBUG Ghost is a 1990 American romantic fantasy thriller film starring Patrick Swayze , Demi Moore , Whoopi Goldberg , Tony Goldwyn , and Rick Aviles . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mamata Banerjee was conceived on January 5th , 1955 . +08-13 15:28 root DEBUG Mamata Banerjee -LRB- -LSB- mɔmɔt̪a bɔnd̪d̪oˈpad̪ʱˈae̯ -RSB- -LRB- Bengali - মমতা বন্দপাধ্যায় -RRB- also known as Didi was born 5 January 1955 -RRB- is an Indian politician who has been Chief Minister of West Bengal since 2011 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Adidas designs things that you can wear . +08-13 15:28 root DEBUG Adidas AG -LRB- -LSB- ˈadiˌdas -RSB- -RRB- -LRB- stylised as adidas since 1949 -RRB- is a German multinational corporation , headquartered in Herzogenaurach , Germany , that designs and manufactures shoes , clothing and accessories . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Move -LRB- Little Mix song -RRB- was released in October 2010 . +08-13 15:28 root DEBUG The single received its first airplay in the United Kingdom on 23 September 2013 and was released for digital download on 3 November 2013 , a week before the release of Salute in that country . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG L. Ron Hubbard was born in 1986 . +08-13 15:28 root DEBUG Lafayette Ronald Hubbard -LRB- March 13 , 1911 -- January 24 , 1986 -RRB- , better known as L. Ron Hubbard -LRB- -LSB- ɛl_rɒn_ˈhʌˌbərd -RSB- -RRB- and often referred to by his initials , LRH , was an American author and the founder of the Church of Scientology . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Mandy Moore had a career . +08-13 15:28 root DEBUG Amanda Leigh Moore -LRB- born April 10 , 1984 -RRB- is an American singer-songwriter and actress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG A thunderstorm is also known as an thundershower . +08-13 15:28 root DEBUG A thunderstorm , also known as an electrical storm , lightning storm , or thundershower , is a storm characterized by the presence of lightning and its acoustic effect on the Earth 's atmosphere , known as thunder . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Morgan Fairchild only acts as background characters . +08-13 15:28 root DEBUG In 1978 , she appeared on the primetime soap opera Dallas as the first actress to portray Jenna Wade , before taking a lead role on the NBC series Flamingo Road in 1980 -LRB- for which she was nominated for a Golden Globe Award for Best Actress -- Television Series Drama -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthew Vaughn 's birth name was Matthew Allard Robert Vaughn . +08-13 15:28 root DEBUG Matthew Allard de Vere Drummond -LRB- born Matthew Allard Robert Vaughn ; 7 March 1971 -RRB- is an English film producer , director , and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Stomp the Yard is a film . +08-13 15:28 root DEBUG Stomp the Yard is a 2007 dance drama film produced by Rainforest Films and released through Sony Pictures ' Screen Gems division on January 12 , 2007 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The New England Patriots owns the record for least Super Bowls reached . +08-13 15:28 root DEBUG The team owns the record for most Super Bowls reached -LRB- seven -RRB- and won -LRB- five -RRB- by a head coach -- quarterback tandem . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Latvian Soviet Socialist Republic is never known as Latvia . +08-13 15:28 root DEBUG The Latvian Soviet Socialist Republic -LRB- Latvian SSR ; Latvijas Padomju Sociālistiskā Republika Латвийская Советская Социалистическая Республика , Latviyskaya Sovetskaya Sotsialisticheskaya Respublika -RRB- , also known as Soviet Latvia or Latvia , was a republic of the Soviet Union . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Raven -LRB- 2012 film -RRB- was released in Ireland in April 2012 . +08-13 15:28 root DEBUG It was released in Canada , Ireland , and the United Kingdom on March 9 , 2012 and in the United States on April 27 , 2012 . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Rick Ross made more than eight studio albums . +08-13 15:28 root DEBUG In 2009 , Ross founded the record label Maybach Music Group , on which he released his studio albums Deeper Than Rap -LRB- 2009 -RRB- , Teflon Don -LRB- 2010 -RRB- , God Forgives , I Do n't -LRB- 2012 -RRB- , Mastermind , Hood Billionaire -LRB- 2014 -RRB- , Black Market -LRB- 2015 -RRB- , and Rather You Than Me -LRB- 2017 -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sausage Party was released in 2016 . +08-13 15:28 root DEBUG Sausage Party is a 2016 adult computer-animated comedy film directed by Greg Tiernan and Conrad Vernon and written by Kyle Hunter , Ariel Shaffir , Seth Rogen and Evan Goldberg . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Invisible Man was based on a play . +08-13 15:28 root DEBUG The Invisible Man is an American 1933 Pre-Code science fiction horror film based on H. G. Wells ' science fiction novel The Invisible Man , published in 1897 , as adapted by R.C. Sherriff , Philip Wylie and Preston Sturges , whose work was considered unsatisfactory and who was taken off the project . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Woodrow Wilson lived in a section of the 1900s . +08-13 15:28 root DEBUG Thomas Woodrow Wilson -LRB- December 28 , 1856 -- February 3 , 1924 -RRB- was an American politician and academic who served as the 28th President of the United States from 1913 to 1921 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Akon is an entertainer . +08-13 15:28 root DEBUG Aliaume Damala Badara Akon Thiam -LRB- born April 16 , 1973 -RRB- , better known as Akon -LRB- pronounced -LSB- ˈeɪkɒn -RSB- -RRB- , is an American singer , rapper , songwriter , businessman , record producer and actor of Senegalese descent . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Matthew Vaughn is in the film industry . +08-13 15:28 root DEBUG Matthew Allard de Vere Drummond -LRB- born Matthew Allard Robert Vaughn ; 7 March 1971 -RRB- is an English film producer , director , and screenwriter . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hezbollah received a type of training from Iran . +08-13 15:28 root DEBUG Its leaders were followers of Ayatollah Khomeini , and its forces were trained and organized by a contingent of 1,500 Revolutionary Guards that arrived from Iran with permission from the Syrian government , which was in occupation of Lebanon at the time . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney was born on April 12th , 2011 . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry Cavill played Superman . +08-13 15:28 root DEBUG Cavill gained further prominence and international fame playing the titular superhero Superman in the DC Extended Universe starting with the 2013 reboot film Man of Steel , originally the highest-grossing Superman film of all time until it was surpassed by 2016 's Batman v Superman : Dawn of Justice , where he reprised his role as Superman ; making it his highest-grossing film to date . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Team Fortress 2 development was led by Robin Walker . +08-13 15:28 root DEBUG The development is led by John Cook and Robin Walker , creators of the original Team Fortress . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Inside Llewyn Davis was screened for the Cannes Film Festival . +08-13 15:28 root DEBUG The film won the Grand Prix at the 2013 Cannes Film Festival , where it screened on May 19 , 2013 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Younger is a series . +08-13 15:28 root DEBUG Younger is an American single-camera comedy-drama television series based on the Pamela Redmond Satran novel of the same name , created and produced by Darren Star . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG ASAP Rocky has only directed music videos for himself . +08-13 15:28 root DEBUG Rocky has also directed music videos for himself , Danny Brown and other A$ AP Mob members . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Argentina is subdivided into forty-eight cities . +08-13 15:28 root DEBUG The country is subdivided into twenty-three provinces -LRB- provincias , singular provincia -RRB- and one autonomous city -LRB- ciudad autónoma -RRB- , Buenos Aires , which is the federal capital of the nation -LRB- -LSB- Capital Federal , links = no -RSB- -RRB- as decided by Congress . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Catcher in the Rye is a written work . +08-13 15:28 root DEBUG The Catcher in the Rye is a 1951 novel by J. D. Salinger . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Internet access requires the use of computers . +08-13 15:28 root DEBUG Internet access is ability of individuals and organizations to connect to the Internet using computer terminals , computers , mobile devices ; and to access services such as email and the World Wide Web . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The current Duke of York has remarried since his 1996 divorce . +08-13 15:28 root DEBUG Prince Andrew currently has no male heirs and has been unmarried since his 1996 divorce . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Phoenix , Arizona is not a U.S. state . +08-13 15:28 root DEBUG Phoenix -LRB- -LSB- ˈfiːnᵻks -RSB- -RRB- is the capital and most populous city of the U.S. state of Arizona . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Hezbollah received a type of support from Syria . +08-13 15:28 root DEBUG Hezbollah receives military training , weapons , and financial support from Iran , and political support from Syria . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG On Mount Olympus , the gods and goddesses ' cupbearer was Hebe . +08-13 15:28 root DEBUG Hebe was the cupbearer for the gods and goddesses of Mount Olympus , serving their nectar and ambrosia , until she was married to Heracles -LRB- Roman equivalent : Hercules -RRB- ; her successor was the divine hero Ganymede . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Kenny Chesney graduated from high school on March 26th , 1968 . +08-13 15:28 root DEBUG Kenneth Arnold `` Kenny '' Chesney -LRB- born March 26 , 1968 -RRB- is an American country music singer , songwriter and record producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Washington Monument is constructed from marble , granite , and bluestone gneiss . +08-13 15:28 root DEBUG Located almost due east of the Reflecting Pool and the Lincoln Memorial , the monument , made of marble , granite , and bluestone gneiss , is both the world 's tallest stone structure and the world 's tallest obelisk , standing 554 ft tall according to the National Geodetic Survey -LRB- measured 2013 -- 14 -RRB- or 555 ft tall according to the National Park Service -LRB- measured 1884 -RRB- . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Gray Matters stars an actress . +08-13 15:28 root DEBUG Gray Matters is a 2006 romantic comedy film directed by Sue Kramer , starring Heather Graham , Tom Cavanagh and Bridget Moynahan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Augustus Prew was born in Westminster , London , England in 1990 . +08-13 15:28 root DEBUG Augustus Prew -LRB- born september 17 , 1987 -RRB- is an English film and television actor . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tom Cavanagh stars in Gray Matters . +08-13 15:28 root DEBUG Gray Matters is a 2006 romantic comedy film directed by Sue Kramer , starring Heather Graham , Tom Cavanagh and Bridget Moynahan . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Henry IV of France succeeded Henry III of France . +08-13 15:28 root DEBUG In 1589 , Jacques Clément , a Catholic fanatic , murdered Henry III , who was succeeded by the King of Navarre who , as Henry IV , would assume the throne of France after converting to Catholicism , and become the first French king of the House of Bourbon . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Olympus Mons is on Mars . +08-13 15:28 root DEBUG Mars is the site of Olympus Mons , the largest volcano and second-highest known mountain in the Solar System , and of Valles Marineris , one of the largest canyons in the Solar System . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hunger Games are not a film trilogy . +08-13 15:28 root DEBUG The Hunger Games film series consists of four science fiction dystopian adventure films based on The Hunger Games trilogy of novels , by the American author Suzanne Collins . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pakistan 's semi-industrialized economy is the 25th largest in the world in purchasing power parity in 2017 . +08-13 15:28 root DEBUG The Pakistani economy is the 24th-largest in the world in terms of purchasing power and the 41st-largest in terms of nominal GDP -LRB- World Bank -RRB- . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Vampires frequently paid visits to loved ones . +08-13 15:28 root DEBUG In European folklore , vampires were undead beings that often visited loved ones and caused mischief or deaths in the neighbourhoods they inhabited when they were alive . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pitch Perfect 2 is only a book . +08-13 15:28 root DEBUG Pitch Perfect 2 is a 2015 American comedy film directed and co-produced by Elizabeth Banks and written by Kay Cannon . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed Gein 's hometown is not Plainfield , Wisconsin . +08-13 15:28 root DEBUG His crimes , committed around his hometown of Plainfield , Wisconsin , gathered widespread notoriety after authorities discovered that Gein had exhumed corpses from local graveyards and fashioned trophies and keepsakes from their bones and skin . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Stanford prison experiment was funded by a grandmother . +08-13 15:28 root DEBUG It was funded by the U.S. Office of Naval Research as an investigation into the causes of difficulties between guards and prisoners in the United States Navy and United States Marine Corps . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Granite is a solid . +08-13 15:28 root DEBUG Granite -LRB- -LSB- pronˈɡrænᵻt -RSB- -RRB- is a common type of felsic intrusive igneous rock that is granular and phaneritic in texture . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Georgians arose from a place . +08-13 15:28 root DEBUG Georgians arose from the ancient Colchian and Iberian civilizations . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple Grandin was directed solely by Jim Carrey . +08-13 15:28 root DEBUG Temple Grandin is a 2010 biopic directed by Mick Jackson and starring Claire Danes as Temple Grandin , an autistic woman who revolutionized practices for the humane handling of livestock on cattle ranches and slaughterhouses . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG San Francisco Bay Area contains many airports . +08-13 15:28 root DEBUG Home to approximately 7.68 million people , the nine-county Bay Area contains many cities , towns , airports , and associated regional , state , and national parks , connected by a network of roads , highways , railroads , bridges , tunnels and commuter rail . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Cyprus is in the Mediterranean . +08-13 15:28 root DEBUG Cyprus -LRB- -LSB- ˈsaɪprəs -RSB- -LSB- Κύπρος , Kýpros -RSB- -LSB- ˈcipros -RSB- ; Kıbrıs -LSB- ˈkɯbɾɯs -RSB- -RRB- , officially the Republic of Cyprus -LRB- -LSB- Κυπριακή Δημοκρατία , Kypriakí Demokratía , links = no -RSB- -LSB- Kıbrıs Cumhuriyeti , links = no -RSB- -RRB- , is an island country in the Eastern Mediterranean and the third largest and third most populous island in the Mediterranean . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG There is a carnival called Camp Flog Gnaw . +08-13 15:28 root DEBUG Camp Flog Gnaw is an annual carnival created and hosted by Tyler , The Creator and Odd Future . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Incredibles 2 will be shown on IMAX . +08-13 15:28 root DEBUG The movie is scheduled to be released on June 15 , 2018 and will be given an IMAX release . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ang Lee released her first film on October 23 , 1954 . +08-13 15:28 root DEBUG Ang Lee OBS -LRB- ; born October 23 , 1954 -RRB- is a Taiwanese film director , screenwriter and producer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Tennessee is a state in the United States . +08-13 15:28 root DEBUG Tennessee -LRB- -LSB- tɛnᵻˈsiː -RSB- -RRB- -LRB- -LSB- ᏔᎾᏏ , translit = Tanasi -RSB- -RRB- is a state located in the southeastern region of the United States . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dawood Ibrahim was born in 1955 . +08-13 15:28 root DEBUG Dawood Ibrahim -LRB- Marathi : दाऊद इब्राहीम कासकर , born Dawood Ibrahim Kaskar 26 December 1955 -RRB- , known as Dawood Bhai or simply Bhai is a gangster and terrorist originally from Dongri in Mumbai , India . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Estonia is not in Northern Europe . +08-13 15:28 root DEBUG Estonia -LRB- -LSB- ɛˈstoʊniə -RSB- Eesti -LSB- ˈeːsti -RSB- -RRB- , officially the Republic of Estonia -LRB- -LSB- Eesti Vabariik , links = no -RSB- -RRB- , is a country in the Baltic region of Northern Europe . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Aeneas appeared in an ancient Egyptian epic poem by Homer . +08-13 15:28 root DEBUG He is a character in Greek mythology and is mentioned in Homer 's Iliad . The Iliad -LRB- -LSB- ˈɪliəd -RSB- Ἰλιάς , -LSB- iː.li.ás -RSB- in Classical Attic ; sometimes referred to as the Song of Ilion or Song of Ilium -RRB- is an ancient Greek epic poem in dactylic hexameter , traditionally attributed to Homer . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG One True Thing was made after 2000 . +08-13 15:28 root DEBUG One True Thing is a 1998 American drama film directed by Carl Franklin . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Temple of the Dog never celebrated the 25th anniversary of their self-titled album . +08-13 15:28 root DEBUG The band toured in 2016 in celebration of the 25th anniversary of their self-titled album . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Yugoslavia was in Southeast Europe . +08-13 15:28 root DEBUG Yugoslavia -LRB- Jugoslavija / Југославија , Jugoslavija , Југославија -RRB- was a country in Southeast Europe during most of the 20th century . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Eric Bana is a person . +08-13 15:28 root DEBUG Eric Banadinović -LRB- born 9 August 1968 -RRB- , known professionally as Eric Bana , is an Australian actor and comedian . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is a season of a TV show . +08-13 15:28 root DEBUG The Challenge XXX : Dirty 30 is the thirtieth season of the MTV reality competition series , The Challenge . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Dopamine causes neuromodulation . +08-13 15:28 root DEBUG Major neuromodulators in the central nervous system include dopamine , serotonin , acetylcholine , histamine , and norepinephrine . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Uranium 's symbol is U. +08-13 15:28 root DEBUG Uranium is a chemical element with symbol U and atomic number 92 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Sledgehammer made an appearance on Good Morning America . +08-13 15:28 root DEBUG They first performed the song live at the 2014 MTV Europe Music Awards pre-show and would make later appearances on Good Morning America , Access Hollywood Live , The Talk , the Today Show and The Ellen DeGeneres Show . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Part of The Last Song -LRB- film -RRB- was filmed on an island . +08-13 15:28 root DEBUG Filming lasted from June 15 to August 18 , 2009 with much of it occurring on the island 's beach and pier . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Catherine Hardwicke has refused to ever direct films . +08-13 15:28 root DEBUG Catherine Hardwicke -LRB- born Helen Catherine Hardwicke ; -RRB- is an American film director , production designer and screenwriter . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Pocahontas was the female child of Powhatan . +08-13 15:28 root DEBUG Pocahontas was the daughter of Powhatan , the paramount chief of a network of tributary tribal nations in the Tsenacommacah , encompassing the Tidewater region of Virginia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Hit was released on DVD . +08-13 15:28 root DEBUG The film was released on DVD by The Criterion Collection in April 2009 . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Annie Lennox was named `` The Greatest White Soul Singer Alive '' by VH1 . +08-13 15:28 root DEBUG Lennox has been named `` The Greatest White Soul Singer Alive '' by VH1 and one of The 100 Greatest Singers of All Time by Rolling Stone . +08-13 15:28 root DEBUG gold:REFUTES +08-13 15:28 root DEBUG predicted:SUPPORTS +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Padua is located within Italy . +08-13 15:28 root DEBUG Padua -LRB- -LSB- ˈpædju.ə -RSB- or -LSB- ˈpædʒu.ə -RSB- , Padova -LSB- ˈpaːdova -RSB- ; Pàdova -RRB- is a city and comune in Veneto , northern Italy . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The IPhone 4 was designed by Apple Inc. . . +08-13 15:28 root DEBUG The iPhone 4 is a smartphone that was designed and marketed by Apple Inc. . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Ed and Lorraine Warren were married . +08-13 15:28 root DEBUG Edward Warren Miney -LRB- September 7 , 1926 -- August 23 , 2006 -RRB- and Lorraine Rita Warren -LRB- née Moran , born January 31 , 1927 -RRB- were a married Roman Catholic couple who were highly controversial American paranormal investigators and authors associated with prominent cases of hauntings . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG Java was formed by volcanic eruptions . +08-13 15:28 root DEBUG Formed mostly as the result of volcanic eruptions , Java is the 13th largest island in the world and the fifth largest in Indonesia . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG The Cyclades are located to the southeast of Greece 's mainland . +08-13 15:28 root DEBUG The Cyclades -LRB- -LSB- ˈsɪklədiːz -RSB- Κυκλάδες , -LSB- cikˈlaðes -RSB- -RRB- are an island group in the Aegean Sea , southeast of mainland Greece and a former administrative prefecture of Greece . +08-13 15:28 root DEBUG gold:SUPPORTS +08-13 15:28 root DEBUG predicted:REFUTES +08-13 15:28 root DEBUG wrong predictions +08-13 15:28 root DEBUG total wrongly predicted:6376 +08-13 15:28 root WARNING done printing